diff --git a/docs/docs-ch/Table cars_data has columns such as id, weight.md b/docs/docs-ch/Table cars_data has columns such as id, weight.md new file mode 100644 index 0000000..46155d4 --- /dev/null +++ b/docs/docs-ch/Table cars_data has columns such as id, weight.md @@ -0,0 +1,154 @@ +Table cars_data has columns such as id, weight.\nid is the primary key.\nTable model_list has columns such as maker, model. + +Table model_list has columns such as model, maker.\nTable cars_data has columns such as id, weight.\nid is the primary key. + +python evaluation.py --gold /Users/jizha/code/python/spider/dataset/spider/dev_gold.sql --pred /Users/jizha/code/python/test-suite-sql-eval/二轮测试_gpt4_choice.json --etype all --db /Users/jizha/code/python/spider/dataset/spider/database --table tables.json + +```sh +python generate_question.py \ +--data_type spider \ +--split test \ +--tokenizer gpt-3.5-turbo \ +--max_seq_len 4096 \ +--selector_type EUCDISMASKPRESKLSIMTHR \ +--pre_test_result /Users/jizha/code/python/test-suite-sql-eval/随机列测试/union_test_20231201_random_table.sql \ +--prompt_repr SQL \ +--k_shot 9 \ +--example_type QA + +``` + +``` +import argparse +import os +import json + +import openai +from tqdm import tqdm + +from llm.chatgpt import init_chatgpt, ask_llm +from utils.enums import LLM +from torch.utils.data import DataLoader + +from utils.post_process import process_duplication, get_sqls +import concurrent.futures + +QUESTION_FILE = "questions.json" + + +def gen_predict_sql(index, token_cnt, args, batch): + try: + res = ask_llm(args.model, batch, args.temperature, args.n) + except openai.error.InvalidRequestError: + print(f"The {i}-th question has too much tokens! Return \"SELECT\" instead") + res = "" + # parse result + token_cnt += res["total_tokens"] + results = [] + if args.n == 1: + for sql in res["response"]: + # remove \n and extra spaces + sql = " ".join(sql.replace("\n", " ").split()) + sql = process_duplication(sql) + # python version should >= 3.8 + if sql.startswith("SELECT"): + results.append(sql) + elif sql.startswith(" "): + results.append("SELECT" + sql) + else: + results.append("SELECT " + sql) + else: + cur_db_ids = db_ids[i * args.batch_size: i * args.batch_size + len(batch)] + for sqls, db_id in zip(res["response"], cur_db_ids): + processed_sqls = [] + for sql in sqls: + sql = " ".join(sql.replace("\n", " ").split()) + sql = process_duplication(sql) + if sql.startswith("SELECT"): + pass + elif sql.startswith(" "): + sql = "SELECT" + sql + else: + sql = "SELECT " + sql + processed_sqls.append(sql) + result = { + 'db_id': db_id, + 'p_sqls': processed_sqls + } + final_sqls = get_sqls([result], args.n, args.db_dir) + results = final_sqls + return index, results + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + parser.add_argument("--question", type=str) + parser.add_argument("--openai_api_key", type=str, default="eab38a33cc07467aae9b7d09783b75a8") + parser.add_argument("--openai_group_id", type=str, default="luli.wjc") + parser.add_argument("--openai_api_base", type=str, + default="https://codegencore.antgroup-inc.cn/api/chat/commonPower/v1") + parser.add_argument("--model", type=str, choices=[LLM.TEXT_DAVINCI_003, + LLM.GPT_35_TURBO, + LLM.GPT_35_TURBO_0613, + LLM.TONG_YI_QIAN_WEN, + LLM.GPT_35_TURBO_16K, + LLM.GPT_4], + default=LLM.GPT_35_TURBO) + parser.add_argument("--start_index", type=int, default=0) + parser.add_argument("--end_index", type=int, default=1000000) + parser.add_argument("--temperature", type=float, default=0) + parser.add_argument("--mini_index_path", type=str, default="") + parser.add_argument("--batch_size", type=int, default=1) + parser.add_argument("--n", type=int, default=1, help="Size of self-consistent set") + parser.add_argument("--db_dir", type=str, default="dataset/spider/database") + args = parser.parse_args() + + # check args + assert args.model in LLM.BATCH_FORWARD or \ + args.model not in LLM.BATCH_FORWARD and args.batch_size == 1, \ + f"{args.model} doesn't support batch_size > 1" + + questions_json = json.load(open(os.path.join(args.question, QUESTION_FILE), "r")) + questions = [_["prompt"] for _ in questions_json["questions"]] + db_ids = [_["db_id"] for _ in questions_json["questions"]] + + # init openai api + init_chatgpt(args.openai_api_key, args.openai_group_id, args.openai_api_base, args.model) + + if args.start_index == 0: + mode = "w" + else: + mode = "a" + + if args.mini_index_path: + mini_index = json.load(open(args.mini_index_path, 'r')) + questions = [questions[i] for i in mini_index] + out_file = f"{args.question}/RESULTS_MODEL-{args.model}_MINI.txt" + else: + out_file = f"{args.question}/RESULTS_MODEL-{args.model}.txt" + + question_loader = DataLoader(questions, batch_size=args.batch_size, shuffle=False, drop_last=False) + + token_cnt = 0 + results = [] + with open(out_file, mode) as f: + for i in tqdm(range(0, len(question_loader), 10)): + up = i + 10 + if len(question_loader) < up: + up = len(question_loader) + result_temp = [""] * (up - i) + future_list = [] + with concurrent.futures.ThreadPoolExecutor() as executor: + question_batch = question_loader[i:up] + for index, item in enumerate(question_batch): + future_list.append(executor.submit(gen_predict_sql, index, token_cnt, args, item)) + for future in concurrent.futures.as_completed(future_list): + index, p_sqls = future.result() + result_temp[index] = p_sqls + for item in result_temp: + f.write("".join(item)) + results.extend(item) + + +``` + diff --git a/pyproject.toml b/pyproject.toml index 777313c..e390b19 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -4,7 +4,7 @@ build-backend = "flit_core.buildapi" [project] name = "sqlgpt-parser" -version = "0.0.1a5" +version = "0.0.1a7" authors = [ { name="luliwjc", email="chenxiaoxi_wjc@163.com" }, { name="Ifffff", email="tingkai.ztk@antgroup.com" }, @@ -35,7 +35,7 @@ dependencies = [ line-length=120 [tool.black] - skip-string-normalization = 1 + skip-string-normalization = false force-exclude = ''' sqlgpt_parser/parser/mysql_parser/parser_table.py | sqlgpt_parser/parser/oceanbase_parser/parser_table.py diff --git a/sqlgpt_parser/parser/mysql_parser/lexer.py b/sqlgpt_parser/parser/mysql_parser/lexer.py index 5f3859d..1e1e806 100644 --- a/sqlgpt_parser/parser/mysql_parser/lexer.py +++ b/sqlgpt_parser/parser/mysql_parser/lexer.py @@ -21,43 +21,43 @@ tokens = ( [ - 'IDENTIFIER', - 'DIGIT_IDENTIFIER', - 'QUOTED_IDENTIFIER', - 'BACKQUOTED_IDENTIFIER', - 'PERIOD', - 'COMMA', - 'PLUS', - 'MINUS', - 'LPAREN', - 'RPAREN', - 'ANDAND', - 'ASSIGNMENTEQ', - 'GT', - 'GE', - 'LT', - 'LE', - 'EQ', - 'NE', - 'NULL_SAFE_EQ', - 'BIT_OR', - 'BIT_AND', - 'BIT_XOR', - 'BIT_OPPOSITE', - 'EXCLA_MARK', - 'BIT_MOVE_LEFT', - 'BIT_MOVE_RIGHT', - 'PIPES', - 'SLASH', - 'ASTERISK', - 'PERCENT', - 'NUMBER', - 'FRACTION', - 'QM', - 'SCONST', - 'SINGLE_AT_IDENTIFIER', - 'DOUBLE_AT_IDENTIFIER', - 'HEX_NUMBER', + "IDENTIFIER", + "DIGIT_IDENTIFIER", + "QUOTED_IDENTIFIER", + "BACKQUOTED_IDENTIFIER", + "PERIOD", + "COMMA", + "PLUS", + "MINUS", + "LPAREN", + "RPAREN", + "ANDAND", + "ASSIGNMENTEQ", + "GT", + "GE", + "LT", + "LE", + "EQ", + "NE", + "NULL_SAFE_EQ", + "BIT_OR", + "BIT_AND", + "BIT_XOR", + "BIT_OPPOSITE", + "EXCLA_MARK", + "BIT_MOVE_LEFT", + "BIT_MOVE_RIGHT", + "PIPES", + "SLASH", + "ASTERISK", + "PERCENT", + "NUMBER", + "FRACTION", + "QM", + "SCONST", + "SINGLE_AT_IDENTIFIER", + "DOUBLE_AT_IDENTIFIER", + "HEX_NUMBER", ] + list(reversed) + list(nonreserved) @@ -66,48 +66,48 @@ sql_tokens = list(reversed) + list(nonreserved) + list(not_keyword_token) -t_LPAREN = r'\(' -t_RPAREN = r'\)' - -t_ASSIGNMENTEQ = r':=' -t_EQ = r'=' -t_NE = r'<>|!=' -t_LT = r'<' -t_LE = r'<=' -t_GT = r'>' -t_GE = r'>=' -t_NULL_SAFE_EQ = r'<=>' -t_PERIOD = r'\.' -t_COMMA = r',' -t_PLUS = r'\+' -t_MINUS = r'-' -t_ASTERISK = r'\*' -t_SLASH = r'/' -t_PERCENT = r'%' -t_QM = r'\?' +t_LPAREN = r"\(" +t_RPAREN = r"\)" + +t_ASSIGNMENTEQ = r":=" +t_EQ = r"=" +t_NE = r"<>|!=" +t_LT = r"<" +t_LE = r"<=" +t_GT = r">" +t_GE = r">=" +t_NULL_SAFE_EQ = r"<=>" +t_PERIOD = r"\." +t_COMMA = r"," +t_PLUS = r"\+" +t_MINUS = r"-" +t_ASTERISK = r"\*" +t_SLASH = r"/" +t_PERCENT = r"%" +t_QM = r"\?" # TODO # By default, || is a logical OR operator. # With PIPES_AS_CONCAT enabled, || is string concatenation. # Need support or semantics in future development -t_PIPES = r'\|\|' +t_PIPES = r"\|\|" -t_ignore = ' \t' +t_ignore = " \t" -t_ANDAND = r'\&\&' -t_BIT_OR = r'\|' -t_BIT_AND = r'\&' -t_BIT_XOR = r'\^' -t_BIT_OPPOSITE = r'\~' -t_BIT_MOVE_LEFT = r'<<' -t_BIT_MOVE_RIGHT = r'>>' -t_EXCLA_MARK = r'!' +t_ANDAND = r"\&\&" +t_BIT_OR = r"\|" +t_BIT_AND = r"\&" +t_BIT_XOR = r"\^" +t_BIT_OPPOSITE = r"\~" +t_BIT_MOVE_LEFT = r"<<" +t_BIT_MOVE_RIGHT = r">>" +t_EXCLA_MARK = r"!" def t_DOUBLE(t): r"[0-9]*\.[0-9]+([eE][-+]?[0-9]+)?|[-+]?[0-9]+([eE][-+]?[0-9]+)" - if 'e' in t.value or 'E' in t.value or '.' in t.value: - t.type = 'FRACTION' + if "e" in t.value or "E" in t.value or "." in t.value: + t.type = "FRACTION" else: t.type = "NUMBER" return t @@ -129,7 +129,7 @@ def t_NUMBER_START_WITH_XB(t): def t_IDENTIFIER(t): r"""[a-zA-Z\u4e00-\u9fa50-9_$][a-zA-Z\u4e00-\u9fa50-9_@:$]*""" if re.match( - r'(^0[xX][0-9a-fA-F]+$)|(^0[bB][01]+$)|(^\d+$)', + r"(^0[xX][0-9a-fA-F]+$)|(^0[bB][01]+$)|(^\d+$)", t.value, ): t.type = "NUMBER" @@ -155,13 +155,13 @@ def t_DOUBLE_AT_IDENTIFIER(t): def t_QUOTED_IDENTIFIER(t): - r'"(\\["\\]|[^"]|["]{2})*"' + r""" "(\\["\\]|[^"]|["]{2})*\" """ t.type = "QUOTED_IDENTIFIER" return t def t_BACKQUOTED_IDENTIFIER(t): - r'`([^`]|``)*`' + r"""`([^`]|``)*`""" val = t.value.lower() if val in tokens: t.type = tokens[val] @@ -169,7 +169,7 @@ def t_BACKQUOTED_IDENTIFIER(t): def t_newline(t): - r'[\r\n]+' + r"""[\r\n]+""" t.lexer.lineno += t.value.count("\n") @@ -179,7 +179,12 @@ def t_error(t): def t_COMMENT(t): - r'(\/\*\*\/)|(/\*((?!\/\*).)+\*/)' + r"""(\/\*\*\/)|(/\*((?!\/\*).)+\*/)""" + pass + + +def t_SEMICOLON(t): + r""";""" pass diff --git a/sqlgpt_parser/parser/mysql_parser/parser.py b/sqlgpt_parser/parser/mysql_parser/parser.py index cf96586..3cbb406 100644 --- a/sqlgpt_parser/parser/mysql_parser/parser.py +++ b/sqlgpt_parser/parser/mysql_parser/parser.py @@ -90,6 +90,9 @@ from ply import yacc from sqlgpt_parser.parser.mysql_parser.lexer import tokens, lexer +import pickle +import pickletools +from pathlib import Path tokens = tokens @@ -3559,13 +3562,16 @@ def _print_error(self): raise SyntaxError("The current version does not support this SQL") -parser = None - +parser :yacc.LRParser = None def parse(sql=None, debug=False, tracking=False, tokenfunc=None): + parser_cache = Path(__file__).absolute().parent / "parser.tmp.out" global parser if parser is None: with threading.Lock(): - if parser is None: + if parser_cache.exists(): + parser = pickle.loads(parser_cache.read_bytes()) + else : parser = yacc.yacc(tabmodule="parser_table", start="command", debugfile="parser.out", optimize=True) + parser_cache.write_bytes(pickletools.optimize(pickle.dumps(parser, protocol=5))) return parser.parse(input=sql, lexer=lexer, debug=debug, tracking=tracking, tokenfunc=tokenfunc) diff --git a/sqlgpt_parser/parser/oceanbase_parser/lexer.py b/sqlgpt_parser/parser/oceanbase_parser/lexer.py index 0ffe099..149745c 100644 --- a/sqlgpt_parser/parser/oceanbase_parser/lexer.py +++ b/sqlgpt_parser/parser/oceanbase_parser/lexer.py @@ -17,43 +17,43 @@ tokens = ( [ - 'IDENTIFIER', - 'DIGIT_IDENTIFIER', - 'QUOTED_IDENTIFIER', - 'BACKQUOTED_IDENTIFIER', - 'PERIOD', - 'COMMA', - 'PLUS', - 'MINUS', - 'LPAREN', - 'RPAREN', - 'ANDAND', - 'ASSIGNMENTEQ', - 'GT', - 'GE', - 'LT', - 'LE', - 'EQ', - 'NULL_SAFE_EQ', - 'NE', - 'BIT_OR', - 'BIT_AND', - 'BIT_XOR', - 'BIT_OPPOSITE', - 'SINGLE_AT_IDENTIFIER', - 'DOUBLE_AT_IDENTIFIER', - 'EXCLA_MARK', - 'BIT_MOVE_LEFT', - 'BIT_MOVE_RIGHT', - 'PIPES', - 'SLASH', - 'ASTERISK', - 'QM', - 'SCONST', - 'PERCENT', - 'FRACTION', - 'NUMBER', - 'HEX_NUMBER', + "IDENTIFIER", + "DIGIT_IDENTIFIER", + "QUOTED_IDENTIFIER", + "BACKQUOTED_IDENTIFIER", + "PERIOD", + "COMMA", + "PLUS", + "MINUS", + "LPAREN", + "RPAREN", + "ANDAND", + "ASSIGNMENTEQ", + "GT", + "GE", + "LT", + "LE", + "EQ", + "NULL_SAFE_EQ", + "NE", + "BIT_OR", + "BIT_AND", + "BIT_XOR", + "BIT_OPPOSITE", + "SINGLE_AT_IDENTIFIER", + "DOUBLE_AT_IDENTIFIER", + "EXCLA_MARK", + "BIT_MOVE_LEFT", + "BIT_MOVE_RIGHT", + "PIPES", + "SLASH", + "ASTERISK", + "QM", + "SCONST", + "PERCENT", + "FRACTION", + "NUMBER", + "HEX_NUMBER", ] + list(reserved) + list(nonreserved) @@ -61,43 +61,43 @@ sql_tokens = list(reserved) + list(nonreserved) -t_LPAREN = r'\(' -t_RPAREN = r'\)' - -t_ASSIGNMENTEQ = r':=' -t_EQ = r'=' -t_NE = r'<>|!=' -t_LT = r'<' -t_LE = r'<=' -t_GT = r'>' -t_GE = r'>=' -t_NULL_SAFE_EQ = r'<=>' -t_PERIOD = r'\.' -t_COMMA = r',' -t_PLUS = r'\+' -t_MINUS = r'-' -t_ASTERISK = r'\*' -t_SLASH = r'/' -t_PERCENT = r'%' -t_QM = r'\?' - -t_PIPES = r'\|\|' - -t_ignore = ' \t' - -t_ANDAND = r'\&\&' -t_BIT_OR = r'\|' -t_BIT_AND = r'\&' -t_BIT_XOR = r'\^' -t_BIT_OPPOSITE = r'\~' -t_BIT_MOVE_LEFT = r'<<' -t_BIT_MOVE_RIGHT = r'>>' -t_EXCLA_MARK = r'!' +t_LPAREN = r"\(" +t_RPAREN = r"\)" + +t_ASSIGNMENTEQ = r":=" +t_EQ = r"=" +t_NE = r"<>|!=" +t_LT = r"<" +t_LE = r"<=" +t_GT = r">" +t_GE = r">=" +t_NULL_SAFE_EQ = r"<=>" +t_PERIOD = r"\." +t_COMMA = r"," +t_PLUS = r"\+" +t_MINUS = r"-" +t_ASTERISK = r"\*" +t_SLASH = r"/" +t_PERCENT = r"%" +t_QM = r"\?" + +t_PIPES = r"\|\|" + +t_ignore = " \t" + +t_ANDAND = r"\&\&" +t_BIT_OR = r"\|" +t_BIT_AND = r"\&" +t_BIT_XOR = r"\^" +t_BIT_OPPOSITE = r"\~" +t_BIT_MOVE_LEFT = r"<<" +t_BIT_MOVE_RIGHT = r">>" +t_EXCLA_MARK = r"!" def t_DOUBLE(t): r"[0-9]*\.[0-9]+([eE][-+]?[0-9]+)?|[-+]?[0-9]+([eE][-+]?[0-9]+)" - if 'e' in t.value or 'E' in t.value or '.' in t.value: + if "e" in t.value or "E" in t.value or "." in t.value: t.type = "FRACTION" else: t.type = "NUMBER" @@ -121,7 +121,7 @@ def t_NUMBER_START_WITH_XB(t): def t_IDENTIFIER(t): r"""[a-zA-Z\u4e00-\u9fa50-9_$][a-zA-Z\u4e00-\u9fa50-9_@:$]*""" if re.match( - r'(^0[xX][0-9a-fA-F]+$)|(^0[bB][01]+$)|(^\d+$)', + r"(^0[xX][0-9a-fA-F]+$)|(^0[bB][01]+$)|(^\d+$)", t.value, ): t.type = "NUMBER" @@ -153,7 +153,7 @@ def t_DOUBLE_AT_IDENTIFIER(t): def t_BACKQUOTED_IDENTIFIER(t): - r'`([^`]|``)*`' + r"`([^`]|``)*`" val = t.value.lower() if val in tokens: t.type = tokens[val] @@ -161,7 +161,7 @@ def t_BACKQUOTED_IDENTIFIER(t): def t_newline(t): - r'[\r\n]+' + r"[\r\n]+" t.lexer.lineno += t.value.count("\n") @@ -171,7 +171,12 @@ def t_error(t): def t_COMMENT(t): - r'(\/\*\*\/)|(/\*((?!\/\*).)+\*/)' + r"(\/\*\*\/)|(/\*((?!\/\*).)+\*/)" + pass + + +def t_SEMICOLON(t): + r""";""" pass diff --git a/sqlgpt_parser/parser/oceanbase_parser/parser.py b/sqlgpt_parser/parser/oceanbase_parser/parser.py index 1f849c1..1577864 100644 --- a/sqlgpt_parser/parser/oceanbase_parser/parser.py +++ b/sqlgpt_parser/parser/oceanbase_parser/parser.py @@ -411,12 +411,6 @@ def p_table_name_opt_wild(p): p[0] = QualifiedName(parts=[p[1]]) -def p_opt_asterisk(p): - r"""opt_asterisk : PERIOD ASTERISK - | empty""" - pass - - def p_update(p): r"""update : UPDATE relations SET assignment_list where_opt order_by_opt limit_opt""" p_limit = p[7] @@ -559,7 +553,7 @@ def p_set_operation_stmt(p): p[0] = WithHasQuery(p.lineno(1), p.lexpos(1), with_list=p[1], query=p[2]) -def p_set_operation_stmt_w_order_by_limit(p): +def p_set_operation_stmt_wout_order_limit(p): r"""set_operation_stmt_wout_order_limit : set_operation_stmt_subquery | set_operation_stmt_simple_table """ @@ -1649,7 +1643,7 @@ def p_window_func_call(p): | ROW_NUMBER LPAREN RPAREN over_clause """ length = len(p) - window_spec = p[length-1] + window_spec = p[length - 1] args = [] ignore_null = None @@ -1805,6 +1799,7 @@ def p_frame_between(p): r"""frame_between : BETWEEN frame_start AND frame_end""" p[0] = WindowFrame(p.lineno(1), p.lexpos(1), start=p[2], end=p[4]) + def p_frame_expr(p): r"""frame_expr : figure | time_interval""" @@ -2231,7 +2226,7 @@ def p_string_operator_func_call(p): if length > 4: for i in range(3, length, 2): arguments.append(p[i]) - arguments.extend(call_list) + arguments.extend(call_list) p[0] = FunctionCall(p.lineno(1), p.lexpos(1), name=p[1], arguments=arguments) @@ -2563,6 +2558,7 @@ def p_json_table_column(p): column_type=JsonTableColumn.ColumnType.NESTED, path=p[3], column_list=p[6]) + def p_on_empty_or_error_opt(p): r"""on_empty_or_error_opt : json_table_value_opt ON EMPTY | json_table_value_opt ON ERROR @@ -2973,6 +2969,7 @@ def p_boolean_value(p): | FALSE""" p[0] = BooleanLiteral(p.lineno(1), p.lexpos(1), value=p[1]) + def p_qualified_name_list(p): r"""qualified_name_list : qualified_name_list COMMA qualified_name | qualified_name""" @@ -2982,6 +2979,7 @@ def p_qualified_name_list(p): p[1].append(p[3]) p[0] = p[1] + def p_qualified_name(p): r"""qualified_name : identifier | identifier PERIOD identifier @@ -3986,10 +3984,20 @@ def _print_error(self): parser = None +import pickle +import pickletools +from pathlib import Path + +parser :yacc.LRParser = None + def parse(sql=None, debug=False, tracking=False, tokenfunc=None): + parser_cache = Path(__file__).absolute().parent / "parser.tmp.out" global parser - if parser == None: + if parser is None: with threading.Lock(): - if parser == None: + if parser_cache.exists(): + parser = pickle.loads(parser_cache.read_bytes()) + else : parser = yacc.yacc(tabmodule="parser_table", start="command", debugfile="parser.out", optimize=True) + parser_cache.write_bytes(pickletools.optimize(pickle.dumps(parser, protocol=5))) return parser.parse(input=sql, lexer=lexer, debug=debug, tracking=tracking, tokenfunc=tokenfunc) diff --git a/sqlgpt_parser/parser/oceanbase_parser/parser_table.py b/sqlgpt_parser/parser/oceanbase_parser/parser_table.py index 1f3df68..c413e0c 100644 --- a/sqlgpt_parser/parser/oceanbase_parser/parser_table.py +++ b/sqlgpt_parser/parser/oceanbase_parser/parser_table.py @@ -6,9 +6,9 @@ _lr_method = 'LALR' -_lr_signature = 'commandrightASSIGNMENTEQleftPIPESORleftXORleftANDANDANDrightNOTleftBETWEENCASEWHENTHENELSEleftEQNULL_SAFE_EQNELTLEGTGEISLIKERLIKEREGEXPINleftBIT_ORleftBIT_ANDleftBIT_MOVE_LEFTBIT_MOVE_RIGHTleftPLUSMINUSleftASTERISKSLASHPERCENTDIVMODleftBIT_XORleftBIT_OPPOSITErightNEGleftEXCLA_MARKleftLPARENrightRPARENABS ACCESSIBLE ACCOUNT ACOS ACTION ACTIVATE ACTIVE ADD ADDDATE ADDTIME AES_DECRYPT AES_ENCRYPT AFTER AGAINST AGGREGATE ALGORITHM ALL ALTER ALWAYS ANALYSE ANALYZE AND ANDAND ANY ANY_VALUE APPROX_COUNT_DISTINCT APPROX_COUNT_DISTINCT_SYNOPSIS APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE ARCHIVELOG ARRAY AS ASC ASCII ASCIISTR ASENSITIVE ASIN ASSIGNMENTEQ ASTERISK ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE ASYNCHRONOUS_CONNECTION_FAILOVER_RESET AT ATAN ATAN2 AUDIT AUTHORS AUTO AUTOEXTEND_SIZE AUTO_INCREMENT AVG AVG_ROW_LENGTH BACKQUOTED_IDENTIFIER BACKUP BACKUPSET BALANCE BASE BASELINE BASELINE_ID BASIC BEFORE BEGI BENCHMARK BETWEEN BIGINT BIN BINARY BINDING BINLOG BIN_TO_UUID BIT BIT_AND BIT_COUNT BIT_LENGTH BIT_MOVE_LEFT BIT_MOVE_RIGHT BIT_OPPOSITE BIT_OR BIT_XOR BLOB BLOCK BLOCK_INDEX BLOCK_SIZE BLOOM_FILTER BOOL BOOLEAN BOOTSTRAP BOTH BREADTH BRIEF BTREE BUCKETS BULK BY BYTE CACHE CALL CANCEL CASCADE CASCADED CASE CAST CATALOG_NAME CEIL CEILING CHAIN CHANGE CHANGED CHAR CHARACTER CHARACTER_LENGT CHARACTER_LENGTH CHARSET CHARTOROWID CHAR_LENGTH CHECK CHECKPOINT CHECKSUM CHUNK CIPHER CLASS_ORIGIN CLEAN CLEAR CLIENT CLOG CLOSE CLUSTER CLUSTER_ID CLUSTER_NAME COALESCE CODE COERCIBILITY COLLATE COLLATION COLUMNS COLUMN_FORMAT COLUMN_NAME COLUMN_STAT COMMA COMMENT COMMIT COMMITTED COMPACT COMPLETION COMPRESS COMPRESSED COMPRESSION CONCAT CONCAT_WS CONCURRENT CONNECTION CONNECTION_ID CONSISTENT CONSISTENT_MODE CONSTRAINT CONSTRAINT_CATALOG CONSTRAINT_NAME CONSTRAINT_SCHEMA CONTAINS CONTEXT CONTINUE CONTRIBUTORS CONVERT CONVERT_TZ CONY COPY COS COT COUNT CPU CRC32 CREATE CREATE_TIMESTAMP CROSS CTXCAT CTX_ID CUBE CUME_DIST CURDATE CURRENT CURRENT_DATE CURRENT_ROLE CURRENT_TIME CURRENT_TIMESTAMP CURRENT_USER CURSOR CURSOR_NAME CURTIME CYCLE DATA DATABASE DATABASES DATABASE_ID DATAFILE DATA_TABLE_ID DATE DATEDIFF DATETIME DATE_ADD DATE_FORMAT DATE_SUB DAY DAYNAME DAYOFMONTH DAYOFWEEK DAYOFYEAR DAY_HOUR DAY_MICROSECOND DAY_MINUTE DAY_SECOND DEALLOCATE DEC DECIMAL DECLARE DECODE DEFAULT DEFAULT_AUTH DEFAULT_TABLEGROUP DEFINER DEGREES DELAY DELAYED DELAY_KEY_WRITE DELETE DENSE_RANK DEPTH DESC DESCRIBE DESTINATION DES_KEY_FILE DETERMINISTIC DIAGNOSTICS DIGIT_IDENTIFIER DIRECTORY DISABLE DISCARD DISK DISKGROUP DISTINCT DISTINCTROW DIV DO DOUBLE DOUBLE_AT_IDENTIFIER DROP DUAL DUMP DUMPFILE DUPLICATE DUPLICATE_SCOPE DYNAMIC EACH EFFECTIVE EGEXP_INSTR ELSE ELSEIF ELT EMPTY ENABLE ENCLOSED ENCRYPTION END ENDS ENGINE ENGINES ENGINE_ ENTITY ENUM EQ ERROR ERRORS ERROR_CODE ERROR_P ERSION ESCAPE ESCAPED EVENT EVENTS EVERY EXCEPT EXCHANGE EXCLA_MARK EXECUTE EXISTS EXIT EXP EXPANSION EXPIRE EXPIRED EXPIRE_INFO EXPLAIN EXPORT EXPORT_SET EXTENDED EXTENDED_NOADDR EXTENT_SIZE EXTRACT EXTRACTVALUE FALSE FAST FAULTS FETCH FIELD FIELDS FILEX FILE_ID FINAL_COUNT FIND_IN_SET FIRST FIRST_VALUE FIXED FLASHBACK FLOAT FLOAT4 FLOAT8 FLOOR FLUSH FOLLOWER FOLLOWING FOR FORCE FOREIGN FORMAT FOUND FOUND_ROWS FRACTION FREEZE FREQUENCY FROM FROM_BASE64 FROM_DAYS FROM_UNIXTIME FULL FULLTEXT FUNCTION GE GENERAL GENERATED GEOMETRY GEOMETRYCOLLECTION GET GET_FORMAT GET_LOCK GLOBAL GLOBAL_ALIAS GLOBAL_NAME GRANT GRANTS GREATEST GROUP GROUPING GROUPS GROUP_CONCAT GROUP_REPLICATION_DISABLE_MEMBER_ACTION GROUP_REPLICATION_ENABLE_MEMBER_ACTION GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL GROUP_REPLICATION_GET_WRITE_CONCURRENCY GROUP_REPLICATION_RESET_MEMBER_ACTIONS GROUP_REPLICATION_SET_AS_PRIMARY GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL GROUP_REPLICATION_SET_WRITE_CONCURRENCY GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE GT GTID_SUBSET GTID_SUBTRACT GTS HANDLER HASH HAVING HELP HEX HEXTORAW HEX_NUMBER HIGH_PRIORITY HISTOGRAM HOST HOSTS HOST_IP HOUR HOUR_MICROSECOND HOUR_MINUTE HOUR_SECOND ICU_VERSION ID IDC IDENTIFIED IDENTIFIER IF IFIGNORE IFNULL IGNORE IGNORE_SERVER_IDS ILIKE ILOG ILOGCACHE IMPORT IN INCR INCREMENTAL INDEX INDEXES INDEX_TABLE_ID INET6_ATON INET6_NTOA INET_ATON INET_NTOA INFILE INFO INITIAL_SIZE INNER INNER_PARSE INNODB INOUT INSENSITIVE INSERT INSERT_METHOD INSTALL INSTANCE INSTR INT INT1 INT2 INT3 INT4 INT8 INTEGER INTERSECT INTERVAL INTO INVISIBLE INVOKER IO IO_AFTER_GTIDS IO_BEFORE_GTIDS IO_THREAD IPC IS ISNULL ISOLATION ISSUER IS_FREE_LOCK IS_IPV4 IS_IPV4_COMPAT IS_IPV4_MAPPED IS_IPV6 IS_TENANT_SYS_POOL IS_USED_LOCK IS_UUID ITERATE JOB JOIN JSON JSON_ARRAY JSON_ARRAYAGG JSON_ARRAY_APPEND JSON_ARRAY_INSERT JSON_CONTAINS JSON_CONTAINS_PATH JSON_DEPTH JSON_EXTRACT JSON_INSERT JSON_KEYS JSON_LENGTH JSON_MERGE JSON_MERGE_PATCH JSON_MERGE_PRESERVE JSON_OBJECT JSON_OVERLAPS JSON_PERTTY JSON_QUOTE JSON_REMOVE JSON_REPLACE JSON_SCHEMA_VALID JSON_SCHEMA_VALIDATION_REPORT JSON_SEARCH JSON_SET JSON_STORAGE_FREE JSON_STORAGE_SIZE JSON_TABLE JSON_TYPE JSON_UNQUOTE JSON_VAILD JSON_VALUE KEY KEYS KEY_BLOCK_SIZE KEY_VERSION KILL KVCACHE LAG LANGUAGE LAST LAST_DAY LAST_INSERT_ID LAST_VALUE LCASE LE LEAD LEADER LEADING LEAK LEAK_MOD LEAST LEAVE LEAVES LEFT LENGTH LESS LEVEL LIKE LIMIT LINEAR LINES LINESTRING LISTAGG LIST_ LN LOAD LOAD_FILE LOB LOCAL LOCALITY LOCALTIME LOCALTIMESTAMP LOCATE LOCATION LOCK LOCKED LOCKS LOCK_ LOG LOG10 LOG2 LOGFILE LOGONLY_REPLICA_NUM LOGS LONG LONGB LONGBLOB LONGTEXT LOOP LOWER LOW_PRIORITY LPAD LPAREN LT LTRIM MAJOR MAKEDATE MAKE_SE MAKE_SET MANUAL MASTER MASTER_AUTO_POSITION MASTER_BIND MASTER_CONNECT_RETRY MASTER_DELAY MASTER_HEARTBEAT_PERIOD MASTER_HOST MASTER_LOG_FILE MASTER_LOG_POS MASTER_PASSWORD MASTER_PORT MASTER_POS_WAIT MASTER_RETRY_COUNT MASTER_SERVER_ID MASTER_SSL MASTER_SSL_CA MASTER_SSL_CAPATH MASTER_SSL_CERT MASTER_SSL_CIPHER MASTER_SSL_CRL MASTER_SSL_CRLPATH MASTER_SSL_KEY MASTER_SSL_VERIFY_SERVER_CERT MASTER_USER MATCH MATCHED MATERIALIZED MAX MAXVALUE MAX_CONNECTIONS_PER_HOUR MAX_CPU MAX_DISK_SIZE MAX_IOPS MAX_MEMORY MAX_QUERIES_PER_HOUR MAX_ROWS MAX_SESSION_NUM MAX_SIZE MAX_UPDATES_PER_HOUR MAX_USED_PART_ID MAX_USER_CONNECTIONS MD5 MEDIUM MEDIUMBLOB MEDIUMINT MEDIUMTEXT MEMBER MEMORY MEMTABLE MERGE MESSAGE_TEXT META MICROSECOND MID MIDDLEINT MIGRATE MIGRATION MIN MINOR MINUS MINUTE MINUTE_MICROSECOND MINUTE_SECOND MIN_CPU MIN_IOPS MIN_MEMORY MIN_ROWS MKEDATE MOD MODE MODIFIES MODIFY MONTH MONTHNAME MOVE MULTILINESTRING MULTIPOINT MULTIPOLYGON MUTEX MYSQL_ERRNO NAME NAMES NAME_CONST NATIONAL NATURAL NCHAR NDB NDBCLUSTER NE NESTED NEW NEXT NO NOARCHIVELOG NODEGROUP NONE NORMAL NOT NOW NOWAIT NO_WAIT NO_WRITE_TO_BINLOG NTH_VALUE NTILE NULL NULLIF NULLS NULL_SAFE_EQ NUMBER NUMERIC NUMTODSINTERVAL NUMTOYMINTERVAL NVARCHAR NVL OAD_FILE OB_VERSION OCCUR OCT OCTET_LENGTH OERCIBILITY OF OFF OFFSET OLD_KEY OLD_PASSWORD ON ONE ONE_SHOT ONLY ONTHNAME OPEN OPTIMIZE OPTION OPTIONALLY OPTIONS OR ORA_DECODE ORD ORDER ORDINALITY ORIG_DEFAULT OUT OUTER OUTFILE OUTLINE OVER OWER OWNER PACE PACK_KEYS PAGE PARAMETERS PARSER PARTIAL PARTITION PARTITIONING PARTITIONS PARTITION_ID PASSWORD PATH PAUSE PCTFREE PERCENT PERCENT_RANK PERIOD PERIOD_ADD PERIOD_DIFF PHASE PHYSICAL PI PIPES PL PLAN PLANREGRESS PLUGIN PLUGINS PLUGIN_DIR PLUS POINT POLYGON POOL PORT POSITION POW POWER PRECEDING PRECISION PREPARE PRESERVE PREV PREVIEW PRIMARY PRIMARY_ZONE PRIVILEGES PROCEDURE PROCESS PROCESSLIST PROFILE PROFILES PROGRESSIVE_MERGE_NUM PROXY PURGE P_CHUNK P_ENTITY QM QUARTER QUERY QUICK QUOTE QUOTED_IDENTIFIER R32 RADIANS RAND RANDOM RANDOM_BYTES RANGE RANK RAWTOHEX READ READS READ_ONLY READ_WRITE REAL REBUILD RECOVER RECURSIVE RECYCLE RECYCLEBIN REDOFILE REDO_BUFFER_SIZE REDUNDANT REFERENCES REFRESH REGEXP REGEXP_INSTR REGEXP_LIKE REGEXP_REPLACE REGEXP_SUBSTR REGION RELAY RELAYLOG RELAY_LOG_FILE RELAY_LOG_POS RELAY_THREAD RELEASE RELEASE_ALL_LOCKS RELEASE_LOCK RELOAD REMOTE_OSS REMOVE RENAME REORGANIZE REPAIR REPEAT REPEATABLE REPLACE REPLICA REPLICATION REPLICA_NUM REPLICA_TYPE REPORT REQUIRE RESET RESIGNAL RESOURCE RESOURCE_POOL_LIST RESPECT RESTART RESTORE RESTRICT RESUME RETURN RETURNED_SQLSTATE RETURNING RETURNS REVERSE REVOKE REWRITE_MERGE_VERSION RIGHT RLIKE ROLES_GRAPHML ROLLBACK ROLLING ROLLUP ROM_BASE64 ROM_UNIXTIME ROOT ROOTSERVICE ROOTTABLE ROTATE ROUND ROUTINE ROW ROWIDTOCHAR ROWIDTONCHAR ROWS ROWTOHEX ROW_COUNT ROW_FORMAT ROW_NUMBER RPAD RPAREN RTREE RTRIM RUDUNDANT RUN SAMPLE SAVEPOINT SCHEDULE SCHEMA SCHEMAS SCHEMA_NAME SCONST SCOPE SEARCH SECOND SECOND_MICROSECOND SECURITY SEC_TO_TIME SEED SELECT SENSITIVE SEPARATOR SERIAL SERIALIZABLE SERVER SERVER_IP SERVER_PORT SERVER_TYPE SESSION SESSION_ALIAS SESSION_USER SET SET_MASTER_CLUSTER SET_SLAVE_CLUSTER SET_TP SHA SHA1 SHA2 SHARE SHOW SHUTDOWN SIGN SIGNAL SIGNED SIMPLE SIN SINGLE_AT_IDENTIFIER SKIP SLASH SLAVE SLEEP SLOT_IDX SLOW SMALLINT SNAPSHOT SOCKET SOME SONAME SOUNDEX SOUNDS SOURCE SOURCE_POS_WAIT SPACE SPATIAL SPECIFIC SPFILE SPLIT SQL SQLEXCEPTION SQLSTATE SQLWARNING SQL_AFTER_GTIDS SQL_AFTER_MTS_GAPS SQL_BEFORE_GTIDS SQL_BIG_RESULT SQL_BUFFER_RESULT SQL_CACHE SQL_CALC_FOUND_ROWS SQL_ID SQL_NO_CACHE SQL_SMALL_RESULT SQL_THREAD SQL_TSI_DAY SQL_TSI_HOUR SQL_TSI_MINUTE SQL_TSI_MONTH SQL_TSI_QUARTER SQL_TSI_SECOND SQL_TSI_WEEK SQL_TSI_YEAR SQRT SSL STANDBY START STARTING STARTS STAT STATEMENT_DIGEST STATEMENT_DIGEST_TEXT STATS_AUTO_RECALC STATS_EXTENDED STATS_PERSISTENT STATS_SAMPLE_PAGES STATUS STD STDDEV STDDEV_POP STDDEV_SAMP STOP STORAGE STORAGE_FORMAT_VERSION STORAGE_FORMAT_WORK_VERSION STORED STORING STRAIGHT_JOIN STRCMP STRING STR_TO_DATE SUBCLASS_ORIGIN SUBDATE SUBJECT SUBPARTITION SUBPARTITIONS SUBSTR SUBSTRING SUBSTRING_INDEX SUBTIME SUM SUPER SUSPEND SWAPS SWITCH SWITCHES SWITCHOVER SYNCHRONIZATION SYSDATE SYSTEM SYSTEM_USER TABLE TABLEGROUP TABLEGROUPS TABLEGROUP_ID TABLES TABLESAMPLE TABLESPACE TABLET TABLET_MAX_SIZE TABLET_SIZE TABLE_CHECKSUM TABLE_ID TABLE_MODE TABLE_NAME TAN TASK TATEMENT_DIGEST TEMPLATE TEMPORARY TEMPTABLE TENANT TENANT_ID TERMINATED TEXT THAN THEN TIME TIMEDIFF TIMESTAMP TIMESTAMPADD TIMESTAMPDIFF TIME_FORMAT TIME_TO_SEC TIME_TO_USEC TIME_ZONE_INFO TINYBLOB TINYINT TINYTEXT TO TOP TO_BASE64 TO_BINARY_DOUBLE TO_BINARY_FLOAT TO_BLOB TO_CHAR TO_CLOB TO_DATE TO_DAYS TO_DSINTERVAL TO_MULTI_BYTE TO_NCHAR TO_NUMBER TO_SECONDS TO_SINGLE_BYTE TO_TIMESTAMP TO_TIMESTAMP_TZ TO_YMINTERVAL TP_NAME TP_NO TRACE TRADITIONAL TRAILING TRANSACTION TRIGGER TRIGGERS TRIM TRUE TRUNCATE TYPE TYPES UBTIME UCASE UNBOUNDED UNCOMMITTED UNCOMPRESS UNCOMPRESSED_LENGTH UNDEFINED UNDO UNDOFILE UNDO_BUFFER_SIZE UNHEX UNICODE UNINSTALL UNION UNIQUE UNISTR UNIT UNIT_NUM UNIX_TIMESTAMP UNKNOWN UNLOCK UNLOCKED UNSIGNED UNTIL UNUSUAL UOTE UPDATE UPDATEXML UPGRADE UPPER USAGE USE USEC_TO_TIME USER USER_RESOURCES USE_BLOOM_FILTER USE_FRM USING UTC_DATE UTC_TIME UTC_TIMESTAMP UUID UUID_SHORT UUID_TO_BIN VALID VALIDATE VALIDATE_PASSWORD_STRENGTH VALUE VALUES VARBINARY VARCHACTER VARCHAR VARCHARACTER VARIABLES VARIANCE VARYING VAR_POP VAR_SAMP VAR_VARIANCE VERBOSE VERSION VIEW VIRTUAL VIRTUAL_COLUMN_ID VISIBLE WAIT WAIT_FOR_EXECUTED_GTID_SET WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS WARNINGS WEEK WEEKDAY WEEKOFYEAR WEIGHT_STRING WHEN WHERE WHILE WINDOW WITH WITH_ROWID WORK WRAPPER WRITE X509 XA XML XOR XTRACTVALUE YEAR YEARWEEK YEAR_MONTH ZEROFILL ZONE ZONE_LIST ZONE_TYPE _BINARYcommand : ddl\n | dmlddl : create_tabledml : statementcreate_table : CREATE TABLE identifier LPAREN column_list RPAREN create_table_end\n | CREATE TABLE identifier LPAREN column_list COMMA primary_clause RPAREN create_table_end\n create_table_end : ENGINE EQ identifier create_table_end\n | DEFAULT CHARSET EQ identifier create_table_end\n | COLLATE EQ identifier create_table_end\n | AUTO_INCREMENT EQ number create_table_end\n | COMMENT EQ SCONST create_table_end\n | COMPRESSION EQ SCONST create_table_end\n | REPLICA_NUM EQ number create_table_end\n | BLOCK_SIZE EQ number create_table_end\n | USE_BLOOM_FILTER EQ FALSE create_table_end\n | TABLET_SIZE EQ number create_table_end\n | PCTFREE EQ number create_table_end\n | empty\n \n column_list : column\n | column_list COMMA column\n \n column : identifier column_type\n | identifier column_type UNIQUE\n \n column_type : INT column_end\n | INT LPAREN number RPAREN column_end\n | FLOAT column_end\n | BIGINT column_end\n | BIGINT LPAREN number RPAREN column_end\n | TINYINT LPAREN number RPAREN column_end\n | DATETIME column_end\n | DATETIME LPAREN number RPAREN column_end\n | VARCHAR LPAREN number RPAREN column_end\n | CHAR LPAREN number RPAREN column_end\n | TIMESTAMP column_end\n | DECIMAL LPAREN number COMMA number RPAREN column_end\n \n column_end : collate NOT NULL comment_end\n | collate NOT NULL DEFAULT SCONST comment_end\n | collate DEFAULT NULL comment_end\n | collate NULL DEFAULT NULL comment_end\n | collate UNSIGNED AUTO_INCREMENT comment_end\n | collate NOT NULL AUTO_INCREMENT comment_end\n | collate NOT NULL DEFAULT CURRENT_TIMESTAMP comment_end\n | collate NOT NULL DEFAULT CURRENT_TIMESTAMP ON UPDATE CURRENT_TIMESTAMP comment_end\n | CHARACTER SET IDENTIFIER column_end\n | empty\n \n collate : COLLATE identifier\n | empty\n \n comment_end : COMMENT SCONST\n | empty\n \n primary_clause : PRIMARY KEY LPAREN index_column_list RPAREN\n | PRIMARY KEY LPAREN index_column_list RPAREN COMMA index_list\n \n index_list : index_key identifier LPAREN index_column_list RPAREN index_end\n | index_list COMMA index_key identifier LPAREN index_column_list RPAREN index_end\n \n index_key : KEY\n | UNIQUE KEY\n \n index_column_list : identifier\n | index_column_list COMMA identifier\n \n index_end : BLOCK_SIZE number\n | empty\n statement : cursor_specification\n | delete\n | update\n | insertinsert : INSERT ignore INTO table_reference VALUES insert_values\n | INSERT ignore INTO table_reference LPAREN index_column_list RPAREN VALUES insert_values\n | INSERT ignore INTO table_reference LPAREN index_column_list RPAREN query_spec\n | INSERT ignore INTO table_reference query_specinsert_values : LPAREN value_list RPAREN\n | insert_values COMMA LPAREN value_list RPARENvalue_list : expr_or_default\n | value_list COMMA expr_or_defaultexpr_or_defalut : expression\n | DEFAULT \n ignore : IGNORE\n | empty\n delete : DELETE FROM relations where_opt order_by_opt limit_opt\n | DELETE FROM relations partition where_opt order_by_opt limit_opt\n | DELETE table_name_list FROM relations where_opt order_by_opt limit_opt\n | DELETE table_name_list FROM relations partition where_opt order_by_opt limit_opt\n | DELETE FROM table_name_list USING relations where_opt order_by_opt limit_opt\n | DELETE FROM table_name_list USING relations partition where_opt order_by_opt limit_opt\n table_name_list : table_name_list COMMA table_name_opt_wild\n | table_name_opt_wildtable_name_opt_wild : identifier\n | identifier PERIOD identifier\n | identifier PERIOD ASTERISK\n | identifier PERIOD identifier PERIOD ASTERISKopt_asterisk : PERIOD ASTERISK\n | emptyupdate : UPDATE relations SET assignment_list where_opt order_by_opt limit_optassignment_list : assignment\n | assignment_list COMMA assignmentassignment : qualified_name eq_or_assignment_eq expr_or_defaulteq_or_assignment_eq : EQ\n | ASSIGNMENTEQexpr_or_default : expression\n | DEFAULTcursor_specification : query_expression\n | query_spec\n | select_stmt_with_clauseselect_stmt_with_clause : with_clause simple_table\n | with_clause subquery\n with_clause : WITH with_listwith_list : with_list COMMA common_table_expr\n | common_table_expr\n common_table_expr : identifier ident_list_opt AS subqueryident_list_opt : LPAREN ident_list RPAREN\n | emptyident_list : identifier\n | ident_list COMMA identifierfor_update_opt : FOR UPDATE\n | FOR UPDATE NOWAIT\n | FOR UPDATE NO_WAIT\n | FOR UPDATE SKIP LOCKED\n | FOR UPDATE WAIT figure\n | LOCK IN SHARE MODE\n | emptyquery_expression : set_operation_stmtset_operation_stmt : set_operation_stmt_wout_order_limit\n | set_operation_stmt_w_order\n | set_operation_stmt_w_limit\n | set_operation_stmt_w_order_limit\n | with_clause set_operation_stmt_wout_order_limit\n | with_clause set_operation_stmt_w_order\n | with_clause set_operation_stmt_w_limit\n | with_clause set_operation_stmt_w_order_limit\n set_operation_stmt_wout_order_limit : set_operation_stmt_subquery\n | set_operation_stmt_simple_table\n set_operation_stmt_w_order : set_operation_stmt_subquery order_by\n | subquery order_by\n set_operation_stmt_w_limit : set_operation_stmt_subquery limit_stmt\n | subquery limit_stmt\n set_operation_stmt_w_order_limit : set_operation_stmt_subquery order_by limit_stmt\n | subquery order_by limit_stmt\n set_operation_stmt_subquery : set_operation_expressions set_operation set_quantifier_opt subqueryset_operation_stmt_simple_table : set_operation_expressions set_operation set_quantifier_opt simple_tableorder_by_opt : order_by\n | emptyorder_by : ORDER BY sort_itemssort_items : sort_item\n | sort_items COMMA sort_itemsort_item : expression null_ordering_opt\n | expression order null_ordering_optdate_lit : DATE string_lit\n | TIME string_lit\n | TIMESTAMP string_litorder : ASC\n | DESCnull_ordering_opt : NULLS FIRST\n | NULLS LAST\n | emptylimit_opt : limit_stmt\n | emptylimit_stmt : LIMIT parameterization\n | LIMIT parameterization COMMA parameterization\n | LIMIT parameterization OFFSET parameterization\n | LIMIT ALL\n | FETCH first_or_next fetch_first_opt row_or_rows ONLYparameterization : number\n | QM\n first_or_next : FIRST\n | NEXTfetch_first_opt : parameterization\n | emptyrow_or_rows : ROW\n | ROWSnumber : NUMBERset_operation_expressions : set_operation_expression\n | set_operation_expressions set_operation set_quantifier_opt set_operation_expression\n set_operation : UNION\n | EXCEPT\n | INTERSECTset_operation_expression : simple_table\n | subquerysubquery : LPAREN simple_table RPAREN\n | LPAREN set_operation_stmt RPAREN\n | LPAREN select_stmt_with_clause RPAREN\n | LPAREN subquery RPARENsimple_table : query_spec\n | explicit_table\n | table_value_constructorexplicit_table : TABLE qualified_name order_by_opt limit_opt for_update_opttable_value_constructor : VALUES values_list order_by_opt limit_opt for_update_optvalues_list : values_list COMMA expression\n | expressionquery_spec : SELECT select_stmt_opts select_items table_expression_opt order_by_opt limit_opt window_clause_opt for_update_optwhere_opt : WHERE search_condition\n | emptygroup_by_opt : GROUP BY by_list\n | GROUP BY by_list WITH ROLLUP\n | emptyhaving_opt : HAVING search_condition\n | emptyset_quantifier_opt : distinct_opt \n | empty\n select_stmt_opts : select_stmt_opt_list\n | emptyselect_stmt_opt_list : select_stmt_opt_list select_stmt_opt\n | select_stmt_optselect_stmt_opt : distinct_opt\n | priority\n | SQL_SMALL_RESULT\n | SQL_BIG_RESULT\n | SQL_BUFFER_RESULT\n | SQL_NO_CACHE\n | SQL_CALC_FOUND_ROWS\n | STRAIGHT_JOINpriority : HIGH_PRIORITYdistinct_opt : ALL\n | UNIQUE\n | DISTINCT\n | DISTINCTROWselect_items : select_item\n | select_items COMMA select_itemselect_item : derived_columnderived_column : expression alias_opt\n | ASTERISK\n | identifier PERIOD ASTERISK\n | identifier PERIOD identifier PERIOD ASTERISKtable_expression_opt : FROM relations partition where_opt group_by_opt having_opt\n | FROM relations where_opt group_by_opt having_opt\n | emptypartition : PARTITION LPAREN identifiers RPARENrelations : relations COMMA table_reference\n | table_referencetable_reference : table_primary\n | joined_table\n | DUALtable_primary : aliased_relation\n | derived_table\n | LPAREN relations RPARENjoined_table : cross_join\n | qualified_join\n | natural_joincross_join : table_reference CROSS JOIN table_primary join_criteriaqualified_join : table_reference join_type JOIN table_reference join_criterianatural_join : table_reference NATURAL join_type JOIN table_primary join_criteriajoin_type : INNER\n | LEFT\n | LEFT OUTER\n | RIGHT\n | RIGHT OUTER\n | FULL\n | FULL OUTER\n | emptyjoin_criteria : ON search_condition\n | USING LPAREN identifiers RPAREN\n | emptyidentifiers : identifier\n | identifiers COMMA identifieraliased_relation : qualified_name alias_opt index_hint_optindex_hint_opt : index_hint_list\n | emptyindex_hint_list : index_hint_list index_hint\n | index_hintindex_hint : use_index\n | force_or_ignore_indexuse_index : USE index_or_key LPAREN index_name RPAREN\n | USE index_or_key index_hint_for LPAREN index_name RPARENforce_or_ignore_index : FORCE index_or_key LPAREN index_name RPAREN\n | FORCE index_or_key index_hint_for LPAREN index_name RPAREN\n | IGNORE index_or_key LPAREN index_name RPAREN\n | IGNORE index_or_key index_hint_for LPAREN index_name RPAREN\n index_hint_for : FOR JOIN\n | FOR ORDER BY\n | FOR GROUP BYindex_or_key : INDEX\n | KEYindex_name : PRIMARY\n | identifiersderived_table : subquery alias_optalias_opt : alias\n | emptyalias : AS identifier\n | identifier\n | AS string_lit\n | string_litexpression : search_conditionsearch_condition : boolean_term\n | search_condition OR boolean_term\n | search_condition PIPES boolean_term\n | search_condition logical_and boolean_term\n | search_condition XOR boolean_termboolean_term : NOT search_condition\n | MATCH LPAREN qualified_name_list RPAREN AGAINST LPAREN value_expression full_text_search_modifier_opt RPAREN\n | define_variable ASSIGNMENTEQ search_condition\n | boolean_factorfull_text_search_modifier_opt : IN NATURAL LANGUAGE MODE\n | IN NATURAL LANGUAGE MODE WITH QUERY EXPANSION\n | IN BOOLEAN MODE\n | WITH QUERY EXPANSION\n | emptylogical_and : AND\n | ANDANDboolean_factor : boolean_factor comparison_operator predicate\n | boolean_factor comparison_operator ANY subquery\n | boolean_factor comparison_operator SOME subquery\n | boolean_factor comparison_operator ALL subquery\n | boolean_factor comparison_operator define_variable ASSIGNMENTEQ predicate\n | predicatepredicate : between_predicate\n | in_predicate\n | like_predicate\n | regexp_predicate\n | is_predicate\n | member_predicate\n | sounds_predicate\n | value_expressionbetween_predicate : value_expression between_opt predicate AND predicatesounds_predicate : value_expression SOUNDS LIKE factorin_predicate : value_expression IN in_value\n | value_expression NOT IN in_valuelike_predicate : value_expression like_opt value_expression escape_optregexp_predicate : value_expression reg_sym_opt value_expressionis_predicate : value_expression is_opt NULL\n | value_expression is_opt TRUE\n | value_expression is_opt UNKNOWN\n | value_expression is_opt FALSEmember_predicate : value_expression MEMBER OF LPAREN factor RPARENbetween_opt : NOT BETWEEN\n | BETWEENescape_opt : ESCAPE string_lit\n | empty\n string_lit : SCONST\n | QUOTED_IDENTIFIER\n | string_lit SCONST\n | string_lit QUOTED_IDENTIFIERin_value : LPAREN call_list RPAREN\n | subquerylike_opt : NOT LIKE\n | LIKEis_opt : IS NOT\n | ISreg_sym_opt : NOT regexp_sym\n | regexp_symregexp_sym : REGEXP\n | RLIKEvalue_expression : numeric_value_expressionnumeric_value_expression : numeric_value_expression PLUS numeric_value_expression\n | numeric_value_expression MINUS numeric_value_expression\n | numeric_value_expression ASTERISK numeric_value_expression\n | numeric_value_expression SLASH numeric_value_expression\n | numeric_value_expression DIV numeric_value_expression\n | numeric_value_expression MOD numeric_value_expression\n | numeric_value_expression PERCENT numeric_value_expression\n | numeric_value_expression bit_opt numeric_value_expression\n | numeric_value_expression MINUS time_interval\n | numeric_value_expression PLUS time_interval\n | time_interval PLUS numeric_value_expression\n | factorbit_opt : BIT_AND\n | BIT_OR\n | BIT_XOR\n | BIT_MOVE_LEFT\n | BIT_MOVE_RIGHTfactor : BIT_OPPOSITE factor\n | MINUS factor %prec NEG\n | PLUS factor %prec NEG\n | EXCLA_MARK factor\n | base_primary_expression\n | base_primary_expression COLLATE identifierbase_primary_expression : value\n | define_variable \n | qualified_name\n | date_lit\n | subquery\n | function_call\n | LPAREN call_list RPAREN\n | exists_func_call\n | case_specification\n | cast_func_call\n | window_func_call\n | oceanbase_func_calldefine_variable : SINGLE_AT_IDENTIFIER\n | SINGLE_AT_IDENTIFIER PERIOD variables\n | DOUBLE_AT_IDENTIFIER\n | DOUBLE_AT_IDENTIFIER PERIOD variables\n variables : variables PERIOD identifier\n | identifieroceanbase_func_call : HOST_IP LPAREN RPAREN\n | USEC_TO_TIME LPAREN expression RPAREN\n | TIME_TO_USEC LPAREN expression RPAREN\n | NVL LPAREN expression COMMA expression RPAREN\n | ORA_DECODE LPAREN expression COMMA call_list RPAREN\n | OB_VERSION LPAREN RPAREN\n | DECODE LPAREN expression COMMA call_list RPAREN\n | oceanbase_cast_func_call\n oceanbase_cast_func_call : ASCIISTR LPAREN expression RPAREN\n | CHARTOROWID LPAREN expression RPAREN\n | HEXTORAW LPAREN expression RPAREN\n | NUMTODSINTERVAL LPAREN expression COMMA expression RPAREN\n | NUMTOYMINTERVAL LPAREN expression COMMA expression RPAREN\n | ROWTOHEX LPAREN expression RPAREN\n | ROWIDTOCHAR LPAREN expression RPAREN\n | ROWIDTONCHAR LPAREN expression RPAREN\n | TO_BINARY_DOUBLE LPAREN expression RPAREN\n | TO_BINARY_DOUBLE LPAREN expression COMMA expression RPAREN\n | TO_BINARY_DOUBLE LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_BINARY_FLOAT LPAREN expression RPAREN\n | TO_BINARY_FLOAT LPAREN expression COMMA expression RPAREN\n | TO_BINARY_FLOAT LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_BLOB LPAREN expression RPAREN\n | TO_CHAR LPAREN expression RPAREN \n | TO_CHAR LPAREN time_interval RPAREN \n | TO_CHAR LPAREN expression COMMA expression RPAREN \n | TO_CHAR LPAREN time_interval COMMA expression RPAREN \n | TO_CHAR LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_CHAR LPAREN time_interval COMMA expression COMMA expression RPAREN\n | TO_CLOB LPAREN expression RPAREN\n | TO_DATE LPAREN expression RPAREN\n | TO_DATE LPAREN expression COMMA expression RPAREN\n | TO_DATE LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_DSINTERVAL LPAREN expression RPAREN \n | TO_MULTI_BYTE LPAREN expression RPAREN \n | TO_NUMBER LPAREN expression RPAREN\n | TO_NUMBER LPAREN expression COMMA expression RPAREN\n | TO_NUMBER LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_NCHAR LPAREN expression RPAREN \n | TO_NCHAR LPAREN time_interval RPAREN \n | TO_NCHAR LPAREN expression COMMA expression RPAREN \n | TO_NCHAR LPAREN time_interval COMMA expression RPAREN \n | TO_NCHAR LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_NCHAR LPAREN time_interval COMMA expression COMMA expression RPAREN\n | TO_SINGLE_BYTE LPAREN expression RPAREN\n | TO_TIMESTAMP LPAREN expression RPAREN\n | TO_TIMESTAMP LPAREN expression COMMA expression RPAREN\n | TO_TIMESTAMP LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_TIMESTAMP_TZ LPAREN expression RPAREN\n | TO_TIMESTAMP_TZ LPAREN expression COMMA expression RPAREN\n | TO_TIMESTAMP_TZ LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_YMINTERVAL LPAREN expression RPAREN\n | UNISTR LPAREN expression RPAREN\n exists_func_call : EXISTS subquerywindow_clause_opt : WINDOW window_definition_list\n | emptywindow_definition_list : window_definition\n | window_definition_list COMMA window_definitionwindow_definition : window_name AS window_specwindow_func_call : CUME_DIST LPAREN RPAREN over_clause\n | DENSE_RANK LPAREN RPAREN over_clause\n | FIRST_VALUE LPAREN expression RPAREN null_treat_opt over_clause\n | LAG LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause\n | LAST_VALUE LPAREN expression RPAREN null_treat_opt over_clause\n | LEAD LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause\n | NTH_VALUE LPAREN expression COMMA base_primary_expression RPAREN null_treat_opt over_clause\n | NTILE LPAREN base_primary_expression RPAREN over_clause\n | PERCENT_RANK LPAREN RPAREN over_clause\n | RANK LPAREN RPAREN over_clause\n | ROW_NUMBER LPAREN RPAREN over_clause\n null_treat_opt : RESPECT NULLS\n | IGNORE NULLS\n | emptyover_clause_opt : over_clause\n | empty\n over_clause : OVER window_name_or_specwindow_name_or_spec : window_name\n | window_specwindow_spec : LPAREN window_name_opt partition_clause_opt order_by_opt frame_clause_opt RPARENwindow_name_opt : window_name\n | emptywindow_name : identifierpartition_clause_opt : partition_clause\n | emptypartition_clause : PARTITION BY by_listby_list : by_item\n | by_list COMMA by_itemby_item : expression\n | expression orderframe_clause_opt : frame_units frame_extent\n | emptyframe_units : ROWS\n | RANGE\n frame_extent : frame_start\n | frame_betweenframe_start : CURRENT ROW\n | UNBOUNDED PRECEDING\n | UNBOUNDED FOLLOWING\n | frame_expr PRECEDING\n | frame_expr FOLLOWING\n frame_end : frame_startframe_between : BETWEEN frame_start AND frame_endframe_expr : figure\n | time_intervallead_lag_info_opt : COMMA figure default_opt\n | COMMA QM default_opt\n | emptydefault_opt : COMMA expression\n | emptyvalue : NULL\n | string_lit\n | figure\n | boolean_value\n | QMfunction_call : time_function_call\n | operator_func_call\n | flow_control_func_call\n | mathematical_func_call\n | string_comparsion_func_call\n | string_operator_func_call\n | xml_func_call\n | bit_func_call\n | encry_and_comp_func_call\n | locking_func_call\n | json_func_call\n | information_func_call\n | replication_func_call\n | aggreate_func_call\n | miscellaneous_func_calloperator_func_call : ISNULL LPAREN expression RPAREN\n | LEAST LPAREN expression COMMA call_list RPAREN\n | INTERVAL LPAREN expression COMMA call_list RPAREN\n | GREATEST LPAREN expression COMMA call_list RPAREN\n | COALESCE LPAREN expression RPAREN\n | COALESCE LPAREN expression COMMA call_list RPAREN\n flow_control_func_call : IF LPAREN expression COMMA expression COMMA expression RPAREN\n | IFNULL LPAREN expression COMMA expression RPAREN\n | NULLIF LPAREN expression COMMA expression RPAREN\n mathematical_func_call : ABS LPAREN expression RPAREN\n | ACOS LPAREN expression RPAREN\n | ASIN LPAREN expression RPAREN\n | ATAN LPAREN expression RPAREN\n | ATAN LPAREN expression COMMA expression RPAREN\n | ATAN2 LPAREN expression COMMA expression RPAREN\n | CEIL LPAREN expression RPAREN\n | CEILING LPAREN expression RPAREN\n | CONY LPAREN expression COMMA expression COMMA expression RPAREN\n | COS LPAREN expression RPAREN\n | COT LPAREN expression RPAREN\n | CRC32 LPAREN expression RPAREN\n | DEGREES LPAREN expression RPAREN\n | EXP LPAREN expression RPAREN\n | FLOOR LPAREN expression RPAREN\n | LN LPAREN expression RPAREN\n | LOG LPAREN expression RPAREN\n | LOG LPAREN expression COMMA expression RPAREN\n | LOG2 LPAREN expression RPAREN\n | LOG10 LPAREN expression COMMA expression RPAREN\n | MOD LPAREN expression COMMA expression RPAREN\n | PI LPAREN RPAREN\n | POW LPAREN expression COMMA expression RPAREN\n | POWER LPAREN expression COMMA expression RPAREN\n | RADIANS LPAREN expression RPAREN\n | RAND LPAREN RPAREN\n | RAND LPAREN expression RPAREN\n | ROUND LPAREN expression RPAREN\n | ROUND LPAREN expression COMMA expression RPAREN\n | SIGN LPAREN expression RPAREN\n | SIN LPAREN expression RPAREN\n | SQRT LPAREN expression RPAREN\n | TAN LPAREN expression RPAREN\n | TRUNCATE LPAREN expression COMMA expression RPAREN\n time_function_call : curdate_and_synonyms_func\n | curtime_and_synonyms_func\n | now_and_synonyms_func\n | from_unixtime_func\n | get_format_func\n | make_time_func\n | timestamp_add_or_diff_func\n | timestamp_func\n | unix_timestamp_func\n | utc_func\n | week_or_year_func\n | extract_func\n | sys_date_func\n | add_or_sub_date_func\n | date_one_para_func\n | date_two_para_func\n | date_three_para_funccurdate_and_synonyms_func : CURDATE LPAREN RPAREN\n | CURRENT_DATE LPAREN RPAREN\n | CURRENT_DATEcurtime_and_synonyms_func : CURTIME LPAREN RPAREN\n | CURRENT_TIME\n | CURRENT_TIME LPAREN RPAREN\n | CURRENT_TIME LPAREN expression RPAREN\n now_and_synonyms_func : NOW LPAREN RPAREN\n | NOW LPAREN expression RPAREN\n | CURRENT_TIMESTAMP\n | CURRENT_TIMESTAMP LPAREN RPAREN\n | CURRENT_TIMESTAMP LPAREN expression RPAREN\n | LOCALTIME\n | LOCALTIME LPAREN RPAREN\n | LOCALTIME LPAREN expression RPAREN\n | LOCALTIMESTAMP\n | LOCALTIMESTAMP LPAREN RPAREN\n | LOCALTIMESTAMP LPAREN expression RPAREN\n from_unixtime_func : FROM_UNIXTIME LPAREN expression RPAREN\n | FROM_UNIXTIME LPAREN expression COMMA string_lit RPARENget_format_func : GET_FORMAT LPAREN format_selector COMMA expression RPARENmake_time_func : MAKEDATE LPAREN expression COMMA expression COMMA expression RPARENtimestamp_add_or_diff_func : TIMESTAMPADD LPAREN time_unit COMMA expression COMMA expression RPAREN\n | TIMESTAMPDIFF LPAREN time_unit COMMA expression COMMA expression RPAREN\n timestamp_func : TIMESTAMP LPAREN expression RPAREN\n | TIMESTAMP LPAREN expression COMMA expression RPAREN\n unix_timestamp_func : UNIX_TIMESTAMP LPAREN expression RPAREN\n | UNIX_TIMESTAMP LPAREN RPARENutc_func : UTC_DATE\n | UTC_DATE LPAREN RPAREN\n | UTC_TIME\n | UTC_TIME LPAREN RPAREN\n | UTC_TIME LPAREN expression RPAREN\n | UTC_TIMESTAMP\n | UTC_TIMESTAMP LPAREN RPAREN\n | UTC_TIMESTAMP LPAREN expression RPAREN\n week_or_year_func : WEEK LPAREN expression RPAREN\n | WEEK LPAREN expression COMMA expression RPAREN\n | YEARWEEK LPAREN expression RPAREN\n | YEARWEEK LPAREN expression COMMA expression RPAREN\n sys_date_func : SYSDATE\n | SYSDATE LPAREN RPAREN\n | SYSDATE LPAREN expression RPARENadd_or_sub_date_func : ADDDATE LPAREN expression COMMA time_interval RPAREN\n | SUBDATE LPAREN expression COMMA time_interval RPAREN\n | DATE_ADD LPAREN expression COMMA time_interval RPAREN\n | DATE_SUB LPAREN expression COMMA time_interval RPAREN\n | ADDDATE LPAREN expression COMMA expression RPAREN\n | SUBDATE LPAREN expression COMMA expression RPAREN\n | DATE_ADD LPAREN expression COMMA expression RPAREN\n | DATE_SUB LPAREN expression COMMA expression RPAREN\n extract_func : EXTRACT LPAREN time_unit FROM expression RPARENdate_one_para_func : DATE LPAREN expression RPAREN\n | DAY LPAREN expression RPAREN\n | DAYNAME LPAREN expression RPAREN\n | DAYOFMONTH LPAREN expression RPAREN\n | DAYOFWEEK LPAREN expression RPAREN\n | DAYOFYEAR LPAREN expression RPAREN\n | HOUR LPAREN expression RPAREN\n | LAST_DAY LPAREN expression RPAREN\n | MICROSECOND LPAREN expression RPAREN\n | MINUTE LPAREN expression RPAREN\n | MONTH LPAREN expression RPAREN\n | MONTHNAME LPAREN expression RPAREN\n | QUARTER LPAREN expression RPAREN\n | SECOND LPAREN expression RPAREN\n | SEC_TO_TIME LPAREN expression RPAREN\n | TIME LPAREN expression RPAREN\n | FROM_DAYS LPAREN expression RPAREN\n | TIME_TO_SEC LPAREN expression RPAREN\n | TO_DAYS LPAREN expression RPAREN\n | TO_SECONDS LPAREN expression RPAREN\n | WEEKDAY LPAREN expression RPAREN\n | WEEKOFYEAR LPAREN expression RPAREN\n | YEAR LPAREN expression RPARENdate_two_para_func : DATEDIFF LPAREN expression COMMA expression RPAREN\n | SUBTIME LPAREN expression COMMA expression RPAREN\n | DATE_FORMAT LPAREN expression COMMA expression RPAREN\n | ADDTIME LPAREN expression COMMA expression RPAREN\n | STR_TO_DATE LPAREN expression COMMA expression RPAREN\n | MAKEDATE LPAREN expression COMMA expression RPAREN\n | TIMEDIFF LPAREN expression COMMA expression RPAREN\n | PERIOD_ADD LPAREN expression COMMA expression RPAREN\n | PERIOD_DIFF LPAREN expression COMMA expression RPAREN\n | TIME_FORMAT LPAREN expression COMMA expression RPARENdate_three_para_func : CONVERT_TZ LPAREN expression COMMA expression COMMA expression RPARENstring_operator_func_call : ASCII LPAREN expression RPAREN\n | BIN LPAREN expression RPAREN\n | BIT_LENGTH LPAREN expression RPAREN\n | CHAR LPAREN expression RPAREN\n | CHAR LPAREN expression USING charset_name RPAREN\n | CHAR_LENGTH LPAREN expression RPAREN\n | CHARACTER_LENGTH LPAREN expression RPAREN\n | CONCAT LPAREN call_list RPAREN\n | CONCAT_WS LPAREN expression COMMA call_list RPAREN\n | ELT LPAREN expression COMMA call_list RPAREN\n | EXPORT_SET LPAREN expression COMMA expression COMMA expression RPAREN\n | EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | FIELD LPAREN call_list RPAREN\n | FIND_IN_SET LPAREN expression COMMA expression RPAREN\n | FORMAT LPAREN expression COMMA expression RPAREN\n | FORMAT LPAREN expression COMMA expression COMMA expression RPAREN\n | FROM_BASE64 LPAREN expression RPAREN\n | HEX LPAREN expression RPAREN\n | INSERT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | INSTR LPAREN expression COMMA expression RPAREN\n | LCASE LPAREN expression RPAREN\n | LEFT LPAREN expression COMMA expression RPAREN\n | LENGTH LPAREN expression RPAREN\n | LOAD_FILE LPAREN expression RPAREN\n | LOCATE LPAREN expression COMMA expression RPAREN\n | LOCATE LPAREN expression COMMA expression COMMA expression RPAREN\n | LOWER LPAREN expression RPAREN\n | LPAD LPAREN expression COMMA expression COMMA expression RPAREN\n | LTRIM LPAREN expression RPAREN\n | MAKE_SET LPAREN expression COMMA expression COMMA call_list RPAREN\n | MID LPAREN expression COMMA expression COMMA expression RPAREN\n | OCT LPAREN expression RPAREN\n | OCTET_LENGTH LPAREN expression RPAREN\n | ORD LPAREN expression RPAREN\n | POSITION LPAREN value_expression IN expression RPAREN\n | QUOTE LPAREN expression RPAREN\n | REPEAT LPAREN expression COMMA expression RPAREN\n | REPLACE LPAREN expression COMMA expression COMMA expression RPAREN\n | REVERSE LPAREN expression RPAREN\n | RIGHT LPAREN expression COMMA expression RPAREN\n | RPAD LPAREN expression COMMA expression COMMA expression RPAREN\n | RTRIM LPAREN expression RPAREN\n | SOUNDEX LPAREN expression RPAREN\n | SPACE LPAREN expression RPAREN\n | SUBSTRING_INDEX LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_BASE64 LPAREN expression RPAREN\n | UCASE LPAREN expression RPAREN\n | UNHEX LPAREN expression RPAREN\n | UPPER LPAREN expression RPAREN\n | substr_and_syn_func_call\n | weight_string_func_call\n | trim_func_call\n substr_and_syn_func_call : SUBSTR LPAREN expression COMMA expression RPAREN\n | SUBSTR LPAREN expression FROM expression RPAREN\n | SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN\n | SUBSTR LPAREN expression FROM expression FOR expression RPAREN\n | SUBSTRING LPAREN expression COMMA expression RPAREN\n | SUBSTRING LPAREN expression FROM expression RPAREN\n | SUBSTRING LPAREN expression COMMA expression COMMA expression RPAREN\n | SUBSTRING LPAREN expression FROM expression FOR expression RPARENweight_string_func_call : WEIGHT_STRING LPAREN expression RPAREN\n | WEIGHT_STRING LPAREN expression AS binary_or_char RPARENtrim_func_call : TRIM LPAREN remstr_position expression FROM expression RPAREN\n | TRIM LPAREN expression FROM expression RPAREN\n | TRIM LPAREN FROM expression RPAREN\n | TRIM LPAREN expression RPAREN\n binary_or_char : BINARY\n | BINARY LPAREN expression RPAREN\n | CHAR\n | CHAR LPAREN expression RPAREN\n remstr_position : BOTH\n | LEADING\n | TRAILINGstring_comparsion_func_call : STRCMP LPAREN expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_LIKE LPAREN expression COMMA expression RPAREN\n | REGEXP_LIKE LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n xml_func_call : EXTRACTVALUE LPAREN expression COMMA expression RPAREN\n | UPDATEXML LPAREN expression COMMA expression COMMA expression RPARENbit_func_call : BIT_COUNT LPAREN expression RPARENencry_and_comp_func_call : AES_DECRYPT LPAREN expression COMMA expression aes_func_opt RPAREN\n | AES_ENCRYPT LPAREN expression COMMA aes_func_opt RPAREN\n | COMPRESS LPAREN expression RPAREN\n | MD5 LPAREN expression RPAREN\n | RANDOM_BYTES LPAREN expression RPAREN\n | SHA LPAREN expression RPAREN\n | SHA1 LPAREN expression RPAREN\n | SHA2 LPAREN expression COMMA expression RPAREN\n | STATEMENT_DIGEST LPAREN expression RPAREN\n | STATEMENT_DIGEST_TEXT LPAREN expression RPAREN\n | UNCOMPRESS LPAREN expression RPAREN\n | UNCOMPRESSED_LENGTH LPAREN expression RPAREN\n | VALIDATE_PASSWORD_STRENGTH LPAREN expression RPAREN\n aes_func_opt : COMMA expression\n | COMMA expression COMMA expression\n | COMMA expression COMMA expression COMMA expression\n | COMMA expression COMMA expression COMMA expression COMMA expression\n | empty\n locking_func_call : GET_LOCK LPAREN expression COMMA expression RPAREN\n | IS_FREE_LOCK LPAREN expression RPAREN\n | IS_USED_LOCK LPAREN expression RPAREN\n | RELEASE_ALL_LOCKS LPAREN RPAREN\n | RELEASE_LOCK LPAREN expression RPARENinformation_func_call : BENCHMARK LPAREN expression COMMA expression RPAREN\n | CHARSET LPAREN expression RPAREN\n | COERCIBILITY LPAREN expression RPAREN\n | COLLATION LPAREN expression RPAREN\n | CONNECTION_ID LPAREN RPAREN\n | CURRENT_ROLE LPAREN RPAREN\n | CURRENT_USER\n | CURRENT_USER LPAREN RPAREN\n | DATABASE LPAREN RPAREN\n | FOUND_ROWS LPAREN RPAREN\n | ICU_VERSION LPAREN RPAREN\n | LAST_INSERT_ID LPAREN RPAREN\n | LAST_INSERT_ID LPAREN expression RPAREN\n | ROLES_GRAPHML LPAREN RPAREN\n | ROW_COUNT LPAREN RPAREN\n | SCHEMA LPAREN RPAREN\n | SESSION_USER LPAREN RPAREN\n | SYSTEM_USER LPAREN RPAREN\n | USER LPAREN RPAREN\n | VERSION LPAREN RPARENjson_func_call : create_json_func_call\n | search_json_func_call\n | modify_json_func_call\n | json_value_attr_func_call\n | json_table_func_call\n | json_schema_func_call\n | json_untility_func_callcreate_json_func_call : JSON_ARRAY LPAREN call_list RPAREN\n | JSON_OBJECT LPAREN call_list RPAREN\n | JSON_QUOTE LPAREN expression RPAREN\n search_json_func_call : JSON_CONTAINS LPAREN expression COMMA expression RPAREN\n | JSON_CONTAINS LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_EXTRACT LPAREN expression COMMA expression RPAREN\n | JSON_EXTRACT LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_KEYS LPAREN expression RPAREN\n | JSON_KEYS LPAREN expression COMMA expression RPAREN\n | JSON_OVERLAPS LPAREN expression COMMA expression RPAREN\n | JSON_SEARCH LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_SEARCH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_VALUE LPAREN expression COMMA expression RPAREN\n modify_json_func_call : JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_INSERT LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_MERGE LPAREN expression COMMA expression RPAREN\n | JSON_MERGE LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_MERGE_PATCH LPAREN expression COMMA expression RPAREN\n | JSON_MERGE_PATCH LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_MERGE_PRESERVE LPAREN expression COMMA expression RPAREN\n | JSON_MERGE_PRESERVE LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_REMOVE LPAREN expression COMMA expression RPAREN\n | JSON_REMOVE LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_REPLACE LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_SET LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_SET LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_UNQUOTE LPAREN expression RPAREN\n json_value_attr_func_call : JSON_DEPTH LPAREN expression RPAREN\n | JSON_LENGTH LPAREN expression RPAREN\n | JSON_LENGTH LPAREN expression COMMA expression RPAREN\n | JSON_TYPE LPAREN expression RPAREN\n | JSON_VAILD LPAREN expression RPARENjson_table_func_call : JSON_TABLE LPAREN expression COMMA expression COLUMNS LPAREN select_items RPAREN alias_opt RPARENjson_table_column_list : json_table_column\n | json_table_column_list COMMA json_table_columnjson_table_column : identifier FOR ORDINALITY\n | identifier column_type PATH string_lit\n | identifier column_type PATH string_lit on_empty_or_error_opt\n | identifier column_type EXISTS PATH string_lit\n | NESTED string_lit COLUMNS LPAREN json_table_column_list RPAREN\n | NESTED PATH string_lit COLUMNS LPAREN json_table_column_list RPARENon_empty_or_error_opt : json_table_value_opt ON EMPTY\n | json_table_value_opt ON ERROR\n | json_table_value_opt ON EMPTY json_table_value_opt ON ERRORjson_table_value_opt : NULL\n | DEFAULT string_lit\n | ERRORjson_schema_func_call : JSON_SCHEMA_VALID LPAREN expression COMMA expression RPAREN\n | JSON_SCHEMA_VALIDATION_REPORT LPAREN expression COMMA expression RPARENjson_untility_func_call : JSON_PERTTY LPAREN expression RPAREN\n | JSON_STORAGE_FREE LPAREN expression RPAREN\n | JSON_STORAGE_SIZE LPAREN expression RPARENreplication_func_call : GROUP_REPLICATION_SET_AS_PRIMARY LPAREN expression RPAREN\n | GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE LPAREN RPAREN\n | GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE LPAREN expression RPAREN\n | GROUP_REPLICATION_GET_WRITE_CONCURRENCY LPAREN RPAREN\n | GROUP_REPLICATION_SET_WRITE_CONCURRENCY LPAREN expression RPAREN\n | GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL LPAREN RPAREN\n | GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL LPAREN expression RPAREN\n | GROUP_REPLICATION_DISABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN\n | GROUP_REPLICATION_ENABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN\n | GROUP_REPLICATION_RESET_MEMBER_ACTIONS LPAREN RPAREN\n | GTID_SUBSET LPAREN expression COMMA expression RPAREN\n | GTID_SUBTRACT LPAREN expression COMMA expression RPAREN\n | WAIT_FOR_EXECUTED_GTID_SET LPAREN expression RPAREN\n | WAIT_FOR_EXECUTED_GTID_SET LPAREN expression COMMA expression RPAREN\n | WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression RPAREN\n | WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED LPAREN expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_RESET LPAREN RPAREN\n | MASTER_POS_WAIT LPAREN expression COMMA expression RPAREN\n | MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN\n | MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | SOURCE_POS_WAIT LPAREN expression COMMA expression RPAREN\n | SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN\n | SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n aggreate_func_call : aggreate_func_without_distinct\n | aggreate_func_with_distinct\n | group_concat_func_call\n aggreate_func_without_distinct : BIT_AND LPAREN expression RPAREN over_clause_opt\n | BIT_OR LPAREN expression RPAREN over_clause_opt\n | BIT_XOR LPAREN expression RPAREN over_clause_opt\n | COUNT LPAREN expression RPAREN over_clause_opt\n | COUNT LPAREN ASTERISK RPAREN over_clause_opt\n | JSON_ARRAYAGG LPAREN expression COMMA expression RPAREN over_clause_opt\n | STD LPAREN expression RPAREN over_clause_opt\n | STDDEV LPAREN expression RPAREN over_clause_opt\n | STDDEV_POP LPAREN expression RPAREN over_clause_opt\n | STDDEV_SAMP LPAREN expression RPAREN over_clause_opt\n | VAR_POP LPAREN expression RPAREN over_clause_opt\n | VAR_SAMP LPAREN expression RPAREN over_clause_opt\n | VAR_VARIANCE LPAREN expression RPAREN over_clause_opt\n aggreate_func_with_distinct : AVG LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | COUNT LPAREN DISTINCT call_list RPAREN over_clause_opt\n | JSON_ARRAYAGG LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | MAX LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | SUM LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | MIN LPAREN set_quantifier_opt expression RPAREN over_clause_optgroup_concat_func_call : GROUP_CONCAT LPAREN set_quantifier_opt call_list order_by_opt separator_opt RPAREN over_clause_optmiscellaneous_func_call : ANY_VALUE LPAREN expression RPAREN\n | BIN_TO_UUID\tLPAREN expression RPAREN\n | BIN_TO_UUID\tLPAREN expression COMMA expression RPAREN\n | DEFAULT\tLPAREN expression RPAREN\n | GROUPING\tLPAREN call_list RPAREN\n | INET_ATON\tLPAREN expression RPAREN\n | INET_NTOA\tLPAREN expression RPAREN\n | INET6_ATON\tLPAREN expression RPAREN\n | INET6_NTOA\tLPAREN expression RPAREN\n | IS_IPV4\tLPAREN expression RPAREN\n | IS_IPV4_COMPAT\tLPAREN expression RPAREN\n | IS_IPV4_MAPPED\tLPAREN expression RPAREN\n | IS_IPV6\tLPAREN expression RPAREN\n | IS_UUID\tLPAREN expression RPAREN\n | NAME_CONST\tLPAREN expression COMMA expression RPAREN\n | SLEEP\tLPAREN expression RPAREN\n | UUID\tLPAREN RPAREN\n | UUID_SHORT\tLPAREN RPAREN\n | UUID_TO_BIN\tLPAREN expression RPAREN\n | UUID_TO_BIN\tLPAREN expression COMMA expression RPARENformat_selector : DATE\n | DATETIME\n | TIME\n | TIMESTAMPseparator_opt : SEPARATOR expression\n | empty\n case_specification : simple_casesimple_case : CASE expression when_clauses else_opt END\n | CASE when_clauses else_opt ENDcast_func_call : BINARY expression %prec NEG\n | _BINARY string_lit %prec NEG\n | CAST LPAREN expression AS cast_field RPAREN\n | CAST LPAREN expression AS cast_field ARRAY RPAREN\n | CONVERT LPAREN expression COMMA cast_field RPAREN\n | CONVERT LPAREN expression USING charset_name RPARENwhen_clauses : when_clauses when_clause\n | when_clausecharset_name : string_lit\n | identifier\n | BINARYwhen_clause : WHEN expression THEN expressionelse_opt : ELSE expression\n | emptycall_list : call_list COMMA expression\n | expressioncast_field : BINARY field_len_opt\n | char_type field_len_opt field_param_list_opt\n | DATE\n | YEAR\n | DATETIME field_len_opt\n | DECIMAL float_opt\n | DEC float_opt\n | TIME field_len_opt\n | SIGNED integer_opt\n | UNSIGNED integer_opt\n | JSON\n | DOUBLE\n | FLOAT float_opt\n | REALfield_len_opt : LPAREN NUMBER RPAREN\n | emptyfield_param_list_opt : LPAREN field_param_list RPAREN\n | emptyfield_param_list : field_param_list COMMA field_parameter\n | field_parameterfield_parameter : number\n | base_data_typefloat_opt : LPAREN NUMBER RPAREN\n | LPAREN NUMBER COMMA NUMBER RPAREN\n | emptychar_type : CHARACTER\n | CHARinteger_opt : INTEGER\n | INT\n | emptybase_data_type : identifiercomparison_operator : EQ\n | NE\n | LT\n | LE\n | GT\n | GE\n | NULL_SAFE_EQboolean_value : TRUE\n | FALSEqualified_name_list : qualified_name_list COMMA qualified_name\n | qualified_namequalified_name : identifier\n | identifier PERIOD identifier\n | identifier PERIOD identifier PERIOD identifieridentifier : IDENTIFIER\n | quoted_identifier\n | non_reserved\n | DIGIT_IDENTIFIERnon_reserved : ABS\n | ACCESSIBLE\n | ACCOUNT\n | ACOS\n | ACTION\n | ACTIVATE\n | ACTIVE\n | AES_DECRYPT\n | AES_ENCRYPT\n | AFTER\n | AGAINST\n | AGGREGATE\n | ALGORITHM\n | ALWAYS\n | ANALYSE\n | ANY\n | ANY_VALUE\n | APPROX_COUNT_DISTINCT\n | APPROX_COUNT_DISTINCT_SYNOPSIS\n | APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE\n | ARCHIVELOG\n | ASCII\n | ASENSITIVE\n | ASIN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE\n | ASYNCHRONOUS_CONNECTION_FAILOVER_RESET\n | AT\n | ATAN\n | AUDIT\n | AUTHORS\n | AUTO\n | AUTOEXTEND_SIZE\n | AUTO_INCREMENT\n | AVG\n | AVG_ROW_LENGTH\n | BACKUP\n | BACKUPSET\n | BALANCE\n | BASE\n | BASELINE\n | BASELINE_ID\n | BASIC\n | BEFORE\n | BEGI\n | BENCHMARK\n | BIN\n | BINDING\n | BINLOG\n | BIN_TO_UUID\n | BIT\n | BIT_COUNT\n | BIT_LENGTH\n | BLOCK\n | BLOCK_INDEX\n | BLOCK_SIZE\n | BLOOM_FILTER\n | BOOL\n | BOOLEAN\n | BOOTSTRAP\n | BREADTH\n | BRIEF\n | BTREE\n | BUCKETS\n | BULK\n | BYTE\n | CACHE\n | CALL\n | CANCEL\n | CAST\n | CASCADED\n | CATALOG_NAME\n | CEIL\n | CEILING\n | CHAIN\n | CHANGED\n | CHARACTER\n | CHARACTER_LENGT\n | CHARACTER_LENGTH\n | CHARSET\n | CHAR_LENGTH\n | CHECKPOINT\n | CHECKSUM\n | CHUNK\n | CIPHER\n | CLASS_ORIGIN\n | CLEAN\n | CLEAR\n | CLIENT\n | CLOG\n | CLOSE\n | CLUSTER\n | CLUSTER_ID\n | CLUSTER_NAME\n | COALESCE\n | CODE\n | COERCIBILITY\n | COPY\n | COLLATION\n | COLUMNS\n | COLUMN_FORMAT\n | COLUMN_NAME\n | COLUMN_STAT\n | COMMENT\n | COMMIT\n | COMMITTED\n | COMPACT\n | COMPLETION\n | COMPRESS\n | COMPRESSED\n | COMPRESSION\n | CONCAT_WS\n | CONCURRENT\n | CONNECTION\n | CONNECTION_ID\n | CONSISTENT\n | CONSISTENT_MODE\n | CONSTRAINT_CATALOG\n | CONSTRAINT_NAME\n | CONSTRAINT_SCHEMA\n | CONTAINS\n | CONTEXT\n | CONTRIBUTORS\n | CONY\n | COS\n | COT\n | COUNT\n | CPU\n | CRC32\n | CREATE_TIMESTAMP\n | CTXCAT\n | CTX_ID\n | CUBE\n | CURRENT\n | CURSOR_NAME\n | CYCLE\n | DATA\n | DATABASE_ID\n | DATAFILE\n | DATA_TABLE_ID\n | DATE\n | DATETIME\n | DATE_FORMAT\n | DAY\n | DAYNAME\n | DAYOFMONTH\n | DAYOFWEEK\n | DAYOFYEAR\n | DEALLOCATE\n | DEC\n | DECLARE\n | DECODE\n | DEFAULT_AUTH\n | DEFAULT_TABLEGROUP\n | DEFINER\n | DEGREES\n | DELAY\n | DELAY_KEY_WRITE\n | DEPTH\n | DESTINATION\n | DES_KEY_FILE\n | DETERMINISTIC\n | DIAGNOSTICS\n | DIRECTORY\n | DISABLE\n | DISCARD\n | DISK\n | DISKGROUP\n | DO\n | DUMP\n | DUMPFILE\n | DUPLICATE\n | DUPLICATE_SCOPE\n | DYNAMIC\n | EACH\n | EFFECTIVE\n | EGEXP_INSTR\n | ELT\n | ENABLE\n | ENCRYPTION\n | END\n | ENDS\n | ENGINE\n | ENGINES\n | ENGINE_\n | ENTITY\n | ENUM\n | ERROR\n | ERRORS\n | ERROR_CODE\n | ERROR_P\n | ERSION\n | ESCAPE\n | EVENT\n | EVENTS\n | EVERY\n | EXCHANGE\n | EXECUTE\n | EXP\n | EXPANSION\n | EXPIRE\n | EXPIRED\n | EXPIRE_INFO\n | EXPORT\n | EXPORT_SET\n | EXTENDED\n | EXTENDED_NOADDR\n | EXTENT_SIZE\n | EXTRACTVALUE\n | FAST\n | FAULTS\n | FIELD\n | FIELDS\n | FILEX\n | FILE_ID\n | FINAL_COUNT\n | FIND_IN_SET\n | FIRST\n | FIXED\n | FLASHBACK\n | FLOAT4\n | FLOAT8\n | FLOOR\n | FLUSH\n | FOLLOWER\n | FOLLOWING\n | FORMAT\n | FOUND\n | FOUND_ROWS\n | FREEZE\n | FREQUENCY\n | FROM_BASE64\n | FROM_DAYS\n | FROM_UNIXTIME\n | FUNCTION\n | GENERAL\n | GEOMETRY\n | GEOMETRYCOLLECTION\n | GET\n | GET_LOCK\n | GLOBAL\n | GLOBAL_ALIAS\n | GLOBAL_NAME\n | GRANTS\n | GREATEST\n | GROUPING\n | GROUPS\n | GROUP_REPLICATION_DISABLE_MEMBER_ACTION\n | GROUP_REPLICATION_ENABLE_MEMBER_ACTION\n | GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL\n | GROUP_REPLICATION_GET_WRITE_CONCURRENCY\n | GROUP_REPLICATION_RESET_MEMBER_ACTIONS\n | GROUP_REPLICATION_SET_AS_PRIMARY\n | GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL\n | GROUP_REPLICATION_SET_WRITE_CONCURRENCY\n | GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE\n | GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE\n | GTID_SUBSET\n | GTID_SUBTRACT\n | GTS\n | HANDLER\n | HASH\n | HELP\n | HEX\n | HISTOGRAM\n | HOST\n | HOSTS\n | HOST_IP\n | HOUR\n | ICU_VERSION\n | ID\n | IDC\n | IDENTIFIED\n | IFIGNORE\n | IFNULL\n | IGNORE_SERVER_IDS\n | ILOG\n | ILOGCACHE\n | IMPORT\n | INCR\n | INCREMENTAL\n | INDEXES\n | INDEX_TABLE_ID\n | INET6_ATON\n | INET6_NTOA\n | INET_ATON\n | INET_NTOA\n | INFO\n | INITIAL_SIZE\n | INTO\n | INTERVAL\n | INNER_PARSE\n | INNODB\n | INSENSITIVE\n | INSERT_METHOD\n | INSTALL\n | INSTANCE\n | INSTR\n | INVISIBLE\n | INVOKER\n | IO\n | IO_AFTER_GTIDS\n | IO_BEFORE_GTIDS\n | IO_THREAD\n | IPC\n | IS\n | ISNULL\n | ISOLATION\n | ISSUER\n | IS_FREE_LOCK\n | IS_IPV4\n | IS_IPV4_COMPAT\n | IS_IPV4_MAPPED\n | IS_IPV6\n | IS_TENANT_SYS_POOL\n | IS_USED_LOCK\n | IS_UUID\n | ITERATE\n | JOB\n | JSON\n | JSON_ARRAY\n | JSON_ARRAYAGG\n | JSON_ARRAY_APPEND\n | JSON_ARRAY_INSERT\n | JSON_CONTAINS\n | JSON_CONTAINS_PATH\n | JSON_DEPTH\n | JSON_EXTRACT\n | JSON_INSERT\n | JSON_KEYS\n | JSON_LENGTH\n | JSON_MERGE\n | JSON_MERGE_PATCH\n | JSON_MERGE_PRESERVE\n | JSON_OBJECT\n | JSON_OVERLAPS\n | JSON_PERTTY\n | JSON_QUOTE\n | JSON_REMOVE\n | JSON_REPLACE\n | JSON_SCHEMA_VALID\n | JSON_SCHEMA_VALIDATION_REPORT\n | JSON_SEARCH\n | JSON_SET\n | JSON_STORAGE_FREE\n | JSON_STORAGE_SIZE\n | JSON_TABLE\n | JSON_TYPE\n | JSON_UNQUOTE\n | JSON_VAILD\n | JSON_VALUE\n | KEY_BLOCK_SIZE\n | KEY_VERSION\n | KVCACHE\n | LANGUAGE\n | LAST\n | LAG\n | LAST_DAY\n | LAST_INSERT_ID\n | LAST_VALUE\n | LCASE\n | LEADER\n | LEAK\n | LEAK_MOD\n | LEAST\n | LEAVES\n | LENGTH\n | LESS\n | LEVEL\n | LINESTRING\n | LISTAGG\n | LIST_\n | LN\n | LOAD_FILE\n | LOB\n | LOCAL\n | LOCALITY\n | LOCATE\n | LOCATION\n | LOCKED\n | LOCKS\n | LOCK_\n | LOG\n | LOG10\n | LOG2\n | LOGFILE\n | LOGONLY_REPLICA_NUM\n | LOGS\n | LONG\n | LONGB\n | LOOP\n | LOWER\n | LPAD\n | LTRIM\n | MAJOR\n | MAKEDATE\n | MAKE_SE\n | MAKE_SET\n | MANUAL\n | MASTER\n | MASTER_AUTO_POSITION\n | MASTER_BIND\n | MASTER_CONNECT_RETRY\n | MASTER_DELAY\n | MASTER_HEARTBEAT_PERIOD\n | MASTER_HOST\n | MASTER_LOG_FILE\n | MASTER_LOG_POS\n | MASTER_PASSWORD\n | MASTER_PORT\n | MASTER_POS_WAIT\n | MASTER_RETRY_COUNT\n | MASTER_SERVER_ID\n | MASTER_SSL\n | MASTER_SSL_CA\n | MASTER_SSL_CAPATH\n | MASTER_SSL_CERT\n | MASTER_SSL_CIPHER\n | MASTER_SSL_CRL\n | MASTER_SSL_CRLPATH\n | MASTER_SSL_KEY\n | MASTER_SSL_VERIFY_SERVER_CERT\n | MASTER_USER\n | MATCH\n | MATCHED\n | MATERIALIZED\n | MAX\n | MAX_CONNECTIONS_PER_HOUR\n | MAX_CPU\n | MAX_DISK_SIZE\n | MAX_IOPS\n | MAX_MEMORY\n | MAX_QUERIES_PER_HOUR\n | MAX_ROWS\n | MAX_SESSION_NUM\n | MAX_SIZE\n | MAX_UPDATES_PER_HOUR\n | MAX_USED_PART_ID\n | MAX_USER_CONNECTIONS\n | MD5\n | MEDIUM\n | MEMBER\n | MEMORY\n | MEMTABLE\n | MERGE\n | MESSAGE_TEXT\n | META\n | MICROSECOND\n | MID\n | MIDDLEINT\n | MIGRATE\n | MIGRATION\n | MIN\n | MINOR\n | MINUTE\n | MIN_CPU\n | MIN_IOPS\n | MIN_MEMORY\n | MIN_ROWS\n | MKEDATE\n | MODE\n | MODIFIES\n | MODIFY\n | MONTH\n | MONTHNAME\n | MOVE\n | MULTILINESTRING\n | MULTIPOINT\n | MULTIPOLYGON\n | MUTEX\n | MYSQL_ERRNO\n | NAME\n | NAMES\n | NAME_CONST\n | NATIONAL\n | NCHAR\n | NDB\n | NDBCLUSTER\n | NESTED\n | NEW\n | NEXT\n | NO\n | NOARCHIVELOG\n | NODEGROUP\n | NONE\n | NORMAL\n | NOW\n | NOWAIT\n | NO_WAIT\n | NULLS\n | NULLIF\n | NVARCHAR\n | NVL\n | OAD_FILE\n | OCCUR\n | OCT\n | OCTET_LENGTH\n | OERCIBILITY\n | OF\n | OFF\n | OFFSET\n | OLD_KEY\n | OLD_PASSWORD\n | ONE\n | ONE_SHOT\n | ONLY\n | ONTHNAME\n | OPEN\n | OPTIONS\n | OR\n | ORA_DECODE\n | ORD\n | ORDINALITY\n | ORIG_DEFAULT\n | OUTLINE\n | OVER\n | OWER\n | OWNER\n | PACE\n | PACK_KEYS\n | PAGE\n | PARAMETERS\n | PARSER\n | PARTIAL\n | PARTITIONING\n | PARTITIONS\n | PARTITION_ID\n | PASSWORD\n | PAUSE\n | PATH\n | PCTFREE\n | PERIOD_ADD\n | PERIOD_DIFF\n | PHASE\n | PHYSICAL\n | PI\n | PL\n | PLAN\n | PLANREGRESS\n | PLUGIN\n | PLUGINS\n | PLUGIN_DIR\n | POSITION\n | POINT\n | POLYGON\n | POOL\n | PORT\n | POW\n | POWER\n | PRECEDING\n | PREPARE\n | PRESERVE\n | PREV\n | PREVIEW\n | PRIMARY_ZONE\n | PRIVILEGES\n | PROCESS\n | PROCESSLIST\n | PROFILE\n | PROFILES\n | PROGRESSIVE_MERGE_NUM\n | PROXY\n | PURGE\n | P_CHUNK\n | P_ENTITY\n | QUARTER\n | QUERY\n | QUICK\n | QUOTE\n | R32\n | RANDOM\n | RANDOM_BYTES\n | RANGE\n | RANK\n | READS\n | READ_ONLY\n | READ_WRITE\n | REBUILD\n | RECOVER\n | RECYCLE\n | RECYCLEBIN\n | REDOFILE\n | REDO_BUFFER_SIZE\n | REDUNDANT\n | REFRESH\n | REGION\n | REGEXP_INSTR\n | REGEXP_LIKE\n | REGEXP_REPLACE\n | REGEXP_SUBSTR\n | RELAY\n | RELAYLOG\n | RELAY_LOG_FILE\n | RELAY_LOG_POS\n | RELAY_THREAD\n | RELEASE_ALL_LOCKS\n | RELEASE_LOCK\n | RELOAD\n | REMOTE_OSS\n | REMOVE\n | REORGANIZE\n | REPAIR\n | REPEATABLE\n | REPLACE\n | REPLICA\n | REPLICATION\n | REPLICA_NUM\n | REPLICA_TYPE\n | REPORT\n | RESET\n | RESOURCE\n | RESOURCE_POOL_LIST\n | RESPECT\n | RESTART\n | RESTORE\n | RESUME\n | RETURN\n | RETURNING\n | RETURNS\n | REVERSE\n | REWRITE_MERGE_VERSION\n | ROLES_GRAPHML\n | ROLLBACK\n | ROLLING\n | ROLLUP\n | ROM_BASE64\n | ROM_UNIXTIME\n | ROOT\n | ROOTSERVICE\n | ROOTTABLE\n | ROTATE\n | ROUTINE\n | ROUND\n | ROW\n | ROWS\n | ROW_COUNT\n | ROW_FORMAT\n | ROW_NUMBER\n | RPAD\n | RTREE\n | RTRIM\n | RUDUNDANT\n | RUN\n | SAMPLE\n | SAVEPOINT\n | SCHEDULE\n | SCHEMA\n | SCHEMAS\n | SCHEMA_NAME\n | SCOPE\n | SEARCH\n | SECOND\n | SECURITY\n | SEC_TO_TIME\n | SEED\n | SENSITIVE\n | SEPARATOR\n | SERIAL\n | SERIALIZABLE\n | SERVER\n | SERVER_IP\n | SERVER_PORT\n | SERVER_TYPE\n | SESSION\n | SESSION_ALIAS\n | SESSION_USER\n | SET_MASTER_CLUSTER\n | SET_SLAVE_CLUSTER\n | SET_TP\n | SHA\n | SHA1\n | SHA2\n | SHARE\n | SHOW\n | SHUTDOWN\n | SKIP\n | SIGN\n | SIGNED\n | SIMPLE\n | SLAVE\n | SLEEP\n | SLOT_IDX\n | SLOW\n | SNAPSHOT\n | SOCKET\n | SOME\n | SONAME\n | SOUNDEX\n | SOUNDS\n | SOURCE\n | SOURCE_POS_WAIT\n | SPACE\n | SPATIAL\n | SPECIFIC\n | SPFILE\n | SPLIT\n | SQL_AFTER_GTIDS\n | SQL_AFTER_MTS_GAPS\n | SQL_BEFORE_GTIDS\n | SQL_BUFFER_RESULT\n | SQL_CACHE\n | SQL_CALC_FOUND_ROWS\n | SQL_ID\n | SQL_NO_CACHE\n | SQL_SMALL_RESULT\n | SQL_THREAD\n | SQL_TSI_DAY\n | SQL_TSI_HOUR\n | SQL_TSI_MINUTE\n | SQL_TSI_MONTH\n | SQL_TSI_QUARTER\n | SQL_TSI_SECOND\n | SQL_TSI_WEEK\n | SQL_TSI_YEAR\n | STANDBY\n | START\n | STARTS\n | STAT\n | STATEMENT_DIGEST\n | STATEMENT_DIGEST_TEXT\n | STATS_AUTO_RECALC\n | STATS_PERSISTENT\n | STATS_SAMPLE_PAGES\n | STATUS\n | STOP\n | STORAGE\n | STORAGE_FORMAT_VERSION\n | STORAGE_FORMAT_WORK_VERSION\n | STORED\n | STORING\n | STRAIGHT_JOIN\n | STRCMP\n | STR_TO_DATE\n | SUBCLASS_ORIGIN\n | SUBJECT\n | SUBPARTITION\n | SUBPARTITIONS\n | SUBSTR\n | SUBSTRING_INDEX\n | SUBTIME\n | SUPER\n | SUM\n | SUSPEND\n | SWAPS\n | SWITCH\n | SWITCHES\n | SWITCHOVER\n | SYNCHRONIZATION\n | SYSTEM\n | SYSTEM_USER\n | TABLEGROUP\n | TABLEGROUPS\n | TABLEGROUP_ID\n | TABLES\n | TABLESPACE\n | TABLET\n | TABLET_MAX_SIZE\n | TABLET_SIZE\n | TABLE_CHECKSUM\n | TABLE_ID\n | TABLE_MODE\n | TABLE_NAME\n | TASK\n | TATEMENT_DIGEST\n | TEMPLATE\n | TEMPORARY\n | TEMPTABLE\n | TENANT\n | TENANT_ID\n | TEXT\n | THAN\n | TIME\n | TIMEDIFF\n | TIMESTAMP\n | TIME_FORMAT\n | TIME_TO_SEC\n | TIME_ZONE_INFO\n | TOP\n | TO_BASE64\n | TO_DAYS\n | TO_SECONDS\n | TP_NAME\n | TP_NO\n | TRACE\n | TRADITIONAL\n | TRANSACTION\n | TRIGGERS\n | TRUNCATE\n | TYPE\n | TYPES\n | UBTIME\n | UCASE\n | UNBOUNDED\n | UNCOMMITTED\n | UNCOMPRESS\n | UNCOMPRESSED_LENGTH\n | UNDEFINED\n | UNDO\n | UNDOFILE\n | UNDO_BUFFER_SIZE\n | UNHEX\n | UNICODE\n | UNINSTALL\n | UNIT\n | UNIT_NUM\n | UNIX_TIMESTAMP\n | UNKNOWN\n | UNLOCK\n | UNLOCKED\n | UNUSUAL\n | UPDATEXML\n | UPGRADE\n | UPPER\n | USEC_TO_TIME\n | USER\n | USER_RESOURCES\n | USE_BLOOM_FILTER\n | USE_FRM\n | UUID\n | UUID_SHORT\n | UUID_TO_BIN\n | VALID\n | VALIDATE\n | VALIDATE_PASSWORD_STRENGTH\n | VALUE\n | VARCHARACTER\n | VARIABLES\n | VARIANCE\n | VAR_VARIANCE\n | VERBOSE\n | VERSION\n | VIEW\n | VIRTUAL_COLUMN_ID\n | VISIBLE\n | WAIT\n | WAIT_FOR_EXECUTED_GTID_SET\n | WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS\n | WARNINGS\n | WEEK\n | WEEKDAY\n | WEEKOFYEAR\n | WEIGHT_STRING\n | WITH\n | WITH_ROWID\n | WORK\n | WRAPPER\n | WRITE\n | X509\n | XA\n | XML\n | XOR\n | XTRACTVALUE\n | YEAR\n | YEARWEEK\n | ZEROFILL\n | ZONE\n | ZONE_LIST\n | ZONE_TYPEtime_interval : INTERVAL expression time_unit\n | QMtime_unit : timestamp_unit\n | SECOND_MICROSECOND\n | MINUTE_MICROSECOND\n | MINUTE_SECOND\n | HOUR_MICROSECOND\n | HOUR_SECOND\n | HOUR_MINUTE\n | DAY_MICROSECOND\n | DAY_SECOND\n | DAY_MINUTE\n | DAY_HOUR\n | YEAR_MONTHtimestamp_unit : MICROSECOND\n | SECOND\n | MINUTE\n | HOUR\n | DAY\n | WEEK\n | MONTH\n | QUARTER\n | YEAR\n | SQL_TSI_SECOND\n | SQL_TSI_MINUTE\n | SQL_TSI_HOUR\n | SQL_TSI_DAY\n | SQL_TSI_WEEK\n | SQL_TSI_MONTH\n | SQL_TSI_QUARTER\n | SQL_TSI_YEARquoted_identifier : BACKQUOTED_IDENTIFIERfigure : FRACTION\n | numberempty :' +_lr_signature = 'commandrightASSIGNMENTEQleftPIPESORleftXORleftANDANDANDrightNOTleftBETWEENCASEWHENTHENELSEleftEQNULL_SAFE_EQNELTLEGTGEISLIKERLIKEREGEXPINleftBIT_ORleftBIT_ANDleftBIT_MOVE_LEFTBIT_MOVE_RIGHTleftPLUSMINUSleftASTERISKSLASHPERCENTDIVMODleftBIT_XORleftBIT_OPPOSITErightNEGleftEXCLA_MARKleftLPARENrightRPARENABS ACCESSIBLE ACCOUNT ACOS ACTION ACTIVATE ACTIVE ADD ADDDATE ADDTIME AES_DECRYPT AES_ENCRYPT AFTER AGAINST AGGREGATE ALGORITHM ALL ALTER ALWAYS ANALYSE ANALYZE AND ANDAND ANY ANY_VALUE APPROX_COUNT_DISTINCT APPROX_COUNT_DISTINCT_SYNOPSIS APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE ARCHIVELOG ARRAY AS ASC ASCII ASCIISTR ASENSITIVE ASIN ASSIGNMENTEQ ASTERISK ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE ASYNCHRONOUS_CONNECTION_FAILOVER_RESET AT ATAN ATAN2 AUDIT AUTHORS AUTO AUTOEXTEND_SIZE AUTO_INCREMENT AVG AVG_ROW_LENGTH BACKQUOTED_IDENTIFIER BACKUP BACKUPSET BALANCE BASE BASELINE BASELINE_ID BASIC BEFORE BEGI BENCHMARK BETWEEN BIGINT BIN BINARY BINDING BINLOG BIN_TO_UUID BIT BIT_AND BIT_COUNT BIT_LENGTH BIT_MOVE_LEFT BIT_MOVE_RIGHT BIT_OPPOSITE BIT_OR BIT_XOR BLOB BLOCK BLOCK_INDEX BLOCK_SIZE BLOOM_FILTER BOOL BOOLEAN BOOTSTRAP BOTH BREADTH BRIEF BTREE BUCKETS BULK BY BYTE CACHE CALL CANCEL CASCADE CASCADED CASE CAST CATALOG_NAME CEIL CEILING CHAIN CHANGE CHANGED CHAR CHARACTER CHARACTER_LENGT CHARACTER_LENGTH CHARSET CHARTOROWID CHAR_LENGTH CHECK CHECKPOINT CHECKSUM CHUNK CIPHER CLASS_ORIGIN CLEAN CLEAR CLIENT CLOG CLOSE CLUSTER CLUSTER_ID CLUSTER_NAME COALESCE CODE COERCIBILITY COLLATE COLLATION COLUMNS COLUMN_FORMAT COLUMN_NAME COLUMN_STAT COMMA COMMENT COMMIT COMMITTED COMPACT COMPLETION COMPRESS COMPRESSED COMPRESSION CONCAT CONCAT_WS CONCURRENT CONNECTION CONNECTION_ID CONSISTENT CONSISTENT_MODE CONSTRAINT CONSTRAINT_CATALOG CONSTRAINT_NAME CONSTRAINT_SCHEMA CONTAINS CONTEXT CONTINUE CONTRIBUTORS CONVERT CONVERT_TZ CONY COPY COS COT COUNT CPU CRC32 CREATE CREATE_TIMESTAMP CROSS CTXCAT CTX_ID CUBE CUME_DIST CURDATE CURRENT CURRENT_DATE CURRENT_ROLE CURRENT_TIME CURRENT_TIMESTAMP CURRENT_USER CURSOR CURSOR_NAME CURTIME CYCLE DATA DATABASE DATABASES DATABASE_ID DATAFILE DATA_TABLE_ID DATE DATEDIFF DATETIME DATE_ADD DATE_FORMAT DATE_SUB DAY DAYNAME DAYOFMONTH DAYOFWEEK DAYOFYEAR DAY_HOUR DAY_MICROSECOND DAY_MINUTE DAY_SECOND DEALLOCATE DEC DECIMAL DECLARE DECODE DEFAULT DEFAULT_AUTH DEFAULT_TABLEGROUP DEFINER DEGREES DELAY DELAYED DELAY_KEY_WRITE DELETE DENSE_RANK DEPTH DESC DESCRIBE DESTINATION DES_KEY_FILE DETERMINISTIC DIAGNOSTICS DIGIT_IDENTIFIER DIRECTORY DISABLE DISCARD DISK DISKGROUP DISTINCT DISTINCTROW DIV DO DOUBLE DOUBLE_AT_IDENTIFIER DROP DUAL DUMP DUMPFILE DUPLICATE DUPLICATE_SCOPE DYNAMIC EACH EFFECTIVE EGEXP_INSTR ELSE ELSEIF ELT EMPTY ENABLE ENCLOSED ENCRYPTION END ENDS ENGINE ENGINES ENGINE_ ENTITY ENUM EQ ERROR ERRORS ERROR_CODE ERROR_P ERSION ESCAPE ESCAPED EVENT EVENTS EVERY EXCEPT EXCHANGE EXCLA_MARK EXECUTE EXISTS EXIT EXP EXPANSION EXPIRE EXPIRED EXPIRE_INFO EXPLAIN EXPORT EXPORT_SET EXTENDED EXTENDED_NOADDR EXTENT_SIZE EXTRACT EXTRACTVALUE FALSE FAST FAULTS FETCH FIELD FIELDS FILEX FILE_ID FINAL_COUNT FIND_IN_SET FIRST FIRST_VALUE FIXED FLASHBACK FLOAT FLOAT4 FLOAT8 FLOOR FLUSH FOLLOWER FOLLOWING FOR FORCE FOREIGN FORMAT FOUND FOUND_ROWS FRACTION FREEZE FREQUENCY FROM FROM_BASE64 FROM_DAYS FROM_UNIXTIME FULL FULLTEXT FUNCTION GE GENERAL GENERATED GEOMETRY GEOMETRYCOLLECTION GET GET_FORMAT GET_LOCK GLOBAL GLOBAL_ALIAS GLOBAL_NAME GRANT GRANTS GREATEST GROUP GROUPING GROUPS GROUP_CONCAT GROUP_REPLICATION_DISABLE_MEMBER_ACTION GROUP_REPLICATION_ENABLE_MEMBER_ACTION GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL GROUP_REPLICATION_GET_WRITE_CONCURRENCY GROUP_REPLICATION_RESET_MEMBER_ACTIONS GROUP_REPLICATION_SET_AS_PRIMARY GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL GROUP_REPLICATION_SET_WRITE_CONCURRENCY GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE GT GTID_SUBSET GTID_SUBTRACT GTS HANDLER HASH HAVING HELP HEX HEXTORAW HEX_NUMBER HIGH_PRIORITY HISTOGRAM HOST HOSTS HOST_IP HOUR HOUR_MICROSECOND HOUR_MINUTE HOUR_SECOND ICU_VERSION ID IDC IDENTIFIED IDENTIFIER IF IFIGNORE IFNULL IGNORE IGNORE_SERVER_IDS ILIKE ILOG ILOGCACHE IMPORT IN INCR INCREMENTAL INDEX INDEXES INDEX_TABLE_ID INET6_ATON INET6_NTOA INET_ATON INET_NTOA INFILE INFO INITIAL_SIZE INNER INNER_PARSE INNODB INOUT INSENSITIVE INSERT INSERT_METHOD INSTALL INSTANCE INSTR INT INT1 INT2 INT3 INT4 INT8 INTEGER INTERSECT INTERVAL INTO INVISIBLE INVOKER IO IO_AFTER_GTIDS IO_BEFORE_GTIDS IO_THREAD IPC IS ISNULL ISOLATION ISSUER IS_FREE_LOCK IS_IPV4 IS_IPV4_COMPAT IS_IPV4_MAPPED IS_IPV6 IS_TENANT_SYS_POOL IS_USED_LOCK IS_UUID ITERATE JOB JOIN JSON JSON_ARRAY JSON_ARRAYAGG JSON_ARRAY_APPEND JSON_ARRAY_INSERT JSON_CONTAINS JSON_CONTAINS_PATH JSON_DEPTH JSON_EXTRACT JSON_INSERT JSON_KEYS JSON_LENGTH JSON_MERGE JSON_MERGE_PATCH JSON_MERGE_PRESERVE JSON_OBJECT JSON_OVERLAPS JSON_PERTTY JSON_QUOTE JSON_REMOVE JSON_REPLACE JSON_SCHEMA_VALID JSON_SCHEMA_VALIDATION_REPORT JSON_SEARCH JSON_SET JSON_STORAGE_FREE JSON_STORAGE_SIZE JSON_TABLE JSON_TYPE JSON_UNQUOTE JSON_VAILD JSON_VALUE KEY KEYS KEY_BLOCK_SIZE KEY_VERSION KILL KVCACHE LAG LANGUAGE LAST LAST_DAY LAST_INSERT_ID LAST_VALUE LCASE LE LEAD LEADER LEADING LEAK LEAK_MOD LEAST LEAVE LEAVES LEFT LENGTH LESS LEVEL LIKE LIMIT LINEAR LINES LINESTRING LISTAGG LIST_ LN LOAD LOAD_FILE LOB LOCAL LOCALITY LOCALTIME LOCALTIMESTAMP LOCATE LOCATION LOCK LOCKED LOCKS LOCK_ LOG LOG10 LOG2 LOGFILE LOGONLY_REPLICA_NUM LOGS LONG LONGB LONGBLOB LONGTEXT LOOP LOWER LOW_PRIORITY LPAD LPAREN LT LTRIM MAJOR MAKEDATE MAKE_SE MAKE_SET MANUAL MASTER MASTER_AUTO_POSITION MASTER_BIND MASTER_CONNECT_RETRY MASTER_DELAY MASTER_HEARTBEAT_PERIOD MASTER_HOST MASTER_LOG_FILE MASTER_LOG_POS MASTER_PASSWORD MASTER_PORT MASTER_POS_WAIT MASTER_RETRY_COUNT MASTER_SERVER_ID MASTER_SSL MASTER_SSL_CA MASTER_SSL_CAPATH MASTER_SSL_CERT MASTER_SSL_CIPHER MASTER_SSL_CRL MASTER_SSL_CRLPATH MASTER_SSL_KEY MASTER_SSL_VERIFY_SERVER_CERT MASTER_USER MATCH MATCHED MATERIALIZED MAX MAXVALUE MAX_CONNECTIONS_PER_HOUR MAX_CPU MAX_DISK_SIZE MAX_IOPS MAX_MEMORY MAX_QUERIES_PER_HOUR MAX_ROWS MAX_SESSION_NUM MAX_SIZE MAX_UPDATES_PER_HOUR MAX_USED_PART_ID MAX_USER_CONNECTIONS MD5 MEDIUM MEDIUMBLOB MEDIUMINT MEDIUMTEXT MEMBER MEMORY MEMTABLE MERGE MESSAGE_TEXT META MICROSECOND MID MIDDLEINT MIGRATE MIGRATION MIN MINOR MINUS MINUTE MINUTE_MICROSECOND MINUTE_SECOND MIN_CPU MIN_IOPS MIN_MEMORY MIN_ROWS MKEDATE MOD MODE MODIFIES MODIFY MONTH MONTHNAME MOVE MULTILINESTRING MULTIPOINT MULTIPOLYGON MUTEX MYSQL_ERRNO NAME NAMES NAME_CONST NATIONAL NATURAL NCHAR NDB NDBCLUSTER NE NESTED NEW NEXT NO NOARCHIVELOG NODEGROUP NONE NORMAL NOT NOW NOWAIT NO_WAIT NO_WRITE_TO_BINLOG NTH_VALUE NTILE NULL NULLIF NULLS NULL_SAFE_EQ NUMBER NUMERIC NUMTODSINTERVAL NUMTOYMINTERVAL NVARCHAR NVL OAD_FILE OB_VERSION OCCUR OCT OCTET_LENGTH OERCIBILITY OF OFF OFFSET OLD_KEY OLD_PASSWORD ON ONE ONE_SHOT ONLY ONTHNAME OPEN OPTIMIZE OPTION OPTIONALLY OPTIONS OR ORA_DECODE ORD ORDER ORDINALITY ORIG_DEFAULT OUT OUTER OUTFILE OUTLINE OVER OWER OWNER PACE PACK_KEYS PAGE PARAMETERS PARSER PARTIAL PARTITION PARTITIONING PARTITIONS PARTITION_ID PASSWORD PATH PAUSE PCTFREE PERCENT PERCENT_RANK PERIOD PERIOD_ADD PERIOD_DIFF PHASE PHYSICAL PI PIPES PL PLAN PLANREGRESS PLUGIN PLUGINS PLUGIN_DIR PLUS POINT POLYGON POOL PORT POSITION POW POWER PRECEDING PRECISION PREPARE PRESERVE PREV PREVIEW PRIMARY PRIMARY_ZONE PRIVILEGES PROCEDURE PROCESS PROCESSLIST PROFILE PROFILES PROGRESSIVE_MERGE_NUM PROXY PURGE P_CHUNK P_ENTITY QM QUARTER QUERY QUICK QUOTE QUOTED_IDENTIFIER R32 RADIANS RAND RANDOM RANDOM_BYTES RANGE RANK RAWTOHEX READ READS READ_ONLY READ_WRITE REAL REBUILD RECOVER RECURSIVE RECYCLE RECYCLEBIN REDOFILE REDO_BUFFER_SIZE REDUNDANT REFERENCES REFRESH REGEXP REGEXP_INSTR REGEXP_LIKE REGEXP_REPLACE REGEXP_SUBSTR REGION RELAY RELAYLOG RELAY_LOG_FILE RELAY_LOG_POS RELAY_THREAD RELEASE RELEASE_ALL_LOCKS RELEASE_LOCK RELOAD REMOTE_OSS REMOVE RENAME REORGANIZE REPAIR REPEAT REPEATABLE REPLACE REPLICA REPLICATION REPLICA_NUM REPLICA_TYPE REPORT REQUIRE RESET RESIGNAL RESOURCE RESOURCE_POOL_LIST RESPECT RESTART RESTORE RESTRICT RESUME RETURN RETURNED_SQLSTATE RETURNING RETURNS REVERSE REVOKE REWRITE_MERGE_VERSION RIGHT RLIKE ROLES_GRAPHML ROLLBACK ROLLING ROLLUP ROM_BASE64 ROM_UNIXTIME ROOT ROOTSERVICE ROOTTABLE ROTATE ROUND ROUTINE ROW ROWIDTOCHAR ROWIDTONCHAR ROWS ROWTOHEX ROW_COUNT ROW_FORMAT ROW_NUMBER RPAD RPAREN RTREE RTRIM RUDUNDANT RUN SAMPLE SAVEPOINT SCHEDULE SCHEMA SCHEMAS SCHEMA_NAME SCONST SCOPE SEARCH SECOND SECOND_MICROSECOND SECURITY SEC_TO_TIME SEED SELECT SENSITIVE SEPARATOR SERIAL SERIALIZABLE SERVER SERVER_IP SERVER_PORT SERVER_TYPE SESSION SESSION_ALIAS SESSION_USER SET SET_MASTER_CLUSTER SET_SLAVE_CLUSTER SET_TP SHA SHA1 SHA2 SHARE SHOW SHUTDOWN SIGN SIGNAL SIGNED SIMPLE SIN SINGLE_AT_IDENTIFIER SKIP SLASH SLAVE SLEEP SLOT_IDX SLOW SMALLINT SNAPSHOT SOCKET SOME SONAME SOUNDEX SOUNDS SOURCE SOURCE_POS_WAIT SPACE SPATIAL SPECIFIC SPFILE SPLIT SQL SQLEXCEPTION SQLSTATE SQLWARNING SQL_AFTER_GTIDS SQL_AFTER_MTS_GAPS SQL_BEFORE_GTIDS SQL_BIG_RESULT SQL_BUFFER_RESULT SQL_CACHE SQL_CALC_FOUND_ROWS SQL_ID SQL_NO_CACHE SQL_SMALL_RESULT SQL_THREAD SQL_TSI_DAY SQL_TSI_HOUR SQL_TSI_MINUTE SQL_TSI_MONTH SQL_TSI_QUARTER SQL_TSI_SECOND SQL_TSI_WEEK SQL_TSI_YEAR SQRT SSL STANDBY START STARTING STARTS STAT STATEMENT_DIGEST STATEMENT_DIGEST_TEXT STATS_AUTO_RECALC STATS_EXTENDED STATS_PERSISTENT STATS_SAMPLE_PAGES STATUS STD STDDEV STDDEV_POP STDDEV_SAMP STOP STORAGE STORAGE_FORMAT_VERSION STORAGE_FORMAT_WORK_VERSION STORED STORING STRAIGHT_JOIN STRCMP STRING STR_TO_DATE SUBCLASS_ORIGIN SUBDATE SUBJECT SUBPARTITION SUBPARTITIONS SUBSTR SUBSTRING SUBSTRING_INDEX SUBTIME SUM SUPER SUSPEND SWAPS SWITCH SWITCHES SWITCHOVER SYNCHRONIZATION SYSDATE SYSTEM SYSTEM_USER TABLE TABLEGROUP TABLEGROUPS TABLEGROUP_ID TABLES TABLESAMPLE TABLESPACE TABLET TABLET_MAX_SIZE TABLET_SIZE TABLE_CHECKSUM TABLE_ID TABLE_MODE TABLE_NAME TAN TASK TATEMENT_DIGEST TEMPLATE TEMPORARY TEMPTABLE TENANT TENANT_ID TERMINATED TEXT THAN THEN TIME TIMEDIFF TIMESTAMP TIMESTAMPADD TIMESTAMPDIFF TIME_FORMAT TIME_TO_SEC TIME_TO_USEC TIME_ZONE_INFO TINYBLOB TINYINT TINYTEXT TO TOP TO_BASE64 TO_BINARY_DOUBLE TO_BINARY_FLOAT TO_BLOB TO_CHAR TO_CLOB TO_DATE TO_DAYS TO_DSINTERVAL TO_MULTI_BYTE TO_NCHAR TO_NUMBER TO_SECONDS TO_SINGLE_BYTE TO_TIMESTAMP TO_TIMESTAMP_TZ TO_YMINTERVAL TP_NAME TP_NO TRACE TRADITIONAL TRAILING TRANSACTION TRIGGER TRIGGERS TRIM TRUE TRUNCATE TYPE TYPES UBTIME UCASE UNBOUNDED UNCOMMITTED UNCOMPRESS UNCOMPRESSED_LENGTH UNDEFINED UNDO UNDOFILE UNDO_BUFFER_SIZE UNHEX UNICODE UNINSTALL UNION UNIQUE UNISTR UNIT UNIT_NUM UNIX_TIMESTAMP UNKNOWN UNLOCK UNLOCKED UNSIGNED UNTIL UNUSUAL UOTE UPDATE UPDATEXML UPGRADE UPPER USAGE USE USEC_TO_TIME USER USER_RESOURCES USE_BLOOM_FILTER USE_FRM USING UTC_DATE UTC_TIME UTC_TIMESTAMP UUID UUID_SHORT UUID_TO_BIN VALID VALIDATE VALIDATE_PASSWORD_STRENGTH VALUE VALUES VARBINARY VARCHACTER VARCHAR VARCHARACTER VARIABLES VARIANCE VARYING VAR_POP VAR_SAMP VAR_VARIANCE VERBOSE VERSION VIEW VIRTUAL VIRTUAL_COLUMN_ID VISIBLE WAIT WAIT_FOR_EXECUTED_GTID_SET WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS WARNINGS WEEK WEEKDAY WEEKOFYEAR WEIGHT_STRING WHEN WHERE WHILE WINDOW WITH WITH_ROWID WORK WRAPPER WRITE X509 XA XML XOR XTRACTVALUE YEAR YEARWEEK YEAR_MONTH ZEROFILL ZONE ZONE_LIST ZONE_TYPE _BINARYcommand : ddl\n | dmlddl : create_tabledml : statementcreate_table : CREATE TABLE identifier LPAREN column_list RPAREN create_table_end\n | CREATE TABLE identifier LPAREN column_list COMMA primary_clause RPAREN create_table_end\n create_table_end : ENGINE EQ identifier create_table_end\n | DEFAULT CHARSET EQ identifier create_table_end\n | COLLATE EQ identifier create_table_end\n | AUTO_INCREMENT EQ number create_table_end\n | COMMENT EQ SCONST create_table_end\n | COMPRESSION EQ SCONST create_table_end\n | REPLICA_NUM EQ number create_table_end\n | BLOCK_SIZE EQ number create_table_end\n | USE_BLOOM_FILTER EQ FALSE create_table_end\n | TABLET_SIZE EQ number create_table_end\n | PCTFREE EQ number create_table_end\n | empty\n \n column_list : column\n | column_list COMMA column\n \n column : identifier column_type\n | identifier column_type UNIQUE\n \n column_type : INT column_end\n | INT LPAREN number RPAREN column_end\n | FLOAT column_end\n | BIGINT column_end\n | BIGINT LPAREN number RPAREN column_end\n | TINYINT LPAREN number RPAREN column_end\n | DATETIME column_end\n | DATETIME LPAREN number RPAREN column_end\n | VARCHAR LPAREN number RPAREN column_end\n | CHAR LPAREN number RPAREN column_end\n | TIMESTAMP column_end\n | DECIMAL LPAREN number COMMA number RPAREN column_end\n \n column_end : collate NOT NULL comment_end\n | collate NOT NULL DEFAULT SCONST comment_end\n | collate DEFAULT NULL comment_end\n | collate NULL DEFAULT NULL comment_end\n | collate UNSIGNED AUTO_INCREMENT comment_end\n | collate NOT NULL AUTO_INCREMENT comment_end\n | collate NOT NULL DEFAULT CURRENT_TIMESTAMP comment_end\n | collate NOT NULL DEFAULT CURRENT_TIMESTAMP ON UPDATE CURRENT_TIMESTAMP comment_end\n | CHARACTER SET IDENTIFIER column_end\n | empty\n \n collate : COLLATE identifier\n | empty\n \n comment_end : COMMENT SCONST\n | empty\n \n primary_clause : PRIMARY KEY LPAREN index_column_list RPAREN\n | PRIMARY KEY LPAREN index_column_list RPAREN COMMA index_list\n \n index_list : index_key identifier LPAREN index_column_list RPAREN index_end\n | index_list COMMA index_key identifier LPAREN index_column_list RPAREN index_end\n \n index_key : KEY\n | UNIQUE KEY\n \n index_column_list : identifier\n | index_column_list COMMA identifier\n \n index_end : BLOCK_SIZE number\n | empty\n statement : cursor_specification\n | delete\n | update\n | insertinsert : INSERT ignore INTO table_reference VALUES insert_values\n | INSERT ignore INTO table_reference LPAREN index_column_list RPAREN VALUES insert_values\n | INSERT ignore INTO table_reference LPAREN index_column_list RPAREN query_spec\n | INSERT ignore INTO table_reference query_specinsert_values : LPAREN value_list RPAREN\n | insert_values COMMA LPAREN value_list RPARENvalue_list : expr_or_default\n | value_list COMMA expr_or_defaultexpr_or_defalut : expression\n | DEFAULT \n ignore : IGNORE\n | empty\n delete : DELETE FROM relations where_opt order_by_opt limit_opt\n | DELETE FROM relations partition where_opt order_by_opt limit_opt\n | DELETE table_name_list FROM relations where_opt order_by_opt limit_opt\n | DELETE table_name_list FROM relations partition where_opt order_by_opt limit_opt\n | DELETE FROM table_name_list USING relations where_opt order_by_opt limit_opt\n | DELETE FROM table_name_list USING relations partition where_opt order_by_opt limit_opt\n table_name_list : table_name_list COMMA table_name_opt_wild\n | table_name_opt_wildtable_name_opt_wild : identifier\n | identifier PERIOD identifier\n | identifier PERIOD ASTERISK\n | identifier PERIOD identifier PERIOD ASTERISKupdate : UPDATE relations SET assignment_list where_opt order_by_opt limit_optassignment_list : assignment\n | assignment_list COMMA assignmentassignment : qualified_name eq_or_assignment_eq expr_or_defaulteq_or_assignment_eq : EQ\n | ASSIGNMENTEQexpr_or_default : expression\n | DEFAULTcursor_specification : query_expression\n | query_spec\n | select_stmt_with_clauseselect_stmt_with_clause : with_clause simple_table\n | with_clause subquery\n with_clause : WITH with_listwith_list : with_list COMMA common_table_expr\n | common_table_expr\n common_table_expr : identifier ident_list_opt AS subqueryident_list_opt : LPAREN ident_list RPAREN\n | emptyident_list : identifier\n | ident_list COMMA identifierfor_update_opt : FOR UPDATE\n | FOR UPDATE NOWAIT\n | FOR UPDATE NO_WAIT\n | FOR UPDATE SKIP LOCKED\n | FOR UPDATE WAIT figure\n | LOCK IN SHARE MODE\n | emptyquery_expression : set_operation_stmtset_operation_stmt : set_operation_stmt_wout_order_limit\n | set_operation_stmt_w_order\n | set_operation_stmt_w_limit\n | set_operation_stmt_w_order_limit\n | with_clause set_operation_stmt_wout_order_limit\n | with_clause set_operation_stmt_w_order\n | with_clause set_operation_stmt_w_limit\n | with_clause set_operation_stmt_w_order_limit\n set_operation_stmt_wout_order_limit : set_operation_stmt_subquery\n | set_operation_stmt_simple_table\n set_operation_stmt_w_order : set_operation_stmt_subquery order_by\n | subquery order_by\n set_operation_stmt_w_limit : set_operation_stmt_subquery limit_stmt\n | subquery limit_stmt\n set_operation_stmt_w_order_limit : set_operation_stmt_subquery order_by limit_stmt\n | subquery order_by limit_stmt\n set_operation_stmt_subquery : set_operation_expressions set_operation set_quantifier_opt subqueryset_operation_stmt_simple_table : set_operation_expressions set_operation set_quantifier_opt simple_tableorder_by_opt : order_by\n | emptyorder_by : ORDER BY sort_itemssort_items : sort_item\n | sort_items COMMA sort_itemsort_item : expression null_ordering_opt\n | expression order null_ordering_optdate_lit : DATE string_lit\n | TIME string_lit\n | TIMESTAMP string_litorder : ASC\n | DESCnull_ordering_opt : NULLS FIRST\n | NULLS LAST\n | emptylimit_opt : limit_stmt\n | emptylimit_stmt : LIMIT parameterization\n | LIMIT parameterization COMMA parameterization\n | LIMIT parameterization OFFSET parameterization\n | LIMIT ALL\n | FETCH first_or_next fetch_first_opt row_or_rows ONLYparameterization : number\n | QM\n first_or_next : FIRST\n | NEXTfetch_first_opt : parameterization\n | emptyrow_or_rows : ROW\n | ROWSnumber : NUMBERset_operation_expressions : set_operation_expression\n | set_operation_expressions set_operation set_quantifier_opt set_operation_expression\n set_operation : UNION\n | EXCEPT\n | INTERSECTset_operation_expression : simple_table\n | subquerysubquery : LPAREN simple_table RPAREN\n | LPAREN set_operation_stmt RPAREN\n | LPAREN select_stmt_with_clause RPAREN\n | LPAREN subquery RPARENsimple_table : query_spec\n | explicit_table\n | table_value_constructorexplicit_table : TABLE qualified_name order_by_opt limit_opt for_update_opttable_value_constructor : VALUES values_list order_by_opt limit_opt for_update_optvalues_list : values_list COMMA expression\n | expressionquery_spec : SELECT select_stmt_opts select_items table_expression_opt order_by_opt limit_opt window_clause_opt for_update_optwhere_opt : WHERE search_condition\n | emptygroup_by_opt : GROUP BY by_list\n | GROUP BY by_list WITH ROLLUP\n | emptyhaving_opt : HAVING search_condition\n | emptyset_quantifier_opt : distinct_opt \n | empty\n select_stmt_opts : select_stmt_opt_list\n | emptyselect_stmt_opt_list : select_stmt_opt_list select_stmt_opt\n | select_stmt_optselect_stmt_opt : distinct_opt\n | priority\n | SQL_SMALL_RESULT\n | SQL_BIG_RESULT\n | SQL_BUFFER_RESULT\n | SQL_NO_CACHE\n | SQL_CALC_FOUND_ROWS\n | STRAIGHT_JOINpriority : HIGH_PRIORITYdistinct_opt : ALL\n | UNIQUE\n | DISTINCT\n | DISTINCTROWselect_items : select_item\n | select_items COMMA select_itemselect_item : derived_columnderived_column : expression alias_opt\n | ASTERISK\n | identifier PERIOD ASTERISK\n | identifier PERIOD identifier PERIOD ASTERISKtable_expression_opt : FROM relations partition where_opt group_by_opt having_opt\n | FROM relations where_opt group_by_opt having_opt\n | emptypartition : PARTITION LPAREN identifiers RPARENrelations : relations COMMA table_reference\n | table_referencetable_reference : table_primary\n | joined_table\n | DUALtable_primary : aliased_relation\n | derived_table\n | LPAREN relations RPARENjoined_table : cross_join\n | qualified_join\n | natural_joincross_join : table_reference CROSS JOIN table_primary join_criteriaqualified_join : table_reference join_type JOIN table_reference join_criterianatural_join : table_reference NATURAL join_type JOIN table_primary join_criteriajoin_type : INNER\n | LEFT\n | LEFT OUTER\n | RIGHT\n | RIGHT OUTER\n | FULL\n | FULL OUTER\n | emptyjoin_criteria : ON search_condition\n | USING LPAREN identifiers RPAREN\n | emptyidentifiers : identifier\n | identifiers COMMA identifieraliased_relation : qualified_name alias_opt index_hint_optindex_hint_opt : index_hint_list\n | emptyindex_hint_list : index_hint_list index_hint\n | index_hintindex_hint : use_index\n | force_or_ignore_indexuse_index : USE index_or_key LPAREN index_name RPAREN\n | USE index_or_key index_hint_for LPAREN index_name RPARENforce_or_ignore_index : FORCE index_or_key LPAREN index_name RPAREN\n | FORCE index_or_key index_hint_for LPAREN index_name RPAREN\n | IGNORE index_or_key LPAREN index_name RPAREN\n | IGNORE index_or_key index_hint_for LPAREN index_name RPAREN\n index_hint_for : FOR JOIN\n | FOR ORDER BY\n | FOR GROUP BYindex_or_key : INDEX\n | KEYindex_name : PRIMARY\n | identifiersderived_table : subquery alias_optalias_opt : alias\n | emptyalias : AS identifier\n | identifier\n | AS string_lit\n | string_litexpression : search_conditionsearch_condition : boolean_term\n | search_condition OR boolean_term\n | search_condition PIPES boolean_term\n | search_condition logical_and boolean_term\n | search_condition XOR boolean_termboolean_term : NOT search_condition\n | MATCH LPAREN qualified_name_list RPAREN AGAINST LPAREN value_expression full_text_search_modifier_opt RPAREN\n | define_variable ASSIGNMENTEQ search_condition\n | boolean_factorfull_text_search_modifier_opt : IN NATURAL LANGUAGE MODE\n | IN NATURAL LANGUAGE MODE WITH QUERY EXPANSION\n | IN BOOLEAN MODE\n | WITH QUERY EXPANSION\n | emptylogical_and : AND\n | ANDANDboolean_factor : boolean_factor comparison_operator predicate\n | boolean_factor comparison_operator ANY subquery\n | boolean_factor comparison_operator SOME subquery\n | boolean_factor comparison_operator ALL subquery\n | boolean_factor comparison_operator define_variable ASSIGNMENTEQ predicate\n | predicatepredicate : between_predicate\n | in_predicate\n | like_predicate\n | regexp_predicate\n | is_predicate\n | member_predicate\n | sounds_predicate\n | value_expressionbetween_predicate : value_expression between_opt predicate AND predicatesounds_predicate : value_expression SOUNDS LIKE factorin_predicate : value_expression IN in_value\n | value_expression NOT IN in_valuelike_predicate : value_expression like_opt value_expression escape_optregexp_predicate : value_expression reg_sym_opt value_expressionis_predicate : value_expression is_opt NULL\n | value_expression is_opt TRUE\n | value_expression is_opt UNKNOWN\n | value_expression is_opt FALSEmember_predicate : value_expression MEMBER OF LPAREN factor RPARENbetween_opt : NOT BETWEEN\n | BETWEENescape_opt : ESCAPE string_lit\n | empty\n string_lit : SCONST\n | QUOTED_IDENTIFIER\n | string_lit SCONST\n | string_lit QUOTED_IDENTIFIERin_value : LPAREN call_list RPAREN\n | subquerylike_opt : NOT LIKE\n | LIKEis_opt : IS NOT\n | ISreg_sym_opt : NOT regexp_sym\n | regexp_symregexp_sym : REGEXP\n | RLIKEvalue_expression : numeric_value_expressionnumeric_value_expression : numeric_value_expression PLUS numeric_value_expression\n | numeric_value_expression MINUS numeric_value_expression\n | numeric_value_expression ASTERISK numeric_value_expression\n | numeric_value_expression SLASH numeric_value_expression\n | numeric_value_expression DIV numeric_value_expression\n | numeric_value_expression MOD numeric_value_expression\n | numeric_value_expression PERCENT numeric_value_expression\n | numeric_value_expression bit_opt numeric_value_expression\n | numeric_value_expression MINUS time_interval\n | numeric_value_expression PLUS time_interval\n | time_interval PLUS numeric_value_expression\n | factorbit_opt : BIT_AND\n | BIT_OR\n | BIT_XOR\n | BIT_MOVE_LEFT\n | BIT_MOVE_RIGHTfactor : BIT_OPPOSITE factor\n | MINUS factor %prec NEG\n | PLUS factor %prec NEG\n | EXCLA_MARK factor\n | base_primary_expression\n | base_primary_expression COLLATE identifierbase_primary_expression : value\n | define_variable \n | qualified_name\n | date_lit\n | subquery\n | function_call\n | LPAREN call_list RPAREN\n | exists_func_call\n | case_specification\n | cast_func_call\n | window_func_call\n | oceanbase_func_calldefine_variable : SINGLE_AT_IDENTIFIER\n | SINGLE_AT_IDENTIFIER PERIOD variables\n | DOUBLE_AT_IDENTIFIER\n | DOUBLE_AT_IDENTIFIER PERIOD variables\n variables : variables PERIOD identifier\n | identifieroceanbase_func_call : HOST_IP LPAREN RPAREN\n | USEC_TO_TIME LPAREN expression RPAREN\n | TIME_TO_USEC LPAREN expression RPAREN\n | NVL LPAREN expression COMMA expression RPAREN\n | ORA_DECODE LPAREN expression COMMA call_list RPAREN\n | OB_VERSION LPAREN RPAREN\n | DECODE LPAREN expression COMMA call_list RPAREN\n | oceanbase_cast_func_call\n oceanbase_cast_func_call : ASCIISTR LPAREN expression RPAREN\n | CHARTOROWID LPAREN expression RPAREN\n | HEXTORAW LPAREN expression RPAREN\n | NUMTODSINTERVAL LPAREN expression COMMA expression RPAREN\n | NUMTOYMINTERVAL LPAREN expression COMMA expression RPAREN\n | ROWTOHEX LPAREN expression RPAREN\n | ROWIDTOCHAR LPAREN expression RPAREN\n | ROWIDTONCHAR LPAREN expression RPAREN\n | TO_BINARY_DOUBLE LPAREN expression RPAREN\n | TO_BINARY_DOUBLE LPAREN expression COMMA expression RPAREN\n | TO_BINARY_DOUBLE LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_BINARY_FLOAT LPAREN expression RPAREN\n | TO_BINARY_FLOAT LPAREN expression COMMA expression RPAREN\n | TO_BINARY_FLOAT LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_BLOB LPAREN expression RPAREN\n | TO_CHAR LPAREN expression RPAREN \n | TO_CHAR LPAREN time_interval RPAREN \n | TO_CHAR LPAREN expression COMMA expression RPAREN \n | TO_CHAR LPAREN time_interval COMMA expression RPAREN \n | TO_CHAR LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_CHAR LPAREN time_interval COMMA expression COMMA expression RPAREN\n | TO_CLOB LPAREN expression RPAREN\n | TO_DATE LPAREN expression RPAREN\n | TO_DATE LPAREN expression COMMA expression RPAREN\n | TO_DATE LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_DSINTERVAL LPAREN expression RPAREN \n | TO_MULTI_BYTE LPAREN expression RPAREN \n | TO_NUMBER LPAREN expression RPAREN\n | TO_NUMBER LPAREN expression COMMA expression RPAREN\n | TO_NUMBER LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_NCHAR LPAREN expression RPAREN \n | TO_NCHAR LPAREN time_interval RPAREN \n | TO_NCHAR LPAREN expression COMMA expression RPAREN \n | TO_NCHAR LPAREN time_interval COMMA expression RPAREN \n | TO_NCHAR LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_NCHAR LPAREN time_interval COMMA expression COMMA expression RPAREN\n | TO_SINGLE_BYTE LPAREN expression RPAREN\n | TO_TIMESTAMP LPAREN expression RPAREN\n | TO_TIMESTAMP LPAREN expression COMMA expression RPAREN\n | TO_TIMESTAMP LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_TIMESTAMP_TZ LPAREN expression RPAREN\n | TO_TIMESTAMP_TZ LPAREN expression COMMA expression RPAREN\n | TO_TIMESTAMP_TZ LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_YMINTERVAL LPAREN expression RPAREN\n | UNISTR LPAREN expression RPAREN\n exists_func_call : EXISTS subquerywindow_clause_opt : WINDOW window_definition_list\n | emptywindow_definition_list : window_definition\n | window_definition_list COMMA window_definitionwindow_definition : window_name AS window_specwindow_func_call : CUME_DIST LPAREN RPAREN over_clause\n | DENSE_RANK LPAREN RPAREN over_clause\n | FIRST_VALUE LPAREN expression RPAREN null_treat_opt over_clause\n | LAG LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause\n | LAST_VALUE LPAREN expression RPAREN null_treat_opt over_clause\n | LEAD LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause\n | NTH_VALUE LPAREN expression COMMA base_primary_expression RPAREN null_treat_opt over_clause\n | NTILE LPAREN base_primary_expression RPAREN over_clause\n | PERCENT_RANK LPAREN RPAREN over_clause\n | RANK LPAREN RPAREN over_clause\n | ROW_NUMBER LPAREN RPAREN over_clause\n null_treat_opt : RESPECT NULLS\n | IGNORE NULLS\n | emptyover_clause_opt : over_clause\n | empty\n over_clause : OVER window_name_or_specwindow_name_or_spec : window_name\n | window_specwindow_spec : LPAREN window_name_opt partition_clause_opt order_by_opt frame_clause_opt RPARENwindow_name_opt : window_name\n | emptywindow_name : identifierpartition_clause_opt : partition_clause\n | emptypartition_clause : PARTITION BY by_listby_list : by_item\n | by_list COMMA by_itemby_item : expression\n | expression orderframe_clause_opt : frame_units frame_extent\n | emptyframe_units : ROWS\n | RANGE\n frame_extent : frame_start\n | frame_betweenframe_start : CURRENT ROW\n | UNBOUNDED PRECEDING\n | UNBOUNDED FOLLOWING\n | frame_expr PRECEDING\n | frame_expr FOLLOWING\n frame_end : frame_startframe_between : BETWEEN frame_start AND frame_endframe_expr : figure\n | time_intervallead_lag_info_opt : COMMA figure default_opt\n | COMMA QM default_opt\n | emptydefault_opt : COMMA expression\n | emptyvalue : NULL\n | string_lit\n | figure\n | boolean_value\n | QMfunction_call : time_function_call\n | operator_func_call\n | flow_control_func_call\n | mathematical_func_call\n | string_comparsion_func_call\n | string_operator_func_call\n | xml_func_call\n | bit_func_call\n | encry_and_comp_func_call\n | locking_func_call\n | json_func_call\n | information_func_call\n | replication_func_call\n | aggreate_func_call\n | miscellaneous_func_calloperator_func_call : ISNULL LPAREN expression RPAREN\n | LEAST LPAREN expression COMMA call_list RPAREN\n | INTERVAL LPAREN expression COMMA call_list RPAREN\n | GREATEST LPAREN expression COMMA call_list RPAREN\n | COALESCE LPAREN expression RPAREN\n | COALESCE LPAREN expression COMMA call_list RPAREN\n flow_control_func_call : IF LPAREN expression COMMA expression COMMA expression RPAREN\n | IFNULL LPAREN expression COMMA expression RPAREN\n | NULLIF LPAREN expression COMMA expression RPAREN\n mathematical_func_call : ABS LPAREN expression RPAREN\n | ACOS LPAREN expression RPAREN\n | ASIN LPAREN expression RPAREN\n | ATAN LPAREN expression RPAREN\n | ATAN LPAREN expression COMMA expression RPAREN\n | ATAN2 LPAREN expression COMMA expression RPAREN\n | CEIL LPAREN expression RPAREN\n | CEILING LPAREN expression RPAREN\n | CONY LPAREN expression COMMA expression COMMA expression RPAREN\n | COS LPAREN expression RPAREN\n | COT LPAREN expression RPAREN\n | CRC32 LPAREN expression RPAREN\n | DEGREES LPAREN expression RPAREN\n | EXP LPAREN expression RPAREN\n | FLOOR LPAREN expression RPAREN\n | LN LPAREN expression RPAREN\n | LOG LPAREN expression RPAREN\n | LOG LPAREN expression COMMA expression RPAREN\n | LOG2 LPAREN expression RPAREN\n | LOG10 LPAREN expression COMMA expression RPAREN\n | MOD LPAREN expression COMMA expression RPAREN\n | PI LPAREN RPAREN\n | POW LPAREN expression COMMA expression RPAREN\n | POWER LPAREN expression COMMA expression RPAREN\n | RADIANS LPAREN expression RPAREN\n | RAND LPAREN RPAREN\n | RAND LPAREN expression RPAREN\n | ROUND LPAREN expression RPAREN\n | ROUND LPAREN expression COMMA expression RPAREN\n | SIGN LPAREN expression RPAREN\n | SIN LPAREN expression RPAREN\n | SQRT LPAREN expression RPAREN\n | TAN LPAREN expression RPAREN\n | TRUNCATE LPAREN expression COMMA expression RPAREN\n time_function_call : curdate_and_synonyms_func\n | curtime_and_synonyms_func\n | now_and_synonyms_func\n | from_unixtime_func\n | get_format_func\n | make_time_func\n | timestamp_add_or_diff_func\n | timestamp_func\n | unix_timestamp_func\n | utc_func\n | week_or_year_func\n | extract_func\n | sys_date_func\n | add_or_sub_date_func\n | date_one_para_func\n | date_two_para_func\n | date_three_para_funccurdate_and_synonyms_func : CURDATE LPAREN RPAREN\n | CURRENT_DATE LPAREN RPAREN\n | CURRENT_DATEcurtime_and_synonyms_func : CURTIME LPAREN RPAREN\n | CURRENT_TIME\n | CURRENT_TIME LPAREN RPAREN\n | CURRENT_TIME LPAREN expression RPAREN\n now_and_synonyms_func : NOW LPAREN RPAREN\n | NOW LPAREN expression RPAREN\n | CURRENT_TIMESTAMP\n | CURRENT_TIMESTAMP LPAREN RPAREN\n | CURRENT_TIMESTAMP LPAREN expression RPAREN\n | LOCALTIME\n | LOCALTIME LPAREN RPAREN\n | LOCALTIME LPAREN expression RPAREN\n | LOCALTIMESTAMP\n | LOCALTIMESTAMP LPAREN RPAREN\n | LOCALTIMESTAMP LPAREN expression RPAREN\n from_unixtime_func : FROM_UNIXTIME LPAREN expression RPAREN\n | FROM_UNIXTIME LPAREN expression COMMA string_lit RPARENget_format_func : GET_FORMAT LPAREN format_selector COMMA expression RPARENmake_time_func : MAKEDATE LPAREN expression COMMA expression COMMA expression RPARENtimestamp_add_or_diff_func : TIMESTAMPADD LPAREN time_unit COMMA expression COMMA expression RPAREN\n | TIMESTAMPDIFF LPAREN time_unit COMMA expression COMMA expression RPAREN\n timestamp_func : TIMESTAMP LPAREN expression RPAREN\n | TIMESTAMP LPAREN expression COMMA expression RPAREN\n unix_timestamp_func : UNIX_TIMESTAMP LPAREN expression RPAREN\n | UNIX_TIMESTAMP LPAREN RPARENutc_func : UTC_DATE\n | UTC_DATE LPAREN RPAREN\n | UTC_TIME\n | UTC_TIME LPAREN RPAREN\n | UTC_TIME LPAREN expression RPAREN\n | UTC_TIMESTAMP\n | UTC_TIMESTAMP LPAREN RPAREN\n | UTC_TIMESTAMP LPAREN expression RPAREN\n week_or_year_func : WEEK LPAREN expression RPAREN\n | WEEK LPAREN expression COMMA expression RPAREN\n | YEARWEEK LPAREN expression RPAREN\n | YEARWEEK LPAREN expression COMMA expression RPAREN\n sys_date_func : SYSDATE\n | SYSDATE LPAREN RPAREN\n | SYSDATE LPAREN expression RPARENadd_or_sub_date_func : ADDDATE LPAREN expression COMMA time_interval RPAREN\n | SUBDATE LPAREN expression COMMA time_interval RPAREN\n | DATE_ADD LPAREN expression COMMA time_interval RPAREN\n | DATE_SUB LPAREN expression COMMA time_interval RPAREN\n | ADDDATE LPAREN expression COMMA expression RPAREN\n | SUBDATE LPAREN expression COMMA expression RPAREN\n | DATE_ADD LPAREN expression COMMA expression RPAREN\n | DATE_SUB LPAREN expression COMMA expression RPAREN\n extract_func : EXTRACT LPAREN time_unit FROM expression RPARENdate_one_para_func : DATE LPAREN expression RPAREN\n | DAY LPAREN expression RPAREN\n | DAYNAME LPAREN expression RPAREN\n | DAYOFMONTH LPAREN expression RPAREN\n | DAYOFWEEK LPAREN expression RPAREN\n | DAYOFYEAR LPAREN expression RPAREN\n | HOUR LPAREN expression RPAREN\n | LAST_DAY LPAREN expression RPAREN\n | MICROSECOND LPAREN expression RPAREN\n | MINUTE LPAREN expression RPAREN\n | MONTH LPAREN expression RPAREN\n | MONTHNAME LPAREN expression RPAREN\n | QUARTER LPAREN expression RPAREN\n | SECOND LPAREN expression RPAREN\n | SEC_TO_TIME LPAREN expression RPAREN\n | TIME LPAREN expression RPAREN\n | FROM_DAYS LPAREN expression RPAREN\n | TIME_TO_SEC LPAREN expression RPAREN\n | TO_DAYS LPAREN expression RPAREN\n | TO_SECONDS LPAREN expression RPAREN\n | WEEKDAY LPAREN expression RPAREN\n | WEEKOFYEAR LPAREN expression RPAREN\n | YEAR LPAREN expression RPARENdate_two_para_func : DATEDIFF LPAREN expression COMMA expression RPAREN\n | SUBTIME LPAREN expression COMMA expression RPAREN\n | DATE_FORMAT LPAREN expression COMMA expression RPAREN\n | ADDTIME LPAREN expression COMMA expression RPAREN\n | STR_TO_DATE LPAREN expression COMMA expression RPAREN\n | MAKEDATE LPAREN expression COMMA expression RPAREN\n | TIMEDIFF LPAREN expression COMMA expression RPAREN\n | PERIOD_ADD LPAREN expression COMMA expression RPAREN\n | PERIOD_DIFF LPAREN expression COMMA expression RPAREN\n | TIME_FORMAT LPAREN expression COMMA expression RPARENdate_three_para_func : CONVERT_TZ LPAREN expression COMMA expression COMMA expression RPARENstring_operator_func_call : ASCII LPAREN expression RPAREN\n | BIN LPAREN expression RPAREN\n | BIT_LENGTH LPAREN expression RPAREN\n | CHAR LPAREN expression RPAREN\n | CHAR LPAREN expression USING charset_name RPAREN\n | CHAR_LENGTH LPAREN expression RPAREN\n | CHARACTER_LENGTH LPAREN expression RPAREN\n | CONCAT LPAREN call_list RPAREN\n | CONCAT_WS LPAREN expression COMMA call_list RPAREN\n | ELT LPAREN expression COMMA call_list RPAREN\n | EXPORT_SET LPAREN expression COMMA expression COMMA expression RPAREN\n | EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | FIELD LPAREN call_list RPAREN\n | FIND_IN_SET LPAREN expression COMMA expression RPAREN\n | FORMAT LPAREN expression COMMA expression RPAREN\n | FORMAT LPAREN expression COMMA expression COMMA expression RPAREN\n | FROM_BASE64 LPAREN expression RPAREN\n | HEX LPAREN expression RPAREN\n | INSERT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | INSTR LPAREN expression COMMA expression RPAREN\n | LCASE LPAREN expression RPAREN\n | LEFT LPAREN expression COMMA expression RPAREN\n | LENGTH LPAREN expression RPAREN\n | LOAD_FILE LPAREN expression RPAREN\n | LOCATE LPAREN expression COMMA expression RPAREN\n | LOCATE LPAREN expression COMMA expression COMMA expression RPAREN\n | LOWER LPAREN expression RPAREN\n | LPAD LPAREN expression COMMA expression COMMA expression RPAREN\n | LTRIM LPAREN expression RPAREN\n | MAKE_SET LPAREN expression COMMA expression COMMA call_list RPAREN\n | MID LPAREN expression COMMA expression COMMA expression RPAREN\n | OCT LPAREN expression RPAREN\n | OCTET_LENGTH LPAREN expression RPAREN\n | ORD LPAREN expression RPAREN\n | POSITION LPAREN value_expression IN expression RPAREN\n | QUOTE LPAREN expression RPAREN\n | REPEAT LPAREN expression COMMA expression RPAREN\n | REPLACE LPAREN expression COMMA expression COMMA expression RPAREN\n | REVERSE LPAREN expression RPAREN\n | RIGHT LPAREN expression COMMA expression RPAREN\n | RPAD LPAREN expression COMMA expression COMMA expression RPAREN\n | RTRIM LPAREN expression RPAREN\n | SOUNDEX LPAREN expression RPAREN\n | SPACE LPAREN expression RPAREN\n | SUBSTRING_INDEX LPAREN expression COMMA expression COMMA expression RPAREN\n | TO_BASE64 LPAREN expression RPAREN\n | UCASE LPAREN expression RPAREN\n | UNHEX LPAREN expression RPAREN\n | UPPER LPAREN expression RPAREN\n | substr_and_syn_func_call\n | weight_string_func_call\n | trim_func_call\n substr_and_syn_func_call : SUBSTR LPAREN expression COMMA expression RPAREN\n | SUBSTR LPAREN expression FROM expression RPAREN\n | SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN\n | SUBSTR LPAREN expression FROM expression FOR expression RPAREN\n | SUBSTRING LPAREN expression COMMA expression RPAREN\n | SUBSTRING LPAREN expression FROM expression RPAREN\n | SUBSTRING LPAREN expression COMMA expression COMMA expression RPAREN\n | SUBSTRING LPAREN expression FROM expression FOR expression RPARENweight_string_func_call : WEIGHT_STRING LPAREN expression RPAREN\n | WEIGHT_STRING LPAREN expression AS binary_or_char RPARENtrim_func_call : TRIM LPAREN remstr_position expression FROM expression RPAREN\n | TRIM LPAREN expression FROM expression RPAREN\n | TRIM LPAREN FROM expression RPAREN\n | TRIM LPAREN expression RPAREN\n binary_or_char : BINARY\n | BINARY LPAREN expression RPAREN\n | CHAR\n | CHAR LPAREN expression RPAREN\n remstr_position : BOTH\n | LEADING\n | TRAILINGstring_comparsion_func_call : STRCMP LPAREN expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_LIKE LPAREN expression COMMA expression RPAREN\n | REGEXP_LIKE LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n xml_func_call : EXTRACTVALUE LPAREN expression COMMA expression RPAREN\n | UPDATEXML LPAREN expression COMMA expression COMMA expression RPARENbit_func_call : BIT_COUNT LPAREN expression RPARENencry_and_comp_func_call : AES_DECRYPT LPAREN expression COMMA expression aes_func_opt RPAREN\n | AES_ENCRYPT LPAREN expression COMMA aes_func_opt RPAREN\n | COMPRESS LPAREN expression RPAREN\n | MD5 LPAREN expression RPAREN\n | RANDOM_BYTES LPAREN expression RPAREN\n | SHA LPAREN expression RPAREN\n | SHA1 LPAREN expression RPAREN\n | SHA2 LPAREN expression COMMA expression RPAREN\n | STATEMENT_DIGEST LPAREN expression RPAREN\n | STATEMENT_DIGEST_TEXT LPAREN expression RPAREN\n | UNCOMPRESS LPAREN expression RPAREN\n | UNCOMPRESSED_LENGTH LPAREN expression RPAREN\n | VALIDATE_PASSWORD_STRENGTH LPAREN expression RPAREN\n aes_func_opt : COMMA expression\n | COMMA expression COMMA expression\n | COMMA expression COMMA expression COMMA expression\n | COMMA expression COMMA expression COMMA expression COMMA expression\n | empty\n locking_func_call : GET_LOCK LPAREN expression COMMA expression RPAREN\n | IS_FREE_LOCK LPAREN expression RPAREN\n | IS_USED_LOCK LPAREN expression RPAREN\n | RELEASE_ALL_LOCKS LPAREN RPAREN\n | RELEASE_LOCK LPAREN expression RPARENinformation_func_call : BENCHMARK LPAREN expression COMMA expression RPAREN\n | CHARSET LPAREN expression RPAREN\n | COERCIBILITY LPAREN expression RPAREN\n | COLLATION LPAREN expression RPAREN\n | CONNECTION_ID LPAREN RPAREN\n | CURRENT_ROLE LPAREN RPAREN\n | CURRENT_USER\n | CURRENT_USER LPAREN RPAREN\n | DATABASE LPAREN RPAREN\n | FOUND_ROWS LPAREN RPAREN\n | ICU_VERSION LPAREN RPAREN\n | LAST_INSERT_ID LPAREN RPAREN\n | LAST_INSERT_ID LPAREN expression RPAREN\n | ROLES_GRAPHML LPAREN RPAREN\n | ROW_COUNT LPAREN RPAREN\n | SCHEMA LPAREN RPAREN\n | SESSION_USER LPAREN RPAREN\n | SYSTEM_USER LPAREN RPAREN\n | USER LPAREN RPAREN\n | VERSION LPAREN RPARENjson_func_call : create_json_func_call\n | search_json_func_call\n | modify_json_func_call\n | json_value_attr_func_call\n | json_table_func_call\n | json_schema_func_call\n | json_untility_func_callcreate_json_func_call : JSON_ARRAY LPAREN call_list RPAREN\n | JSON_OBJECT LPAREN call_list RPAREN\n | JSON_QUOTE LPAREN expression RPAREN\n search_json_func_call : JSON_CONTAINS LPAREN expression COMMA expression RPAREN\n | JSON_CONTAINS LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_EXTRACT LPAREN expression COMMA expression RPAREN\n | JSON_EXTRACT LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_KEYS LPAREN expression RPAREN\n | JSON_KEYS LPAREN expression COMMA expression RPAREN\n | JSON_OVERLAPS LPAREN expression COMMA expression RPAREN\n | JSON_SEARCH LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_SEARCH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_VALUE LPAREN expression COMMA expression RPAREN\n modify_json_func_call : JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_INSERT LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_MERGE LPAREN expression COMMA expression RPAREN\n | JSON_MERGE LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_MERGE_PATCH LPAREN expression COMMA expression RPAREN\n | JSON_MERGE_PATCH LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_MERGE_PRESERVE LPAREN expression COMMA expression RPAREN\n | JSON_MERGE_PRESERVE LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_REMOVE LPAREN expression COMMA expression RPAREN\n | JSON_REMOVE LPAREN expression COMMA expression COMMA call_list RPAREN\n | JSON_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_REPLACE LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_SET LPAREN expression COMMA expression COMMA expression RPAREN\n | JSON_SET LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN\n | JSON_UNQUOTE LPAREN expression RPAREN\n json_value_attr_func_call : JSON_DEPTH LPAREN expression RPAREN\n | JSON_LENGTH LPAREN expression RPAREN\n | JSON_LENGTH LPAREN expression COMMA expression RPAREN\n | JSON_TYPE LPAREN expression RPAREN\n | JSON_VAILD LPAREN expression RPARENjson_table_func_call : JSON_TABLE LPAREN expression COMMA expression COLUMNS LPAREN select_items RPAREN alias_opt RPARENjson_table_column_list : json_table_column\n | json_table_column_list COMMA json_table_columnjson_table_column : identifier FOR ORDINALITY\n | identifier column_type PATH string_lit\n | identifier column_type PATH string_lit on_empty_or_error_opt\n | identifier column_type EXISTS PATH string_lit\n | NESTED string_lit COLUMNS LPAREN json_table_column_list RPAREN\n | NESTED PATH string_lit COLUMNS LPAREN json_table_column_list RPARENon_empty_or_error_opt : json_table_value_opt ON EMPTY\n | json_table_value_opt ON ERROR\n | json_table_value_opt ON EMPTY json_table_value_opt ON ERRORjson_table_value_opt : NULL\n | DEFAULT string_lit\n | ERRORjson_schema_func_call : JSON_SCHEMA_VALID LPAREN expression COMMA expression RPAREN\n | JSON_SCHEMA_VALIDATION_REPORT LPAREN expression COMMA expression RPARENjson_untility_func_call : JSON_PERTTY LPAREN expression RPAREN\n | JSON_STORAGE_FREE LPAREN expression RPAREN\n | JSON_STORAGE_SIZE LPAREN expression RPARENreplication_func_call : GROUP_REPLICATION_SET_AS_PRIMARY LPAREN expression RPAREN\n | GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE LPAREN RPAREN\n | GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE LPAREN expression RPAREN\n | GROUP_REPLICATION_GET_WRITE_CONCURRENCY LPAREN RPAREN\n | GROUP_REPLICATION_SET_WRITE_CONCURRENCY LPAREN expression RPAREN\n | GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL LPAREN RPAREN\n | GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL LPAREN expression RPAREN\n | GROUP_REPLICATION_DISABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN\n | GROUP_REPLICATION_ENABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN\n | GROUP_REPLICATION_RESET_MEMBER_ACTIONS LPAREN RPAREN\n | GTID_SUBSET LPAREN expression COMMA expression RPAREN\n | GTID_SUBTRACT LPAREN expression COMMA expression RPAREN\n | WAIT_FOR_EXECUTED_GTID_SET LPAREN expression RPAREN\n | WAIT_FOR_EXECUTED_GTID_SET LPAREN expression COMMA expression RPAREN\n | WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression RPAREN\n | WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED LPAREN expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_RESET LPAREN RPAREN\n | MASTER_POS_WAIT LPAREN expression COMMA expression RPAREN\n | MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN\n | MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n | SOURCE_POS_WAIT LPAREN expression COMMA expression RPAREN\n | SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN\n | SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN\n aggreate_func_call : aggreate_func_without_distinct\n | aggreate_func_with_distinct\n | group_concat_func_call\n aggreate_func_without_distinct : BIT_AND LPAREN expression RPAREN over_clause_opt\n | BIT_OR LPAREN expression RPAREN over_clause_opt\n | BIT_XOR LPAREN expression RPAREN over_clause_opt\n | COUNT LPAREN expression RPAREN over_clause_opt\n | COUNT LPAREN ASTERISK RPAREN over_clause_opt\n | JSON_ARRAYAGG LPAREN expression COMMA expression RPAREN over_clause_opt\n | STD LPAREN expression RPAREN over_clause_opt\n | STDDEV LPAREN expression RPAREN over_clause_opt\n | STDDEV_POP LPAREN expression RPAREN over_clause_opt\n | STDDEV_SAMP LPAREN expression RPAREN over_clause_opt\n | VAR_POP LPAREN expression RPAREN over_clause_opt\n | VAR_SAMP LPAREN expression RPAREN over_clause_opt\n | VAR_VARIANCE LPAREN expression RPAREN over_clause_opt\n aggreate_func_with_distinct : AVG LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | COUNT LPAREN DISTINCT call_list RPAREN over_clause_opt\n | JSON_ARRAYAGG LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | MAX LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | SUM LPAREN set_quantifier_opt expression RPAREN over_clause_opt\n | MIN LPAREN set_quantifier_opt expression RPAREN over_clause_optgroup_concat_func_call : GROUP_CONCAT LPAREN set_quantifier_opt call_list order_by_opt separator_opt RPAREN over_clause_optmiscellaneous_func_call : ANY_VALUE LPAREN expression RPAREN\n | BIN_TO_UUID\tLPAREN expression RPAREN\n | BIN_TO_UUID\tLPAREN expression COMMA expression RPAREN\n | DEFAULT\tLPAREN expression RPAREN\n | GROUPING\tLPAREN call_list RPAREN\n | INET_ATON\tLPAREN expression RPAREN\n | INET_NTOA\tLPAREN expression RPAREN\n | INET6_ATON\tLPAREN expression RPAREN\n | INET6_NTOA\tLPAREN expression RPAREN\n | IS_IPV4\tLPAREN expression RPAREN\n | IS_IPV4_COMPAT\tLPAREN expression RPAREN\n | IS_IPV4_MAPPED\tLPAREN expression RPAREN\n | IS_IPV6\tLPAREN expression RPAREN\n | IS_UUID\tLPAREN expression RPAREN\n | NAME_CONST\tLPAREN expression COMMA expression RPAREN\n | SLEEP\tLPAREN expression RPAREN\n | UUID\tLPAREN RPAREN\n | UUID_SHORT\tLPAREN RPAREN\n | UUID_TO_BIN\tLPAREN expression RPAREN\n | UUID_TO_BIN\tLPAREN expression COMMA expression RPARENformat_selector : DATE\n | DATETIME\n | TIME\n | TIMESTAMPseparator_opt : SEPARATOR expression\n | empty\n case_specification : simple_casesimple_case : CASE expression when_clauses else_opt END\n | CASE when_clauses else_opt ENDcast_func_call : BINARY expression %prec NEG\n | _BINARY string_lit %prec NEG\n | CAST LPAREN expression AS cast_field RPAREN\n | CAST LPAREN expression AS cast_field ARRAY RPAREN\n | CONVERT LPAREN expression COMMA cast_field RPAREN\n | CONVERT LPAREN expression USING charset_name RPARENwhen_clauses : when_clauses when_clause\n | when_clausecharset_name : string_lit\n | identifier\n | BINARYwhen_clause : WHEN expression THEN expressionelse_opt : ELSE expression\n | emptycall_list : call_list COMMA expression\n | expressioncast_field : BINARY field_len_opt\n | char_type field_len_opt field_param_list_opt\n | DATE\n | YEAR\n | DATETIME field_len_opt\n | DECIMAL float_opt\n | DEC float_opt\n | TIME field_len_opt\n | SIGNED integer_opt\n | UNSIGNED integer_opt\n | JSON\n | DOUBLE\n | FLOAT float_opt\n | REALfield_len_opt : LPAREN NUMBER RPAREN\n | emptyfield_param_list_opt : LPAREN field_param_list RPAREN\n | emptyfield_param_list : field_param_list COMMA field_parameter\n | field_parameterfield_parameter : number\n | base_data_typefloat_opt : LPAREN NUMBER RPAREN\n | LPAREN NUMBER COMMA NUMBER RPAREN\n | emptychar_type : CHARACTER\n | CHARinteger_opt : INTEGER\n | INT\n | emptybase_data_type : identifiercomparison_operator : EQ\n | NE\n | LT\n | LE\n | GT\n | GE\n | NULL_SAFE_EQboolean_value : TRUE\n | FALSEqualified_name_list : qualified_name_list COMMA qualified_name\n | qualified_namequalified_name : identifier\n | identifier PERIOD identifier\n | identifier PERIOD identifier PERIOD identifieridentifier : IDENTIFIER\n | quoted_identifier\n | non_reserved\n | DIGIT_IDENTIFIERnon_reserved : ABS\n | ACCESSIBLE\n | ACCOUNT\n | ACOS\n | ACTION\n | ACTIVATE\n | ACTIVE\n | AES_DECRYPT\n | AES_ENCRYPT\n | AFTER\n | AGAINST\n | AGGREGATE\n | ALGORITHM\n | ALWAYS\n | ANALYSE\n | ANY\n | ANY_VALUE\n | APPROX_COUNT_DISTINCT\n | APPROX_COUNT_DISTINCT_SYNOPSIS\n | APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE\n | ARCHIVELOG\n | ASCII\n | ASENSITIVE\n | ASIN\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED\n | ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED\n | ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE\n | ASYNCHRONOUS_CONNECTION_FAILOVER_RESET\n | AT\n | ATAN\n | AUDIT\n | AUTHORS\n | AUTO\n | AUTOEXTEND_SIZE\n | AUTO_INCREMENT\n | AVG\n | AVG_ROW_LENGTH\n | BACKUP\n | BACKUPSET\n | BALANCE\n | BASE\n | BASELINE\n | BASELINE_ID\n | BASIC\n | BEFORE\n | BEGI\n | BENCHMARK\n | BIN\n | BINDING\n | BINLOG\n | BIN_TO_UUID\n | BIT\n | BIT_COUNT\n | BIT_LENGTH\n | BLOCK\n | BLOCK_INDEX\n | BLOCK_SIZE\n | BLOOM_FILTER\n | BOOL\n | BOOLEAN\n | BOOTSTRAP\n | BREADTH\n | BRIEF\n | BTREE\n | BUCKETS\n | BULK\n | BYTE\n | CACHE\n | CALL\n | CANCEL\n | CAST\n | CASCADED\n | CATALOG_NAME\n | CEIL\n | CEILING\n | CHAIN\n | CHANGED\n | CHARACTER\n | CHARACTER_LENGT\n | CHARACTER_LENGTH\n | CHARSET\n | CHAR_LENGTH\n | CHECKPOINT\n | CHECKSUM\n | CHUNK\n | CIPHER\n | CLASS_ORIGIN\n | CLEAN\n | CLEAR\n | CLIENT\n | CLOG\n | CLOSE\n | CLUSTER\n | CLUSTER_ID\n | CLUSTER_NAME\n | COALESCE\n | CODE\n | COERCIBILITY\n | COPY\n | COLLATION\n | COLUMNS\n | COLUMN_FORMAT\n | COLUMN_NAME\n | COLUMN_STAT\n | COMMENT\n | COMMIT\n | COMMITTED\n | COMPACT\n | COMPLETION\n | COMPRESS\n | COMPRESSED\n | COMPRESSION\n | CONCAT_WS\n | CONCURRENT\n | CONNECTION\n | CONNECTION_ID\n | CONSISTENT\n | CONSISTENT_MODE\n | CONSTRAINT_CATALOG\n | CONSTRAINT_NAME\n | CONSTRAINT_SCHEMA\n | CONTAINS\n | CONTEXT\n | CONTRIBUTORS\n | CONY\n | COS\n | COT\n | COUNT\n | CPU\n | CRC32\n | CREATE_TIMESTAMP\n | CTXCAT\n | CTX_ID\n | CUBE\n | CURRENT\n | CURSOR_NAME\n | CYCLE\n | DATA\n | DATABASE_ID\n | DATAFILE\n | DATA_TABLE_ID\n | DATE\n | DATETIME\n | DATE_FORMAT\n | DAY\n | DAYNAME\n | DAYOFMONTH\n | DAYOFWEEK\n | DAYOFYEAR\n | DEALLOCATE\n | DEC\n | DECLARE\n | DECODE\n | DEFAULT_AUTH\n | DEFAULT_TABLEGROUP\n | DEFINER\n | DEGREES\n | DELAY\n | DELAY_KEY_WRITE\n | DEPTH\n | DESTINATION\n | DES_KEY_FILE\n | DETERMINISTIC\n | DIAGNOSTICS\n | DIRECTORY\n | DISABLE\n | DISCARD\n | DISK\n | DISKGROUP\n | DO\n | DUMP\n | DUMPFILE\n | DUPLICATE\n | DUPLICATE_SCOPE\n | DYNAMIC\n | EACH\n | EFFECTIVE\n | EGEXP_INSTR\n | ELT\n | ENABLE\n | ENCRYPTION\n | END\n | ENDS\n | ENGINE\n | ENGINES\n | ENGINE_\n | ENTITY\n | ENUM\n | ERROR\n | ERRORS\n | ERROR_CODE\n | ERROR_P\n | ERSION\n | ESCAPE\n | EVENT\n | EVENTS\n | EVERY\n | EXCHANGE\n | EXECUTE\n | EXP\n | EXPANSION\n | EXPIRE\n | EXPIRED\n | EXPIRE_INFO\n | EXPORT\n | EXPORT_SET\n | EXTENDED\n | EXTENDED_NOADDR\n | EXTENT_SIZE\n | EXTRACTVALUE\n | FAST\n | FAULTS\n | FIELD\n | FIELDS\n | FILEX\n | FILE_ID\n | FINAL_COUNT\n | FIND_IN_SET\n | FIRST\n | FIXED\n | FLASHBACK\n | FLOAT4\n | FLOAT8\n | FLOOR\n | FLUSH\n | FOLLOWER\n | FOLLOWING\n | FORMAT\n | FOUND\n | FOUND_ROWS\n | FREEZE\n | FREQUENCY\n | FROM_BASE64\n | FROM_DAYS\n | FROM_UNIXTIME\n | FUNCTION\n | GENERAL\n | GEOMETRY\n | GEOMETRYCOLLECTION\n | GET\n | GET_LOCK\n | GLOBAL\n | GLOBAL_ALIAS\n | GLOBAL_NAME\n | GRANTS\n | GREATEST\n | GROUPING\n | GROUPS\n | GROUP_REPLICATION_DISABLE_MEMBER_ACTION\n | GROUP_REPLICATION_ENABLE_MEMBER_ACTION\n | GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL\n | GROUP_REPLICATION_GET_WRITE_CONCURRENCY\n | GROUP_REPLICATION_RESET_MEMBER_ACTIONS\n | GROUP_REPLICATION_SET_AS_PRIMARY\n | GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL\n | GROUP_REPLICATION_SET_WRITE_CONCURRENCY\n | GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE\n | GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE\n | GTID_SUBSET\n | GTID_SUBTRACT\n | GTS\n | HANDLER\n | HASH\n | HELP\n | HEX\n | HISTOGRAM\n | HOST\n | HOSTS\n | HOST_IP\n | HOUR\n | ICU_VERSION\n | ID\n | IDC\n | IDENTIFIED\n | IFIGNORE\n | IFNULL\n | IGNORE_SERVER_IDS\n | ILOG\n | ILOGCACHE\n | IMPORT\n | INCR\n | INCREMENTAL\n | INDEXES\n | INDEX_TABLE_ID\n | INET6_ATON\n | INET6_NTOA\n | INET_ATON\n | INET_NTOA\n | INFO\n | INITIAL_SIZE\n | INTO\n | INTERVAL\n | INNER_PARSE\n | INNODB\n | INSENSITIVE\n | INSERT_METHOD\n | INSTALL\n | INSTANCE\n | INSTR\n | INVISIBLE\n | INVOKER\n | IO\n | IO_AFTER_GTIDS\n | IO_BEFORE_GTIDS\n | IO_THREAD\n | IPC\n | IS\n | ISNULL\n | ISOLATION\n | ISSUER\n | IS_FREE_LOCK\n | IS_IPV4\n | IS_IPV4_COMPAT\n | IS_IPV4_MAPPED\n | IS_IPV6\n | IS_TENANT_SYS_POOL\n | IS_USED_LOCK\n | IS_UUID\n | ITERATE\n | JOB\n | JSON\n | JSON_ARRAY\n | JSON_ARRAYAGG\n | JSON_ARRAY_APPEND\n | JSON_ARRAY_INSERT\n | JSON_CONTAINS\n | JSON_CONTAINS_PATH\n | JSON_DEPTH\n | JSON_EXTRACT\n | JSON_INSERT\n | JSON_KEYS\n | JSON_LENGTH\n | JSON_MERGE\n | JSON_MERGE_PATCH\n | JSON_MERGE_PRESERVE\n | JSON_OBJECT\n | JSON_OVERLAPS\n | JSON_PERTTY\n | JSON_QUOTE\n | JSON_REMOVE\n | JSON_REPLACE\n | JSON_SCHEMA_VALID\n | JSON_SCHEMA_VALIDATION_REPORT\n | JSON_SEARCH\n | JSON_SET\n | JSON_STORAGE_FREE\n | JSON_STORAGE_SIZE\n | JSON_TABLE\n | JSON_TYPE\n | JSON_UNQUOTE\n | JSON_VAILD\n | JSON_VALUE\n | KEY_BLOCK_SIZE\n | KEY_VERSION\n | KVCACHE\n | LANGUAGE\n | LAST\n | LAG\n | LAST_DAY\n | LAST_INSERT_ID\n | LAST_VALUE\n | LCASE\n | LEADER\n | LEAK\n | LEAK_MOD\n | LEAST\n | LEAVES\n | LENGTH\n | LESS\n | LEVEL\n | LINESTRING\n | LISTAGG\n | LIST_\n | LN\n | LOAD_FILE\n | LOB\n | LOCAL\n | LOCALITY\n | LOCATE\n | LOCATION\n | LOCKED\n | LOCKS\n | LOCK_\n | LOG\n | LOG10\n | LOG2\n | LOGFILE\n | LOGONLY_REPLICA_NUM\n | LOGS\n | LONG\n | LONGB\n | LOOP\n | LOWER\n | LPAD\n | LTRIM\n | MAJOR\n | MAKEDATE\n | MAKE_SE\n | MAKE_SET\n | MANUAL\n | MASTER\n | MASTER_AUTO_POSITION\n | MASTER_BIND\n | MASTER_CONNECT_RETRY\n | MASTER_DELAY\n | MASTER_HEARTBEAT_PERIOD\n | MASTER_HOST\n | MASTER_LOG_FILE\n | MASTER_LOG_POS\n | MASTER_PASSWORD\n | MASTER_PORT\n | MASTER_POS_WAIT\n | MASTER_RETRY_COUNT\n | MASTER_SERVER_ID\n | MASTER_SSL\n | MASTER_SSL_CA\n | MASTER_SSL_CAPATH\n | MASTER_SSL_CERT\n | MASTER_SSL_CIPHER\n | MASTER_SSL_CRL\n | MASTER_SSL_CRLPATH\n | MASTER_SSL_KEY\n | MASTER_SSL_VERIFY_SERVER_CERT\n | MASTER_USER\n | MATCH\n | MATCHED\n | MATERIALIZED\n | MAX\n | MAX_CONNECTIONS_PER_HOUR\n | MAX_CPU\n | MAX_DISK_SIZE\n | MAX_IOPS\n | MAX_MEMORY\n | MAX_QUERIES_PER_HOUR\n | MAX_ROWS\n | MAX_SESSION_NUM\n | MAX_SIZE\n | MAX_UPDATES_PER_HOUR\n | MAX_USED_PART_ID\n | MAX_USER_CONNECTIONS\n | MD5\n | MEDIUM\n | MEMBER\n | MEMORY\n | MEMTABLE\n | MERGE\n | MESSAGE_TEXT\n | META\n | MICROSECOND\n | MID\n | MIDDLEINT\n | MIGRATE\n | MIGRATION\n | MIN\n | MINOR\n | MINUTE\n | MIN_CPU\n | MIN_IOPS\n | MIN_MEMORY\n | MIN_ROWS\n | MKEDATE\n | MODE\n | MODIFIES\n | MODIFY\n | MONTH\n | MONTHNAME\n | MOVE\n | MULTILINESTRING\n | MULTIPOINT\n | MULTIPOLYGON\n | MUTEX\n | MYSQL_ERRNO\n | NAME\n | NAMES\n | NAME_CONST\n | NATIONAL\n | NCHAR\n | NDB\n | NDBCLUSTER\n | NESTED\n | NEW\n | NEXT\n | NO\n | NOARCHIVELOG\n | NODEGROUP\n | NONE\n | NORMAL\n | NOW\n | NOWAIT\n | NO_WAIT\n | NULLS\n | NULLIF\n | NVARCHAR\n | NVL\n | OAD_FILE\n | OCCUR\n | OCT\n | OCTET_LENGTH\n | OERCIBILITY\n | OF\n | OFF\n | OFFSET\n | OLD_KEY\n | OLD_PASSWORD\n | ONE\n | ONE_SHOT\n | ONLY\n | ONTHNAME\n | OPEN\n | OPTIONS\n | OR\n | ORA_DECODE\n | ORD\n | ORDINALITY\n | ORIG_DEFAULT\n | OUTLINE\n | OVER\n | OWER\n | OWNER\n | PACE\n | PACK_KEYS\n | PAGE\n | PARAMETERS\n | PARSER\n | PARTIAL\n | PARTITIONING\n | PARTITIONS\n | PARTITION_ID\n | PASSWORD\n | PAUSE\n | PATH\n | PCTFREE\n | PERIOD_ADD\n | PERIOD_DIFF\n | PHASE\n | PHYSICAL\n | PI\n | PL\n | PLAN\n | PLANREGRESS\n | PLUGIN\n | PLUGINS\n | PLUGIN_DIR\n | POSITION\n | POINT\n | POLYGON\n | POOL\n | PORT\n | POW\n | POWER\n | PRECEDING\n | PREPARE\n | PRESERVE\n | PREV\n | PREVIEW\n | PRIMARY_ZONE\n | PRIVILEGES\n | PROCESS\n | PROCESSLIST\n | PROFILE\n | PROFILES\n | PROGRESSIVE_MERGE_NUM\n | PROXY\n | PURGE\n | P_CHUNK\n | P_ENTITY\n | QUARTER\n | QUERY\n | QUICK\n | QUOTE\n | R32\n | RANDOM\n | RANDOM_BYTES\n | RANGE\n | RANK\n | READS\n | READ_ONLY\n | READ_WRITE\n | REBUILD\n | RECOVER\n | RECYCLE\n | RECYCLEBIN\n | REDOFILE\n | REDO_BUFFER_SIZE\n | REDUNDANT\n | REFRESH\n | REGION\n | REGEXP_INSTR\n | REGEXP_LIKE\n | REGEXP_REPLACE\n | REGEXP_SUBSTR\n | RELAY\n | RELAYLOG\n | RELAY_LOG_FILE\n | RELAY_LOG_POS\n | RELAY_THREAD\n | RELEASE_ALL_LOCKS\n | RELEASE_LOCK\n | RELOAD\n | REMOTE_OSS\n | REMOVE\n | REORGANIZE\n | REPAIR\n | REPEATABLE\n | REPLACE\n | REPLICA\n | REPLICATION\n | REPLICA_NUM\n | REPLICA_TYPE\n | REPORT\n | RESET\n | RESOURCE\n | RESOURCE_POOL_LIST\n | RESPECT\n | RESTART\n | RESTORE\n | RESUME\n | RETURN\n | RETURNING\n | RETURNS\n | REVERSE\n | REWRITE_MERGE_VERSION\n | ROLES_GRAPHML\n | ROLLBACK\n | ROLLING\n | ROLLUP\n | ROM_BASE64\n | ROM_UNIXTIME\n | ROOT\n | ROOTSERVICE\n | ROOTTABLE\n | ROTATE\n | ROUTINE\n | ROUND\n | ROW\n | ROWS\n | ROW_COUNT\n | ROW_FORMAT\n | ROW_NUMBER\n | RPAD\n | RTREE\n | RTRIM\n | RUDUNDANT\n | RUN\n | SAMPLE\n | SAVEPOINT\n | SCHEDULE\n | SCHEMA\n | SCHEMAS\n | SCHEMA_NAME\n | SCOPE\n | SEARCH\n | SECOND\n | SECURITY\n | SEC_TO_TIME\n | SEED\n | SENSITIVE\n | SEPARATOR\n | SERIAL\n | SERIALIZABLE\n | SERVER\n | SERVER_IP\n | SERVER_PORT\n | SERVER_TYPE\n | SESSION\n | SESSION_ALIAS\n | SESSION_USER\n | SET_MASTER_CLUSTER\n | SET_SLAVE_CLUSTER\n | SET_TP\n | SHA\n | SHA1\n | SHA2\n | SHARE\n | SHOW\n | SHUTDOWN\n | SKIP\n | SIGN\n | SIGNED\n | SIMPLE\n | SLAVE\n | SLEEP\n | SLOT_IDX\n | SLOW\n | SNAPSHOT\n | SOCKET\n | SOME\n | SONAME\n | SOUNDEX\n | SOUNDS\n | SOURCE\n | SOURCE_POS_WAIT\n | SPACE\n | SPATIAL\n | SPECIFIC\n | SPFILE\n | SPLIT\n | SQL_AFTER_GTIDS\n | SQL_AFTER_MTS_GAPS\n | SQL_BEFORE_GTIDS\n | SQL_BUFFER_RESULT\n | SQL_CACHE\n | SQL_CALC_FOUND_ROWS\n | SQL_ID\n | SQL_NO_CACHE\n | SQL_SMALL_RESULT\n | SQL_THREAD\n | SQL_TSI_DAY\n | SQL_TSI_HOUR\n | SQL_TSI_MINUTE\n | SQL_TSI_MONTH\n | SQL_TSI_QUARTER\n | SQL_TSI_SECOND\n | SQL_TSI_WEEK\n | SQL_TSI_YEAR\n | STANDBY\n | START\n | STARTS\n | STAT\n | STATEMENT_DIGEST\n | STATEMENT_DIGEST_TEXT\n | STATS_AUTO_RECALC\n | STATS_PERSISTENT\n | STATS_SAMPLE_PAGES\n | STATUS\n | STOP\n | STORAGE\n | STORAGE_FORMAT_VERSION\n | STORAGE_FORMAT_WORK_VERSION\n | STORED\n | STORING\n | STRAIGHT_JOIN\n | STRCMP\n | STR_TO_DATE\n | SUBCLASS_ORIGIN\n | SUBJECT\n | SUBPARTITION\n | SUBPARTITIONS\n | SUBSTR\n | SUBSTRING_INDEX\n | SUBTIME\n | SUPER\n | SUM\n | SUSPEND\n | SWAPS\n | SWITCH\n | SWITCHES\n | SWITCHOVER\n | SYNCHRONIZATION\n | SYSTEM\n | SYSTEM_USER\n | TABLEGROUP\n | TABLEGROUPS\n | TABLEGROUP_ID\n | TABLES\n | TABLESPACE\n | TABLET\n | TABLET_MAX_SIZE\n | TABLET_SIZE\n | TABLE_CHECKSUM\n | TABLE_ID\n | TABLE_MODE\n | TABLE_NAME\n | TASK\n | TATEMENT_DIGEST\n | TEMPLATE\n | TEMPORARY\n | TEMPTABLE\n | TENANT\n | TENANT_ID\n | TEXT\n | THAN\n | TIME\n | TIMEDIFF\n | TIMESTAMP\n | TIME_FORMAT\n | TIME_TO_SEC\n | TIME_ZONE_INFO\n | TOP\n | TO_BASE64\n | TO_DAYS\n | TO_SECONDS\n | TP_NAME\n | TP_NO\n | TRACE\n | TRADITIONAL\n | TRANSACTION\n | TRIGGERS\n | TRUNCATE\n | TYPE\n | TYPES\n | UBTIME\n | UCASE\n | UNBOUNDED\n | UNCOMMITTED\n | UNCOMPRESS\n | UNCOMPRESSED_LENGTH\n | UNDEFINED\n | UNDO\n | UNDOFILE\n | UNDO_BUFFER_SIZE\n | UNHEX\n | UNICODE\n | UNINSTALL\n | UNIT\n | UNIT_NUM\n | UNIX_TIMESTAMP\n | UNKNOWN\n | UNLOCK\n | UNLOCKED\n | UNUSUAL\n | UPDATEXML\n | UPGRADE\n | UPPER\n | USEC_TO_TIME\n | USER\n | USER_RESOURCES\n | USE_BLOOM_FILTER\n | USE_FRM\n | UUID\n | UUID_SHORT\n | UUID_TO_BIN\n | VALID\n | VALIDATE\n | VALIDATE_PASSWORD_STRENGTH\n | VALUE\n | VARCHARACTER\n | VARIABLES\n | VARIANCE\n | VAR_VARIANCE\n | VERBOSE\n | VERSION\n | VIEW\n | VIRTUAL_COLUMN_ID\n | VISIBLE\n | WAIT\n | WAIT_FOR_EXECUTED_GTID_SET\n | WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS\n | WARNINGS\n | WEEK\n | WEEKDAY\n | WEEKOFYEAR\n | WEIGHT_STRING\n | WITH\n | WITH_ROWID\n | WORK\n | WRAPPER\n | WRITE\n | X509\n | XA\n | XML\n | XOR\n | XTRACTVALUE\n | YEAR\n | YEARWEEK\n | ZEROFILL\n | ZONE\n | ZONE_LIST\n | ZONE_TYPEtime_interval : INTERVAL expression time_unit\n | QMtime_unit : timestamp_unit\n | SECOND_MICROSECOND\n | MINUTE_MICROSECOND\n | MINUTE_SECOND\n | HOUR_MICROSECOND\n | HOUR_SECOND\n | HOUR_MINUTE\n | DAY_MICROSECOND\n | DAY_SECOND\n | DAY_MINUTE\n | DAY_HOUR\n | YEAR_MONTHtimestamp_unit : MICROSECOND\n | SECOND\n | MINUTE\n | HOUR\n | DAY\n | WEEK\n | MONTH\n | QUARTER\n | YEAR\n | SQL_TSI_SECOND\n | SQL_TSI_MINUTE\n | SQL_TSI_HOUR\n | SQL_TSI_DAY\n | SQL_TSI_WEEK\n | SQL_TSI_MONTH\n | SQL_TSI_QUARTER\n | SQL_TSI_YEARquoted_identifier : BACKQUOTED_IDENTIFIERfigure : FRACTION\n | numberempty :' -_lr_action_items = {'CREATE':([0,],[6,]),'DELETE':([0,],[16,]),'UPDATE':([0,2496,3827,],[17,2911,3845,]),'INSERT':([0,19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[18,1097,-1896,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1097,1097,1097,1097,1097,-292,-293,1097,1097,1097,1097,-330,-320,-334,-335,-336,1097,1097,-984,-985,-986,-987,-988,-989,-990,1097,1097,1097,1097,1097,1097,1097,1097,-350,-351,-352,-353,-354,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1896,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1896,1097,-1896,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1896,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1896,1097,-197,1097,-193,-194,1097,1097,1097,-319,-329,-333,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-725,-726,-727,1097,1097,1097,-93,-94,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,]),'SELECT':([0,8,22,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,909,916,917,918,919,920,921,922,923,924,925,926,932,933,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1362,1363,1364,1365,1378,1379,1383,1384,1385,1386,1392,1393,1394,1395,1412,1416,1417,1418,1420,1421,1422,1432,1434,1476,1477,1478,1479,1480,1484,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2000,2001,2002,2007,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2054,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2485,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2896,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3227,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[21,21,21,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,21,-225,-226,-227,-228,-229,21,-231,-232,-233,-1896,-1896,-277,-278,-1427,21,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-208,-209,-210,-211,-102,-104,-1896,-169,-170,-171,-174,-175,-176,-177,21,-1896,-271,-272,-274,-276,-270,-283,21,-357,-362,-492,-1294,-356,21,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,21,-193,-194,-996,-230,-250,-251,-252,-254,-255,-256,-273,-275,21,-279,-280,-281,-282,-367,-310,21,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-103,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-105,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,21,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'WITH':([0,7,8,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3495,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3706,3707,3708,3738,3743,3756,3769,3773,3774,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3830,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[29,888,29,888,888,888,-1896,888,888,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,888,1415,888,888,-277,-278,888,-1427,1415,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,888,888,888,-492,888,888,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,888,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,888,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,888,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,888,-174,-175,-176,-177,-995,888,888,888,888,888,1415,888,888,888,888,888,888,888,888,888,-292,-293,-283,888,1415,888,888,888,-330,-320,-334,-335,-336,888,888,-984,-985,-986,-987,-988,-989,-990,888,888,888,888,888,888,888,888,888,888,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,888,888,1415,-355,-358,888,-325,-326,-143,888,-144,888,-145,888,-432,-937,-938,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,-1896,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,-1896,888,-1896,888,888,888,888,888,888,888,888,888,888,888,888,-1896,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,-1896,888,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,888,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,888,888,888,-193,-194,888,-996,888,888,888,888,888,-279,-280,-281,-282,-367,888,-310,1415,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,888,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,888,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,888,888,888,888,888,888,-575,888,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,888,888,-725,-726,-727,888,888,888,888,888,888,-996,888,888,-93,-94,888,888,888,888,-311,-312,-322,888,-309,-295,-296,-297,888,888,888,888,-620,-635,-592,888,888,-438,888,-439,888,-446,-447,-448,-380,-381,888,888,888,-508,888,888,-512,888,888,888,888,-517,-518,-519,-520,888,888,-523,-524,888,-526,-527,-528,-529,-530,-531,-532,-533,888,-535,888,888,888,-541,-543,-544,888,-546,-547,-548,-549,888,888,888,888,888,888,-654,-655,-656,-657,888,-659,-660,-661,888,888,888,-667,888,888,-671,-672,888,888,-675,888,-677,-678,888,-681,888,-683,888,888,-686,-687,-688,888,-690,888,888,-693,888,888,-696,-697,-698,888,-700,-701,-702,-703,888,888,-748,888,-751,-752,-753,-754,-755,888,-757,-758,-759,-760,-761,888,-768,-769,-771,888,-773,-774,-775,-784,-858,-860,-862,-864,888,888,888,888,-870,888,-872,888,888,888,888,888,888,888,-908,-909,888,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,888,-923,-926,888,-936,888,-387,-388,-389,888,888,-392,-393,-394,-395,888,-398,888,-401,-402,888,-403,888,-408,-409,888,-412,-413,-414,888,-417,888,-418,888,-423,-424,888,-427,888,-430,-431,-1896,-1896,888,-621,-622,-623,-624,-625,-636,-586,-626,-799,888,888,888,888,888,-833,888,888,-808,888,-834,888,888,888,888,-800,888,-855,-801,888,888,888,888,888,888,-856,-857,888,-836,-832,-837,888,-627,888,-628,-629,-630,-631,-576,888,888,-632,-633,-634,888,888,888,888,888,888,-637,-638,-639,-594,-1896,-604,888,-640,-641,-715,-642,-606,888,-574,-579,-582,-585,888,888,888,-600,-603,888,-610,888,888,888,888,888,888,888,888,888,888,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,888,-146,-147,888,888,-997,888,888,888,888,888,888,-308,-327,-321,-298,-377,-454,-455,-456,-460,888,-445,888,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,888,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,888,888,888,888,888,888,888,888,888,-318,-537,-510,-593,-939,-941,-942,-440,888,-442,-382,-383,-385,-509,-511,-513,888,-515,-516,-521,-522,888,-534,-536,-539,-540,-545,-550,-728,888,-729,888,-734,888,-736,888,-741,-658,-662,-663,888,-668,888,-669,888,-674,-676,888,-679,888,888,888,-689,-691,888,-694,888,888,-746,888,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,888,888,888,888,888,-879,888,-882,-910,-922,-927,-390,-391,888,-396,888,-399,888,-404,888,-405,888,-410,888,-415,888,-419,888,-420,888,-425,888,-428,-901,-902,-645,-587,-1896,-903,888,888,888,-802,888,888,-806,888,-809,-835,888,-820,888,-822,888,-824,-810,888,-826,888,-853,-854,888,888,-813,888,-648,-904,-906,-650,-651,-647,888,-707,-708,888,-644,-905,-649,-652,-605,-716,888,888,-607,-588,888,888,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,888,888,-711,-712,888,-718,888,888,888,888,888,888,3617,-940,888,-441,-443,-749,888,-893,888,-717,-1896,888,888,888,888,888,-444,-514,-525,888,-730,-735,888,-737,888,-742,888,-664,-670,888,-680,-682,-684,-685,-692,-695,-699,-747,888,888,-876,888,888,-880,888,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,888,-814,888,-816,-803,888,-804,-807,888,-818,-821,-823,-825,-827,888,-828,888,-811,888,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,888,3772,-464,-466,-284,888,888,888,888,-467,-457,888,888,-731,888,-738,888,-743,888,-665,-673,888,888,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-465,3850,888,-838,-53,888,888,-732,888,-739,888,-744,-666,888,-875,-54,888,888,-733,-740,-745,888,888,888,-874,]),'LPAREN':([0,8,17,19,21,22,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,909,910,916,917,918,919,920,921,922,923,924,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,958,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,995,996,997,999,1000,1001,1002,1003,1004,1005,1006,1007,1008,1009,1010,1011,1012,1013,1014,1015,1016,1017,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1045,1046,1047,1048,1049,1050,1051,1052,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1069,1070,1071,1072,1073,1074,1075,1076,1077,1078,1079,1080,1081,1082,1083,1084,1085,1086,1087,1088,1089,1090,1091,1092,1093,1094,1095,1096,1097,1098,1099,1100,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1114,1115,1116,1117,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1163,1164,1165,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1202,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1219,1220,1221,1222,1223,1224,1225,1226,1227,1228,1229,1230,1231,1232,1233,1234,1235,1236,1237,1238,1239,1240,1241,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1316,1317,1318,1319,1320,1321,1322,1323,1324,1325,1326,1327,1328,1329,1330,1331,1332,1333,1334,1335,1336,1337,1338,1339,1340,1341,1342,1343,1344,1345,1346,1347,1348,1349,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1378,1379,1380,1383,1384,1385,1386,1387,1392,1393,1394,1395,1399,1403,1412,1416,1417,1418,1420,1421,1422,1423,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1439,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2000,2001,2002,2007,2010,2012,2013,2023,2024,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2051,2053,2054,2055,2056,2057,2058,2059,2060,2061,2062,2063,2064,2065,2066,2067,2069,2070,2071,2072,2073,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2485,2486,2511,2512,2513,2514,2515,2516,2517,2518,2519,2520,2521,2522,2523,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2884,2896,2900,2902,2903,2904,2905,2906,2908,2913,2928,2929,2930,2931,2932,2933,2934,2935,2937,2940,2942,2944,2947,2949,2950,2951,2953,2954,2959,2960,2963,2964,2965,2966,2971,2973,2974,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3121,3122,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3217,3224,3229,3230,3231,3232,3233,3234,3238,3239,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3393,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3472,3481,3483,3484,3485,3487,3489,3491,3492,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3608,3609,3610,3611,3619,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3703,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3864,3877,3878,3879,3880,3881,3886,3894,],[8,8,921,936,-1896,8,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,8,921,-225,-226,-227,-228,-229,1412,-231,-232,-233,-1896,-1896,-277,-278,936,1433,1434,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,936,936,1481,1484,-492,936,936,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,1491,1493,1495,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,8,-934,936,1499,1500,1501,1502,1503,1504,1505,1506,1507,1508,1509,1510,1511,1512,1513,1514,1515,1516,1517,1518,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1544,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,-704,-705,-706,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1624,1625,-792,-793,-794,-795,-796,-797,-798,1626,1627,1628,1629,1630,1631,1632,1633,1634,1635,1636,1637,1638,1639,1640,1641,1642,1643,1644,1645,1646,1647,1648,1649,1650,1651,1652,1653,1654,1655,1656,1657,1658,1659,1660,1661,1662,1663,1664,-885,-886,-887,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1680,1681,1682,936,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,-166,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1783,1784,1785,1786,1787,1788,1789,1790,1791,1792,1793,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,936,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-102,-104,1997,-1896,-169,-170,-171,2003,-174,-175,-176,-177,921,921,1412,-1896,-271,-272,-274,-276,-270,921,936,936,936,936,936,-292,-293,-283,1434,936,2054,936,936,-330,-320,-334,-335,-336,936,936,-984,-985,-986,-987,-988,-989,-990,936,936,936,936,936,936,936,936,-350,-351,-352,-353,-354,-357,-362,-492,2088,-356,936,936,1434,-355,-358,-325,-326,-143,936,-144,936,-145,936,-432,-937,-938,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,-1896,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,-1896,936,-1896,936,936,936,936,936,936,936,936,936,936,936,936,-1896,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,-1896,1526,1527,1608,1609,1665,1560,1528,1658,1659,1660,1661,1662,1529,1626,1561,1666,1607,1562,1499,1531,1532,1565,1627,1564,1522,1628,1629,1610,1567,1630,1533,1534,1535,1536,1491,1518,1537,1568,1538,1569,1605,1570,1571,1539,1572,1634,1573,1621,1521,1668,1651,1652,1649,1647,1653,1644,1650,1648,1645,1646,1654,1655,1574,1512,1635,1524,1671,1672,1669,1670,1484,1576,1519,1622,1673,1674,1675,1676,1623,1677,1504,1636,1505,1577,1520,1579,1540,1580,1581,1541,1543,1542,1582,1583,1584,1585,1663,1433,1611,1586,1678,1525,1515,1587,1588,1516,1589,1544,1590,1545,1546,1591,1612,1510,1556,1557,1558,1559,1624,1625,1593,1594,1637,1549,1638,1511,1596,1597,1639,1640,1613,1614,1615,1550,1679,1598,1664,1599,1616,1617,1555,1600,1641,1493,1495,1601,1554,1602,1618,1619,1603,1606,1604,1513,1642,1680,1681,1682,1620,1643,1656,1657,-197,936,8,-193,-194,-996,936,2503,921,921,921,-230,-250,-251,-252,-254,-255,-256,-273,-275,2524,-279,-280,-281,-282,-367,936,-310,1434,-328,2054,-319,-329,-333,-1896,-313,-314,-315,-316,-317,2536,936,-285,-294,8,8,8,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,936,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,936,936,936,936,936,936,-575,936,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,936,936,-725,-726,-727,936,936,921,-103,8,936,-93,-94,-1896,-1896,921,-253,2936,-266,-267,2939,2941,2944,936,-311,-312,-322,936,-309,-295,-296,-297,936,936,936,-620,-635,-592,936,-438,2984,-439,936,-446,-447,-448,-380,-381,936,936,936,-508,936,936,-512,936,936,936,936,-517,-518,-519,-520,936,936,-523,-524,936,-526,-527,-528,-529,-530,-531,-532,-533,936,-535,936,936,936,-541,-543,-544,936,-546,-547,-548,-549,936,936,936,936,936,936,-654,-655,-656,-657,-659,-660,-661,936,936,936,-667,936,936,-671,-672,936,936,-675,936,-677,-678,936,-681,936,-683,936,936,-686,-687,-688,936,-690,936,936,-693,936,936,-696,-697,-698,936,-700,-701,-702,-703,936,936,-748,936,-751,-752,-753,-754,-755,936,-757,-758,-759,-760,-761,936,-768,-769,-771,936,-773,-774,-775,-784,-858,-860,-862,-864,936,936,936,936,-870,936,-872,936,936,936,936,936,936,936,-908,-909,936,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,936,-923,-926,936,-936,936,-387,-388,-389,936,936,-392,-393,-394,-395,936,-398,936,-401,-402,936,-403,936,-408,-409,936,-412,-413,-414,936,-417,936,-418,936,-423,-424,936,-427,936,-430,-431,-1896,-1896,936,-621,-622,-623,-624,-625,-636,-586,-626,-799,936,936,936,936,936,-833,936,936,-808,936,-834,936,936,936,936,-800,936,-855,-801,936,936,936,936,936,936,-856,-857,936,-836,-832,-837,936,-627,936,-628,-629,-630,-631,-576,936,936,-632,-633,-634,936,936,936,936,936,936,-637,-638,-639,-594,-1896,-604,936,-640,-641,-715,-642,-606,936,-574,-579,-582,-585,936,936,936,-600,-603,936,-610,936,936,936,936,936,936,936,936,936,936,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,936,-105,3166,3173,3174,3176,3177,3178,3180,-997,1667,-234,936,3211,-247,-235,-247,-1896,3216,3221,3223,936,3229,-308,-327,-321,-298,-377,3237,3237,3237,3242,3242,3237,3242,-978,-979,-454,-455,-456,-460,-445,936,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,3412,3413,936,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-263,3489,936,-318,-537,-510,-593,-939,-968,3499,-941,-942,-440,936,-442,-382,-383,-385,-509,-511,-513,936,-515,-516,-521,-522,936,-534,-536,-539,-540,-545,-550,-728,936,-729,936,-734,936,-736,936,-741,-658,-662,-663,936,-668,936,-669,936,-674,-676,936,-679,936,936,936,-689,-691,936,-694,936,936,-746,936,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,936,936,936,936,936,-879,936,-882,-910,-922,-927,-390,-391,936,-396,936,-399,936,-404,936,-405,936,-410,936,-415,936,-419,936,-420,936,-425,936,-428,-901,-902,-645,-587,-1896,-903,936,936,936,-802,936,936,-806,936,-809,-835,936,-820,936,-822,936,-824,-810,936,-826,936,-853,-854,936,936,3559,-813,936,-648,-904,-906,-650,-651,-647,936,-707,-708,936,-644,-905,-649,-652,-605,-716,936,936,-607,-588,936,936,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,936,936,-711,-712,936,-718,936,3606,-257,-264,-265,-259,-261,936,936,2944,-940,-441,-443,-749,936,-893,936,-717,-1896,936,936,-246,-258,-260,-262,-967,936,-444,-514,-525,936,-730,-735,936,-737,936,-742,936,-664,-670,936,-680,-682,-684,-685,-692,-695,-699,-747,936,936,-876,936,936,-880,936,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,936,-814,936,-816,-803,936,-804,-807,936,-818,-821,-823,-825,-827,936,-828,936,-811,936,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,2984,-284,936,936,-457,936,936,-731,936,-738,936,-743,936,-665,-673,936,936,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,936,-838,936,-732,936,-739,936,-744,-666,936,-875,3875,-733,-740,-745,936,3884,936,-874,]),'TABLE':([0,6,8,22,909,921,936,1362,1363,1364,1365,1378,1379,1383,1384,1385,1386,1392,1393,1394,1395,1412,1434,1484,2000,2001,2002,2054,2485,2896,],[7,36,7,7,7,7,7,-208,-209,-210,-211,-102,-104,-1896,-169,-170,-171,-174,-175,-176,-177,7,7,7,7,-193,-194,7,-103,-105,]),'VALUES':([0,8,22,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,909,916,917,918,919,920,921,922,923,924,925,926,932,933,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1362,1363,1364,1365,1378,1379,1383,1384,1385,1386,1392,1393,1394,1395,1412,1416,1417,1418,1420,1421,1422,1432,1434,1476,1477,1478,1479,1480,1484,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2000,2001,2002,2007,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2054,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2485,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2896,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3227,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[19,19,19,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,19,-225,-226,-227,-228,-229,19,-231,-232,-233,-1896,-1896,-277,-278,-1427,19,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-208,-209,-210,-211,-102,-104,-1896,-169,-170,-171,-174,-175,-176,-177,19,-1896,-271,-272,-274,-276,-270,-283,19,-357,-362,-492,-1294,-356,19,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,19,-193,-194,-996,-230,-250,-251,-252,-254,-255,-256,-273,-275,2523,-279,-280,-281,-282,-367,-310,19,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-103,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-105,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,3492,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'$end':([1,2,3,4,5,9,10,11,12,13,14,15,20,25,26,27,28,30,31,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1369,1370,1371,1372,1373,1374,1381,1382,1388,1389,1390,1392,1393,1394,1395,1396,1398,1416,1417,1418,1420,1421,1422,1424,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1986,1988,1989,1990,1991,1999,2004,2005,2006,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2495,2498,2500,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2525,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2909,2911,2913,2914,2915,2918,2919,2921,2922,2924,2925,2926,2927,2928,2929,2932,2933,2934,2935,2943,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3181,3193,3197,3198,3202,3203,3205,3206,3207,3208,3209,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3471,3473,3474,3475,3477,3478,3479,3481,3485,3487,3490,3493,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3594,3596,3597,3598,3599,3600,3601,3602,3603,3604,3605,3607,3608,3609,3610,3611,3614,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3725,3726,3727,3728,3729,3730,3731,3732,3733,3734,3735,3737,3738,3770,3771,3774,3781,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[0,-1,-2,-3,-4,-59,-60,-61,-62,-97,-98,-99,-117,-118,-119,-120,-121,-126,-127,-179,-180,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-178,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-100,-101,-122,-123,-124,-125,-129,-131,-128,-130,-1896,-136,-137,-174,-175,-176,-177,-1896,-995,-1896,-271,-272,-274,-276,-270,-1896,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-133,-153,-156,-158,-159,-132,-1896,-151,-152,-996,-1896,-1896,-187,-1896,-1896,-90,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-1896,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-134,-135,-181,-116,-1896,-1896,-186,-1896,-996,-1896,-1896,-1896,-1896,-1896,-253,-66,-182,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-1896,-110,-997,-75,-1896,-1896,-1896,-1896,-1896,-1896,-91,-92,-95,-96,-234,-247,-235,-247,-1896,-63,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-140,-142,-148,-149,-157,-5,-18,-111,-112,-76,-222,-1896,-1896,-77,-1896,-89,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-434,-1896,-1896,-190,-218,-1896,-113,-114,-115,-79,-1896,-78,-257,-259,-261,-67,-65,-940,-441,-443,-749,-893,-717,-1896,-185,-433,-435,-1896,-220,-192,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-6,-80,-246,-258,-260,-262,-64,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-7,-1896,-9,-10,-11,-12,-13,-14,-15,-16,-17,-68,-284,-436,-437,-467,-8,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'IDENTIFIER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3452,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[39,39,39,39,-1896,39,39,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,39,39,39,39,-277,-278,39,-1427,39,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,39,39,39,-492,39,39,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,39,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,39,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,39,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,39,-174,-175,-176,-177,-995,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-292,-293,-283,39,39,39,39,39,-330,-320,-334,-335,-336,39,39,-984,-985,-986,-987,-988,-989,-990,39,39,39,39,39,39,39,39,39,39,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,39,39,39,-355,-358,39,-325,-326,-143,39,-144,39,-145,39,-432,-937,-938,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-1896,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-1896,39,-1896,39,39,39,39,39,39,39,39,39,39,39,39,-1896,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-1896,39,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,39,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,39,39,39,-193,-194,39,-996,39,39,39,39,39,-279,-280,-281,-282,-367,39,-310,39,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,39,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,39,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,39,39,39,39,39,39,-575,39,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,39,39,-725,-726,-727,39,39,39,39,39,39,-996,39,39,-93,-94,39,39,39,39,-311,-312,-322,39,-309,-295,-296,-297,39,39,39,39,-620,-635,-592,39,39,-438,39,-439,39,-446,-447,-448,-380,-381,39,39,39,-508,39,39,-512,39,39,39,39,-517,-518,-519,-520,39,39,-523,-524,39,-526,-527,-528,-529,-530,-531,-532,-533,39,-535,39,39,39,-541,-543,-544,39,-546,-547,-548,-549,39,39,39,39,39,39,-654,-655,-656,-657,39,-659,-660,-661,39,39,39,-667,39,39,-671,-672,39,39,-675,39,-677,-678,39,-681,39,-683,39,39,-686,-687,-688,39,-690,39,39,-693,39,39,-696,-697,-698,39,-700,-701,-702,-703,39,39,-748,39,-751,-752,-753,-754,-755,39,-757,-758,-759,-760,-761,39,-768,-769,-771,39,-773,-774,-775,-784,-858,-860,-862,-864,39,39,39,39,-870,39,-872,39,39,39,39,39,39,39,-908,-909,39,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,39,-923,-926,39,-936,39,-387,-388,-389,39,39,-392,-393,-394,-395,39,-398,39,-401,-402,39,-403,39,-408,-409,39,-412,-413,-414,39,-417,39,-418,39,-423,-424,39,-427,39,-430,-431,-1896,-1896,39,-621,-622,-623,-624,-625,-636,-586,-626,-799,39,39,39,39,39,-833,39,39,-808,39,-834,39,39,39,39,-800,39,-855,-801,39,39,39,39,39,39,-856,-857,39,-836,-832,-837,39,-627,39,-628,-629,-630,-631,-576,39,39,-632,-633,-634,39,39,39,39,39,39,-637,-638,-639,-594,-1896,-604,39,-640,-641,-715,-642,-606,39,-574,-579,-582,-585,39,39,39,-600,-603,39,-610,39,39,39,39,39,39,39,39,39,39,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,39,39,39,-997,39,39,39,39,39,39,-308,-327,-321,-298,-377,-454,-455,-456,-460,39,-445,39,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,39,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,39,39,39,39,39,39,39,39,39,-318,-537,-510,-593,-939,-941,-942,-440,39,-442,-382,-383,-385,-509,-511,-513,39,-515,-516,-521,-522,39,-534,-536,-539,-540,-545,-550,-728,39,-729,39,-734,39,-736,39,-741,-658,-662,-663,39,-668,39,-669,39,-674,-676,39,-679,39,39,39,-689,-691,39,-694,39,39,-746,39,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,39,39,39,39,39,-879,39,-882,-910,-922,-927,-390,-391,39,-396,39,-399,39,-404,39,-405,39,-410,39,-415,39,-419,39,-420,39,-425,39,-428,-901,-902,-645,-587,-1896,-903,39,39,39,-802,39,39,-806,39,-809,-835,39,-820,39,-822,39,-824,-810,39,-826,39,-853,-854,39,39,-813,39,-648,-904,-906,-650,-651,-647,39,-707,-708,39,-644,-905,-649,-652,-605,-716,39,39,-607,-588,39,39,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,39,39,-711,-712,39,-718,39,39,3587,39,39,39,39,-940,39,-441,-443,-749,39,-893,39,-717,-1896,39,39,39,39,39,-444,-514,-525,39,-730,-735,39,-737,39,-742,39,-664,-670,39,-680,-682,-684,-685,-692,-695,-699,-747,39,39,-876,39,39,-880,39,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,39,-814,39,-816,-803,39,-804,-807,39,-818,-821,-823,-825,-827,39,-828,39,-811,39,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,39,-284,39,39,39,39,-457,39,39,-731,39,-738,39,-743,39,-665,-673,39,39,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,39,-838,-53,39,39,-732,39,-739,39,-744,-666,39,-875,-54,39,39,-733,-740,-745,39,39,39,-874,]),'DIGIT_IDENTIFIER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[42,42,42,42,-1896,42,42,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,42,42,42,42,-277,-278,42,-1427,42,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,42,42,42,-492,42,42,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,42,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,42,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,42,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,42,-174,-175,-176,-177,-995,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-292,-293,-283,42,42,42,42,42,-330,-320,-334,-335,-336,42,42,-984,-985,-986,-987,-988,-989,-990,42,42,42,42,42,42,42,42,42,42,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,42,42,42,-355,-358,42,-325,-326,-143,42,-144,42,-145,42,-432,-937,-938,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-1896,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-1896,42,-1896,42,42,42,42,42,42,42,42,42,42,42,42,-1896,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-1896,42,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,42,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,42,42,42,-193,-194,42,-996,42,42,42,42,42,-279,-280,-281,-282,-367,42,-310,42,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,42,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,42,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,42,42,42,42,42,42,-575,42,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,42,42,-725,-726,-727,42,42,42,42,42,42,-996,42,42,-93,-94,42,42,42,42,-311,-312,-322,42,-309,-295,-296,-297,42,42,42,42,-620,-635,-592,42,42,-438,42,-439,42,-446,-447,-448,-380,-381,42,42,42,-508,42,42,-512,42,42,42,42,-517,-518,-519,-520,42,42,-523,-524,42,-526,-527,-528,-529,-530,-531,-532,-533,42,-535,42,42,42,-541,-543,-544,42,-546,-547,-548,-549,42,42,42,42,42,42,-654,-655,-656,-657,42,-659,-660,-661,42,42,42,-667,42,42,-671,-672,42,42,-675,42,-677,-678,42,-681,42,-683,42,42,-686,-687,-688,42,-690,42,42,-693,42,42,-696,-697,-698,42,-700,-701,-702,-703,42,42,-748,42,-751,-752,-753,-754,-755,42,-757,-758,-759,-760,-761,42,-768,-769,-771,42,-773,-774,-775,-784,-858,-860,-862,-864,42,42,42,42,-870,42,-872,42,42,42,42,42,42,42,-908,-909,42,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,42,-923,-926,42,-936,42,-387,-388,-389,42,42,-392,-393,-394,-395,42,-398,42,-401,-402,42,-403,42,-408,-409,42,-412,-413,-414,42,-417,42,-418,42,-423,-424,42,-427,42,-430,-431,-1896,-1896,42,-621,-622,-623,-624,-625,-636,-586,-626,-799,42,42,42,42,42,-833,42,42,-808,42,-834,42,42,42,42,-800,42,-855,-801,42,42,42,42,42,42,-856,-857,42,-836,-832,-837,42,-627,42,-628,-629,-630,-631,-576,42,42,-632,-633,-634,42,42,42,42,42,42,-637,-638,-639,-594,-1896,-604,42,-640,-641,-715,-642,-606,42,-574,-579,-582,-585,42,42,42,-600,-603,42,-610,42,42,42,42,42,42,42,42,42,42,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,42,42,42,-997,42,42,42,42,42,42,-308,-327,-321,-298,-377,-454,-455,-456,-460,42,-445,42,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,42,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,42,42,42,42,42,42,42,42,42,-318,-537,-510,-593,-939,-941,-942,-440,42,-442,-382,-383,-385,-509,-511,-513,42,-515,-516,-521,-522,42,-534,-536,-539,-540,-545,-550,-728,42,-729,42,-734,42,-736,42,-741,-658,-662,-663,42,-668,42,-669,42,-674,-676,42,-679,42,42,42,-689,-691,42,-694,42,42,-746,42,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,42,42,42,42,42,-879,42,-882,-910,-922,-927,-390,-391,42,-396,42,-399,42,-404,42,-405,42,-410,42,-415,42,-419,42,-420,42,-425,42,-428,-901,-902,-645,-587,-1896,-903,42,42,42,-802,42,42,-806,42,-809,-835,42,-820,42,-822,42,-824,-810,42,-826,42,-853,-854,42,42,-813,42,-648,-904,-906,-650,-651,-647,42,-707,-708,42,-644,-905,-649,-652,-605,-716,42,42,-607,-588,42,42,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,42,42,-711,-712,42,-718,42,42,42,42,42,42,-940,42,-441,-443,-749,42,-893,42,-717,-1896,42,42,42,42,42,-444,-514,-525,42,-730,-735,42,-737,42,-742,42,-664,-670,42,-680,-682,-684,-685,-692,-695,-699,-747,42,42,-876,42,42,-880,42,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,42,-814,42,-816,-803,42,-804,-807,42,-818,-821,-823,-825,-827,42,-828,42,-811,42,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,42,-284,42,42,42,42,-457,42,42,-731,42,-738,42,-743,42,-665,-673,42,42,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,42,-838,-53,42,42,-732,42,-739,42,-744,-666,42,-875,-54,42,42,-733,-740,-745,42,42,42,-874,]),'BACKQUOTED_IDENTIFIER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[43,43,43,43,-1896,43,43,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,43,43,43,43,-277,-278,43,-1427,43,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,43,43,43,-492,43,43,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,43,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,43,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,43,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,43,-174,-175,-176,-177,-995,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-292,-293,-283,43,43,43,43,43,-330,-320,-334,-335,-336,43,43,-984,-985,-986,-987,-988,-989,-990,43,43,43,43,43,43,43,43,43,43,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,43,43,43,-355,-358,43,-325,-326,-143,43,-144,43,-145,43,-432,-937,-938,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-1896,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-1896,43,-1896,43,43,43,43,43,43,43,43,43,43,43,43,-1896,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-1896,43,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,43,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,43,43,43,-193,-194,43,-996,43,43,43,43,43,-279,-280,-281,-282,-367,43,-310,43,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,43,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,43,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,43,43,43,43,43,43,-575,43,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,43,43,-725,-726,-727,43,43,43,43,43,43,-996,43,43,-93,-94,43,43,43,43,-311,-312,-322,43,-309,-295,-296,-297,43,43,43,43,-620,-635,-592,43,43,-438,43,-439,43,-446,-447,-448,-380,-381,43,43,43,-508,43,43,-512,43,43,43,43,-517,-518,-519,-520,43,43,-523,-524,43,-526,-527,-528,-529,-530,-531,-532,-533,43,-535,43,43,43,-541,-543,-544,43,-546,-547,-548,-549,43,43,43,43,43,43,-654,-655,-656,-657,43,-659,-660,-661,43,43,43,-667,43,43,-671,-672,43,43,-675,43,-677,-678,43,-681,43,-683,43,43,-686,-687,-688,43,-690,43,43,-693,43,43,-696,-697,-698,43,-700,-701,-702,-703,43,43,-748,43,-751,-752,-753,-754,-755,43,-757,-758,-759,-760,-761,43,-768,-769,-771,43,-773,-774,-775,-784,-858,-860,-862,-864,43,43,43,43,-870,43,-872,43,43,43,43,43,43,43,-908,-909,43,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,43,-923,-926,43,-936,43,-387,-388,-389,43,43,-392,-393,-394,-395,43,-398,43,-401,-402,43,-403,43,-408,-409,43,-412,-413,-414,43,-417,43,-418,43,-423,-424,43,-427,43,-430,-431,-1896,-1896,43,-621,-622,-623,-624,-625,-636,-586,-626,-799,43,43,43,43,43,-833,43,43,-808,43,-834,43,43,43,43,-800,43,-855,-801,43,43,43,43,43,43,-856,-857,43,-836,-832,-837,43,-627,43,-628,-629,-630,-631,-576,43,43,-632,-633,-634,43,43,43,43,43,43,-637,-638,-639,-594,-1896,-604,43,-640,-641,-715,-642,-606,43,-574,-579,-582,-585,43,43,43,-600,-603,43,-610,43,43,43,43,43,43,43,43,43,43,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,43,43,43,-997,43,43,43,43,43,43,-308,-327,-321,-298,-377,-454,-455,-456,-460,43,-445,43,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,43,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,43,43,43,43,43,43,43,43,43,-318,-537,-510,-593,-939,-941,-942,-440,43,-442,-382,-383,-385,-509,-511,-513,43,-515,-516,-521,-522,43,-534,-536,-539,-540,-545,-550,-728,43,-729,43,-734,43,-736,43,-741,-658,-662,-663,43,-668,43,-669,43,-674,-676,43,-679,43,43,43,-689,-691,43,-694,43,43,-746,43,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,43,43,43,43,43,-879,43,-882,-910,-922,-927,-390,-391,43,-396,43,-399,43,-404,43,-405,43,-410,43,-415,43,-419,43,-420,43,-425,43,-428,-901,-902,-645,-587,-1896,-903,43,43,43,-802,43,43,-806,43,-809,-835,43,-820,43,-822,43,-824,-810,43,-826,43,-853,-854,43,43,-813,43,-648,-904,-906,-650,-651,-647,43,-707,-708,43,-644,-905,-649,-652,-605,-716,43,43,-607,-588,43,43,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,43,43,-711,-712,43,-718,43,43,43,43,43,43,-940,43,-441,-443,-749,43,-893,43,-717,-1896,43,43,43,43,43,-444,-514,-525,43,-730,-735,43,-737,43,-742,43,-664,-670,43,-680,-682,-684,-685,-692,-695,-699,-747,43,43,-876,43,43,-880,43,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,43,-814,43,-816,-803,43,-804,-807,43,-818,-821,-823,-825,-827,43,-828,43,-811,43,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,43,-284,43,43,43,43,-457,43,43,-731,43,-738,43,-743,43,-665,-673,43,43,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,43,-838,-53,43,43,-732,43,-739,43,-744,-666,43,-875,-54,43,43,-733,-740,-745,43,43,43,-874,]),'ABS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[44,44,44,1048,-1896,44,44,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,44,44,44,44,-277,-278,1048,-1427,1048,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1048,1048,1048,-492,1048,1048,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1048,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1048,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1823,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,44,-174,-175,-176,-177,-995,44,44,44,44,44,44,44,44,44,44,1048,1048,1048,1048,1048,-292,-293,-283,44,1048,1048,1048,1048,-330,-320,-334,-335,-336,1048,1048,-984,-985,-986,-987,-988,-989,-990,44,44,1048,1048,1048,1048,1048,1048,1048,1048,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1048,1048,1048,-355,-358,44,-325,-326,-143,1048,-144,1048,-145,1048,-432,-937,-938,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1896,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1896,1048,-1896,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1896,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1896,44,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1048,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1048,44,44,-193,-194,44,-996,1048,44,44,44,44,-279,-280,-281,-282,-367,1048,-310,1048,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1048,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1048,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1048,1048,1048,1048,1048,1048,-575,1048,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1048,1048,-725,-726,-727,1048,1823,44,44,44,44,-996,44,1048,-93,-94,44,44,44,1048,-311,-312,-322,1048,-309,-295,-296,-297,1048,44,1048,1048,-620,-635,-592,1048,44,-438,44,-439,1048,-446,-447,-448,-380,-381,1048,1048,1048,-508,1048,1048,-512,1048,1048,1048,1048,-517,-518,-519,-520,1048,1048,-523,-524,1048,-526,-527,-528,-529,-530,-531,-532,-533,1048,-535,1048,1048,1048,-541,-543,-544,1048,-546,-547,-548,-549,1048,1048,1048,1048,1048,1048,-654,-655,-656,-657,44,-659,-660,-661,1048,1048,1048,-667,1048,1048,-671,-672,1048,1048,-675,1048,-677,-678,1048,-681,1048,-683,1048,1048,-686,-687,-688,1048,-690,1048,1048,-693,1048,1048,-696,-697,-698,1048,-700,-701,-702,-703,1048,1048,-748,1048,-751,-752,-753,-754,-755,1048,-757,-758,-759,-760,-761,1048,-768,-769,-771,1048,-773,-774,-775,-784,-858,-860,-862,-864,1048,1048,1048,1048,-870,1048,-872,1048,1048,1048,1048,1048,1048,1048,-908,-909,1048,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1048,-923,-926,1048,-936,1048,-387,-388,-389,1048,1048,-392,-393,-394,-395,1048,-398,1048,-401,-402,1048,-403,1048,-408,-409,1048,-412,-413,-414,1048,-417,1048,-418,1048,-423,-424,1048,-427,1048,-430,-431,-1896,-1896,1048,-621,-622,-623,-624,-625,-636,-586,-626,-799,1048,1048,1048,1048,1048,-833,1048,1048,-808,1048,-834,1048,1048,1048,1048,-800,1048,-855,-801,1048,1048,1048,1048,1048,1048,-856,-857,1048,-836,-832,-837,1048,-627,1048,-628,-629,-630,-631,-576,1048,1048,-632,-633,-634,1048,1048,1048,1048,1048,1048,-637,-638,-639,-594,-1896,-604,1048,-640,-641,-715,-642,-606,1048,-574,-579,-582,-585,1048,1048,1048,-600,-603,1048,-610,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1048,44,44,-997,44,1048,44,44,44,1048,-308,-327,-321,-298,-377,-454,-455,-456,-460,44,-445,1048,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1048,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,44,44,44,44,44,44,44,44,1048,-318,-537,-510,-593,-939,-941,-942,-440,1048,-442,-382,-383,-385,-509,-511,-513,1048,-515,-516,-521,-522,1048,-534,-536,-539,-540,-545,-550,-728,1048,-729,1048,-734,1048,-736,1048,-741,-658,-662,-663,1048,-668,1048,-669,1048,-674,-676,1048,-679,1048,1048,1048,-689,-691,1048,-694,1048,1048,-746,1048,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1048,1048,1048,1048,1048,-879,1048,-882,-910,-922,-927,-390,-391,1048,-396,1048,-399,1048,-404,1048,-405,1048,-410,1048,-415,1048,-419,1048,-420,1048,-425,1048,-428,-901,-902,-645,-587,-1896,-903,1048,1048,1048,-802,1048,1048,-806,1048,-809,-835,1048,-820,1048,-822,1048,-824,-810,1048,-826,1048,-853,-854,1048,1048,-813,1048,-648,-904,-906,-650,-651,-647,1048,-707,-708,1048,-644,-905,-649,-652,-605,-716,1048,1048,-607,-588,1048,1048,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1048,1048,-711,-712,1048,-718,1048,44,44,44,1048,1048,-940,44,-441,-443,-749,1048,-893,1823,-717,-1896,1048,1048,44,44,1048,-444,-514,-525,1048,-730,-735,1048,-737,1048,-742,1048,-664,-670,1048,-680,-682,-684,-685,-692,-695,-699,-747,1048,1048,-876,1048,1048,-880,1048,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1048,-814,1048,-816,-803,1048,-804,-807,1048,-818,-821,-823,-825,-827,1048,-828,1048,-811,1048,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,44,-284,44,1048,44,1048,-457,1048,1048,-731,1048,-738,1048,-743,1048,-665,-673,1048,1048,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1048,-838,-53,44,1048,-732,1048,-739,1048,-744,-666,1048,-875,-54,44,44,-733,-740,-745,1048,44,1048,-874,]),'ACCESSIBLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[45,45,45,45,-1896,45,45,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,45,45,45,45,-277,-278,45,-1427,45,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,45,45,45,-492,45,45,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,45,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,45,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,45,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,45,-174,-175,-176,-177,-995,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-292,-293,-283,45,45,45,45,45,-330,-320,-334,-335,-336,45,45,-984,-985,-986,-987,-988,-989,-990,45,45,45,45,45,45,45,45,45,45,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,45,45,45,-355,-358,45,-325,-326,-143,45,-144,45,-145,45,-432,-937,-938,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-1896,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-1896,45,-1896,45,45,45,45,45,45,45,45,45,45,45,45,-1896,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-1896,45,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,45,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,45,45,45,-193,-194,45,-996,45,45,45,45,45,-279,-280,-281,-282,-367,45,-310,45,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,45,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,45,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,45,45,45,45,45,45,-575,45,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,45,45,-725,-726,-727,45,45,45,45,45,45,-996,45,45,-93,-94,45,45,45,45,-311,-312,-322,45,-309,-295,-296,-297,45,45,45,45,-620,-635,-592,45,45,-438,45,-439,45,-446,-447,-448,-380,-381,45,45,45,-508,45,45,-512,45,45,45,45,-517,-518,-519,-520,45,45,-523,-524,45,-526,-527,-528,-529,-530,-531,-532,-533,45,-535,45,45,45,-541,-543,-544,45,-546,-547,-548,-549,45,45,45,45,45,45,-654,-655,-656,-657,45,-659,-660,-661,45,45,45,-667,45,45,-671,-672,45,45,-675,45,-677,-678,45,-681,45,-683,45,45,-686,-687,-688,45,-690,45,45,-693,45,45,-696,-697,-698,45,-700,-701,-702,-703,45,45,-748,45,-751,-752,-753,-754,-755,45,-757,-758,-759,-760,-761,45,-768,-769,-771,45,-773,-774,-775,-784,-858,-860,-862,-864,45,45,45,45,-870,45,-872,45,45,45,45,45,45,45,-908,-909,45,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,45,-923,-926,45,-936,45,-387,-388,-389,45,45,-392,-393,-394,-395,45,-398,45,-401,-402,45,-403,45,-408,-409,45,-412,-413,-414,45,-417,45,-418,45,-423,-424,45,-427,45,-430,-431,-1896,-1896,45,-621,-622,-623,-624,-625,-636,-586,-626,-799,45,45,45,45,45,-833,45,45,-808,45,-834,45,45,45,45,-800,45,-855,-801,45,45,45,45,45,45,-856,-857,45,-836,-832,-837,45,-627,45,-628,-629,-630,-631,-576,45,45,-632,-633,-634,45,45,45,45,45,45,-637,-638,-639,-594,-1896,-604,45,-640,-641,-715,-642,-606,45,-574,-579,-582,-585,45,45,45,-600,-603,45,-610,45,45,45,45,45,45,45,45,45,45,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,45,45,45,-997,45,45,45,45,45,45,-308,-327,-321,-298,-377,-454,-455,-456,-460,45,-445,45,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,45,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,45,45,45,45,45,45,45,45,45,-318,-537,-510,-593,-939,-941,-942,-440,45,-442,-382,-383,-385,-509,-511,-513,45,-515,-516,-521,-522,45,-534,-536,-539,-540,-545,-550,-728,45,-729,45,-734,45,-736,45,-741,-658,-662,-663,45,-668,45,-669,45,-674,-676,45,-679,45,45,45,-689,-691,45,-694,45,45,-746,45,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,45,45,45,45,45,-879,45,-882,-910,-922,-927,-390,-391,45,-396,45,-399,45,-404,45,-405,45,-410,45,-415,45,-419,45,-420,45,-425,45,-428,-901,-902,-645,-587,-1896,-903,45,45,45,-802,45,45,-806,45,-809,-835,45,-820,45,-822,45,-824,-810,45,-826,45,-853,-854,45,45,-813,45,-648,-904,-906,-650,-651,-647,45,-707,-708,45,-644,-905,-649,-652,-605,-716,45,45,-607,-588,45,45,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,45,45,-711,-712,45,-718,45,45,45,45,45,45,-940,45,-441,-443,-749,45,-893,45,-717,-1896,45,45,45,45,45,-444,-514,-525,45,-730,-735,45,-737,45,-742,45,-664,-670,45,-680,-682,-684,-685,-692,-695,-699,-747,45,45,-876,45,45,-880,45,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,45,-814,45,-816,-803,45,-804,-807,45,-818,-821,-823,-825,-827,45,-828,45,-811,45,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,45,-284,45,45,45,45,-457,45,45,-731,45,-738,45,-743,45,-665,-673,45,45,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,45,-838,-53,45,45,-732,45,-739,45,-744,-666,45,-875,-54,45,45,-733,-740,-745,45,45,45,-874,]),'ACCOUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[46,46,46,46,-1896,46,46,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,46,46,46,46,-277,-278,46,-1427,46,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,46,46,46,-492,46,46,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,46,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,46,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,46,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,46,-174,-175,-176,-177,-995,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-292,-293,-283,46,46,46,46,46,-330,-320,-334,-335,-336,46,46,-984,-985,-986,-987,-988,-989,-990,46,46,46,46,46,46,46,46,46,46,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,46,46,46,-355,-358,46,-325,-326,-143,46,-144,46,-145,46,-432,-937,-938,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-1896,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-1896,46,-1896,46,46,46,46,46,46,46,46,46,46,46,46,-1896,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-1896,46,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,46,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,46,46,46,-193,-194,46,-996,46,46,46,46,46,-279,-280,-281,-282,-367,46,-310,46,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,46,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,46,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,46,46,46,46,46,46,-575,46,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,46,46,-725,-726,-727,46,46,46,46,46,46,-996,46,46,-93,-94,46,46,46,46,-311,-312,-322,46,-309,-295,-296,-297,46,46,46,46,-620,-635,-592,46,46,-438,46,-439,46,-446,-447,-448,-380,-381,46,46,46,-508,46,46,-512,46,46,46,46,-517,-518,-519,-520,46,46,-523,-524,46,-526,-527,-528,-529,-530,-531,-532,-533,46,-535,46,46,46,-541,-543,-544,46,-546,-547,-548,-549,46,46,46,46,46,46,-654,-655,-656,-657,46,-659,-660,-661,46,46,46,-667,46,46,-671,-672,46,46,-675,46,-677,-678,46,-681,46,-683,46,46,-686,-687,-688,46,-690,46,46,-693,46,46,-696,-697,-698,46,-700,-701,-702,-703,46,46,-748,46,-751,-752,-753,-754,-755,46,-757,-758,-759,-760,-761,46,-768,-769,-771,46,-773,-774,-775,-784,-858,-860,-862,-864,46,46,46,46,-870,46,-872,46,46,46,46,46,46,46,-908,-909,46,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,46,-923,-926,46,-936,46,-387,-388,-389,46,46,-392,-393,-394,-395,46,-398,46,-401,-402,46,-403,46,-408,-409,46,-412,-413,-414,46,-417,46,-418,46,-423,-424,46,-427,46,-430,-431,-1896,-1896,46,-621,-622,-623,-624,-625,-636,-586,-626,-799,46,46,46,46,46,-833,46,46,-808,46,-834,46,46,46,46,-800,46,-855,-801,46,46,46,46,46,46,-856,-857,46,-836,-832,-837,46,-627,46,-628,-629,-630,-631,-576,46,46,-632,-633,-634,46,46,46,46,46,46,-637,-638,-639,-594,-1896,-604,46,-640,-641,-715,-642,-606,46,-574,-579,-582,-585,46,46,46,-600,-603,46,-610,46,46,46,46,46,46,46,46,46,46,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,46,46,46,-997,46,46,46,46,46,46,-308,-327,-321,-298,-377,-454,-455,-456,-460,46,-445,46,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,46,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,46,46,46,46,46,46,46,46,46,-318,-537,-510,-593,-939,-941,-942,-440,46,-442,-382,-383,-385,-509,-511,-513,46,-515,-516,-521,-522,46,-534,-536,-539,-540,-545,-550,-728,46,-729,46,-734,46,-736,46,-741,-658,-662,-663,46,-668,46,-669,46,-674,-676,46,-679,46,46,46,-689,-691,46,-694,46,46,-746,46,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,46,46,46,46,46,-879,46,-882,-910,-922,-927,-390,-391,46,-396,46,-399,46,-404,46,-405,46,-410,46,-415,46,-419,46,-420,46,-425,46,-428,-901,-902,-645,-587,-1896,-903,46,46,46,-802,46,46,-806,46,-809,-835,46,-820,46,-822,46,-824,-810,46,-826,46,-853,-854,46,46,-813,46,-648,-904,-906,-650,-651,-647,46,-707,-708,46,-644,-905,-649,-652,-605,-716,46,46,-607,-588,46,46,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,46,46,-711,-712,46,-718,46,46,46,46,46,46,-940,46,-441,-443,-749,46,-893,46,-717,-1896,46,46,46,46,46,-444,-514,-525,46,-730,-735,46,-737,46,-742,46,-664,-670,46,-680,-682,-684,-685,-692,-695,-699,-747,46,46,-876,46,46,-880,46,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,46,-814,46,-816,-803,46,-804,-807,46,-818,-821,-823,-825,-827,46,-828,46,-811,46,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,46,-284,46,46,46,46,-457,46,46,-731,46,-738,46,-743,46,-665,-673,46,46,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,46,-838,-53,46,46,-732,46,-739,46,-744,-666,46,-875,-54,46,46,-733,-740,-745,46,46,46,-874,]),'ACOS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[47,47,47,1049,-1896,47,47,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,47,47,47,47,-277,-278,1049,-1427,1049,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1049,1049,1049,-492,1049,1049,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1049,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1049,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1824,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,47,-174,-175,-176,-177,-995,47,47,47,47,47,47,47,47,47,47,1049,1049,1049,1049,1049,-292,-293,-283,47,1049,1049,1049,1049,-330,-320,-334,-335,-336,1049,1049,-984,-985,-986,-987,-988,-989,-990,47,47,1049,1049,1049,1049,1049,1049,1049,1049,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1049,1049,1049,-355,-358,47,-325,-326,-143,1049,-144,1049,-145,1049,-432,-937,-938,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1896,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1896,1049,-1896,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1896,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1896,47,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1049,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1049,47,47,-193,-194,47,-996,1049,47,47,47,47,-279,-280,-281,-282,-367,1049,-310,1049,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1049,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1049,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1049,1049,1049,1049,1049,1049,-575,1049,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1049,1049,-725,-726,-727,1049,1824,47,47,47,47,-996,47,1049,-93,-94,47,47,47,1049,-311,-312,-322,1049,-309,-295,-296,-297,1049,47,1049,1049,-620,-635,-592,1049,47,-438,47,-439,1049,-446,-447,-448,-380,-381,1049,1049,1049,-508,1049,1049,-512,1049,1049,1049,1049,-517,-518,-519,-520,1049,1049,-523,-524,1049,-526,-527,-528,-529,-530,-531,-532,-533,1049,-535,1049,1049,1049,-541,-543,-544,1049,-546,-547,-548,-549,1049,1049,1049,1049,1049,1049,-654,-655,-656,-657,47,-659,-660,-661,1049,1049,1049,-667,1049,1049,-671,-672,1049,1049,-675,1049,-677,-678,1049,-681,1049,-683,1049,1049,-686,-687,-688,1049,-690,1049,1049,-693,1049,1049,-696,-697,-698,1049,-700,-701,-702,-703,1049,1049,-748,1049,-751,-752,-753,-754,-755,1049,-757,-758,-759,-760,-761,1049,-768,-769,-771,1049,-773,-774,-775,-784,-858,-860,-862,-864,1049,1049,1049,1049,-870,1049,-872,1049,1049,1049,1049,1049,1049,1049,-908,-909,1049,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1049,-923,-926,1049,-936,1049,-387,-388,-389,1049,1049,-392,-393,-394,-395,1049,-398,1049,-401,-402,1049,-403,1049,-408,-409,1049,-412,-413,-414,1049,-417,1049,-418,1049,-423,-424,1049,-427,1049,-430,-431,-1896,-1896,1049,-621,-622,-623,-624,-625,-636,-586,-626,-799,1049,1049,1049,1049,1049,-833,1049,1049,-808,1049,-834,1049,1049,1049,1049,-800,1049,-855,-801,1049,1049,1049,1049,1049,1049,-856,-857,1049,-836,-832,-837,1049,-627,1049,-628,-629,-630,-631,-576,1049,1049,-632,-633,-634,1049,1049,1049,1049,1049,1049,-637,-638,-639,-594,-1896,-604,1049,-640,-641,-715,-642,-606,1049,-574,-579,-582,-585,1049,1049,1049,-600,-603,1049,-610,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1049,47,47,-997,47,1049,47,47,47,1049,-308,-327,-321,-298,-377,-454,-455,-456,-460,47,-445,1049,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1049,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,47,47,47,47,47,47,47,47,1049,-318,-537,-510,-593,-939,-941,-942,-440,1049,-442,-382,-383,-385,-509,-511,-513,1049,-515,-516,-521,-522,1049,-534,-536,-539,-540,-545,-550,-728,1049,-729,1049,-734,1049,-736,1049,-741,-658,-662,-663,1049,-668,1049,-669,1049,-674,-676,1049,-679,1049,1049,1049,-689,-691,1049,-694,1049,1049,-746,1049,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1049,1049,1049,1049,1049,-879,1049,-882,-910,-922,-927,-390,-391,1049,-396,1049,-399,1049,-404,1049,-405,1049,-410,1049,-415,1049,-419,1049,-420,1049,-425,1049,-428,-901,-902,-645,-587,-1896,-903,1049,1049,1049,-802,1049,1049,-806,1049,-809,-835,1049,-820,1049,-822,1049,-824,-810,1049,-826,1049,-853,-854,1049,1049,-813,1049,-648,-904,-906,-650,-651,-647,1049,-707,-708,1049,-644,-905,-649,-652,-605,-716,1049,1049,-607,-588,1049,1049,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1049,1049,-711,-712,1049,-718,1049,47,47,47,1049,1049,-940,47,-441,-443,-749,1049,-893,1824,-717,-1896,1049,1049,47,47,1049,-444,-514,-525,1049,-730,-735,1049,-737,1049,-742,1049,-664,-670,1049,-680,-682,-684,-685,-692,-695,-699,-747,1049,1049,-876,1049,1049,-880,1049,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1049,-814,1049,-816,-803,1049,-804,-807,1049,-818,-821,-823,-825,-827,1049,-828,1049,-811,1049,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,47,-284,47,1049,47,1049,-457,1049,1049,-731,1049,-738,1049,-743,1049,-665,-673,1049,1049,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1049,-838,-53,47,1049,-732,1049,-739,1049,-744,-666,1049,-875,-54,47,47,-733,-740,-745,1049,47,1049,-874,]),'ACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[48,48,48,48,-1896,48,48,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,48,48,48,48,-277,-278,48,-1427,48,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,48,48,48,-492,48,48,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,48,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,48,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,48,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,48,-174,-175,-176,-177,-995,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-292,-293,-283,48,48,48,48,48,-330,-320,-334,-335,-336,48,48,-984,-985,-986,-987,-988,-989,-990,48,48,48,48,48,48,48,48,48,48,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,48,48,48,-355,-358,48,-325,-326,-143,48,-144,48,-145,48,-432,-937,-938,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-1896,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-1896,48,-1896,48,48,48,48,48,48,48,48,48,48,48,48,-1896,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-1896,48,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,48,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,48,48,48,-193,-194,48,-996,48,48,48,48,48,-279,-280,-281,-282,-367,48,-310,48,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,48,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,48,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,48,48,48,48,48,48,-575,48,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,48,48,-725,-726,-727,48,48,48,48,48,48,-996,48,48,-93,-94,48,48,48,48,-311,-312,-322,48,-309,-295,-296,-297,48,48,48,48,-620,-635,-592,48,48,-438,48,-439,48,-446,-447,-448,-380,-381,48,48,48,-508,48,48,-512,48,48,48,48,-517,-518,-519,-520,48,48,-523,-524,48,-526,-527,-528,-529,-530,-531,-532,-533,48,-535,48,48,48,-541,-543,-544,48,-546,-547,-548,-549,48,48,48,48,48,48,-654,-655,-656,-657,48,-659,-660,-661,48,48,48,-667,48,48,-671,-672,48,48,-675,48,-677,-678,48,-681,48,-683,48,48,-686,-687,-688,48,-690,48,48,-693,48,48,-696,-697,-698,48,-700,-701,-702,-703,48,48,-748,48,-751,-752,-753,-754,-755,48,-757,-758,-759,-760,-761,48,-768,-769,-771,48,-773,-774,-775,-784,-858,-860,-862,-864,48,48,48,48,-870,48,-872,48,48,48,48,48,48,48,-908,-909,48,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,48,-923,-926,48,-936,48,-387,-388,-389,48,48,-392,-393,-394,-395,48,-398,48,-401,-402,48,-403,48,-408,-409,48,-412,-413,-414,48,-417,48,-418,48,-423,-424,48,-427,48,-430,-431,-1896,-1896,48,-621,-622,-623,-624,-625,-636,-586,-626,-799,48,48,48,48,48,-833,48,48,-808,48,-834,48,48,48,48,-800,48,-855,-801,48,48,48,48,48,48,-856,-857,48,-836,-832,-837,48,-627,48,-628,-629,-630,-631,-576,48,48,-632,-633,-634,48,48,48,48,48,48,-637,-638,-639,-594,-1896,-604,48,-640,-641,-715,-642,-606,48,-574,-579,-582,-585,48,48,48,-600,-603,48,-610,48,48,48,48,48,48,48,48,48,48,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,48,48,48,-997,48,48,48,48,48,48,-308,-327,-321,-298,-377,-454,-455,-456,-460,48,-445,48,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,48,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,48,48,48,48,48,48,48,48,48,-318,-537,-510,-593,-939,-941,-942,-440,48,-442,-382,-383,-385,-509,-511,-513,48,-515,-516,-521,-522,48,-534,-536,-539,-540,-545,-550,-728,48,-729,48,-734,48,-736,48,-741,-658,-662,-663,48,-668,48,-669,48,-674,-676,48,-679,48,48,48,-689,-691,48,-694,48,48,-746,48,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,48,48,48,48,48,-879,48,-882,-910,-922,-927,-390,-391,48,-396,48,-399,48,-404,48,-405,48,-410,48,-415,48,-419,48,-420,48,-425,48,-428,-901,-902,-645,-587,-1896,-903,48,48,48,-802,48,48,-806,48,-809,-835,48,-820,48,-822,48,-824,-810,48,-826,48,-853,-854,48,48,-813,48,-648,-904,-906,-650,-651,-647,48,-707,-708,48,-644,-905,-649,-652,-605,-716,48,48,-607,-588,48,48,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,48,48,-711,-712,48,-718,48,48,48,48,48,48,-940,48,-441,-443,-749,48,-893,48,-717,-1896,48,48,48,48,48,-444,-514,-525,48,-730,-735,48,-737,48,-742,48,-664,-670,48,-680,-682,-684,-685,-692,-695,-699,-747,48,48,-876,48,48,-880,48,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,48,-814,48,-816,-803,48,-804,-807,48,-818,-821,-823,-825,-827,48,-828,48,-811,48,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,48,-284,48,48,48,48,-457,48,48,-731,48,-738,48,-743,48,-665,-673,48,48,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,48,-838,-53,48,48,-732,48,-739,48,-744,-666,48,-875,-54,48,48,-733,-740,-745,48,48,48,-874,]),'ACTIVATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[49,49,49,49,-1896,49,49,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,49,49,49,49,-277,-278,49,-1427,49,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,49,49,49,-492,49,49,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,49,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,49,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,49,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,49,-174,-175,-176,-177,-995,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-292,-293,-283,49,49,49,49,49,-330,-320,-334,-335,-336,49,49,-984,-985,-986,-987,-988,-989,-990,49,49,49,49,49,49,49,49,49,49,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,49,49,49,-355,-358,49,-325,-326,-143,49,-144,49,-145,49,-432,-937,-938,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-1896,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-1896,49,-1896,49,49,49,49,49,49,49,49,49,49,49,49,-1896,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-1896,49,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,49,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,49,49,49,-193,-194,49,-996,49,49,49,49,49,-279,-280,-281,-282,-367,49,-310,49,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,49,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,49,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,49,49,49,49,49,49,-575,49,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,49,49,-725,-726,-727,49,49,49,49,49,49,-996,49,49,-93,-94,49,49,49,49,-311,-312,-322,49,-309,-295,-296,-297,49,49,49,49,-620,-635,-592,49,49,-438,49,-439,49,-446,-447,-448,-380,-381,49,49,49,-508,49,49,-512,49,49,49,49,-517,-518,-519,-520,49,49,-523,-524,49,-526,-527,-528,-529,-530,-531,-532,-533,49,-535,49,49,49,-541,-543,-544,49,-546,-547,-548,-549,49,49,49,49,49,49,-654,-655,-656,-657,49,-659,-660,-661,49,49,49,-667,49,49,-671,-672,49,49,-675,49,-677,-678,49,-681,49,-683,49,49,-686,-687,-688,49,-690,49,49,-693,49,49,-696,-697,-698,49,-700,-701,-702,-703,49,49,-748,49,-751,-752,-753,-754,-755,49,-757,-758,-759,-760,-761,49,-768,-769,-771,49,-773,-774,-775,-784,-858,-860,-862,-864,49,49,49,49,-870,49,-872,49,49,49,49,49,49,49,-908,-909,49,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,49,-923,-926,49,-936,49,-387,-388,-389,49,49,-392,-393,-394,-395,49,-398,49,-401,-402,49,-403,49,-408,-409,49,-412,-413,-414,49,-417,49,-418,49,-423,-424,49,-427,49,-430,-431,-1896,-1896,49,-621,-622,-623,-624,-625,-636,-586,-626,-799,49,49,49,49,49,-833,49,49,-808,49,-834,49,49,49,49,-800,49,-855,-801,49,49,49,49,49,49,-856,-857,49,-836,-832,-837,49,-627,49,-628,-629,-630,-631,-576,49,49,-632,-633,-634,49,49,49,49,49,49,-637,-638,-639,-594,-1896,-604,49,-640,-641,-715,-642,-606,49,-574,-579,-582,-585,49,49,49,-600,-603,49,-610,49,49,49,49,49,49,49,49,49,49,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,49,49,49,-997,49,49,49,49,49,49,-308,-327,-321,-298,-377,-454,-455,-456,-460,49,-445,49,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,49,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,49,49,49,49,49,49,49,49,49,-318,-537,-510,-593,-939,-941,-942,-440,49,-442,-382,-383,-385,-509,-511,-513,49,-515,-516,-521,-522,49,-534,-536,-539,-540,-545,-550,-728,49,-729,49,-734,49,-736,49,-741,-658,-662,-663,49,-668,49,-669,49,-674,-676,49,-679,49,49,49,-689,-691,49,-694,49,49,-746,49,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,49,49,49,49,49,-879,49,-882,-910,-922,-927,-390,-391,49,-396,49,-399,49,-404,49,-405,49,-410,49,-415,49,-419,49,-420,49,-425,49,-428,-901,-902,-645,-587,-1896,-903,49,49,49,-802,49,49,-806,49,-809,-835,49,-820,49,-822,49,-824,-810,49,-826,49,-853,-854,49,49,-813,49,-648,-904,-906,-650,-651,-647,49,-707,-708,49,-644,-905,-649,-652,-605,-716,49,49,-607,-588,49,49,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,49,49,-711,-712,49,-718,49,49,49,49,49,49,-940,49,-441,-443,-749,49,-893,49,-717,-1896,49,49,49,49,49,-444,-514,-525,49,-730,-735,49,-737,49,-742,49,-664,-670,49,-680,-682,-684,-685,-692,-695,-699,-747,49,49,-876,49,49,-880,49,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,49,-814,49,-816,-803,49,-804,-807,49,-818,-821,-823,-825,-827,49,-828,49,-811,49,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,49,-284,49,49,49,49,-457,49,49,-731,49,-738,49,-743,49,-665,-673,49,49,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,49,-838,-53,49,49,-732,49,-739,49,-744,-666,49,-875,-54,49,49,-733,-740,-745,49,49,49,-874,]),'ACTIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[50,50,50,50,-1896,50,50,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,50,50,50,50,-277,-278,50,-1427,50,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,50,50,50,-492,50,50,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,50,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,50,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,50,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,50,-174,-175,-176,-177,-995,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-292,-293,-283,50,50,50,50,50,-330,-320,-334,-335,-336,50,50,-984,-985,-986,-987,-988,-989,-990,50,50,50,50,50,50,50,50,50,50,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,50,50,50,-355,-358,50,-325,-326,-143,50,-144,50,-145,50,-432,-937,-938,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-1896,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-1896,50,-1896,50,50,50,50,50,50,50,50,50,50,50,50,-1896,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-1896,50,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,50,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,50,50,50,-193,-194,50,-996,50,50,50,50,50,-279,-280,-281,-282,-367,50,-310,50,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,50,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,50,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,50,50,50,50,50,50,-575,50,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,50,50,-725,-726,-727,50,50,50,50,50,50,-996,50,50,-93,-94,50,50,50,50,-311,-312,-322,50,-309,-295,-296,-297,50,50,50,50,-620,-635,-592,50,50,-438,50,-439,50,-446,-447,-448,-380,-381,50,50,50,-508,50,50,-512,50,50,50,50,-517,-518,-519,-520,50,50,-523,-524,50,-526,-527,-528,-529,-530,-531,-532,-533,50,-535,50,50,50,-541,-543,-544,50,-546,-547,-548,-549,50,50,50,50,50,50,-654,-655,-656,-657,50,-659,-660,-661,50,50,50,-667,50,50,-671,-672,50,50,-675,50,-677,-678,50,-681,50,-683,50,50,-686,-687,-688,50,-690,50,50,-693,50,50,-696,-697,-698,50,-700,-701,-702,-703,50,50,-748,50,-751,-752,-753,-754,-755,50,-757,-758,-759,-760,-761,50,-768,-769,-771,50,-773,-774,-775,-784,-858,-860,-862,-864,50,50,50,50,-870,50,-872,50,50,50,50,50,50,50,-908,-909,50,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,50,-923,-926,50,-936,50,-387,-388,-389,50,50,-392,-393,-394,-395,50,-398,50,-401,-402,50,-403,50,-408,-409,50,-412,-413,-414,50,-417,50,-418,50,-423,-424,50,-427,50,-430,-431,-1896,-1896,50,-621,-622,-623,-624,-625,-636,-586,-626,-799,50,50,50,50,50,-833,50,50,-808,50,-834,50,50,50,50,-800,50,-855,-801,50,50,50,50,50,50,-856,-857,50,-836,-832,-837,50,-627,50,-628,-629,-630,-631,-576,50,50,-632,-633,-634,50,50,50,50,50,50,-637,-638,-639,-594,-1896,-604,50,-640,-641,-715,-642,-606,50,-574,-579,-582,-585,50,50,50,-600,-603,50,-610,50,50,50,50,50,50,50,50,50,50,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,50,50,50,-997,50,50,50,50,50,50,-308,-327,-321,-298,-377,-454,-455,-456,-460,50,-445,50,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,50,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,50,50,50,50,50,50,50,50,50,-318,-537,-510,-593,-939,-941,-942,-440,50,-442,-382,-383,-385,-509,-511,-513,50,-515,-516,-521,-522,50,-534,-536,-539,-540,-545,-550,-728,50,-729,50,-734,50,-736,50,-741,-658,-662,-663,50,-668,50,-669,50,-674,-676,50,-679,50,50,50,-689,-691,50,-694,50,50,-746,50,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,50,50,50,50,50,-879,50,-882,-910,-922,-927,-390,-391,50,-396,50,-399,50,-404,50,-405,50,-410,50,-415,50,-419,50,-420,50,-425,50,-428,-901,-902,-645,-587,-1896,-903,50,50,50,-802,50,50,-806,50,-809,-835,50,-820,50,-822,50,-824,-810,50,-826,50,-853,-854,50,50,-813,50,-648,-904,-906,-650,-651,-647,50,-707,-708,50,-644,-905,-649,-652,-605,-716,50,50,-607,-588,50,50,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,50,50,-711,-712,50,-718,50,50,50,50,50,50,-940,50,-441,-443,-749,50,-893,50,-717,-1896,50,50,50,50,50,-444,-514,-525,50,-730,-735,50,-737,50,-742,50,-664,-670,50,-680,-682,-684,-685,-692,-695,-699,-747,50,50,-876,50,50,-880,50,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,50,-814,50,-816,-803,50,-804,-807,50,-818,-821,-823,-825,-827,50,-828,50,-811,50,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,50,-284,50,50,50,50,-457,50,50,-731,50,-738,50,-743,50,-665,-673,50,50,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,50,-838,-53,50,50,-732,50,-739,50,-744,-666,50,-875,-54,50,50,-733,-740,-745,50,50,50,-874,]),'AES_DECRYPT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[51,51,51,1133,-1896,51,51,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,51,51,51,51,-277,-278,1133,-1427,1133,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1133,1133,1133,-492,1133,1133,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1133,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1133,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1825,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,51,-174,-175,-176,-177,-995,51,51,51,51,51,51,51,51,51,51,1133,1133,1133,1133,1133,-292,-293,-283,51,1133,1133,1133,1133,-330,-320,-334,-335,-336,1133,1133,-984,-985,-986,-987,-988,-989,-990,51,51,1133,1133,1133,1133,1133,1133,1133,1133,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1133,1133,1133,-355,-358,51,-325,-326,-143,1133,-144,1133,-145,1133,-432,-937,-938,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1896,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1896,1133,-1896,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1896,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1896,51,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1133,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1133,51,51,-193,-194,51,-996,1133,51,51,51,51,-279,-280,-281,-282,-367,1133,-310,1133,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1133,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1133,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1133,1133,1133,1133,1133,1133,-575,1133,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1133,1133,-725,-726,-727,1133,1825,51,51,51,51,-996,51,1133,-93,-94,51,51,51,1133,-311,-312,-322,1133,-309,-295,-296,-297,1133,51,1133,1133,-620,-635,-592,1133,51,-438,51,-439,1133,-446,-447,-448,-380,-381,1133,1133,1133,-508,1133,1133,-512,1133,1133,1133,1133,-517,-518,-519,-520,1133,1133,-523,-524,1133,-526,-527,-528,-529,-530,-531,-532,-533,1133,-535,1133,1133,1133,-541,-543,-544,1133,-546,-547,-548,-549,1133,1133,1133,1133,1133,1133,-654,-655,-656,-657,51,-659,-660,-661,1133,1133,1133,-667,1133,1133,-671,-672,1133,1133,-675,1133,-677,-678,1133,-681,1133,-683,1133,1133,-686,-687,-688,1133,-690,1133,1133,-693,1133,1133,-696,-697,-698,1133,-700,-701,-702,-703,1133,1133,-748,1133,-751,-752,-753,-754,-755,1133,-757,-758,-759,-760,-761,1133,-768,-769,-771,1133,-773,-774,-775,-784,-858,-860,-862,-864,1133,1133,1133,1133,-870,1133,-872,1133,1133,1133,1133,1133,1133,1133,-908,-909,1133,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1133,-923,-926,1133,-936,1133,-387,-388,-389,1133,1133,-392,-393,-394,-395,1133,-398,1133,-401,-402,1133,-403,1133,-408,-409,1133,-412,-413,-414,1133,-417,1133,-418,1133,-423,-424,1133,-427,1133,-430,-431,-1896,-1896,1133,-621,-622,-623,-624,-625,-636,-586,-626,-799,1133,1133,1133,1133,1133,-833,1133,1133,-808,1133,-834,1133,1133,1133,1133,-800,1133,-855,-801,1133,1133,1133,1133,1133,1133,-856,-857,1133,-836,-832,-837,1133,-627,1133,-628,-629,-630,-631,-576,1133,1133,-632,-633,-634,1133,1133,1133,1133,1133,1133,-637,-638,-639,-594,-1896,-604,1133,-640,-641,-715,-642,-606,1133,-574,-579,-582,-585,1133,1133,1133,-600,-603,1133,-610,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1133,51,51,-997,51,1133,51,51,51,1133,-308,-327,-321,-298,-377,-454,-455,-456,-460,51,-445,1133,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1133,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,51,51,51,51,51,51,51,51,1133,-318,-537,-510,-593,-939,-941,-942,-440,1133,-442,-382,-383,-385,-509,-511,-513,1133,-515,-516,-521,-522,1133,-534,-536,-539,-540,-545,-550,-728,1133,-729,1133,-734,1133,-736,1133,-741,-658,-662,-663,1133,-668,1133,-669,1133,-674,-676,1133,-679,1133,1133,1133,-689,-691,1133,-694,1133,1133,-746,1133,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1133,1133,1133,1133,1133,-879,1133,-882,-910,-922,-927,-390,-391,1133,-396,1133,-399,1133,-404,1133,-405,1133,-410,1133,-415,1133,-419,1133,-420,1133,-425,1133,-428,-901,-902,-645,-587,-1896,-903,1133,1133,1133,-802,1133,1133,-806,1133,-809,-835,1133,-820,1133,-822,1133,-824,-810,1133,-826,1133,-853,-854,1133,1133,-813,1133,-648,-904,-906,-650,-651,-647,1133,-707,-708,1133,-644,-905,-649,-652,-605,-716,1133,1133,-607,-588,1133,1133,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1133,1133,-711,-712,1133,-718,1133,51,51,51,1133,1133,-940,51,-441,-443,-749,1133,-893,1825,-717,-1896,1133,1133,51,51,1133,-444,-514,-525,1133,-730,-735,1133,-737,1133,-742,1133,-664,-670,1133,-680,-682,-684,-685,-692,-695,-699,-747,1133,1133,-876,1133,1133,-880,1133,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1133,-814,1133,-816,-803,1133,-804,-807,1133,-818,-821,-823,-825,-827,1133,-828,1133,-811,1133,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,51,-284,51,1133,51,1133,-457,1133,1133,-731,1133,-738,1133,-743,1133,-665,-673,1133,1133,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1133,-838,-53,51,1133,-732,1133,-739,1133,-744,-666,1133,-875,-54,51,51,-733,-740,-745,1133,51,1133,-874,]),'AES_ENCRYPT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[52,52,52,1134,-1896,52,52,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,52,52,52,52,-277,-278,1134,-1427,1134,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1134,1134,1134,-492,1134,1134,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1134,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1134,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1826,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,52,-174,-175,-176,-177,-995,52,52,52,52,52,52,52,52,52,52,1134,1134,1134,1134,1134,-292,-293,-283,52,1134,1134,1134,1134,-330,-320,-334,-335,-336,1134,1134,-984,-985,-986,-987,-988,-989,-990,52,52,1134,1134,1134,1134,1134,1134,1134,1134,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1134,1134,1134,-355,-358,52,-325,-326,-143,1134,-144,1134,-145,1134,-432,-937,-938,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1896,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1896,1134,-1896,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1896,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1896,52,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1134,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1134,52,52,-193,-194,52,-996,1134,52,52,52,52,-279,-280,-281,-282,-367,1134,-310,1134,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1134,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1134,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1134,1134,1134,1134,1134,1134,-575,1134,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1134,1134,-725,-726,-727,1134,1826,52,52,52,52,-996,52,1134,-93,-94,52,52,52,1134,-311,-312,-322,1134,-309,-295,-296,-297,1134,52,1134,1134,-620,-635,-592,1134,52,-438,52,-439,1134,-446,-447,-448,-380,-381,1134,1134,1134,-508,1134,1134,-512,1134,1134,1134,1134,-517,-518,-519,-520,1134,1134,-523,-524,1134,-526,-527,-528,-529,-530,-531,-532,-533,1134,-535,1134,1134,1134,-541,-543,-544,1134,-546,-547,-548,-549,1134,1134,1134,1134,1134,1134,-654,-655,-656,-657,52,-659,-660,-661,1134,1134,1134,-667,1134,1134,-671,-672,1134,1134,-675,1134,-677,-678,1134,-681,1134,-683,1134,1134,-686,-687,-688,1134,-690,1134,1134,-693,1134,1134,-696,-697,-698,1134,-700,-701,-702,-703,1134,1134,-748,1134,-751,-752,-753,-754,-755,1134,-757,-758,-759,-760,-761,1134,-768,-769,-771,1134,-773,-774,-775,-784,-858,-860,-862,-864,1134,1134,1134,1134,-870,1134,-872,1134,1134,1134,1134,1134,1134,1134,-908,-909,1134,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1134,-923,-926,1134,-936,1134,-387,-388,-389,1134,1134,-392,-393,-394,-395,1134,-398,1134,-401,-402,1134,-403,1134,-408,-409,1134,-412,-413,-414,1134,-417,1134,-418,1134,-423,-424,1134,-427,1134,-430,-431,-1896,-1896,1134,-621,-622,-623,-624,-625,-636,-586,-626,-799,1134,1134,1134,1134,1134,-833,1134,1134,-808,1134,-834,1134,1134,1134,1134,-800,1134,-855,-801,1134,1134,1134,1134,1134,1134,-856,-857,1134,-836,-832,-837,1134,-627,1134,-628,-629,-630,-631,-576,1134,1134,-632,-633,-634,1134,1134,1134,1134,1134,1134,-637,-638,-639,-594,-1896,-604,1134,-640,-641,-715,-642,-606,1134,-574,-579,-582,-585,1134,1134,1134,-600,-603,1134,-610,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1134,52,52,-997,52,1134,52,52,52,1134,-308,-327,-321,-298,-377,-454,-455,-456,-460,52,-445,1134,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1134,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,52,52,52,52,52,52,52,52,1134,-318,-537,-510,-593,-939,-941,-942,-440,1134,-442,-382,-383,-385,-509,-511,-513,1134,-515,-516,-521,-522,1134,-534,-536,-539,-540,-545,-550,-728,1134,-729,1134,-734,1134,-736,1134,-741,-658,-662,-663,1134,-668,1134,-669,1134,-674,-676,1134,-679,1134,1134,1134,-689,-691,1134,-694,1134,1134,-746,1134,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1134,1134,1134,1134,1134,-879,1134,-882,-910,-922,-927,-390,-391,1134,-396,1134,-399,1134,-404,1134,-405,1134,-410,1134,-415,1134,-419,1134,-420,1134,-425,1134,-428,-901,-902,-645,-587,-1896,-903,1134,1134,1134,-802,1134,1134,-806,1134,-809,-835,1134,-820,1134,-822,1134,-824,-810,1134,-826,1134,-853,-854,1134,1134,-813,1134,-648,-904,-906,-650,-651,-647,1134,-707,-708,1134,-644,-905,-649,-652,-605,-716,1134,1134,-607,-588,1134,1134,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1134,1134,-711,-712,1134,-718,1134,52,52,52,1134,1134,-940,52,-441,-443,-749,1134,-893,1826,-717,-1896,1134,1134,52,52,1134,-444,-514,-525,1134,-730,-735,1134,-737,1134,-742,1134,-664,-670,1134,-680,-682,-684,-685,-692,-695,-699,-747,1134,1134,-876,1134,1134,-880,1134,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1134,-814,1134,-816,-803,1134,-804,-807,1134,-818,-821,-823,-825,-827,1134,-828,1134,-811,1134,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,52,-284,52,1134,52,1134,-457,1134,1134,-731,1134,-738,1134,-743,1134,-665,-673,1134,1134,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1134,-838,-53,52,1134,-732,1134,-739,1134,-744,-666,1134,-875,-54,52,52,-733,-740,-745,1134,52,1134,-874,]),'AFTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[53,53,53,53,-1896,53,53,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,53,53,53,53,-277,-278,53,-1427,53,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,53,53,53,-492,53,53,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,53,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,53,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,53,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,53,-174,-175,-176,-177,-995,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-292,-293,-283,53,53,53,53,53,-330,-320,-334,-335,-336,53,53,-984,-985,-986,-987,-988,-989,-990,53,53,53,53,53,53,53,53,53,53,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,53,53,53,-355,-358,53,-325,-326,-143,53,-144,53,-145,53,-432,-937,-938,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-1896,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-1896,53,-1896,53,53,53,53,53,53,53,53,53,53,53,53,-1896,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-1896,53,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,53,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,53,53,53,-193,-194,53,-996,53,53,53,53,53,-279,-280,-281,-282,-367,53,-310,53,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,53,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,53,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,53,53,53,53,53,53,-575,53,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,53,53,-725,-726,-727,53,53,53,53,53,53,-996,53,53,-93,-94,53,53,53,53,-311,-312,-322,53,-309,-295,-296,-297,53,53,53,53,-620,-635,-592,53,53,-438,53,-439,53,-446,-447,-448,-380,-381,53,53,53,-508,53,53,-512,53,53,53,53,-517,-518,-519,-520,53,53,-523,-524,53,-526,-527,-528,-529,-530,-531,-532,-533,53,-535,53,53,53,-541,-543,-544,53,-546,-547,-548,-549,53,53,53,53,53,53,-654,-655,-656,-657,53,-659,-660,-661,53,53,53,-667,53,53,-671,-672,53,53,-675,53,-677,-678,53,-681,53,-683,53,53,-686,-687,-688,53,-690,53,53,-693,53,53,-696,-697,-698,53,-700,-701,-702,-703,53,53,-748,53,-751,-752,-753,-754,-755,53,-757,-758,-759,-760,-761,53,-768,-769,-771,53,-773,-774,-775,-784,-858,-860,-862,-864,53,53,53,53,-870,53,-872,53,53,53,53,53,53,53,-908,-909,53,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,53,-923,-926,53,-936,53,-387,-388,-389,53,53,-392,-393,-394,-395,53,-398,53,-401,-402,53,-403,53,-408,-409,53,-412,-413,-414,53,-417,53,-418,53,-423,-424,53,-427,53,-430,-431,-1896,-1896,53,-621,-622,-623,-624,-625,-636,-586,-626,-799,53,53,53,53,53,-833,53,53,-808,53,-834,53,53,53,53,-800,53,-855,-801,53,53,53,53,53,53,-856,-857,53,-836,-832,-837,53,-627,53,-628,-629,-630,-631,-576,53,53,-632,-633,-634,53,53,53,53,53,53,-637,-638,-639,-594,-1896,-604,53,-640,-641,-715,-642,-606,53,-574,-579,-582,-585,53,53,53,-600,-603,53,-610,53,53,53,53,53,53,53,53,53,53,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,53,53,53,-997,53,53,53,53,53,53,-308,-327,-321,-298,-377,-454,-455,-456,-460,53,-445,53,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,53,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,53,53,53,53,53,53,53,53,53,-318,-537,-510,-593,-939,-941,-942,-440,53,-442,-382,-383,-385,-509,-511,-513,53,-515,-516,-521,-522,53,-534,-536,-539,-540,-545,-550,-728,53,-729,53,-734,53,-736,53,-741,-658,-662,-663,53,-668,53,-669,53,-674,-676,53,-679,53,53,53,-689,-691,53,-694,53,53,-746,53,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,53,53,53,53,53,-879,53,-882,-910,-922,-927,-390,-391,53,-396,53,-399,53,-404,53,-405,53,-410,53,-415,53,-419,53,-420,53,-425,53,-428,-901,-902,-645,-587,-1896,-903,53,53,53,-802,53,53,-806,53,-809,-835,53,-820,53,-822,53,-824,-810,53,-826,53,-853,-854,53,53,-813,53,-648,-904,-906,-650,-651,-647,53,-707,-708,53,-644,-905,-649,-652,-605,-716,53,53,-607,-588,53,53,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,53,53,-711,-712,53,-718,53,53,53,53,53,53,-940,53,-441,-443,-749,53,-893,53,-717,-1896,53,53,53,53,53,-444,-514,-525,53,-730,-735,53,-737,53,-742,53,-664,-670,53,-680,-682,-684,-685,-692,-695,-699,-747,53,53,-876,53,53,-880,53,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,53,-814,53,-816,-803,53,-804,-807,53,-818,-821,-823,-825,-827,53,-828,53,-811,53,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,53,-284,53,53,53,53,-457,53,53,-731,53,-738,53,-743,53,-665,-673,53,53,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,53,-838,-53,53,53,-732,53,-739,53,-744,-666,53,-875,-54,53,53,-733,-740,-745,53,53,53,-874,]),'AGAINST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2527,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[54,54,54,54,-1896,54,54,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,54,54,54,54,-277,-278,54,-1427,54,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,54,54,54,-492,54,54,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,54,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,54,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,54,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,54,-174,-175,-176,-177,-995,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-292,-293,-283,54,54,54,54,54,-330,-320,-334,-335,-336,54,54,-984,-985,-986,-987,-988,-989,-990,54,54,54,54,54,54,54,54,54,54,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,54,54,54,-355,-358,54,-325,-326,-143,54,-144,54,-145,54,-432,-937,-938,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-1896,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-1896,54,-1896,54,54,54,54,54,54,54,54,54,54,54,54,-1896,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-1896,54,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,54,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,54,54,54,-193,-194,54,-996,54,54,54,54,54,-279,-280,-281,-282,-367,54,-310,54,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,54,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,54,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,54,54,54,54,54,54,-575,54,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,54,54,-725,-726,-727,54,54,54,54,54,54,-996,54,54,-93,-94,54,54,2947,54,54,-311,-312,-322,54,-309,-295,-296,-297,54,54,54,54,-620,-635,-592,54,54,-438,54,-439,54,-446,-447,-448,-380,-381,54,54,54,-508,54,54,-512,54,54,54,54,-517,-518,-519,-520,54,54,-523,-524,54,-526,-527,-528,-529,-530,-531,-532,-533,54,-535,54,54,54,-541,-543,-544,54,-546,-547,-548,-549,54,54,54,54,54,54,-654,-655,-656,-657,54,-659,-660,-661,54,54,54,-667,54,54,-671,-672,54,54,-675,54,-677,-678,54,-681,54,-683,54,54,-686,-687,-688,54,-690,54,54,-693,54,54,-696,-697,-698,54,-700,-701,-702,-703,54,54,-748,54,-751,-752,-753,-754,-755,54,-757,-758,-759,-760,-761,54,-768,-769,-771,54,-773,-774,-775,-784,-858,-860,-862,-864,54,54,54,54,-870,54,-872,54,54,54,54,54,54,54,-908,-909,54,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,54,-923,-926,54,-936,54,-387,-388,-389,54,54,-392,-393,-394,-395,54,-398,54,-401,-402,54,-403,54,-408,-409,54,-412,-413,-414,54,-417,54,-418,54,-423,-424,54,-427,54,-430,-431,-1896,-1896,54,-621,-622,-623,-624,-625,-636,-586,-626,-799,54,54,54,54,54,-833,54,54,-808,54,-834,54,54,54,54,-800,54,-855,-801,54,54,54,54,54,54,-856,-857,54,-836,-832,-837,54,-627,54,-628,-629,-630,-631,-576,54,54,-632,-633,-634,54,54,54,54,54,54,-637,-638,-639,-594,-1896,-604,54,-640,-641,-715,-642,-606,54,-574,-579,-582,-585,54,54,54,-600,-603,54,-610,54,54,54,54,54,54,54,54,54,54,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,54,54,54,-997,54,54,54,54,54,54,-308,-327,-321,-298,-377,-454,-455,-456,-460,54,-445,54,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,54,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,54,54,54,54,54,54,54,54,54,-318,-537,-510,-593,-939,-941,-942,-440,54,-442,-382,-383,-385,-509,-511,-513,54,-515,-516,-521,-522,54,-534,-536,-539,-540,-545,-550,-728,54,-729,54,-734,54,-736,54,-741,-658,-662,-663,54,-668,54,-669,54,-674,-676,54,-679,54,54,54,-689,-691,54,-694,54,54,-746,54,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,54,54,54,54,54,-879,54,-882,-910,-922,-927,-390,-391,54,-396,54,-399,54,-404,54,-405,54,-410,54,-415,54,-419,54,-420,54,-425,54,-428,-901,-902,-645,-587,-1896,-903,54,54,54,-802,54,54,-806,54,-809,-835,54,-820,54,-822,54,-824,-810,54,-826,54,-853,-854,54,54,-813,54,-648,-904,-906,-650,-651,-647,54,-707,-708,54,-644,-905,-649,-652,-605,-716,54,54,-607,-588,54,54,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,54,54,-711,-712,54,-718,54,54,54,54,54,54,-940,54,-441,-443,-749,54,-893,54,-717,-1896,54,54,54,54,54,-444,-514,-525,54,-730,-735,54,-737,54,-742,54,-664,-670,54,-680,-682,-684,-685,-692,-695,-699,-747,54,54,-876,54,54,-880,54,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,54,-814,54,-816,-803,54,-804,-807,54,-818,-821,-823,-825,-827,54,-828,54,-811,54,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,54,-284,54,54,54,54,-457,54,54,-731,54,-738,54,-743,54,-665,-673,54,54,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,54,-838,-53,54,54,-732,54,-739,54,-744,-666,54,-875,-54,54,54,-733,-740,-745,54,54,54,-874,]),'AGGREGATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[55,55,55,55,-1896,55,55,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,55,55,55,55,-277,-278,55,-1427,55,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,55,55,55,-492,55,55,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,55,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,55,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,55,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,55,-174,-175,-176,-177,-995,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-292,-293,-283,55,55,55,55,55,-330,-320,-334,-335,-336,55,55,-984,-985,-986,-987,-988,-989,-990,55,55,55,55,55,55,55,55,55,55,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,55,55,55,-355,-358,55,-325,-326,-143,55,-144,55,-145,55,-432,-937,-938,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-1896,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-1896,55,-1896,55,55,55,55,55,55,55,55,55,55,55,55,-1896,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-1896,55,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,55,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,55,55,55,-193,-194,55,-996,55,55,55,55,55,-279,-280,-281,-282,-367,55,-310,55,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,55,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,55,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,55,55,55,55,55,55,-575,55,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,55,55,-725,-726,-727,55,55,55,55,55,55,-996,55,55,-93,-94,55,55,55,55,-311,-312,-322,55,-309,-295,-296,-297,55,55,55,55,-620,-635,-592,55,55,-438,55,-439,55,-446,-447,-448,-380,-381,55,55,55,-508,55,55,-512,55,55,55,55,-517,-518,-519,-520,55,55,-523,-524,55,-526,-527,-528,-529,-530,-531,-532,-533,55,-535,55,55,55,-541,-543,-544,55,-546,-547,-548,-549,55,55,55,55,55,55,-654,-655,-656,-657,55,-659,-660,-661,55,55,55,-667,55,55,-671,-672,55,55,-675,55,-677,-678,55,-681,55,-683,55,55,-686,-687,-688,55,-690,55,55,-693,55,55,-696,-697,-698,55,-700,-701,-702,-703,55,55,-748,55,-751,-752,-753,-754,-755,55,-757,-758,-759,-760,-761,55,-768,-769,-771,55,-773,-774,-775,-784,-858,-860,-862,-864,55,55,55,55,-870,55,-872,55,55,55,55,55,55,55,-908,-909,55,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,55,-923,-926,55,-936,55,-387,-388,-389,55,55,-392,-393,-394,-395,55,-398,55,-401,-402,55,-403,55,-408,-409,55,-412,-413,-414,55,-417,55,-418,55,-423,-424,55,-427,55,-430,-431,-1896,-1896,55,-621,-622,-623,-624,-625,-636,-586,-626,-799,55,55,55,55,55,-833,55,55,-808,55,-834,55,55,55,55,-800,55,-855,-801,55,55,55,55,55,55,-856,-857,55,-836,-832,-837,55,-627,55,-628,-629,-630,-631,-576,55,55,-632,-633,-634,55,55,55,55,55,55,-637,-638,-639,-594,-1896,-604,55,-640,-641,-715,-642,-606,55,-574,-579,-582,-585,55,55,55,-600,-603,55,-610,55,55,55,55,55,55,55,55,55,55,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,55,55,55,-997,55,55,55,55,55,55,-308,-327,-321,-298,-377,-454,-455,-456,-460,55,-445,55,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,55,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,55,55,55,55,55,55,55,55,55,-318,-537,-510,-593,-939,-941,-942,-440,55,-442,-382,-383,-385,-509,-511,-513,55,-515,-516,-521,-522,55,-534,-536,-539,-540,-545,-550,-728,55,-729,55,-734,55,-736,55,-741,-658,-662,-663,55,-668,55,-669,55,-674,-676,55,-679,55,55,55,-689,-691,55,-694,55,55,-746,55,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,55,55,55,55,55,-879,55,-882,-910,-922,-927,-390,-391,55,-396,55,-399,55,-404,55,-405,55,-410,55,-415,55,-419,55,-420,55,-425,55,-428,-901,-902,-645,-587,-1896,-903,55,55,55,-802,55,55,-806,55,-809,-835,55,-820,55,-822,55,-824,-810,55,-826,55,-853,-854,55,55,-813,55,-648,-904,-906,-650,-651,-647,55,-707,-708,55,-644,-905,-649,-652,-605,-716,55,55,-607,-588,55,55,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,55,55,-711,-712,55,-718,55,55,55,55,55,55,-940,55,-441,-443,-749,55,-893,55,-717,-1896,55,55,55,55,55,-444,-514,-525,55,-730,-735,55,-737,55,-742,55,-664,-670,55,-680,-682,-684,-685,-692,-695,-699,-747,55,55,-876,55,55,-880,55,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,55,-814,55,-816,-803,55,-804,-807,55,-818,-821,-823,-825,-827,55,-828,55,-811,55,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,55,-284,55,55,55,55,-457,55,55,-731,55,-738,55,-743,55,-665,-673,55,55,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,55,-838,-53,55,55,-732,55,-739,55,-744,-666,55,-875,-54,55,55,-733,-740,-745,55,55,55,-874,]),'ALGORITHM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[56,56,56,56,-1896,56,56,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,56,56,56,56,-277,-278,56,-1427,56,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,56,56,56,-492,56,56,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,56,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,56,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,56,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,56,-174,-175,-176,-177,-995,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-292,-293,-283,56,56,56,56,56,-330,-320,-334,-335,-336,56,56,-984,-985,-986,-987,-988,-989,-990,56,56,56,56,56,56,56,56,56,56,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,56,56,56,-355,-358,56,-325,-326,-143,56,-144,56,-145,56,-432,-937,-938,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-1896,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-1896,56,-1896,56,56,56,56,56,56,56,56,56,56,56,56,-1896,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-1896,56,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,56,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,56,56,56,-193,-194,56,-996,56,56,56,56,56,-279,-280,-281,-282,-367,56,-310,56,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,56,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,56,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,56,56,56,56,56,56,-575,56,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,56,56,-725,-726,-727,56,56,56,56,56,56,-996,56,56,-93,-94,56,56,56,56,-311,-312,-322,56,-309,-295,-296,-297,56,56,56,56,-620,-635,-592,56,56,-438,56,-439,56,-446,-447,-448,-380,-381,56,56,56,-508,56,56,-512,56,56,56,56,-517,-518,-519,-520,56,56,-523,-524,56,-526,-527,-528,-529,-530,-531,-532,-533,56,-535,56,56,56,-541,-543,-544,56,-546,-547,-548,-549,56,56,56,56,56,56,-654,-655,-656,-657,56,-659,-660,-661,56,56,56,-667,56,56,-671,-672,56,56,-675,56,-677,-678,56,-681,56,-683,56,56,-686,-687,-688,56,-690,56,56,-693,56,56,-696,-697,-698,56,-700,-701,-702,-703,56,56,-748,56,-751,-752,-753,-754,-755,56,-757,-758,-759,-760,-761,56,-768,-769,-771,56,-773,-774,-775,-784,-858,-860,-862,-864,56,56,56,56,-870,56,-872,56,56,56,56,56,56,56,-908,-909,56,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,56,-923,-926,56,-936,56,-387,-388,-389,56,56,-392,-393,-394,-395,56,-398,56,-401,-402,56,-403,56,-408,-409,56,-412,-413,-414,56,-417,56,-418,56,-423,-424,56,-427,56,-430,-431,-1896,-1896,56,-621,-622,-623,-624,-625,-636,-586,-626,-799,56,56,56,56,56,-833,56,56,-808,56,-834,56,56,56,56,-800,56,-855,-801,56,56,56,56,56,56,-856,-857,56,-836,-832,-837,56,-627,56,-628,-629,-630,-631,-576,56,56,-632,-633,-634,56,56,56,56,56,56,-637,-638,-639,-594,-1896,-604,56,-640,-641,-715,-642,-606,56,-574,-579,-582,-585,56,56,56,-600,-603,56,-610,56,56,56,56,56,56,56,56,56,56,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,56,56,56,-997,56,56,56,56,56,56,-308,-327,-321,-298,-377,-454,-455,-456,-460,56,-445,56,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,56,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,56,56,56,56,56,56,56,56,56,-318,-537,-510,-593,-939,-941,-942,-440,56,-442,-382,-383,-385,-509,-511,-513,56,-515,-516,-521,-522,56,-534,-536,-539,-540,-545,-550,-728,56,-729,56,-734,56,-736,56,-741,-658,-662,-663,56,-668,56,-669,56,-674,-676,56,-679,56,56,56,-689,-691,56,-694,56,56,-746,56,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,56,56,56,56,56,-879,56,-882,-910,-922,-927,-390,-391,56,-396,56,-399,56,-404,56,-405,56,-410,56,-415,56,-419,56,-420,56,-425,56,-428,-901,-902,-645,-587,-1896,-903,56,56,56,-802,56,56,-806,56,-809,-835,56,-820,56,-822,56,-824,-810,56,-826,56,-853,-854,56,56,-813,56,-648,-904,-906,-650,-651,-647,56,-707,-708,56,-644,-905,-649,-652,-605,-716,56,56,-607,-588,56,56,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,56,56,-711,-712,56,-718,56,56,56,56,56,56,-940,56,-441,-443,-749,56,-893,56,-717,-1896,56,56,56,56,56,-444,-514,-525,56,-730,-735,56,-737,56,-742,56,-664,-670,56,-680,-682,-684,-685,-692,-695,-699,-747,56,56,-876,56,56,-880,56,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,56,-814,56,-816,-803,56,-804,-807,56,-818,-821,-823,-825,-827,56,-828,56,-811,56,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,56,-284,56,56,56,56,-457,56,56,-731,56,-738,56,-743,56,-665,-673,56,56,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,56,-838,-53,56,56,-732,56,-739,56,-744,-666,56,-875,-54,56,56,-733,-740,-745,56,56,56,-874,]),'ALWAYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[57,57,57,57,-1896,57,57,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,57,57,57,57,-277,-278,57,-1427,57,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,57,57,57,-492,57,57,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,57,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,57,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,57,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,57,-174,-175,-176,-177,-995,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-292,-293,-283,57,57,57,57,57,-330,-320,-334,-335,-336,57,57,-984,-985,-986,-987,-988,-989,-990,57,57,57,57,57,57,57,57,57,57,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,57,57,57,-355,-358,57,-325,-326,-143,57,-144,57,-145,57,-432,-937,-938,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-1896,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-1896,57,-1896,57,57,57,57,57,57,57,57,57,57,57,57,-1896,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-1896,57,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,57,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,57,57,57,-193,-194,57,-996,57,57,57,57,57,-279,-280,-281,-282,-367,57,-310,57,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,57,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,57,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,57,57,57,57,57,57,-575,57,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,57,57,-725,-726,-727,57,57,57,57,57,57,-996,57,57,-93,-94,57,57,57,57,-311,-312,-322,57,-309,-295,-296,-297,57,57,57,57,-620,-635,-592,57,57,-438,57,-439,57,-446,-447,-448,-380,-381,57,57,57,-508,57,57,-512,57,57,57,57,-517,-518,-519,-520,57,57,-523,-524,57,-526,-527,-528,-529,-530,-531,-532,-533,57,-535,57,57,57,-541,-543,-544,57,-546,-547,-548,-549,57,57,57,57,57,57,-654,-655,-656,-657,57,-659,-660,-661,57,57,57,-667,57,57,-671,-672,57,57,-675,57,-677,-678,57,-681,57,-683,57,57,-686,-687,-688,57,-690,57,57,-693,57,57,-696,-697,-698,57,-700,-701,-702,-703,57,57,-748,57,-751,-752,-753,-754,-755,57,-757,-758,-759,-760,-761,57,-768,-769,-771,57,-773,-774,-775,-784,-858,-860,-862,-864,57,57,57,57,-870,57,-872,57,57,57,57,57,57,57,-908,-909,57,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,57,-923,-926,57,-936,57,-387,-388,-389,57,57,-392,-393,-394,-395,57,-398,57,-401,-402,57,-403,57,-408,-409,57,-412,-413,-414,57,-417,57,-418,57,-423,-424,57,-427,57,-430,-431,-1896,-1896,57,-621,-622,-623,-624,-625,-636,-586,-626,-799,57,57,57,57,57,-833,57,57,-808,57,-834,57,57,57,57,-800,57,-855,-801,57,57,57,57,57,57,-856,-857,57,-836,-832,-837,57,-627,57,-628,-629,-630,-631,-576,57,57,-632,-633,-634,57,57,57,57,57,57,-637,-638,-639,-594,-1896,-604,57,-640,-641,-715,-642,-606,57,-574,-579,-582,-585,57,57,57,-600,-603,57,-610,57,57,57,57,57,57,57,57,57,57,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,57,57,57,-997,57,57,57,57,57,57,-308,-327,-321,-298,-377,-454,-455,-456,-460,57,-445,57,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,57,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,57,57,57,57,57,57,57,57,57,-318,-537,-510,-593,-939,-941,-942,-440,57,-442,-382,-383,-385,-509,-511,-513,57,-515,-516,-521,-522,57,-534,-536,-539,-540,-545,-550,-728,57,-729,57,-734,57,-736,57,-741,-658,-662,-663,57,-668,57,-669,57,-674,-676,57,-679,57,57,57,-689,-691,57,-694,57,57,-746,57,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,57,57,57,57,57,-879,57,-882,-910,-922,-927,-390,-391,57,-396,57,-399,57,-404,57,-405,57,-410,57,-415,57,-419,57,-420,57,-425,57,-428,-901,-902,-645,-587,-1896,-903,57,57,57,-802,57,57,-806,57,-809,-835,57,-820,57,-822,57,-824,-810,57,-826,57,-853,-854,57,57,-813,57,-648,-904,-906,-650,-651,-647,57,-707,-708,57,-644,-905,-649,-652,-605,-716,57,57,-607,-588,57,57,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,57,57,-711,-712,57,-718,57,57,57,57,57,57,-940,57,-441,-443,-749,57,-893,57,-717,-1896,57,57,57,57,57,-444,-514,-525,57,-730,-735,57,-737,57,-742,57,-664,-670,57,-680,-682,-684,-685,-692,-695,-699,-747,57,57,-876,57,57,-880,57,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,57,-814,57,-816,-803,57,-804,-807,57,-818,-821,-823,-825,-827,57,-828,57,-811,57,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,57,-284,57,57,57,57,-457,57,57,-731,57,-738,57,-743,57,-665,-673,57,57,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,57,-838,-53,57,57,-732,57,-739,57,-744,-666,57,-875,-54,57,57,-733,-740,-745,57,57,57,-874,]),'ANALYSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[58,58,58,58,-1896,58,58,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,58,58,58,58,-277,-278,58,-1427,58,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,58,58,58,-492,58,58,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,58,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,58,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,58,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,58,-174,-175,-176,-177,-995,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-292,-293,-283,58,58,58,58,58,-330,-320,-334,-335,-336,58,58,-984,-985,-986,-987,-988,-989,-990,58,58,58,58,58,58,58,58,58,58,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,58,58,58,-355,-358,58,-325,-326,-143,58,-144,58,-145,58,-432,-937,-938,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-1896,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-1896,58,-1896,58,58,58,58,58,58,58,58,58,58,58,58,-1896,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-1896,58,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,58,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,58,58,58,-193,-194,58,-996,58,58,58,58,58,-279,-280,-281,-282,-367,58,-310,58,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,58,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,58,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,58,58,58,58,58,58,-575,58,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,58,58,-725,-726,-727,58,58,58,58,58,58,-996,58,58,-93,-94,58,58,58,58,-311,-312,-322,58,-309,-295,-296,-297,58,58,58,58,-620,-635,-592,58,58,-438,58,-439,58,-446,-447,-448,-380,-381,58,58,58,-508,58,58,-512,58,58,58,58,-517,-518,-519,-520,58,58,-523,-524,58,-526,-527,-528,-529,-530,-531,-532,-533,58,-535,58,58,58,-541,-543,-544,58,-546,-547,-548,-549,58,58,58,58,58,58,-654,-655,-656,-657,58,-659,-660,-661,58,58,58,-667,58,58,-671,-672,58,58,-675,58,-677,-678,58,-681,58,-683,58,58,-686,-687,-688,58,-690,58,58,-693,58,58,-696,-697,-698,58,-700,-701,-702,-703,58,58,-748,58,-751,-752,-753,-754,-755,58,-757,-758,-759,-760,-761,58,-768,-769,-771,58,-773,-774,-775,-784,-858,-860,-862,-864,58,58,58,58,-870,58,-872,58,58,58,58,58,58,58,-908,-909,58,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,58,-923,-926,58,-936,58,-387,-388,-389,58,58,-392,-393,-394,-395,58,-398,58,-401,-402,58,-403,58,-408,-409,58,-412,-413,-414,58,-417,58,-418,58,-423,-424,58,-427,58,-430,-431,-1896,-1896,58,-621,-622,-623,-624,-625,-636,-586,-626,-799,58,58,58,58,58,-833,58,58,-808,58,-834,58,58,58,58,-800,58,-855,-801,58,58,58,58,58,58,-856,-857,58,-836,-832,-837,58,-627,58,-628,-629,-630,-631,-576,58,58,-632,-633,-634,58,58,58,58,58,58,-637,-638,-639,-594,-1896,-604,58,-640,-641,-715,-642,-606,58,-574,-579,-582,-585,58,58,58,-600,-603,58,-610,58,58,58,58,58,58,58,58,58,58,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,58,58,58,-997,58,58,58,58,58,58,-308,-327,-321,-298,-377,-454,-455,-456,-460,58,-445,58,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,58,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,58,58,58,58,58,58,58,58,58,-318,-537,-510,-593,-939,-941,-942,-440,58,-442,-382,-383,-385,-509,-511,-513,58,-515,-516,-521,-522,58,-534,-536,-539,-540,-545,-550,-728,58,-729,58,-734,58,-736,58,-741,-658,-662,-663,58,-668,58,-669,58,-674,-676,58,-679,58,58,58,-689,-691,58,-694,58,58,-746,58,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,58,58,58,58,58,-879,58,-882,-910,-922,-927,-390,-391,58,-396,58,-399,58,-404,58,-405,58,-410,58,-415,58,-419,58,-420,58,-425,58,-428,-901,-902,-645,-587,-1896,-903,58,58,58,-802,58,58,-806,58,-809,-835,58,-820,58,-822,58,-824,-810,58,-826,58,-853,-854,58,58,-813,58,-648,-904,-906,-650,-651,-647,58,-707,-708,58,-644,-905,-649,-652,-605,-716,58,58,-607,-588,58,58,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,58,58,-711,-712,58,-718,58,58,58,58,58,58,-940,58,-441,-443,-749,58,-893,58,-717,-1896,58,58,58,58,58,-444,-514,-525,58,-730,-735,58,-737,58,-742,58,-664,-670,58,-680,-682,-684,-685,-692,-695,-699,-747,58,58,-876,58,58,-880,58,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,58,-814,58,-816,-803,58,-804,-807,58,-818,-821,-823,-825,-827,58,-828,58,-811,58,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,58,-284,58,58,58,58,-457,58,58,-731,58,-738,58,-743,58,-665,-673,58,58,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,58,-838,-53,58,58,-732,58,-739,58,-744,-666,58,-875,-54,58,58,-733,-740,-745,58,58,58,-874,]),'ANY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[59,59,59,59,-1896,59,59,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,59,59,59,59,-277,-278,59,-1427,59,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,59,59,59,-492,59,59,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,59,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,59,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,59,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,59,-174,-175,-176,-177,-995,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-292,-293,-283,59,59,59,59,59,-330,-320,-334,-335,-336,59,2071,-984,-985,-986,-987,-988,-989,-990,59,59,59,59,59,59,59,59,59,59,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,59,59,59,-355,-358,59,-325,-326,-143,59,-144,59,-145,59,-432,-937,-938,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-1896,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-1896,59,-1896,59,59,59,59,59,59,59,59,59,59,59,59,-1896,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-1896,59,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,59,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,59,59,59,-193,-194,59,-996,59,59,59,59,59,-279,-280,-281,-282,-367,59,-310,59,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,59,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,59,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,59,59,59,59,59,59,-575,59,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,59,59,-725,-726,-727,59,59,59,59,59,59,-996,59,59,-93,-94,59,59,59,59,-311,-312,-322,59,-309,-295,-296,-297,59,59,59,59,-620,-635,-592,59,59,-438,59,-439,59,-446,-447,-448,-380,-381,59,59,59,-508,59,59,-512,59,59,59,59,-517,-518,-519,-520,59,59,-523,-524,59,-526,-527,-528,-529,-530,-531,-532,-533,59,-535,59,59,59,-541,-543,-544,59,-546,-547,-548,-549,59,59,59,59,59,59,-654,-655,-656,-657,59,-659,-660,-661,59,59,59,-667,59,59,-671,-672,59,59,-675,59,-677,-678,59,-681,59,-683,59,59,-686,-687,-688,59,-690,59,59,-693,59,59,-696,-697,-698,59,-700,-701,-702,-703,59,59,-748,59,-751,-752,-753,-754,-755,59,-757,-758,-759,-760,-761,59,-768,-769,-771,59,-773,-774,-775,-784,-858,-860,-862,-864,59,59,59,59,-870,59,-872,59,59,59,59,59,59,59,-908,-909,59,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,59,-923,-926,59,-936,59,-387,-388,-389,59,59,-392,-393,-394,-395,59,-398,59,-401,-402,59,-403,59,-408,-409,59,-412,-413,-414,59,-417,59,-418,59,-423,-424,59,-427,59,-430,-431,-1896,-1896,59,-621,-622,-623,-624,-625,-636,-586,-626,-799,59,59,59,59,59,-833,59,59,-808,59,-834,59,59,59,59,-800,59,-855,-801,59,59,59,59,59,59,-856,-857,59,-836,-832,-837,59,-627,59,-628,-629,-630,-631,-576,59,59,-632,-633,-634,59,59,59,59,59,59,-637,-638,-639,-594,-1896,-604,59,-640,-641,-715,-642,-606,59,-574,-579,-582,-585,59,59,59,-600,-603,59,-610,59,59,59,59,59,59,59,59,59,59,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,59,59,59,-997,59,59,59,59,59,59,-308,-327,-321,-298,-377,-454,-455,-456,-460,59,-445,59,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,59,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,59,59,59,59,59,59,59,59,59,-318,-537,-510,-593,-939,-941,-942,-440,59,-442,-382,-383,-385,-509,-511,-513,59,-515,-516,-521,-522,59,-534,-536,-539,-540,-545,-550,-728,59,-729,59,-734,59,-736,59,-741,-658,-662,-663,59,-668,59,-669,59,-674,-676,59,-679,59,59,59,-689,-691,59,-694,59,59,-746,59,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,59,59,59,59,59,-879,59,-882,-910,-922,-927,-390,-391,59,-396,59,-399,59,-404,59,-405,59,-410,59,-415,59,-419,59,-420,59,-425,59,-428,-901,-902,-645,-587,-1896,-903,59,59,59,-802,59,59,-806,59,-809,-835,59,-820,59,-822,59,-824,-810,59,-826,59,-853,-854,59,59,-813,59,-648,-904,-906,-650,-651,-647,59,-707,-708,59,-644,-905,-649,-652,-605,-716,59,59,-607,-588,59,59,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,59,59,-711,-712,59,-718,59,59,59,59,59,59,-940,59,-441,-443,-749,59,-893,59,-717,-1896,59,59,59,59,59,-444,-514,-525,59,-730,-735,59,-737,59,-742,59,-664,-670,59,-680,-682,-684,-685,-692,-695,-699,-747,59,59,-876,59,59,-880,59,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,59,-814,59,-816,-803,59,-804,-807,59,-818,-821,-823,-825,-827,59,-828,59,-811,59,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,59,-284,59,59,59,59,-457,59,59,-731,59,-738,59,-743,59,-665,-673,59,59,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,59,-838,-53,59,59,-732,59,-739,59,-744,-666,59,-875,-54,59,59,-733,-740,-745,59,59,59,-874,]),'ANY_VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[60,60,60,1200,-1896,60,60,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,60,60,60,60,-277,-278,1200,-1427,1200,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1200,1200,1200,-492,1200,1200,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1200,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1200,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1827,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,60,-174,-175,-176,-177,-995,60,60,60,60,60,60,60,60,60,60,1200,1200,1200,1200,1200,-292,-293,-283,60,1200,1200,1200,1200,-330,-320,-334,-335,-336,1200,1200,-984,-985,-986,-987,-988,-989,-990,60,60,1200,1200,1200,1200,1200,1200,1200,1200,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1200,1200,1200,-355,-358,60,-325,-326,-143,1200,-144,1200,-145,1200,-432,-937,-938,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1896,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1896,1200,-1896,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1896,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1896,60,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1200,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1200,60,60,-193,-194,60,-996,1200,60,60,60,60,-279,-280,-281,-282,-367,1200,-310,1200,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1200,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1200,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1200,1200,1200,1200,1200,1200,-575,1200,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1200,1200,-725,-726,-727,1200,1827,60,60,60,60,-996,60,1200,-93,-94,60,60,60,1200,-311,-312,-322,1200,-309,-295,-296,-297,1200,60,1200,1200,-620,-635,-592,1200,60,-438,60,-439,1200,-446,-447,-448,-380,-381,1200,1200,1200,-508,1200,1200,-512,1200,1200,1200,1200,-517,-518,-519,-520,1200,1200,-523,-524,1200,-526,-527,-528,-529,-530,-531,-532,-533,1200,-535,1200,1200,1200,-541,-543,-544,1200,-546,-547,-548,-549,1200,1200,1200,1200,1200,1200,-654,-655,-656,-657,60,-659,-660,-661,1200,1200,1200,-667,1200,1200,-671,-672,1200,1200,-675,1200,-677,-678,1200,-681,1200,-683,1200,1200,-686,-687,-688,1200,-690,1200,1200,-693,1200,1200,-696,-697,-698,1200,-700,-701,-702,-703,1200,1200,-748,1200,-751,-752,-753,-754,-755,1200,-757,-758,-759,-760,-761,1200,-768,-769,-771,1200,-773,-774,-775,-784,-858,-860,-862,-864,1200,1200,1200,1200,-870,1200,-872,1200,1200,1200,1200,1200,1200,1200,-908,-909,1200,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1200,-923,-926,1200,-936,1200,-387,-388,-389,1200,1200,-392,-393,-394,-395,1200,-398,1200,-401,-402,1200,-403,1200,-408,-409,1200,-412,-413,-414,1200,-417,1200,-418,1200,-423,-424,1200,-427,1200,-430,-431,-1896,-1896,1200,-621,-622,-623,-624,-625,-636,-586,-626,-799,1200,1200,1200,1200,1200,-833,1200,1200,-808,1200,-834,1200,1200,1200,1200,-800,1200,-855,-801,1200,1200,1200,1200,1200,1200,-856,-857,1200,-836,-832,-837,1200,-627,1200,-628,-629,-630,-631,-576,1200,1200,-632,-633,-634,1200,1200,1200,1200,1200,1200,-637,-638,-639,-594,-1896,-604,1200,-640,-641,-715,-642,-606,1200,-574,-579,-582,-585,1200,1200,1200,-600,-603,1200,-610,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1200,60,60,-997,60,1200,60,60,60,1200,-308,-327,-321,-298,-377,-454,-455,-456,-460,60,-445,1200,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1200,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,60,60,60,60,60,60,60,60,1200,-318,-537,-510,-593,-939,-941,-942,-440,1200,-442,-382,-383,-385,-509,-511,-513,1200,-515,-516,-521,-522,1200,-534,-536,-539,-540,-545,-550,-728,1200,-729,1200,-734,1200,-736,1200,-741,-658,-662,-663,1200,-668,1200,-669,1200,-674,-676,1200,-679,1200,1200,1200,-689,-691,1200,-694,1200,1200,-746,1200,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1200,1200,1200,1200,1200,-879,1200,-882,-910,-922,-927,-390,-391,1200,-396,1200,-399,1200,-404,1200,-405,1200,-410,1200,-415,1200,-419,1200,-420,1200,-425,1200,-428,-901,-902,-645,-587,-1896,-903,1200,1200,1200,-802,1200,1200,-806,1200,-809,-835,1200,-820,1200,-822,1200,-824,-810,1200,-826,1200,-853,-854,1200,1200,-813,1200,-648,-904,-906,-650,-651,-647,1200,-707,-708,1200,-644,-905,-649,-652,-605,-716,1200,1200,-607,-588,1200,1200,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1200,1200,-711,-712,1200,-718,1200,60,60,60,1200,1200,-940,60,-441,-443,-749,1200,-893,1827,-717,-1896,1200,1200,60,60,1200,-444,-514,-525,1200,-730,-735,1200,-737,1200,-742,1200,-664,-670,1200,-680,-682,-684,-685,-692,-695,-699,-747,1200,1200,-876,1200,1200,-880,1200,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1200,-814,1200,-816,-803,1200,-804,-807,1200,-818,-821,-823,-825,-827,1200,-828,1200,-811,1200,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,60,-284,60,1200,60,1200,-457,1200,1200,-731,1200,-738,1200,-743,1200,-665,-673,1200,1200,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1200,-838,-53,60,1200,-732,1200,-739,1200,-744,-666,1200,-875,-54,60,60,-733,-740,-745,1200,60,1200,-874,]),'APPROX_COUNT_DISTINCT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[61,61,61,61,-1896,61,61,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,61,61,61,61,-277,-278,61,-1427,61,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,61,61,61,-492,61,61,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,61,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,61,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,61,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,61,-174,-175,-176,-177,-995,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-292,-293,-283,61,61,61,61,61,-330,-320,-334,-335,-336,61,61,-984,-985,-986,-987,-988,-989,-990,61,61,61,61,61,61,61,61,61,61,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,61,61,61,-355,-358,61,-325,-326,-143,61,-144,61,-145,61,-432,-937,-938,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-1896,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-1896,61,-1896,61,61,61,61,61,61,61,61,61,61,61,61,-1896,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-1896,61,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,61,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,61,61,61,-193,-194,61,-996,61,61,61,61,61,-279,-280,-281,-282,-367,61,-310,61,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,61,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,61,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,61,61,61,61,61,61,-575,61,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,61,61,-725,-726,-727,61,61,61,61,61,61,-996,61,61,-93,-94,61,61,61,61,-311,-312,-322,61,-309,-295,-296,-297,61,61,61,61,-620,-635,-592,61,61,-438,61,-439,61,-446,-447,-448,-380,-381,61,61,61,-508,61,61,-512,61,61,61,61,-517,-518,-519,-520,61,61,-523,-524,61,-526,-527,-528,-529,-530,-531,-532,-533,61,-535,61,61,61,-541,-543,-544,61,-546,-547,-548,-549,61,61,61,61,61,61,-654,-655,-656,-657,61,-659,-660,-661,61,61,61,-667,61,61,-671,-672,61,61,-675,61,-677,-678,61,-681,61,-683,61,61,-686,-687,-688,61,-690,61,61,-693,61,61,-696,-697,-698,61,-700,-701,-702,-703,61,61,-748,61,-751,-752,-753,-754,-755,61,-757,-758,-759,-760,-761,61,-768,-769,-771,61,-773,-774,-775,-784,-858,-860,-862,-864,61,61,61,61,-870,61,-872,61,61,61,61,61,61,61,-908,-909,61,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,61,-923,-926,61,-936,61,-387,-388,-389,61,61,-392,-393,-394,-395,61,-398,61,-401,-402,61,-403,61,-408,-409,61,-412,-413,-414,61,-417,61,-418,61,-423,-424,61,-427,61,-430,-431,-1896,-1896,61,-621,-622,-623,-624,-625,-636,-586,-626,-799,61,61,61,61,61,-833,61,61,-808,61,-834,61,61,61,61,-800,61,-855,-801,61,61,61,61,61,61,-856,-857,61,-836,-832,-837,61,-627,61,-628,-629,-630,-631,-576,61,61,-632,-633,-634,61,61,61,61,61,61,-637,-638,-639,-594,-1896,-604,61,-640,-641,-715,-642,-606,61,-574,-579,-582,-585,61,61,61,-600,-603,61,-610,61,61,61,61,61,61,61,61,61,61,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,61,61,61,-997,61,61,61,61,61,61,-308,-327,-321,-298,-377,-454,-455,-456,-460,61,-445,61,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,61,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,61,61,61,61,61,61,61,61,61,-318,-537,-510,-593,-939,-941,-942,-440,61,-442,-382,-383,-385,-509,-511,-513,61,-515,-516,-521,-522,61,-534,-536,-539,-540,-545,-550,-728,61,-729,61,-734,61,-736,61,-741,-658,-662,-663,61,-668,61,-669,61,-674,-676,61,-679,61,61,61,-689,-691,61,-694,61,61,-746,61,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,61,61,61,61,61,-879,61,-882,-910,-922,-927,-390,-391,61,-396,61,-399,61,-404,61,-405,61,-410,61,-415,61,-419,61,-420,61,-425,61,-428,-901,-902,-645,-587,-1896,-903,61,61,61,-802,61,61,-806,61,-809,-835,61,-820,61,-822,61,-824,-810,61,-826,61,-853,-854,61,61,-813,61,-648,-904,-906,-650,-651,-647,61,-707,-708,61,-644,-905,-649,-652,-605,-716,61,61,-607,-588,61,61,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,61,61,-711,-712,61,-718,61,61,61,61,61,61,-940,61,-441,-443,-749,61,-893,61,-717,-1896,61,61,61,61,61,-444,-514,-525,61,-730,-735,61,-737,61,-742,61,-664,-670,61,-680,-682,-684,-685,-692,-695,-699,-747,61,61,-876,61,61,-880,61,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,61,-814,61,-816,-803,61,-804,-807,61,-818,-821,-823,-825,-827,61,-828,61,-811,61,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,61,-284,61,61,61,61,-457,61,61,-731,61,-738,61,-743,61,-665,-673,61,61,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,61,-838,-53,61,61,-732,61,-739,61,-744,-666,61,-875,-54,61,61,-733,-740,-745,61,61,61,-874,]),'APPROX_COUNT_DISTINCT_SYNOPSIS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[62,62,62,62,-1896,62,62,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,62,62,62,62,-277,-278,62,-1427,62,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,62,62,62,-492,62,62,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,62,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,62,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,62,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,62,-174,-175,-176,-177,-995,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-292,-293,-283,62,62,62,62,62,-330,-320,-334,-335,-336,62,62,-984,-985,-986,-987,-988,-989,-990,62,62,62,62,62,62,62,62,62,62,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,62,62,62,-355,-358,62,-325,-326,-143,62,-144,62,-145,62,-432,-937,-938,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-1896,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-1896,62,-1896,62,62,62,62,62,62,62,62,62,62,62,62,-1896,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-1896,62,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,62,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,62,62,62,-193,-194,62,-996,62,62,62,62,62,-279,-280,-281,-282,-367,62,-310,62,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,62,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,62,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,62,62,62,62,62,62,-575,62,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,62,62,-725,-726,-727,62,62,62,62,62,62,-996,62,62,-93,-94,62,62,62,62,-311,-312,-322,62,-309,-295,-296,-297,62,62,62,62,-620,-635,-592,62,62,-438,62,-439,62,-446,-447,-448,-380,-381,62,62,62,-508,62,62,-512,62,62,62,62,-517,-518,-519,-520,62,62,-523,-524,62,-526,-527,-528,-529,-530,-531,-532,-533,62,-535,62,62,62,-541,-543,-544,62,-546,-547,-548,-549,62,62,62,62,62,62,-654,-655,-656,-657,62,-659,-660,-661,62,62,62,-667,62,62,-671,-672,62,62,-675,62,-677,-678,62,-681,62,-683,62,62,-686,-687,-688,62,-690,62,62,-693,62,62,-696,-697,-698,62,-700,-701,-702,-703,62,62,-748,62,-751,-752,-753,-754,-755,62,-757,-758,-759,-760,-761,62,-768,-769,-771,62,-773,-774,-775,-784,-858,-860,-862,-864,62,62,62,62,-870,62,-872,62,62,62,62,62,62,62,-908,-909,62,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,62,-923,-926,62,-936,62,-387,-388,-389,62,62,-392,-393,-394,-395,62,-398,62,-401,-402,62,-403,62,-408,-409,62,-412,-413,-414,62,-417,62,-418,62,-423,-424,62,-427,62,-430,-431,-1896,-1896,62,-621,-622,-623,-624,-625,-636,-586,-626,-799,62,62,62,62,62,-833,62,62,-808,62,-834,62,62,62,62,-800,62,-855,-801,62,62,62,62,62,62,-856,-857,62,-836,-832,-837,62,-627,62,-628,-629,-630,-631,-576,62,62,-632,-633,-634,62,62,62,62,62,62,-637,-638,-639,-594,-1896,-604,62,-640,-641,-715,-642,-606,62,-574,-579,-582,-585,62,62,62,-600,-603,62,-610,62,62,62,62,62,62,62,62,62,62,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,62,62,62,-997,62,62,62,62,62,62,-308,-327,-321,-298,-377,-454,-455,-456,-460,62,-445,62,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,62,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,62,62,62,62,62,62,62,62,62,-318,-537,-510,-593,-939,-941,-942,-440,62,-442,-382,-383,-385,-509,-511,-513,62,-515,-516,-521,-522,62,-534,-536,-539,-540,-545,-550,-728,62,-729,62,-734,62,-736,62,-741,-658,-662,-663,62,-668,62,-669,62,-674,-676,62,-679,62,62,62,-689,-691,62,-694,62,62,-746,62,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,62,62,62,62,62,-879,62,-882,-910,-922,-927,-390,-391,62,-396,62,-399,62,-404,62,-405,62,-410,62,-415,62,-419,62,-420,62,-425,62,-428,-901,-902,-645,-587,-1896,-903,62,62,62,-802,62,62,-806,62,-809,-835,62,-820,62,-822,62,-824,-810,62,-826,62,-853,-854,62,62,-813,62,-648,-904,-906,-650,-651,-647,62,-707,-708,62,-644,-905,-649,-652,-605,-716,62,62,-607,-588,62,62,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,62,62,-711,-712,62,-718,62,62,62,62,62,62,-940,62,-441,-443,-749,62,-893,62,-717,-1896,62,62,62,62,62,-444,-514,-525,62,-730,-735,62,-737,62,-742,62,-664,-670,62,-680,-682,-684,-685,-692,-695,-699,-747,62,62,-876,62,62,-880,62,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,62,-814,62,-816,-803,62,-804,-807,62,-818,-821,-823,-825,-827,62,-828,62,-811,62,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,62,-284,62,62,62,62,-457,62,62,-731,62,-738,62,-743,62,-665,-673,62,62,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,62,-838,-53,62,62,-732,62,-739,62,-744,-666,62,-875,-54,62,62,-733,-740,-745,62,62,62,-874,]),'APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[63,63,63,63,-1896,63,63,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,63,63,63,63,-277,-278,63,-1427,63,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,63,63,63,-492,63,63,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,63,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,63,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,63,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,63,-174,-175,-176,-177,-995,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-292,-293,-283,63,63,63,63,63,-330,-320,-334,-335,-336,63,63,-984,-985,-986,-987,-988,-989,-990,63,63,63,63,63,63,63,63,63,63,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,63,63,63,-355,-358,63,-325,-326,-143,63,-144,63,-145,63,-432,-937,-938,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-1896,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-1896,63,-1896,63,63,63,63,63,63,63,63,63,63,63,63,-1896,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-1896,63,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,63,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,63,63,63,-193,-194,63,-996,63,63,63,63,63,-279,-280,-281,-282,-367,63,-310,63,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,63,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,63,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,63,63,63,63,63,63,-575,63,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,63,63,-725,-726,-727,63,63,63,63,63,63,-996,63,63,-93,-94,63,63,63,63,-311,-312,-322,63,-309,-295,-296,-297,63,63,63,63,-620,-635,-592,63,63,-438,63,-439,63,-446,-447,-448,-380,-381,63,63,63,-508,63,63,-512,63,63,63,63,-517,-518,-519,-520,63,63,-523,-524,63,-526,-527,-528,-529,-530,-531,-532,-533,63,-535,63,63,63,-541,-543,-544,63,-546,-547,-548,-549,63,63,63,63,63,63,-654,-655,-656,-657,63,-659,-660,-661,63,63,63,-667,63,63,-671,-672,63,63,-675,63,-677,-678,63,-681,63,-683,63,63,-686,-687,-688,63,-690,63,63,-693,63,63,-696,-697,-698,63,-700,-701,-702,-703,63,63,-748,63,-751,-752,-753,-754,-755,63,-757,-758,-759,-760,-761,63,-768,-769,-771,63,-773,-774,-775,-784,-858,-860,-862,-864,63,63,63,63,-870,63,-872,63,63,63,63,63,63,63,-908,-909,63,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,63,-923,-926,63,-936,63,-387,-388,-389,63,63,-392,-393,-394,-395,63,-398,63,-401,-402,63,-403,63,-408,-409,63,-412,-413,-414,63,-417,63,-418,63,-423,-424,63,-427,63,-430,-431,-1896,-1896,63,-621,-622,-623,-624,-625,-636,-586,-626,-799,63,63,63,63,63,-833,63,63,-808,63,-834,63,63,63,63,-800,63,-855,-801,63,63,63,63,63,63,-856,-857,63,-836,-832,-837,63,-627,63,-628,-629,-630,-631,-576,63,63,-632,-633,-634,63,63,63,63,63,63,-637,-638,-639,-594,-1896,-604,63,-640,-641,-715,-642,-606,63,-574,-579,-582,-585,63,63,63,-600,-603,63,-610,63,63,63,63,63,63,63,63,63,63,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,63,63,63,-997,63,63,63,63,63,63,-308,-327,-321,-298,-377,-454,-455,-456,-460,63,-445,63,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,63,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,63,63,63,63,63,63,63,63,63,-318,-537,-510,-593,-939,-941,-942,-440,63,-442,-382,-383,-385,-509,-511,-513,63,-515,-516,-521,-522,63,-534,-536,-539,-540,-545,-550,-728,63,-729,63,-734,63,-736,63,-741,-658,-662,-663,63,-668,63,-669,63,-674,-676,63,-679,63,63,63,-689,-691,63,-694,63,63,-746,63,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,63,63,63,63,63,-879,63,-882,-910,-922,-927,-390,-391,63,-396,63,-399,63,-404,63,-405,63,-410,63,-415,63,-419,63,-420,63,-425,63,-428,-901,-902,-645,-587,-1896,-903,63,63,63,-802,63,63,-806,63,-809,-835,63,-820,63,-822,63,-824,-810,63,-826,63,-853,-854,63,63,-813,63,-648,-904,-906,-650,-651,-647,63,-707,-708,63,-644,-905,-649,-652,-605,-716,63,63,-607,-588,63,63,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,63,63,-711,-712,63,-718,63,63,63,63,63,63,-940,63,-441,-443,-749,63,-893,63,-717,-1896,63,63,63,63,63,-444,-514,-525,63,-730,-735,63,-737,63,-742,63,-664,-670,63,-680,-682,-684,-685,-692,-695,-699,-747,63,63,-876,63,63,-880,63,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,63,-814,63,-816,-803,63,-804,-807,63,-818,-821,-823,-825,-827,63,-828,63,-811,63,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,63,-284,63,63,63,63,-457,63,63,-731,63,-738,63,-743,63,-665,-673,63,63,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,63,-838,-53,63,63,-732,63,-739,63,-744,-666,63,-875,-54,63,63,-733,-740,-745,63,63,63,-874,]),'ARCHIVELOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[64,64,64,64,-1896,64,64,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,64,64,64,64,-277,-278,64,-1427,64,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,64,64,64,-492,64,64,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,64,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,64,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,64,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,64,-174,-175,-176,-177,-995,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-292,-293,-283,64,64,64,64,64,-330,-320,-334,-335,-336,64,64,-984,-985,-986,-987,-988,-989,-990,64,64,64,64,64,64,64,64,64,64,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,64,64,64,-355,-358,64,-325,-326,-143,64,-144,64,-145,64,-432,-937,-938,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-1896,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-1896,64,-1896,64,64,64,64,64,64,64,64,64,64,64,64,-1896,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-1896,64,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,64,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,64,64,64,-193,-194,64,-996,64,64,64,64,64,-279,-280,-281,-282,-367,64,-310,64,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,64,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,64,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,64,64,64,64,64,64,-575,64,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,64,64,-725,-726,-727,64,64,64,64,64,64,-996,64,64,-93,-94,64,64,64,64,-311,-312,-322,64,-309,-295,-296,-297,64,64,64,64,-620,-635,-592,64,64,-438,64,-439,64,-446,-447,-448,-380,-381,64,64,64,-508,64,64,-512,64,64,64,64,-517,-518,-519,-520,64,64,-523,-524,64,-526,-527,-528,-529,-530,-531,-532,-533,64,-535,64,64,64,-541,-543,-544,64,-546,-547,-548,-549,64,64,64,64,64,64,-654,-655,-656,-657,64,-659,-660,-661,64,64,64,-667,64,64,-671,-672,64,64,-675,64,-677,-678,64,-681,64,-683,64,64,-686,-687,-688,64,-690,64,64,-693,64,64,-696,-697,-698,64,-700,-701,-702,-703,64,64,-748,64,-751,-752,-753,-754,-755,64,-757,-758,-759,-760,-761,64,-768,-769,-771,64,-773,-774,-775,-784,-858,-860,-862,-864,64,64,64,64,-870,64,-872,64,64,64,64,64,64,64,-908,-909,64,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,64,-923,-926,64,-936,64,-387,-388,-389,64,64,-392,-393,-394,-395,64,-398,64,-401,-402,64,-403,64,-408,-409,64,-412,-413,-414,64,-417,64,-418,64,-423,-424,64,-427,64,-430,-431,-1896,-1896,64,-621,-622,-623,-624,-625,-636,-586,-626,-799,64,64,64,64,64,-833,64,64,-808,64,-834,64,64,64,64,-800,64,-855,-801,64,64,64,64,64,64,-856,-857,64,-836,-832,-837,64,-627,64,-628,-629,-630,-631,-576,64,64,-632,-633,-634,64,64,64,64,64,64,-637,-638,-639,-594,-1896,-604,64,-640,-641,-715,-642,-606,64,-574,-579,-582,-585,64,64,64,-600,-603,64,-610,64,64,64,64,64,64,64,64,64,64,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,64,64,64,-997,64,64,64,64,64,64,-308,-327,-321,-298,-377,-454,-455,-456,-460,64,-445,64,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,64,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,64,64,64,64,64,64,64,64,64,-318,-537,-510,-593,-939,-941,-942,-440,64,-442,-382,-383,-385,-509,-511,-513,64,-515,-516,-521,-522,64,-534,-536,-539,-540,-545,-550,-728,64,-729,64,-734,64,-736,64,-741,-658,-662,-663,64,-668,64,-669,64,-674,-676,64,-679,64,64,64,-689,-691,64,-694,64,64,-746,64,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,64,64,64,64,64,-879,64,-882,-910,-922,-927,-390,-391,64,-396,64,-399,64,-404,64,-405,64,-410,64,-415,64,-419,64,-420,64,-425,64,-428,-901,-902,-645,-587,-1896,-903,64,64,64,-802,64,64,-806,64,-809,-835,64,-820,64,-822,64,-824,-810,64,-826,64,-853,-854,64,64,-813,64,-648,-904,-906,-650,-651,-647,64,-707,-708,64,-644,-905,-649,-652,-605,-716,64,64,-607,-588,64,64,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,64,64,-711,-712,64,-718,64,64,64,64,64,64,-940,64,-441,-443,-749,64,-893,64,-717,-1896,64,64,64,64,64,-444,-514,-525,64,-730,-735,64,-737,64,-742,64,-664,-670,64,-680,-682,-684,-685,-692,-695,-699,-747,64,64,-876,64,64,-880,64,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,64,-814,64,-816,-803,64,-804,-807,64,-818,-821,-823,-825,-827,64,-828,64,-811,64,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,64,-284,64,64,64,64,-457,64,64,-731,64,-738,64,-743,64,-665,-673,64,64,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,64,-838,-53,64,64,-732,64,-739,64,-744,-666,64,-875,-54,64,64,-733,-740,-745,64,64,64,-874,]),'ASCII':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[65,65,65,1082,-1896,65,65,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,65,65,65,65,-277,-278,1082,-1427,1082,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1082,1082,1082,-492,1082,1082,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1082,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1082,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1828,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,65,-174,-175,-176,-177,-995,65,65,65,65,65,65,65,65,65,65,1082,1082,1082,1082,1082,-292,-293,-283,65,1082,1082,1082,1082,-330,-320,-334,-335,-336,1082,1082,-984,-985,-986,-987,-988,-989,-990,65,65,1082,1082,1082,1082,1082,1082,1082,1082,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1082,1082,1082,-355,-358,65,-325,-326,-143,1082,-144,1082,-145,1082,-432,-937,-938,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1896,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1896,1082,-1896,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1896,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1896,65,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1082,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1082,65,65,-193,-194,65,-996,1082,65,65,65,65,-279,-280,-281,-282,-367,1082,-310,1082,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1082,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1082,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1082,1082,1082,1082,1082,1082,-575,1082,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1082,1082,-725,-726,-727,1082,1828,65,65,65,65,-996,65,1082,-93,-94,65,65,65,1082,-311,-312,-322,1082,-309,-295,-296,-297,1082,65,1082,1082,-620,-635,-592,1082,65,-438,65,-439,1082,-446,-447,-448,-380,-381,1082,1082,1082,-508,1082,1082,-512,1082,1082,1082,1082,-517,-518,-519,-520,1082,1082,-523,-524,1082,-526,-527,-528,-529,-530,-531,-532,-533,1082,-535,1082,1082,1082,-541,-543,-544,1082,-546,-547,-548,-549,1082,1082,1082,1082,1082,1082,-654,-655,-656,-657,65,-659,-660,-661,1082,1082,1082,-667,1082,1082,-671,-672,1082,1082,-675,1082,-677,-678,1082,-681,1082,-683,1082,1082,-686,-687,-688,1082,-690,1082,1082,-693,1082,1082,-696,-697,-698,1082,-700,-701,-702,-703,1082,1082,-748,1082,-751,-752,-753,-754,-755,1082,-757,-758,-759,-760,-761,1082,-768,-769,-771,1082,-773,-774,-775,-784,-858,-860,-862,-864,1082,1082,1082,1082,-870,1082,-872,1082,1082,1082,1082,1082,1082,1082,-908,-909,1082,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1082,-923,-926,1082,-936,1082,-387,-388,-389,1082,1082,-392,-393,-394,-395,1082,-398,1082,-401,-402,1082,-403,1082,-408,-409,1082,-412,-413,-414,1082,-417,1082,-418,1082,-423,-424,1082,-427,1082,-430,-431,-1896,-1896,1082,-621,-622,-623,-624,-625,-636,-586,-626,-799,1082,1082,1082,1082,1082,-833,1082,1082,-808,1082,-834,1082,1082,1082,1082,-800,1082,-855,-801,1082,1082,1082,1082,1082,1082,-856,-857,1082,-836,-832,-837,1082,-627,1082,-628,-629,-630,-631,-576,1082,1082,-632,-633,-634,1082,1082,1082,1082,1082,1082,-637,-638,-639,-594,-1896,-604,1082,-640,-641,-715,-642,-606,1082,-574,-579,-582,-585,1082,1082,1082,-600,-603,1082,-610,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1082,65,65,-997,65,1082,65,65,65,1082,-308,-327,-321,-298,-377,-454,-455,-456,-460,65,-445,1082,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1082,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,65,65,65,65,65,65,65,65,1082,-318,-537,-510,-593,-939,-941,-942,-440,1082,-442,-382,-383,-385,-509,-511,-513,1082,-515,-516,-521,-522,1082,-534,-536,-539,-540,-545,-550,-728,1082,-729,1082,-734,1082,-736,1082,-741,-658,-662,-663,1082,-668,1082,-669,1082,-674,-676,1082,-679,1082,1082,1082,-689,-691,1082,-694,1082,1082,-746,1082,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1082,1082,1082,1082,1082,-879,1082,-882,-910,-922,-927,-390,-391,1082,-396,1082,-399,1082,-404,1082,-405,1082,-410,1082,-415,1082,-419,1082,-420,1082,-425,1082,-428,-901,-902,-645,-587,-1896,-903,1082,1082,1082,-802,1082,1082,-806,1082,-809,-835,1082,-820,1082,-822,1082,-824,-810,1082,-826,1082,-853,-854,1082,1082,-813,1082,-648,-904,-906,-650,-651,-647,1082,-707,-708,1082,-644,-905,-649,-652,-605,-716,1082,1082,-607,-588,1082,1082,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1082,1082,-711,-712,1082,-718,1082,65,65,65,1082,1082,-940,65,-441,-443,-749,1082,-893,1828,-717,-1896,1082,1082,65,65,1082,-444,-514,-525,1082,-730,-735,1082,-737,1082,-742,1082,-664,-670,1082,-680,-682,-684,-685,-692,-695,-699,-747,1082,1082,-876,1082,1082,-880,1082,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1082,-814,1082,-816,-803,1082,-804,-807,1082,-818,-821,-823,-825,-827,1082,-828,1082,-811,1082,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,65,-284,65,1082,65,1082,-457,1082,1082,-731,1082,-738,1082,-743,1082,-665,-673,1082,1082,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1082,-838,-53,65,1082,-732,1082,-739,1082,-744,-666,1082,-875,-54,65,65,-733,-740,-745,1082,65,1082,-874,]),'ASENSITIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[66,66,66,66,-1896,66,66,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,66,66,66,66,-277,-278,66,-1427,66,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,66,66,66,-492,66,66,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,66,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,66,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,66,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,66,-174,-175,-176,-177,-995,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-292,-293,-283,66,66,66,66,66,-330,-320,-334,-335,-336,66,66,-984,-985,-986,-987,-988,-989,-990,66,66,66,66,66,66,66,66,66,66,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,66,66,66,-355,-358,66,-325,-326,-143,66,-144,66,-145,66,-432,-937,-938,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-1896,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-1896,66,-1896,66,66,66,66,66,66,66,66,66,66,66,66,-1896,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-1896,66,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,66,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,66,66,66,-193,-194,66,-996,66,66,66,66,66,-279,-280,-281,-282,-367,66,-310,66,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,66,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,66,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,66,66,66,66,66,66,-575,66,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,66,66,-725,-726,-727,66,66,66,66,66,66,-996,66,66,-93,-94,66,66,66,66,-311,-312,-322,66,-309,-295,-296,-297,66,66,66,66,-620,-635,-592,66,66,-438,66,-439,66,-446,-447,-448,-380,-381,66,66,66,-508,66,66,-512,66,66,66,66,-517,-518,-519,-520,66,66,-523,-524,66,-526,-527,-528,-529,-530,-531,-532,-533,66,-535,66,66,66,-541,-543,-544,66,-546,-547,-548,-549,66,66,66,66,66,66,-654,-655,-656,-657,66,-659,-660,-661,66,66,66,-667,66,66,-671,-672,66,66,-675,66,-677,-678,66,-681,66,-683,66,66,-686,-687,-688,66,-690,66,66,-693,66,66,-696,-697,-698,66,-700,-701,-702,-703,66,66,-748,66,-751,-752,-753,-754,-755,66,-757,-758,-759,-760,-761,66,-768,-769,-771,66,-773,-774,-775,-784,-858,-860,-862,-864,66,66,66,66,-870,66,-872,66,66,66,66,66,66,66,-908,-909,66,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,66,-923,-926,66,-936,66,-387,-388,-389,66,66,-392,-393,-394,-395,66,-398,66,-401,-402,66,-403,66,-408,-409,66,-412,-413,-414,66,-417,66,-418,66,-423,-424,66,-427,66,-430,-431,-1896,-1896,66,-621,-622,-623,-624,-625,-636,-586,-626,-799,66,66,66,66,66,-833,66,66,-808,66,-834,66,66,66,66,-800,66,-855,-801,66,66,66,66,66,66,-856,-857,66,-836,-832,-837,66,-627,66,-628,-629,-630,-631,-576,66,66,-632,-633,-634,66,66,66,66,66,66,-637,-638,-639,-594,-1896,-604,66,-640,-641,-715,-642,-606,66,-574,-579,-582,-585,66,66,66,-600,-603,66,-610,66,66,66,66,66,66,66,66,66,66,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,66,66,66,-997,66,66,66,66,66,66,-308,-327,-321,-298,-377,-454,-455,-456,-460,66,-445,66,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,66,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,66,66,66,66,66,66,66,66,66,-318,-537,-510,-593,-939,-941,-942,-440,66,-442,-382,-383,-385,-509,-511,-513,66,-515,-516,-521,-522,66,-534,-536,-539,-540,-545,-550,-728,66,-729,66,-734,66,-736,66,-741,-658,-662,-663,66,-668,66,-669,66,-674,-676,66,-679,66,66,66,-689,-691,66,-694,66,66,-746,66,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,66,66,66,66,66,-879,66,-882,-910,-922,-927,-390,-391,66,-396,66,-399,66,-404,66,-405,66,-410,66,-415,66,-419,66,-420,66,-425,66,-428,-901,-902,-645,-587,-1896,-903,66,66,66,-802,66,66,-806,66,-809,-835,66,-820,66,-822,66,-824,-810,66,-826,66,-853,-854,66,66,-813,66,-648,-904,-906,-650,-651,-647,66,-707,-708,66,-644,-905,-649,-652,-605,-716,66,66,-607,-588,66,66,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,66,66,-711,-712,66,-718,66,66,66,66,66,66,-940,66,-441,-443,-749,66,-893,66,-717,-1896,66,66,66,66,66,-444,-514,-525,66,-730,-735,66,-737,66,-742,66,-664,-670,66,-680,-682,-684,-685,-692,-695,-699,-747,66,66,-876,66,66,-880,66,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,66,-814,66,-816,-803,66,-804,-807,66,-818,-821,-823,-825,-827,66,-828,66,-811,66,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,66,-284,66,66,66,66,-457,66,66,-731,66,-738,66,-743,66,-665,-673,66,66,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,66,-838,-53,66,66,-732,66,-739,66,-744,-666,66,-875,-54,66,66,-733,-740,-745,66,66,66,-874,]),'ASIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[67,67,67,1050,-1896,67,67,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,67,67,67,67,-277,-278,1050,-1427,1050,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1050,1050,1050,-492,1050,1050,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1050,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1050,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1829,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,67,-174,-175,-176,-177,-995,67,67,67,67,67,67,67,67,67,67,1050,1050,1050,1050,1050,-292,-293,-283,67,1050,1050,1050,1050,-330,-320,-334,-335,-336,1050,1050,-984,-985,-986,-987,-988,-989,-990,67,67,1050,1050,1050,1050,1050,1050,1050,1050,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1050,1050,1050,-355,-358,67,-325,-326,-143,1050,-144,1050,-145,1050,-432,-937,-938,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1896,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1896,1050,-1896,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1896,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1896,67,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1050,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1050,67,67,-193,-194,67,-996,1050,67,67,67,67,-279,-280,-281,-282,-367,1050,-310,1050,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1050,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1050,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1050,1050,1050,1050,1050,1050,-575,1050,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1050,1050,-725,-726,-727,1050,1829,67,67,67,67,-996,67,1050,-93,-94,67,67,67,1050,-311,-312,-322,1050,-309,-295,-296,-297,1050,67,1050,1050,-620,-635,-592,1050,67,-438,67,-439,1050,-446,-447,-448,-380,-381,1050,1050,1050,-508,1050,1050,-512,1050,1050,1050,1050,-517,-518,-519,-520,1050,1050,-523,-524,1050,-526,-527,-528,-529,-530,-531,-532,-533,1050,-535,1050,1050,1050,-541,-543,-544,1050,-546,-547,-548,-549,1050,1050,1050,1050,1050,1050,-654,-655,-656,-657,67,-659,-660,-661,1050,1050,1050,-667,1050,1050,-671,-672,1050,1050,-675,1050,-677,-678,1050,-681,1050,-683,1050,1050,-686,-687,-688,1050,-690,1050,1050,-693,1050,1050,-696,-697,-698,1050,-700,-701,-702,-703,1050,1050,-748,1050,-751,-752,-753,-754,-755,1050,-757,-758,-759,-760,-761,1050,-768,-769,-771,1050,-773,-774,-775,-784,-858,-860,-862,-864,1050,1050,1050,1050,-870,1050,-872,1050,1050,1050,1050,1050,1050,1050,-908,-909,1050,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1050,-923,-926,1050,-936,1050,-387,-388,-389,1050,1050,-392,-393,-394,-395,1050,-398,1050,-401,-402,1050,-403,1050,-408,-409,1050,-412,-413,-414,1050,-417,1050,-418,1050,-423,-424,1050,-427,1050,-430,-431,-1896,-1896,1050,-621,-622,-623,-624,-625,-636,-586,-626,-799,1050,1050,1050,1050,1050,-833,1050,1050,-808,1050,-834,1050,1050,1050,1050,-800,1050,-855,-801,1050,1050,1050,1050,1050,1050,-856,-857,1050,-836,-832,-837,1050,-627,1050,-628,-629,-630,-631,-576,1050,1050,-632,-633,-634,1050,1050,1050,1050,1050,1050,-637,-638,-639,-594,-1896,-604,1050,-640,-641,-715,-642,-606,1050,-574,-579,-582,-585,1050,1050,1050,-600,-603,1050,-610,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1050,67,67,-997,67,1050,67,67,67,1050,-308,-327,-321,-298,-377,-454,-455,-456,-460,67,-445,1050,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1050,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,67,67,67,67,67,67,67,67,1050,-318,-537,-510,-593,-939,-941,-942,-440,1050,-442,-382,-383,-385,-509,-511,-513,1050,-515,-516,-521,-522,1050,-534,-536,-539,-540,-545,-550,-728,1050,-729,1050,-734,1050,-736,1050,-741,-658,-662,-663,1050,-668,1050,-669,1050,-674,-676,1050,-679,1050,1050,1050,-689,-691,1050,-694,1050,1050,-746,1050,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1050,1050,1050,1050,1050,-879,1050,-882,-910,-922,-927,-390,-391,1050,-396,1050,-399,1050,-404,1050,-405,1050,-410,1050,-415,1050,-419,1050,-420,1050,-425,1050,-428,-901,-902,-645,-587,-1896,-903,1050,1050,1050,-802,1050,1050,-806,1050,-809,-835,1050,-820,1050,-822,1050,-824,-810,1050,-826,1050,-853,-854,1050,1050,-813,1050,-648,-904,-906,-650,-651,-647,1050,-707,-708,1050,-644,-905,-649,-652,-605,-716,1050,1050,-607,-588,1050,1050,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1050,1050,-711,-712,1050,-718,1050,67,67,67,1050,1050,-940,67,-441,-443,-749,1050,-893,1829,-717,-1896,1050,1050,67,67,1050,-444,-514,-525,1050,-730,-735,1050,-737,1050,-742,1050,-664,-670,1050,-680,-682,-684,-685,-692,-695,-699,-747,1050,1050,-876,1050,1050,-880,1050,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1050,-814,1050,-816,-803,1050,-804,-807,1050,-818,-821,-823,-825,-827,1050,-828,1050,-811,1050,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,67,-284,67,1050,67,1050,-457,1050,1050,-731,1050,-738,1050,-743,1050,-665,-673,1050,1050,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1050,-838,-53,67,1050,-732,1050,-739,1050,-744,-666,1050,-875,-54,67,67,-733,-740,-745,1050,67,1050,-874,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[68,68,68,1190,-1896,68,68,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,68,68,68,68,-277,-278,1190,-1427,1190,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1190,1190,1190,-492,1190,1190,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1190,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1190,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1830,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,68,-174,-175,-176,-177,-995,68,68,68,68,68,68,68,68,68,68,1190,1190,1190,1190,1190,-292,-293,-283,68,1190,1190,1190,1190,-330,-320,-334,-335,-336,1190,1190,-984,-985,-986,-987,-988,-989,-990,68,68,1190,1190,1190,1190,1190,1190,1190,1190,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1190,1190,1190,-355,-358,68,-325,-326,-143,1190,-144,1190,-145,1190,-432,-937,-938,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1896,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1896,1190,-1896,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1896,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1896,68,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1190,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1190,68,68,-193,-194,68,-996,1190,68,68,68,68,-279,-280,-281,-282,-367,1190,-310,1190,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1190,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1190,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1190,1190,1190,1190,1190,1190,-575,1190,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1190,1190,-725,-726,-727,1190,1830,68,68,68,68,-996,68,1190,-93,-94,68,68,68,1190,-311,-312,-322,1190,-309,-295,-296,-297,1190,68,1190,1190,-620,-635,-592,1190,68,-438,68,-439,1190,-446,-447,-448,-380,-381,1190,1190,1190,-508,1190,1190,-512,1190,1190,1190,1190,-517,-518,-519,-520,1190,1190,-523,-524,1190,-526,-527,-528,-529,-530,-531,-532,-533,1190,-535,1190,1190,1190,-541,-543,-544,1190,-546,-547,-548,-549,1190,1190,1190,1190,1190,1190,-654,-655,-656,-657,68,-659,-660,-661,1190,1190,1190,-667,1190,1190,-671,-672,1190,1190,-675,1190,-677,-678,1190,-681,1190,-683,1190,1190,-686,-687,-688,1190,-690,1190,1190,-693,1190,1190,-696,-697,-698,1190,-700,-701,-702,-703,1190,1190,-748,1190,-751,-752,-753,-754,-755,1190,-757,-758,-759,-760,-761,1190,-768,-769,-771,1190,-773,-774,-775,-784,-858,-860,-862,-864,1190,1190,1190,1190,-870,1190,-872,1190,1190,1190,1190,1190,1190,1190,-908,-909,1190,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1190,-923,-926,1190,-936,1190,-387,-388,-389,1190,1190,-392,-393,-394,-395,1190,-398,1190,-401,-402,1190,-403,1190,-408,-409,1190,-412,-413,-414,1190,-417,1190,-418,1190,-423,-424,1190,-427,1190,-430,-431,-1896,-1896,1190,-621,-622,-623,-624,-625,-636,-586,-626,-799,1190,1190,1190,1190,1190,-833,1190,1190,-808,1190,-834,1190,1190,1190,1190,-800,1190,-855,-801,1190,1190,1190,1190,1190,1190,-856,-857,1190,-836,-832,-837,1190,-627,1190,-628,-629,-630,-631,-576,1190,1190,-632,-633,-634,1190,1190,1190,1190,1190,1190,-637,-638,-639,-594,-1896,-604,1190,-640,-641,-715,-642,-606,1190,-574,-579,-582,-585,1190,1190,1190,-600,-603,1190,-610,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1190,68,68,-997,68,1190,68,68,68,1190,-308,-327,-321,-298,-377,-454,-455,-456,-460,68,-445,1190,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1190,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,68,68,68,68,68,68,68,68,1190,-318,-537,-510,-593,-939,-941,-942,-440,1190,-442,-382,-383,-385,-509,-511,-513,1190,-515,-516,-521,-522,1190,-534,-536,-539,-540,-545,-550,-728,1190,-729,1190,-734,1190,-736,1190,-741,-658,-662,-663,1190,-668,1190,-669,1190,-674,-676,1190,-679,1190,1190,1190,-689,-691,1190,-694,1190,1190,-746,1190,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1190,1190,1190,1190,1190,-879,1190,-882,-910,-922,-927,-390,-391,1190,-396,1190,-399,1190,-404,1190,-405,1190,-410,1190,-415,1190,-419,1190,-420,1190,-425,1190,-428,-901,-902,-645,-587,-1896,-903,1190,1190,1190,-802,1190,1190,-806,1190,-809,-835,1190,-820,1190,-822,1190,-824,-810,1190,-826,1190,-853,-854,1190,1190,-813,1190,-648,-904,-906,-650,-651,-647,1190,-707,-708,1190,-644,-905,-649,-652,-605,-716,1190,1190,-607,-588,1190,1190,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1190,1190,-711,-712,1190,-718,1190,68,68,68,1190,1190,-940,68,-441,-443,-749,1190,-893,1830,-717,-1896,1190,1190,68,68,1190,-444,-514,-525,1190,-730,-735,1190,-737,1190,-742,1190,-664,-670,1190,-680,-682,-684,-685,-692,-695,-699,-747,1190,1190,-876,1190,1190,-880,1190,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1190,-814,1190,-816,-803,1190,-804,-807,1190,-818,-821,-823,-825,-827,1190,-828,1190,-811,1190,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,68,-284,68,1190,68,1190,-457,1190,1190,-731,1190,-738,1190,-743,1190,-665,-673,1190,1190,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1190,-838,-53,68,1190,-732,1190,-739,1190,-744,-666,1190,-875,-54,68,68,-733,-740,-745,1190,68,1190,-874,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[69,69,69,1191,-1896,69,69,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,69,69,69,69,-277,-278,1191,-1427,1191,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1191,1191,1191,-492,1191,1191,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1191,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1191,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1831,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,69,-174,-175,-176,-177,-995,69,69,69,69,69,69,69,69,69,69,1191,1191,1191,1191,1191,-292,-293,-283,69,1191,1191,1191,1191,-330,-320,-334,-335,-336,1191,1191,-984,-985,-986,-987,-988,-989,-990,69,69,1191,1191,1191,1191,1191,1191,1191,1191,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1191,1191,1191,-355,-358,69,-325,-326,-143,1191,-144,1191,-145,1191,-432,-937,-938,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1896,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1896,1191,-1896,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1896,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1896,69,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1191,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1191,69,69,-193,-194,69,-996,1191,69,69,69,69,-279,-280,-281,-282,-367,1191,-310,1191,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1191,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1191,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1191,1191,1191,1191,1191,1191,-575,1191,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1191,1191,-725,-726,-727,1191,1831,69,69,69,69,-996,69,1191,-93,-94,69,69,69,1191,-311,-312,-322,1191,-309,-295,-296,-297,1191,69,1191,1191,-620,-635,-592,1191,69,-438,69,-439,1191,-446,-447,-448,-380,-381,1191,1191,1191,-508,1191,1191,-512,1191,1191,1191,1191,-517,-518,-519,-520,1191,1191,-523,-524,1191,-526,-527,-528,-529,-530,-531,-532,-533,1191,-535,1191,1191,1191,-541,-543,-544,1191,-546,-547,-548,-549,1191,1191,1191,1191,1191,1191,-654,-655,-656,-657,69,-659,-660,-661,1191,1191,1191,-667,1191,1191,-671,-672,1191,1191,-675,1191,-677,-678,1191,-681,1191,-683,1191,1191,-686,-687,-688,1191,-690,1191,1191,-693,1191,1191,-696,-697,-698,1191,-700,-701,-702,-703,1191,1191,-748,1191,-751,-752,-753,-754,-755,1191,-757,-758,-759,-760,-761,1191,-768,-769,-771,1191,-773,-774,-775,-784,-858,-860,-862,-864,1191,1191,1191,1191,-870,1191,-872,1191,1191,1191,1191,1191,1191,1191,-908,-909,1191,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1191,-923,-926,1191,-936,1191,-387,-388,-389,1191,1191,-392,-393,-394,-395,1191,-398,1191,-401,-402,1191,-403,1191,-408,-409,1191,-412,-413,-414,1191,-417,1191,-418,1191,-423,-424,1191,-427,1191,-430,-431,-1896,-1896,1191,-621,-622,-623,-624,-625,-636,-586,-626,-799,1191,1191,1191,1191,1191,-833,1191,1191,-808,1191,-834,1191,1191,1191,1191,-800,1191,-855,-801,1191,1191,1191,1191,1191,1191,-856,-857,1191,-836,-832,-837,1191,-627,1191,-628,-629,-630,-631,-576,1191,1191,-632,-633,-634,1191,1191,1191,1191,1191,1191,-637,-638,-639,-594,-1896,-604,1191,-640,-641,-715,-642,-606,1191,-574,-579,-582,-585,1191,1191,1191,-600,-603,1191,-610,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1191,69,69,-997,69,1191,69,69,69,1191,-308,-327,-321,-298,-377,-454,-455,-456,-460,69,-445,1191,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1191,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,69,69,69,69,69,69,69,69,1191,-318,-537,-510,-593,-939,-941,-942,-440,1191,-442,-382,-383,-385,-509,-511,-513,1191,-515,-516,-521,-522,1191,-534,-536,-539,-540,-545,-550,-728,1191,-729,1191,-734,1191,-736,1191,-741,-658,-662,-663,1191,-668,1191,-669,1191,-674,-676,1191,-679,1191,1191,1191,-689,-691,1191,-694,1191,1191,-746,1191,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1191,1191,1191,1191,1191,-879,1191,-882,-910,-922,-927,-390,-391,1191,-396,1191,-399,1191,-404,1191,-405,1191,-410,1191,-415,1191,-419,1191,-420,1191,-425,1191,-428,-901,-902,-645,-587,-1896,-903,1191,1191,1191,-802,1191,1191,-806,1191,-809,-835,1191,-820,1191,-822,1191,-824,-810,1191,-826,1191,-853,-854,1191,1191,-813,1191,-648,-904,-906,-650,-651,-647,1191,-707,-708,1191,-644,-905,-649,-652,-605,-716,1191,1191,-607,-588,1191,1191,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1191,1191,-711,-712,1191,-718,1191,69,69,69,1191,1191,-940,69,-441,-443,-749,1191,-893,1831,-717,-1896,1191,1191,69,69,1191,-444,-514,-525,1191,-730,-735,1191,-737,1191,-742,1191,-664,-670,1191,-680,-682,-684,-685,-692,-695,-699,-747,1191,1191,-876,1191,1191,-880,1191,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1191,-814,1191,-816,-803,1191,-804,-807,1191,-818,-821,-823,-825,-827,1191,-828,1191,-811,1191,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,69,-284,69,1191,69,1191,-457,1191,1191,-731,1191,-738,1191,-743,1191,-665,-673,1191,1191,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1191,-838,-53,69,1191,-732,1191,-739,1191,-744,-666,1191,-875,-54,69,69,-733,-740,-745,1191,69,1191,-874,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[70,70,70,1192,-1896,70,70,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,70,70,70,70,-277,-278,1192,-1427,1192,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1192,1192,1192,-492,1192,1192,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1192,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1192,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1832,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,70,-174,-175,-176,-177,-995,70,70,70,70,70,70,70,70,70,70,1192,1192,1192,1192,1192,-292,-293,-283,70,1192,1192,1192,1192,-330,-320,-334,-335,-336,1192,1192,-984,-985,-986,-987,-988,-989,-990,70,70,1192,1192,1192,1192,1192,1192,1192,1192,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1192,1192,1192,-355,-358,70,-325,-326,-143,1192,-144,1192,-145,1192,-432,-937,-938,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1896,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1896,1192,-1896,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1896,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1896,70,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1192,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1192,70,70,-193,-194,70,-996,1192,70,70,70,70,-279,-280,-281,-282,-367,1192,-310,1192,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1192,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1192,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1192,1192,1192,1192,1192,1192,-575,1192,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1192,1192,-725,-726,-727,1192,1832,70,70,70,70,-996,70,1192,-93,-94,70,70,70,1192,-311,-312,-322,1192,-309,-295,-296,-297,1192,70,1192,1192,-620,-635,-592,1192,70,-438,70,-439,1192,-446,-447,-448,-380,-381,1192,1192,1192,-508,1192,1192,-512,1192,1192,1192,1192,-517,-518,-519,-520,1192,1192,-523,-524,1192,-526,-527,-528,-529,-530,-531,-532,-533,1192,-535,1192,1192,1192,-541,-543,-544,1192,-546,-547,-548,-549,1192,1192,1192,1192,1192,1192,-654,-655,-656,-657,70,-659,-660,-661,1192,1192,1192,-667,1192,1192,-671,-672,1192,1192,-675,1192,-677,-678,1192,-681,1192,-683,1192,1192,-686,-687,-688,1192,-690,1192,1192,-693,1192,1192,-696,-697,-698,1192,-700,-701,-702,-703,1192,1192,-748,1192,-751,-752,-753,-754,-755,1192,-757,-758,-759,-760,-761,1192,-768,-769,-771,1192,-773,-774,-775,-784,-858,-860,-862,-864,1192,1192,1192,1192,-870,1192,-872,1192,1192,1192,1192,1192,1192,1192,-908,-909,1192,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1192,-923,-926,1192,-936,1192,-387,-388,-389,1192,1192,-392,-393,-394,-395,1192,-398,1192,-401,-402,1192,-403,1192,-408,-409,1192,-412,-413,-414,1192,-417,1192,-418,1192,-423,-424,1192,-427,1192,-430,-431,-1896,-1896,1192,-621,-622,-623,-624,-625,-636,-586,-626,-799,1192,1192,1192,1192,1192,-833,1192,1192,-808,1192,-834,1192,1192,1192,1192,-800,1192,-855,-801,1192,1192,1192,1192,1192,1192,-856,-857,1192,-836,-832,-837,1192,-627,1192,-628,-629,-630,-631,-576,1192,1192,-632,-633,-634,1192,1192,1192,1192,1192,1192,-637,-638,-639,-594,-1896,-604,1192,-640,-641,-715,-642,-606,1192,-574,-579,-582,-585,1192,1192,1192,-600,-603,1192,-610,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1192,70,70,-997,70,1192,70,70,70,1192,-308,-327,-321,-298,-377,-454,-455,-456,-460,70,-445,1192,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1192,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,70,70,70,70,70,70,70,70,1192,-318,-537,-510,-593,-939,-941,-942,-440,1192,-442,-382,-383,-385,-509,-511,-513,1192,-515,-516,-521,-522,1192,-534,-536,-539,-540,-545,-550,-728,1192,-729,1192,-734,1192,-736,1192,-741,-658,-662,-663,1192,-668,1192,-669,1192,-674,-676,1192,-679,1192,1192,1192,-689,-691,1192,-694,1192,1192,-746,1192,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1192,1192,1192,1192,1192,-879,1192,-882,-910,-922,-927,-390,-391,1192,-396,1192,-399,1192,-404,1192,-405,1192,-410,1192,-415,1192,-419,1192,-420,1192,-425,1192,-428,-901,-902,-645,-587,-1896,-903,1192,1192,1192,-802,1192,1192,-806,1192,-809,-835,1192,-820,1192,-822,1192,-824,-810,1192,-826,1192,-853,-854,1192,1192,-813,1192,-648,-904,-906,-650,-651,-647,1192,-707,-708,1192,-644,-905,-649,-652,-605,-716,1192,1192,-607,-588,1192,1192,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1192,1192,-711,-712,1192,-718,1192,70,70,70,1192,1192,-940,70,-441,-443,-749,1192,-893,1832,-717,-1896,1192,1192,70,70,1192,-444,-514,-525,1192,-730,-735,1192,-737,1192,-742,1192,-664,-670,1192,-680,-682,-684,-685,-692,-695,-699,-747,1192,1192,-876,1192,1192,-880,1192,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1192,-814,1192,-816,-803,1192,-804,-807,1192,-818,-821,-823,-825,-827,1192,-828,1192,-811,1192,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,70,-284,70,1192,70,1192,-457,1192,1192,-731,1192,-738,1192,-743,1192,-665,-673,1192,1192,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1192,-838,-53,70,1192,-732,1192,-739,1192,-744,-666,1192,-875,-54,70,70,-733,-740,-745,1192,70,1192,-874,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[71,71,71,1193,-1896,71,71,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,71,71,71,71,-277,-278,1193,-1427,1193,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1193,1193,1193,-492,1193,1193,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1193,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1193,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1833,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,71,-174,-175,-176,-177,-995,71,71,71,71,71,71,71,71,71,71,1193,1193,1193,1193,1193,-292,-293,-283,71,1193,1193,1193,1193,-330,-320,-334,-335,-336,1193,1193,-984,-985,-986,-987,-988,-989,-990,71,71,1193,1193,1193,1193,1193,1193,1193,1193,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1193,1193,1193,-355,-358,71,-325,-326,-143,1193,-144,1193,-145,1193,-432,-937,-938,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1896,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1896,1193,-1896,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1896,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1896,71,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1193,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1193,71,71,-193,-194,71,-996,1193,71,71,71,71,-279,-280,-281,-282,-367,1193,-310,1193,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1193,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1193,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1193,1193,1193,1193,1193,1193,-575,1193,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1193,1193,-725,-726,-727,1193,1833,71,71,71,71,-996,71,1193,-93,-94,71,71,71,1193,-311,-312,-322,1193,-309,-295,-296,-297,1193,71,1193,1193,-620,-635,-592,1193,71,-438,71,-439,1193,-446,-447,-448,-380,-381,1193,1193,1193,-508,1193,1193,-512,1193,1193,1193,1193,-517,-518,-519,-520,1193,1193,-523,-524,1193,-526,-527,-528,-529,-530,-531,-532,-533,1193,-535,1193,1193,1193,-541,-543,-544,1193,-546,-547,-548,-549,1193,1193,1193,1193,1193,1193,-654,-655,-656,-657,71,-659,-660,-661,1193,1193,1193,-667,1193,1193,-671,-672,1193,1193,-675,1193,-677,-678,1193,-681,1193,-683,1193,1193,-686,-687,-688,1193,-690,1193,1193,-693,1193,1193,-696,-697,-698,1193,-700,-701,-702,-703,1193,1193,-748,1193,-751,-752,-753,-754,-755,1193,-757,-758,-759,-760,-761,1193,-768,-769,-771,1193,-773,-774,-775,-784,-858,-860,-862,-864,1193,1193,1193,1193,-870,1193,-872,1193,1193,1193,1193,1193,1193,1193,-908,-909,1193,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1193,-923,-926,1193,-936,1193,-387,-388,-389,1193,1193,-392,-393,-394,-395,1193,-398,1193,-401,-402,1193,-403,1193,-408,-409,1193,-412,-413,-414,1193,-417,1193,-418,1193,-423,-424,1193,-427,1193,-430,-431,-1896,-1896,1193,-621,-622,-623,-624,-625,-636,-586,-626,-799,1193,1193,1193,1193,1193,-833,1193,1193,-808,1193,-834,1193,1193,1193,1193,-800,1193,-855,-801,1193,1193,1193,1193,1193,1193,-856,-857,1193,-836,-832,-837,1193,-627,1193,-628,-629,-630,-631,-576,1193,1193,-632,-633,-634,1193,1193,1193,1193,1193,1193,-637,-638,-639,-594,-1896,-604,1193,-640,-641,-715,-642,-606,1193,-574,-579,-582,-585,1193,1193,1193,-600,-603,1193,-610,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1193,71,71,-997,71,1193,71,71,71,1193,-308,-327,-321,-298,-377,-454,-455,-456,-460,71,-445,1193,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1193,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,71,71,71,71,71,71,71,71,1193,-318,-537,-510,-593,-939,-941,-942,-440,1193,-442,-382,-383,-385,-509,-511,-513,1193,-515,-516,-521,-522,1193,-534,-536,-539,-540,-545,-550,-728,1193,-729,1193,-734,1193,-736,1193,-741,-658,-662,-663,1193,-668,1193,-669,1193,-674,-676,1193,-679,1193,1193,1193,-689,-691,1193,-694,1193,1193,-746,1193,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1193,1193,1193,1193,1193,-879,1193,-882,-910,-922,-927,-390,-391,1193,-396,1193,-399,1193,-404,1193,-405,1193,-410,1193,-415,1193,-419,1193,-420,1193,-425,1193,-428,-901,-902,-645,-587,-1896,-903,1193,1193,1193,-802,1193,1193,-806,1193,-809,-835,1193,-820,1193,-822,1193,-824,-810,1193,-826,1193,-853,-854,1193,1193,-813,1193,-648,-904,-906,-650,-651,-647,1193,-707,-708,1193,-644,-905,-649,-652,-605,-716,1193,1193,-607,-588,1193,1193,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1193,1193,-711,-712,1193,-718,1193,71,71,71,1193,1193,-940,71,-441,-443,-749,1193,-893,1833,-717,-1896,1193,1193,71,71,1193,-444,-514,-525,1193,-730,-735,1193,-737,1193,-742,1193,-664,-670,1193,-680,-682,-684,-685,-692,-695,-699,-747,1193,1193,-876,1193,1193,-880,1193,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1193,-814,1193,-816,-803,1193,-804,-807,1193,-818,-821,-823,-825,-827,1193,-828,1193,-811,1193,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,71,-284,71,1193,71,1193,-457,1193,1193,-731,1193,-738,1193,-743,1193,-665,-673,1193,1193,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1193,-838,-53,71,1193,-732,1193,-739,1193,-744,-666,1193,-875,-54,71,71,-733,-740,-745,1193,71,1193,-874,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_RESET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[72,72,72,1194,-1896,72,72,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,72,72,72,72,-277,-278,1194,-1427,1194,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1194,1194,1194,-492,1194,1194,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1194,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1194,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1834,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,72,-174,-175,-176,-177,-995,72,72,72,72,72,72,72,72,72,72,1194,1194,1194,1194,1194,-292,-293,-283,72,1194,1194,1194,1194,-330,-320,-334,-335,-336,1194,1194,-984,-985,-986,-987,-988,-989,-990,72,72,1194,1194,1194,1194,1194,1194,1194,1194,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1194,1194,1194,-355,-358,72,-325,-326,-143,1194,-144,1194,-145,1194,-432,-937,-938,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1896,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1896,1194,-1896,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1896,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1896,72,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1194,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1194,72,72,-193,-194,72,-996,1194,72,72,72,72,-279,-280,-281,-282,-367,1194,-310,1194,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1194,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1194,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1194,1194,1194,1194,1194,1194,-575,1194,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1194,1194,-725,-726,-727,1194,1834,72,72,72,72,-996,72,1194,-93,-94,72,72,72,1194,-311,-312,-322,1194,-309,-295,-296,-297,1194,72,1194,1194,-620,-635,-592,1194,72,-438,72,-439,1194,-446,-447,-448,-380,-381,1194,1194,1194,-508,1194,1194,-512,1194,1194,1194,1194,-517,-518,-519,-520,1194,1194,-523,-524,1194,-526,-527,-528,-529,-530,-531,-532,-533,1194,-535,1194,1194,1194,-541,-543,-544,1194,-546,-547,-548,-549,1194,1194,1194,1194,1194,1194,-654,-655,-656,-657,72,-659,-660,-661,1194,1194,1194,-667,1194,1194,-671,-672,1194,1194,-675,1194,-677,-678,1194,-681,1194,-683,1194,1194,-686,-687,-688,1194,-690,1194,1194,-693,1194,1194,-696,-697,-698,1194,-700,-701,-702,-703,1194,1194,-748,1194,-751,-752,-753,-754,-755,1194,-757,-758,-759,-760,-761,1194,-768,-769,-771,1194,-773,-774,-775,-784,-858,-860,-862,-864,1194,1194,1194,1194,-870,1194,-872,1194,1194,1194,1194,1194,1194,1194,-908,-909,1194,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1194,-923,-926,1194,-936,1194,-387,-388,-389,1194,1194,-392,-393,-394,-395,1194,-398,1194,-401,-402,1194,-403,1194,-408,-409,1194,-412,-413,-414,1194,-417,1194,-418,1194,-423,-424,1194,-427,1194,-430,-431,-1896,-1896,1194,-621,-622,-623,-624,-625,-636,-586,-626,-799,1194,1194,1194,1194,1194,-833,1194,1194,-808,1194,-834,1194,1194,1194,1194,-800,1194,-855,-801,1194,1194,1194,1194,1194,1194,-856,-857,1194,-836,-832,-837,1194,-627,1194,-628,-629,-630,-631,-576,1194,1194,-632,-633,-634,1194,1194,1194,1194,1194,1194,-637,-638,-639,-594,-1896,-604,1194,-640,-641,-715,-642,-606,1194,-574,-579,-582,-585,1194,1194,1194,-600,-603,1194,-610,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1194,72,72,-997,72,1194,72,72,72,1194,-308,-327,-321,-298,-377,-454,-455,-456,-460,72,-445,1194,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1194,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,72,72,72,72,72,72,72,72,1194,-318,-537,-510,-593,-939,-941,-942,-440,1194,-442,-382,-383,-385,-509,-511,-513,1194,-515,-516,-521,-522,1194,-534,-536,-539,-540,-545,-550,-728,1194,-729,1194,-734,1194,-736,1194,-741,-658,-662,-663,1194,-668,1194,-669,1194,-674,-676,1194,-679,1194,1194,1194,-689,-691,1194,-694,1194,1194,-746,1194,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1194,1194,1194,1194,1194,-879,1194,-882,-910,-922,-927,-390,-391,1194,-396,1194,-399,1194,-404,1194,-405,1194,-410,1194,-415,1194,-419,1194,-420,1194,-425,1194,-428,-901,-902,-645,-587,-1896,-903,1194,1194,1194,-802,1194,1194,-806,1194,-809,-835,1194,-820,1194,-822,1194,-824,-810,1194,-826,1194,-853,-854,1194,1194,-813,1194,-648,-904,-906,-650,-651,-647,1194,-707,-708,1194,-644,-905,-649,-652,-605,-716,1194,1194,-607,-588,1194,1194,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1194,1194,-711,-712,1194,-718,1194,72,72,72,1194,1194,-940,72,-441,-443,-749,1194,-893,1834,-717,-1896,1194,1194,72,72,1194,-444,-514,-525,1194,-730,-735,1194,-737,1194,-742,1194,-664,-670,1194,-680,-682,-684,-685,-692,-695,-699,-747,1194,1194,-876,1194,1194,-880,1194,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1194,-814,1194,-816,-803,1194,-804,-807,1194,-818,-821,-823,-825,-827,1194,-828,1194,-811,1194,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,72,-284,72,1194,72,1194,-457,1194,1194,-731,1194,-738,1194,-743,1194,-665,-673,1194,1194,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1194,-838,-53,72,1194,-732,1194,-739,1194,-744,-666,1194,-875,-54,72,72,-733,-740,-745,1194,72,1194,-874,]),'AT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[73,73,73,73,-1896,73,73,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,73,73,73,73,-277,-278,73,-1427,73,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,73,73,73,-492,73,73,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,73,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,73,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,73,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,73,-174,-175,-176,-177,-995,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-292,-293,-283,73,73,73,73,73,-330,-320,-334,-335,-336,73,73,-984,-985,-986,-987,-988,-989,-990,73,73,73,73,73,73,73,73,73,73,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,73,73,73,-355,-358,73,-325,-326,-143,73,-144,73,-145,73,-432,-937,-938,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-1896,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-1896,73,-1896,73,73,73,73,73,73,73,73,73,73,73,73,-1896,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-1896,73,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,73,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,73,73,73,-193,-194,73,-996,73,73,73,73,73,-279,-280,-281,-282,-367,73,-310,73,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,73,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,73,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,73,73,73,73,73,73,-575,73,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,73,73,-725,-726,-727,73,73,73,73,73,73,-996,73,73,-93,-94,73,73,73,73,-311,-312,-322,73,-309,-295,-296,-297,73,73,73,73,-620,-635,-592,73,73,-438,73,-439,73,-446,-447,-448,-380,-381,73,73,73,-508,73,73,-512,73,73,73,73,-517,-518,-519,-520,73,73,-523,-524,73,-526,-527,-528,-529,-530,-531,-532,-533,73,-535,73,73,73,-541,-543,-544,73,-546,-547,-548,-549,73,73,73,73,73,73,-654,-655,-656,-657,73,-659,-660,-661,73,73,73,-667,73,73,-671,-672,73,73,-675,73,-677,-678,73,-681,73,-683,73,73,-686,-687,-688,73,-690,73,73,-693,73,73,-696,-697,-698,73,-700,-701,-702,-703,73,73,-748,73,-751,-752,-753,-754,-755,73,-757,-758,-759,-760,-761,73,-768,-769,-771,73,-773,-774,-775,-784,-858,-860,-862,-864,73,73,73,73,-870,73,-872,73,73,73,73,73,73,73,-908,-909,73,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,73,-923,-926,73,-936,73,-387,-388,-389,73,73,-392,-393,-394,-395,73,-398,73,-401,-402,73,-403,73,-408,-409,73,-412,-413,-414,73,-417,73,-418,73,-423,-424,73,-427,73,-430,-431,-1896,-1896,73,-621,-622,-623,-624,-625,-636,-586,-626,-799,73,73,73,73,73,-833,73,73,-808,73,-834,73,73,73,73,-800,73,-855,-801,73,73,73,73,73,73,-856,-857,73,-836,-832,-837,73,-627,73,-628,-629,-630,-631,-576,73,73,-632,-633,-634,73,73,73,73,73,73,-637,-638,-639,-594,-1896,-604,73,-640,-641,-715,-642,-606,73,-574,-579,-582,-585,73,73,73,-600,-603,73,-610,73,73,73,73,73,73,73,73,73,73,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,73,73,73,-997,73,73,73,73,73,73,-308,-327,-321,-298,-377,-454,-455,-456,-460,73,-445,73,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,73,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,73,73,73,73,73,73,73,73,73,-318,-537,-510,-593,-939,-941,-942,-440,73,-442,-382,-383,-385,-509,-511,-513,73,-515,-516,-521,-522,73,-534,-536,-539,-540,-545,-550,-728,73,-729,73,-734,73,-736,73,-741,-658,-662,-663,73,-668,73,-669,73,-674,-676,73,-679,73,73,73,-689,-691,73,-694,73,73,-746,73,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,73,73,73,73,73,-879,73,-882,-910,-922,-927,-390,-391,73,-396,73,-399,73,-404,73,-405,73,-410,73,-415,73,-419,73,-420,73,-425,73,-428,-901,-902,-645,-587,-1896,-903,73,73,73,-802,73,73,-806,73,-809,-835,73,-820,73,-822,73,-824,-810,73,-826,73,-853,-854,73,73,-813,73,-648,-904,-906,-650,-651,-647,73,-707,-708,73,-644,-905,-649,-652,-605,-716,73,73,-607,-588,73,73,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,73,73,-711,-712,73,-718,73,73,73,73,73,73,-940,73,-441,-443,-749,73,-893,73,-717,-1896,73,73,73,73,73,-444,-514,-525,73,-730,-735,73,-737,73,-742,73,-664,-670,73,-680,-682,-684,-685,-692,-695,-699,-747,73,73,-876,73,73,-880,73,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,73,-814,73,-816,-803,73,-804,-807,73,-818,-821,-823,-825,-827,73,-828,73,-811,73,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,73,-284,73,73,73,73,-457,73,73,-731,73,-738,73,-743,73,-665,-673,73,73,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,73,-838,-53,73,73,-732,73,-739,73,-744,-666,73,-875,-54,73,73,-733,-740,-745,73,73,73,-874,]),'ATAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[74,74,74,1051,-1896,74,74,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,74,74,74,74,-277,-278,1051,-1427,1051,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1051,1051,1051,-492,1051,1051,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1051,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1051,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1835,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,74,-174,-175,-176,-177,-995,74,74,74,74,74,74,74,74,74,74,1051,1051,1051,1051,1051,-292,-293,-283,74,1051,1051,1051,1051,-330,-320,-334,-335,-336,1051,1051,-984,-985,-986,-987,-988,-989,-990,74,74,1051,1051,1051,1051,1051,1051,1051,1051,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1051,1051,1051,-355,-358,74,-325,-326,-143,1051,-144,1051,-145,1051,-432,-937,-938,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1896,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1896,1051,-1896,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1896,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1896,74,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1051,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1051,74,74,-193,-194,74,-996,1051,74,74,74,74,-279,-280,-281,-282,-367,1051,-310,1051,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1051,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1051,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1051,1051,1051,1051,1051,1051,-575,1051,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1051,1051,-725,-726,-727,1051,1835,74,74,74,74,-996,74,1051,-93,-94,74,74,74,1051,-311,-312,-322,1051,-309,-295,-296,-297,1051,74,1051,1051,-620,-635,-592,1051,74,-438,74,-439,1051,-446,-447,-448,-380,-381,1051,1051,1051,-508,1051,1051,-512,1051,1051,1051,1051,-517,-518,-519,-520,1051,1051,-523,-524,1051,-526,-527,-528,-529,-530,-531,-532,-533,1051,-535,1051,1051,1051,-541,-543,-544,1051,-546,-547,-548,-549,1051,1051,1051,1051,1051,1051,-654,-655,-656,-657,74,-659,-660,-661,1051,1051,1051,-667,1051,1051,-671,-672,1051,1051,-675,1051,-677,-678,1051,-681,1051,-683,1051,1051,-686,-687,-688,1051,-690,1051,1051,-693,1051,1051,-696,-697,-698,1051,-700,-701,-702,-703,1051,1051,-748,1051,-751,-752,-753,-754,-755,1051,-757,-758,-759,-760,-761,1051,-768,-769,-771,1051,-773,-774,-775,-784,-858,-860,-862,-864,1051,1051,1051,1051,-870,1051,-872,1051,1051,1051,1051,1051,1051,1051,-908,-909,1051,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1051,-923,-926,1051,-936,1051,-387,-388,-389,1051,1051,-392,-393,-394,-395,1051,-398,1051,-401,-402,1051,-403,1051,-408,-409,1051,-412,-413,-414,1051,-417,1051,-418,1051,-423,-424,1051,-427,1051,-430,-431,-1896,-1896,1051,-621,-622,-623,-624,-625,-636,-586,-626,-799,1051,1051,1051,1051,1051,-833,1051,1051,-808,1051,-834,1051,1051,1051,1051,-800,1051,-855,-801,1051,1051,1051,1051,1051,1051,-856,-857,1051,-836,-832,-837,1051,-627,1051,-628,-629,-630,-631,-576,1051,1051,-632,-633,-634,1051,1051,1051,1051,1051,1051,-637,-638,-639,-594,-1896,-604,1051,-640,-641,-715,-642,-606,1051,-574,-579,-582,-585,1051,1051,1051,-600,-603,1051,-610,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1051,74,74,-997,74,1051,74,74,74,1051,-308,-327,-321,-298,-377,-454,-455,-456,-460,74,-445,1051,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1051,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,74,74,74,74,74,74,74,74,1051,-318,-537,-510,-593,-939,-941,-942,-440,1051,-442,-382,-383,-385,-509,-511,-513,1051,-515,-516,-521,-522,1051,-534,-536,-539,-540,-545,-550,-728,1051,-729,1051,-734,1051,-736,1051,-741,-658,-662,-663,1051,-668,1051,-669,1051,-674,-676,1051,-679,1051,1051,1051,-689,-691,1051,-694,1051,1051,-746,1051,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1051,1051,1051,1051,1051,-879,1051,-882,-910,-922,-927,-390,-391,1051,-396,1051,-399,1051,-404,1051,-405,1051,-410,1051,-415,1051,-419,1051,-420,1051,-425,1051,-428,-901,-902,-645,-587,-1896,-903,1051,1051,1051,-802,1051,1051,-806,1051,-809,-835,1051,-820,1051,-822,1051,-824,-810,1051,-826,1051,-853,-854,1051,1051,-813,1051,-648,-904,-906,-650,-651,-647,1051,-707,-708,1051,-644,-905,-649,-652,-605,-716,1051,1051,-607,-588,1051,1051,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1051,1051,-711,-712,1051,-718,1051,74,74,74,1051,1051,-940,74,-441,-443,-749,1051,-893,1835,-717,-1896,1051,1051,74,74,1051,-444,-514,-525,1051,-730,-735,1051,-737,1051,-742,1051,-664,-670,1051,-680,-682,-684,-685,-692,-695,-699,-747,1051,1051,-876,1051,1051,-880,1051,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1051,-814,1051,-816,-803,1051,-804,-807,1051,-818,-821,-823,-825,-827,1051,-828,1051,-811,1051,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,74,-284,74,1051,74,1051,-457,1051,1051,-731,1051,-738,1051,-743,1051,-665,-673,1051,1051,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1051,-838,-53,74,1051,-732,1051,-739,1051,-744,-666,1051,-875,-54,74,74,-733,-740,-745,1051,74,1051,-874,]),'AUDIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[75,75,75,75,-1896,75,75,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,75,75,75,75,-277,-278,75,-1427,75,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,75,75,75,-492,75,75,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,75,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,75,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,75,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,75,-174,-175,-176,-177,-995,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-292,-293,-283,75,75,75,75,75,-330,-320,-334,-335,-336,75,75,-984,-985,-986,-987,-988,-989,-990,75,75,75,75,75,75,75,75,75,75,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,75,75,75,-355,-358,75,-325,-326,-143,75,-144,75,-145,75,-432,-937,-938,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-1896,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-1896,75,-1896,75,75,75,75,75,75,75,75,75,75,75,75,-1896,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-1896,75,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,75,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,75,75,75,-193,-194,75,-996,75,75,75,75,75,-279,-280,-281,-282,-367,75,-310,75,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,75,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,75,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,75,75,75,75,75,75,-575,75,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,75,75,-725,-726,-727,75,75,75,75,75,75,-996,75,75,-93,-94,75,75,75,75,-311,-312,-322,75,-309,-295,-296,-297,75,75,75,75,-620,-635,-592,75,75,-438,75,-439,75,-446,-447,-448,-380,-381,75,75,75,-508,75,75,-512,75,75,75,75,-517,-518,-519,-520,75,75,-523,-524,75,-526,-527,-528,-529,-530,-531,-532,-533,75,-535,75,75,75,-541,-543,-544,75,-546,-547,-548,-549,75,75,75,75,75,75,-654,-655,-656,-657,75,-659,-660,-661,75,75,75,-667,75,75,-671,-672,75,75,-675,75,-677,-678,75,-681,75,-683,75,75,-686,-687,-688,75,-690,75,75,-693,75,75,-696,-697,-698,75,-700,-701,-702,-703,75,75,-748,75,-751,-752,-753,-754,-755,75,-757,-758,-759,-760,-761,75,-768,-769,-771,75,-773,-774,-775,-784,-858,-860,-862,-864,75,75,75,75,-870,75,-872,75,75,75,75,75,75,75,-908,-909,75,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,75,-923,-926,75,-936,75,-387,-388,-389,75,75,-392,-393,-394,-395,75,-398,75,-401,-402,75,-403,75,-408,-409,75,-412,-413,-414,75,-417,75,-418,75,-423,-424,75,-427,75,-430,-431,-1896,-1896,75,-621,-622,-623,-624,-625,-636,-586,-626,-799,75,75,75,75,75,-833,75,75,-808,75,-834,75,75,75,75,-800,75,-855,-801,75,75,75,75,75,75,-856,-857,75,-836,-832,-837,75,-627,75,-628,-629,-630,-631,-576,75,75,-632,-633,-634,75,75,75,75,75,75,-637,-638,-639,-594,-1896,-604,75,-640,-641,-715,-642,-606,75,-574,-579,-582,-585,75,75,75,-600,-603,75,-610,75,75,75,75,75,75,75,75,75,75,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,75,75,75,-997,75,75,75,75,75,75,-308,-327,-321,-298,-377,-454,-455,-456,-460,75,-445,75,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,75,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,75,75,75,75,75,75,75,75,75,-318,-537,-510,-593,-939,-941,-942,-440,75,-442,-382,-383,-385,-509,-511,-513,75,-515,-516,-521,-522,75,-534,-536,-539,-540,-545,-550,-728,75,-729,75,-734,75,-736,75,-741,-658,-662,-663,75,-668,75,-669,75,-674,-676,75,-679,75,75,75,-689,-691,75,-694,75,75,-746,75,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,75,75,75,75,75,-879,75,-882,-910,-922,-927,-390,-391,75,-396,75,-399,75,-404,75,-405,75,-410,75,-415,75,-419,75,-420,75,-425,75,-428,-901,-902,-645,-587,-1896,-903,75,75,75,-802,75,75,-806,75,-809,-835,75,-820,75,-822,75,-824,-810,75,-826,75,-853,-854,75,75,-813,75,-648,-904,-906,-650,-651,-647,75,-707,-708,75,-644,-905,-649,-652,-605,-716,75,75,-607,-588,75,75,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,75,75,-711,-712,75,-718,75,75,75,75,75,75,-940,75,-441,-443,-749,75,-893,75,-717,-1896,75,75,75,75,75,-444,-514,-525,75,-730,-735,75,-737,75,-742,75,-664,-670,75,-680,-682,-684,-685,-692,-695,-699,-747,75,75,-876,75,75,-880,75,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,75,-814,75,-816,-803,75,-804,-807,75,-818,-821,-823,-825,-827,75,-828,75,-811,75,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,75,-284,75,75,75,75,-457,75,75,-731,75,-738,75,-743,75,-665,-673,75,75,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,75,-838,-53,75,75,-732,75,-739,75,-744,-666,75,-875,-54,75,75,-733,-740,-745,75,75,75,-874,]),'AUTHORS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[76,76,76,76,-1896,76,76,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,76,76,76,76,-277,-278,76,-1427,76,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,76,76,76,-492,76,76,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,76,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,76,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,76,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,76,-174,-175,-176,-177,-995,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-292,-293,-283,76,76,76,76,76,-330,-320,-334,-335,-336,76,76,-984,-985,-986,-987,-988,-989,-990,76,76,76,76,76,76,76,76,76,76,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,76,76,76,-355,-358,76,-325,-326,-143,76,-144,76,-145,76,-432,-937,-938,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-1896,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-1896,76,-1896,76,76,76,76,76,76,76,76,76,76,76,76,-1896,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-1896,76,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,76,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,76,76,76,-193,-194,76,-996,76,76,76,76,76,-279,-280,-281,-282,-367,76,-310,76,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,76,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,76,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,76,76,76,76,76,76,-575,76,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,76,76,-725,-726,-727,76,76,76,76,76,76,-996,76,76,-93,-94,76,76,76,76,-311,-312,-322,76,-309,-295,-296,-297,76,76,76,76,-620,-635,-592,76,76,-438,76,-439,76,-446,-447,-448,-380,-381,76,76,76,-508,76,76,-512,76,76,76,76,-517,-518,-519,-520,76,76,-523,-524,76,-526,-527,-528,-529,-530,-531,-532,-533,76,-535,76,76,76,-541,-543,-544,76,-546,-547,-548,-549,76,76,76,76,76,76,-654,-655,-656,-657,76,-659,-660,-661,76,76,76,-667,76,76,-671,-672,76,76,-675,76,-677,-678,76,-681,76,-683,76,76,-686,-687,-688,76,-690,76,76,-693,76,76,-696,-697,-698,76,-700,-701,-702,-703,76,76,-748,76,-751,-752,-753,-754,-755,76,-757,-758,-759,-760,-761,76,-768,-769,-771,76,-773,-774,-775,-784,-858,-860,-862,-864,76,76,76,76,-870,76,-872,76,76,76,76,76,76,76,-908,-909,76,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,76,-923,-926,76,-936,76,-387,-388,-389,76,76,-392,-393,-394,-395,76,-398,76,-401,-402,76,-403,76,-408,-409,76,-412,-413,-414,76,-417,76,-418,76,-423,-424,76,-427,76,-430,-431,-1896,-1896,76,-621,-622,-623,-624,-625,-636,-586,-626,-799,76,76,76,76,76,-833,76,76,-808,76,-834,76,76,76,76,-800,76,-855,-801,76,76,76,76,76,76,-856,-857,76,-836,-832,-837,76,-627,76,-628,-629,-630,-631,-576,76,76,-632,-633,-634,76,76,76,76,76,76,-637,-638,-639,-594,-1896,-604,76,-640,-641,-715,-642,-606,76,-574,-579,-582,-585,76,76,76,-600,-603,76,-610,76,76,76,76,76,76,76,76,76,76,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,76,76,76,-997,76,76,76,76,76,76,-308,-327,-321,-298,-377,-454,-455,-456,-460,76,-445,76,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,76,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,76,76,76,76,76,76,76,76,76,-318,-537,-510,-593,-939,-941,-942,-440,76,-442,-382,-383,-385,-509,-511,-513,76,-515,-516,-521,-522,76,-534,-536,-539,-540,-545,-550,-728,76,-729,76,-734,76,-736,76,-741,-658,-662,-663,76,-668,76,-669,76,-674,-676,76,-679,76,76,76,-689,-691,76,-694,76,76,-746,76,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,76,76,76,76,76,-879,76,-882,-910,-922,-927,-390,-391,76,-396,76,-399,76,-404,76,-405,76,-410,76,-415,76,-419,76,-420,76,-425,76,-428,-901,-902,-645,-587,-1896,-903,76,76,76,-802,76,76,-806,76,-809,-835,76,-820,76,-822,76,-824,-810,76,-826,76,-853,-854,76,76,-813,76,-648,-904,-906,-650,-651,-647,76,-707,-708,76,-644,-905,-649,-652,-605,-716,76,76,-607,-588,76,76,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,76,76,-711,-712,76,-718,76,76,76,76,76,76,-940,76,-441,-443,-749,76,-893,76,-717,-1896,76,76,76,76,76,-444,-514,-525,76,-730,-735,76,-737,76,-742,76,-664,-670,76,-680,-682,-684,-685,-692,-695,-699,-747,76,76,-876,76,76,-880,76,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,76,-814,76,-816,-803,76,-804,-807,76,-818,-821,-823,-825,-827,76,-828,76,-811,76,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,76,-284,76,76,76,76,-457,76,76,-731,76,-738,76,-743,76,-665,-673,76,76,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,76,-838,-53,76,76,-732,76,-739,76,-744,-666,76,-875,-54,76,76,-733,-740,-745,76,76,76,-874,]),'AUTO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[77,77,77,77,-1896,77,77,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,77,77,77,77,-277,-278,77,-1427,77,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,77,77,77,-492,77,77,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,77,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,77,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,77,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,77,-174,-175,-176,-177,-995,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-292,-293,-283,77,77,77,77,77,-330,-320,-334,-335,-336,77,77,-984,-985,-986,-987,-988,-989,-990,77,77,77,77,77,77,77,77,77,77,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,77,77,77,-355,-358,77,-325,-326,-143,77,-144,77,-145,77,-432,-937,-938,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-1896,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-1896,77,-1896,77,77,77,77,77,77,77,77,77,77,77,77,-1896,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-1896,77,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,77,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,77,77,77,-193,-194,77,-996,77,77,77,77,77,-279,-280,-281,-282,-367,77,-310,77,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,77,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,77,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,77,77,77,77,77,77,-575,77,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,77,77,-725,-726,-727,77,77,77,77,77,77,-996,77,77,-93,-94,77,77,77,77,-311,-312,-322,77,-309,-295,-296,-297,77,77,77,77,-620,-635,-592,77,77,-438,77,-439,77,-446,-447,-448,-380,-381,77,77,77,-508,77,77,-512,77,77,77,77,-517,-518,-519,-520,77,77,-523,-524,77,-526,-527,-528,-529,-530,-531,-532,-533,77,-535,77,77,77,-541,-543,-544,77,-546,-547,-548,-549,77,77,77,77,77,77,-654,-655,-656,-657,77,-659,-660,-661,77,77,77,-667,77,77,-671,-672,77,77,-675,77,-677,-678,77,-681,77,-683,77,77,-686,-687,-688,77,-690,77,77,-693,77,77,-696,-697,-698,77,-700,-701,-702,-703,77,77,-748,77,-751,-752,-753,-754,-755,77,-757,-758,-759,-760,-761,77,-768,-769,-771,77,-773,-774,-775,-784,-858,-860,-862,-864,77,77,77,77,-870,77,-872,77,77,77,77,77,77,77,-908,-909,77,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,77,-923,-926,77,-936,77,-387,-388,-389,77,77,-392,-393,-394,-395,77,-398,77,-401,-402,77,-403,77,-408,-409,77,-412,-413,-414,77,-417,77,-418,77,-423,-424,77,-427,77,-430,-431,-1896,-1896,77,-621,-622,-623,-624,-625,-636,-586,-626,-799,77,77,77,77,77,-833,77,77,-808,77,-834,77,77,77,77,-800,77,-855,-801,77,77,77,77,77,77,-856,-857,77,-836,-832,-837,77,-627,77,-628,-629,-630,-631,-576,77,77,-632,-633,-634,77,77,77,77,77,77,-637,-638,-639,-594,-1896,-604,77,-640,-641,-715,-642,-606,77,-574,-579,-582,-585,77,77,77,-600,-603,77,-610,77,77,77,77,77,77,77,77,77,77,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,77,77,77,-997,77,77,77,77,77,77,-308,-327,-321,-298,-377,-454,-455,-456,-460,77,-445,77,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,77,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,77,77,77,77,77,77,77,77,77,-318,-537,-510,-593,-939,-941,-942,-440,77,-442,-382,-383,-385,-509,-511,-513,77,-515,-516,-521,-522,77,-534,-536,-539,-540,-545,-550,-728,77,-729,77,-734,77,-736,77,-741,-658,-662,-663,77,-668,77,-669,77,-674,-676,77,-679,77,77,77,-689,-691,77,-694,77,77,-746,77,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,77,77,77,77,77,-879,77,-882,-910,-922,-927,-390,-391,77,-396,77,-399,77,-404,77,-405,77,-410,77,-415,77,-419,77,-420,77,-425,77,-428,-901,-902,-645,-587,-1896,-903,77,77,77,-802,77,77,-806,77,-809,-835,77,-820,77,-822,77,-824,-810,77,-826,77,-853,-854,77,77,-813,77,-648,-904,-906,-650,-651,-647,77,-707,-708,77,-644,-905,-649,-652,-605,-716,77,77,-607,-588,77,77,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,77,77,-711,-712,77,-718,77,77,77,77,77,77,-940,77,-441,-443,-749,77,-893,77,-717,-1896,77,77,77,77,77,-444,-514,-525,77,-730,-735,77,-737,77,-742,77,-664,-670,77,-680,-682,-684,-685,-692,-695,-699,-747,77,77,-876,77,77,-880,77,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,77,-814,77,-816,-803,77,-804,-807,77,-818,-821,-823,-825,-827,77,-828,77,-811,77,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,77,-284,77,77,77,77,-457,77,77,-731,77,-738,77,-743,77,-665,-673,77,77,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,77,-838,-53,77,77,-732,77,-739,77,-744,-666,77,-875,-54,77,77,-733,-740,-745,77,77,77,-874,]),'AUTOEXTEND_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[78,78,78,78,-1896,78,78,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,78,78,78,78,-277,-278,78,-1427,78,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,78,78,78,-492,78,78,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,78,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,78,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,78,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,78,-174,-175,-176,-177,-995,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-292,-293,-283,78,78,78,78,78,-330,-320,-334,-335,-336,78,78,-984,-985,-986,-987,-988,-989,-990,78,78,78,78,78,78,78,78,78,78,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,78,78,78,-355,-358,78,-325,-326,-143,78,-144,78,-145,78,-432,-937,-938,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-1896,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-1896,78,-1896,78,78,78,78,78,78,78,78,78,78,78,78,-1896,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-1896,78,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,78,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,78,78,78,-193,-194,78,-996,78,78,78,78,78,-279,-280,-281,-282,-367,78,-310,78,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,78,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,78,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,78,78,78,78,78,78,-575,78,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,78,78,-725,-726,-727,78,78,78,78,78,78,-996,78,78,-93,-94,78,78,78,78,-311,-312,-322,78,-309,-295,-296,-297,78,78,78,78,-620,-635,-592,78,78,-438,78,-439,78,-446,-447,-448,-380,-381,78,78,78,-508,78,78,-512,78,78,78,78,-517,-518,-519,-520,78,78,-523,-524,78,-526,-527,-528,-529,-530,-531,-532,-533,78,-535,78,78,78,-541,-543,-544,78,-546,-547,-548,-549,78,78,78,78,78,78,-654,-655,-656,-657,78,-659,-660,-661,78,78,78,-667,78,78,-671,-672,78,78,-675,78,-677,-678,78,-681,78,-683,78,78,-686,-687,-688,78,-690,78,78,-693,78,78,-696,-697,-698,78,-700,-701,-702,-703,78,78,-748,78,-751,-752,-753,-754,-755,78,-757,-758,-759,-760,-761,78,-768,-769,-771,78,-773,-774,-775,-784,-858,-860,-862,-864,78,78,78,78,-870,78,-872,78,78,78,78,78,78,78,-908,-909,78,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,78,-923,-926,78,-936,78,-387,-388,-389,78,78,-392,-393,-394,-395,78,-398,78,-401,-402,78,-403,78,-408,-409,78,-412,-413,-414,78,-417,78,-418,78,-423,-424,78,-427,78,-430,-431,-1896,-1896,78,-621,-622,-623,-624,-625,-636,-586,-626,-799,78,78,78,78,78,-833,78,78,-808,78,-834,78,78,78,78,-800,78,-855,-801,78,78,78,78,78,78,-856,-857,78,-836,-832,-837,78,-627,78,-628,-629,-630,-631,-576,78,78,-632,-633,-634,78,78,78,78,78,78,-637,-638,-639,-594,-1896,-604,78,-640,-641,-715,-642,-606,78,-574,-579,-582,-585,78,78,78,-600,-603,78,-610,78,78,78,78,78,78,78,78,78,78,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,78,78,78,-997,78,78,78,78,78,78,-308,-327,-321,-298,-377,-454,-455,-456,-460,78,-445,78,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,78,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,78,78,78,78,78,78,78,78,78,-318,-537,-510,-593,-939,-941,-942,-440,78,-442,-382,-383,-385,-509,-511,-513,78,-515,-516,-521,-522,78,-534,-536,-539,-540,-545,-550,-728,78,-729,78,-734,78,-736,78,-741,-658,-662,-663,78,-668,78,-669,78,-674,-676,78,-679,78,78,78,-689,-691,78,-694,78,78,-746,78,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,78,78,78,78,78,-879,78,-882,-910,-922,-927,-390,-391,78,-396,78,-399,78,-404,78,-405,78,-410,78,-415,78,-419,78,-420,78,-425,78,-428,-901,-902,-645,-587,-1896,-903,78,78,78,-802,78,78,-806,78,-809,-835,78,-820,78,-822,78,-824,-810,78,-826,78,-853,-854,78,78,-813,78,-648,-904,-906,-650,-651,-647,78,-707,-708,78,-644,-905,-649,-652,-605,-716,78,78,-607,-588,78,78,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,78,78,-711,-712,78,-718,78,78,78,78,78,78,-940,78,-441,-443,-749,78,-893,78,-717,-1896,78,78,78,78,78,-444,-514,-525,78,-730,-735,78,-737,78,-742,78,-664,-670,78,-680,-682,-684,-685,-692,-695,-699,-747,78,78,-876,78,78,-880,78,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,78,-814,78,-816,-803,78,-804,-807,78,-818,-821,-823,-825,-827,78,-828,78,-811,78,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,78,-284,78,78,78,78,-457,78,78,-731,78,-738,78,-743,78,-665,-673,78,78,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,78,-838,-53,78,78,-732,78,-739,78,-744,-666,78,-875,-54,78,78,-733,-740,-745,78,78,78,-874,]),'AUTO_INCREMENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3451,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3583,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[79,79,79,79,-1896,79,79,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,79,79,79,79,-277,-278,79,-1427,79,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,79,79,79,-492,79,79,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,79,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,79,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,79,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,79,-174,-175,-176,-177,-995,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-292,-293,-283,79,79,79,79,79,-330,-320,-334,-335,-336,79,79,-984,-985,-986,-987,-988,-989,-990,79,79,79,79,79,79,79,79,79,79,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,79,79,79,-355,-358,79,-325,-326,-143,79,-144,79,-145,79,-432,-937,-938,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-1896,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-1896,79,-1896,79,79,79,79,79,79,79,79,79,79,79,79,-1896,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-1896,79,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,79,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,79,79,79,-193,-194,79,-996,79,79,79,79,79,-279,-280,-281,-282,-367,79,-310,79,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,79,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,79,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,79,79,79,79,79,79,-575,79,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,79,79,-725,-726,-727,79,79,79,79,79,79,-996,79,79,-93,-94,79,79,79,79,-311,-312,-322,79,-309,-295,-296,-297,79,79,79,79,-620,-635,-592,79,79,-438,79,-439,79,-446,-447,-448,-380,-381,79,79,79,-508,79,79,-512,79,79,79,79,-517,-518,-519,-520,79,79,-523,-524,79,-526,-527,-528,-529,-530,-531,-532,-533,79,-535,79,79,79,-541,-543,-544,79,-546,-547,-548,-549,79,79,79,79,79,79,-654,-655,-656,-657,79,-659,-660,-661,79,79,79,-667,79,79,-671,-672,79,79,-675,79,-677,-678,79,-681,79,-683,79,79,-686,-687,-688,79,-690,79,79,-693,79,79,-696,-697,-698,79,-700,-701,-702,-703,79,79,-748,79,-751,-752,-753,-754,-755,79,-757,-758,-759,-760,-761,79,-768,-769,-771,79,-773,-774,-775,-784,-858,-860,-862,-864,79,79,79,79,-870,79,-872,79,79,79,79,79,79,79,-908,-909,79,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,79,-923,-926,79,-936,79,-387,-388,-389,79,79,-392,-393,-394,-395,79,-398,79,-401,-402,79,-403,79,-408,-409,79,-412,-413,-414,79,-417,79,-418,79,-423,-424,79,-427,79,-430,-431,-1896,-1896,79,-621,-622,-623,-624,-625,-636,-586,-626,-799,79,79,79,79,79,-833,79,79,-808,79,-834,79,79,79,79,-800,79,-855,-801,79,79,79,79,79,79,-856,-857,79,-836,-832,-837,79,-627,79,-628,-629,-630,-631,-576,79,79,-632,-633,-634,79,79,79,79,79,79,-637,-638,-639,-594,-1896,-604,79,-640,-641,-715,-642,-606,79,-574,-579,-582,-585,79,79,79,-600,-603,79,-610,79,79,79,79,79,79,79,79,79,79,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,79,79,3185,79,-997,79,79,79,79,79,79,-308,-327,-321,-298,-377,-454,-455,-456,-460,79,-445,79,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,79,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,79,79,79,79,79,79,79,79,79,-318,-537,-510,-593,-939,-941,-942,-440,79,-442,-382,-383,-385,-509,-511,-513,79,-515,-516,-521,-522,79,-534,-536,-539,-540,-545,-550,-728,79,-729,79,-734,79,-736,79,-741,-658,-662,-663,79,-668,79,-669,79,-674,-676,79,-679,79,79,79,-689,-691,79,-694,79,79,-746,79,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,79,79,79,79,79,-879,79,-882,-910,-922,-927,-390,-391,79,-396,79,-399,79,-404,79,-405,79,-410,79,-415,79,-419,79,-420,79,-425,79,-428,-901,-902,-645,-587,-1896,-903,79,79,79,-802,79,79,-806,79,-809,-835,79,-820,79,-822,79,-824,-810,79,-826,79,-853,-854,79,79,-813,79,-648,-904,-906,-650,-651,-647,79,-707,-708,79,-644,-905,-649,-652,-605,-716,79,79,-607,-588,79,79,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,79,79,-711,-712,79,-718,79,79,3586,79,79,3185,79,79,-940,79,-441,-443,-749,79,-893,79,-717,-1896,79,79,3712,3185,79,3185,3185,3185,3185,3185,3185,3185,3185,3185,79,79,-444,-514,-525,79,-730,-735,79,-737,79,-742,79,-664,-670,79,-680,-682,-684,-685,-692,-695,-699,-747,79,79,-876,79,79,-880,79,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,79,-814,79,-816,-803,79,-804,-807,79,-818,-821,-823,-825,-827,79,-828,79,-811,79,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,79,3185,-284,79,79,79,79,-457,79,79,-731,79,-738,79,-743,79,-665,-673,79,79,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,79,-838,-53,79,79,-732,79,-739,79,-744,-666,79,-875,-54,79,79,-733,-740,-745,79,79,79,-874,]),'AVG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[80,80,80,1243,-1896,80,80,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,80,80,80,80,-277,-278,1243,-1427,1243,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1243,1243,1243,-492,1243,1243,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1243,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1243,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1243,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,80,-174,-175,-176,-177,-995,80,80,80,80,80,80,80,80,80,80,1243,1243,1243,1243,1243,-292,-293,-283,80,1243,1243,1243,1243,-330,-320,-334,-335,-336,1243,1243,-984,-985,-986,-987,-988,-989,-990,80,80,1243,1243,1243,1243,1243,1243,1243,1243,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1243,1243,1243,-355,-358,80,-325,-326,-143,1243,-144,1243,-145,1243,-432,-937,-938,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1896,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1896,1243,-1896,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1896,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1896,80,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1243,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1243,80,80,-193,-194,80,-996,1243,80,80,80,80,-279,-280,-281,-282,-367,1243,-310,1243,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1243,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1243,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1243,1243,1243,1243,1243,1243,-575,1243,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1243,1243,-725,-726,-727,1243,1243,80,80,80,80,-996,80,1243,-93,-94,80,80,80,1243,-311,-312,-322,1243,-309,-295,-296,-297,1243,80,1243,1243,-620,-635,-592,1243,80,-438,80,-439,1243,-446,-447,-448,-380,-381,1243,1243,1243,-508,1243,1243,-512,1243,1243,1243,1243,-517,-518,-519,-520,1243,1243,-523,-524,1243,-526,-527,-528,-529,-530,-531,-532,-533,1243,-535,1243,1243,1243,-541,-543,-544,1243,-546,-547,-548,-549,1243,1243,1243,1243,1243,1243,-654,-655,-656,-657,80,-659,-660,-661,1243,1243,1243,-667,1243,1243,-671,-672,1243,1243,-675,1243,-677,-678,1243,-681,1243,-683,1243,1243,-686,-687,-688,1243,-690,1243,1243,-693,1243,1243,-696,-697,-698,1243,-700,-701,-702,-703,1243,1243,-748,1243,-751,-752,-753,-754,-755,1243,-757,-758,-759,-760,-761,1243,-768,-769,-771,1243,-773,-774,-775,-784,-858,-860,-862,-864,1243,1243,1243,1243,-870,1243,-872,1243,1243,1243,1243,1243,1243,1243,-908,-909,1243,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1243,-923,-926,1243,-936,1243,-387,-388,-389,1243,1243,-392,-393,-394,-395,1243,-398,1243,-401,-402,1243,-403,1243,-408,-409,1243,-412,-413,-414,1243,-417,1243,-418,1243,-423,-424,1243,-427,1243,-430,-431,-1896,-1896,1243,-621,-622,-623,-624,-625,-636,-586,-626,-799,1243,1243,1243,1243,1243,-833,1243,1243,-808,1243,-834,1243,1243,1243,1243,-800,1243,-855,-801,1243,1243,1243,1243,1243,1243,-856,-857,1243,-836,-832,-837,1243,-627,1243,-628,-629,-630,-631,-576,1243,1243,-632,-633,-634,1243,1243,1243,1243,1243,1243,-637,-638,-639,-594,-1896,-604,1243,-640,-641,-715,-642,-606,1243,-574,-579,-582,-585,1243,1243,1243,-600,-603,1243,-610,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1243,80,80,-997,80,1243,80,80,80,1243,-308,-327,-321,-298,-377,-454,-455,-456,-460,80,-445,1243,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1243,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,80,80,80,80,80,80,80,80,1243,-318,-537,-510,-593,-939,-941,-942,-440,1243,-442,-382,-383,-385,-509,-511,-513,1243,-515,-516,-521,-522,1243,-534,-536,-539,-540,-545,-550,-728,1243,-729,1243,-734,1243,-736,1243,-741,-658,-662,-663,1243,-668,1243,-669,1243,-674,-676,1243,-679,1243,1243,1243,-689,-691,1243,-694,1243,1243,-746,1243,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1243,1243,1243,1243,1243,-879,1243,-882,-910,-922,-927,-390,-391,1243,-396,1243,-399,1243,-404,1243,-405,1243,-410,1243,-415,1243,-419,1243,-420,1243,-425,1243,-428,-901,-902,-645,-587,-1896,-903,1243,1243,1243,-802,1243,1243,-806,1243,-809,-835,1243,-820,1243,-822,1243,-824,-810,1243,-826,1243,-853,-854,1243,1243,-813,1243,-648,-904,-906,-650,-651,-647,1243,-707,-708,1243,-644,-905,-649,-652,-605,-716,1243,1243,-607,-588,1243,1243,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1243,1243,-711,-712,1243,-718,1243,80,80,80,1243,1243,-940,80,-441,-443,-749,1243,-893,1243,-717,-1896,1243,1243,80,80,1243,-444,-514,-525,1243,-730,-735,1243,-737,1243,-742,1243,-664,-670,1243,-680,-682,-684,-685,-692,-695,-699,-747,1243,1243,-876,1243,1243,-880,1243,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1243,-814,1243,-816,-803,1243,-804,-807,1243,-818,-821,-823,-825,-827,1243,-828,1243,-811,1243,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,80,-284,80,1243,80,1243,-457,1243,1243,-731,1243,-738,1243,-743,1243,-665,-673,1243,1243,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1243,-838,-53,80,1243,-732,1243,-739,1243,-744,-666,1243,-875,-54,80,80,-733,-740,-745,1243,80,1243,-874,]),'AVG_ROW_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[81,81,81,81,-1896,81,81,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,81,81,81,81,-277,-278,81,-1427,81,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,81,81,81,-492,81,81,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,81,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,81,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,81,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,81,-174,-175,-176,-177,-995,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-292,-293,-283,81,81,81,81,81,-330,-320,-334,-335,-336,81,81,-984,-985,-986,-987,-988,-989,-990,81,81,81,81,81,81,81,81,81,81,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,81,81,81,-355,-358,81,-325,-326,-143,81,-144,81,-145,81,-432,-937,-938,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-1896,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-1896,81,-1896,81,81,81,81,81,81,81,81,81,81,81,81,-1896,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-1896,81,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,81,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,81,81,81,-193,-194,81,-996,81,81,81,81,81,-279,-280,-281,-282,-367,81,-310,81,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,81,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,81,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,81,81,81,81,81,81,-575,81,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,81,81,-725,-726,-727,81,81,81,81,81,81,-996,81,81,-93,-94,81,81,81,81,-311,-312,-322,81,-309,-295,-296,-297,81,81,81,81,-620,-635,-592,81,81,-438,81,-439,81,-446,-447,-448,-380,-381,81,81,81,-508,81,81,-512,81,81,81,81,-517,-518,-519,-520,81,81,-523,-524,81,-526,-527,-528,-529,-530,-531,-532,-533,81,-535,81,81,81,-541,-543,-544,81,-546,-547,-548,-549,81,81,81,81,81,81,-654,-655,-656,-657,81,-659,-660,-661,81,81,81,-667,81,81,-671,-672,81,81,-675,81,-677,-678,81,-681,81,-683,81,81,-686,-687,-688,81,-690,81,81,-693,81,81,-696,-697,-698,81,-700,-701,-702,-703,81,81,-748,81,-751,-752,-753,-754,-755,81,-757,-758,-759,-760,-761,81,-768,-769,-771,81,-773,-774,-775,-784,-858,-860,-862,-864,81,81,81,81,-870,81,-872,81,81,81,81,81,81,81,-908,-909,81,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,81,-923,-926,81,-936,81,-387,-388,-389,81,81,-392,-393,-394,-395,81,-398,81,-401,-402,81,-403,81,-408,-409,81,-412,-413,-414,81,-417,81,-418,81,-423,-424,81,-427,81,-430,-431,-1896,-1896,81,-621,-622,-623,-624,-625,-636,-586,-626,-799,81,81,81,81,81,-833,81,81,-808,81,-834,81,81,81,81,-800,81,-855,-801,81,81,81,81,81,81,-856,-857,81,-836,-832,-837,81,-627,81,-628,-629,-630,-631,-576,81,81,-632,-633,-634,81,81,81,81,81,81,-637,-638,-639,-594,-1896,-604,81,-640,-641,-715,-642,-606,81,-574,-579,-582,-585,81,81,81,-600,-603,81,-610,81,81,81,81,81,81,81,81,81,81,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,81,81,81,-997,81,81,81,81,81,81,-308,-327,-321,-298,-377,-454,-455,-456,-460,81,-445,81,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,81,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,81,81,81,81,81,81,81,81,81,-318,-537,-510,-593,-939,-941,-942,-440,81,-442,-382,-383,-385,-509,-511,-513,81,-515,-516,-521,-522,81,-534,-536,-539,-540,-545,-550,-728,81,-729,81,-734,81,-736,81,-741,-658,-662,-663,81,-668,81,-669,81,-674,-676,81,-679,81,81,81,-689,-691,81,-694,81,81,-746,81,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,81,81,81,81,81,-879,81,-882,-910,-922,-927,-390,-391,81,-396,81,-399,81,-404,81,-405,81,-410,81,-415,81,-419,81,-420,81,-425,81,-428,-901,-902,-645,-587,-1896,-903,81,81,81,-802,81,81,-806,81,-809,-835,81,-820,81,-822,81,-824,-810,81,-826,81,-853,-854,81,81,-813,81,-648,-904,-906,-650,-651,-647,81,-707,-708,81,-644,-905,-649,-652,-605,-716,81,81,-607,-588,81,81,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,81,81,-711,-712,81,-718,81,81,81,81,81,81,-940,81,-441,-443,-749,81,-893,81,-717,-1896,81,81,81,81,81,-444,-514,-525,81,-730,-735,81,-737,81,-742,81,-664,-670,81,-680,-682,-684,-685,-692,-695,-699,-747,81,81,-876,81,81,-880,81,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,81,-814,81,-816,-803,81,-804,-807,81,-818,-821,-823,-825,-827,81,-828,81,-811,81,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,81,-284,81,81,81,81,-457,81,81,-731,81,-738,81,-743,81,-665,-673,81,81,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,81,-838,-53,81,81,-732,81,-739,81,-744,-666,81,-875,-54,81,81,-733,-740,-745,81,81,81,-874,]),'BACKUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[82,82,82,82,-1896,82,82,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,82,82,82,82,-277,-278,82,-1427,82,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,82,82,82,-492,82,82,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,82,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,82,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,82,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,82,-174,-175,-176,-177,-995,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-292,-293,-283,82,82,82,82,82,-330,-320,-334,-335,-336,82,82,-984,-985,-986,-987,-988,-989,-990,82,82,82,82,82,82,82,82,82,82,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,82,82,82,-355,-358,82,-325,-326,-143,82,-144,82,-145,82,-432,-937,-938,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-1896,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-1896,82,-1896,82,82,82,82,82,82,82,82,82,82,82,82,-1896,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-1896,82,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,82,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,82,82,82,-193,-194,82,-996,82,82,82,82,82,-279,-280,-281,-282,-367,82,-310,82,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,82,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,82,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,82,82,82,82,82,82,-575,82,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,82,82,-725,-726,-727,82,82,82,82,82,82,-996,82,82,-93,-94,82,82,82,82,-311,-312,-322,82,-309,-295,-296,-297,82,82,82,82,-620,-635,-592,82,82,-438,82,-439,82,-446,-447,-448,-380,-381,82,82,82,-508,82,82,-512,82,82,82,82,-517,-518,-519,-520,82,82,-523,-524,82,-526,-527,-528,-529,-530,-531,-532,-533,82,-535,82,82,82,-541,-543,-544,82,-546,-547,-548,-549,82,82,82,82,82,82,-654,-655,-656,-657,82,-659,-660,-661,82,82,82,-667,82,82,-671,-672,82,82,-675,82,-677,-678,82,-681,82,-683,82,82,-686,-687,-688,82,-690,82,82,-693,82,82,-696,-697,-698,82,-700,-701,-702,-703,82,82,-748,82,-751,-752,-753,-754,-755,82,-757,-758,-759,-760,-761,82,-768,-769,-771,82,-773,-774,-775,-784,-858,-860,-862,-864,82,82,82,82,-870,82,-872,82,82,82,82,82,82,82,-908,-909,82,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,82,-923,-926,82,-936,82,-387,-388,-389,82,82,-392,-393,-394,-395,82,-398,82,-401,-402,82,-403,82,-408,-409,82,-412,-413,-414,82,-417,82,-418,82,-423,-424,82,-427,82,-430,-431,-1896,-1896,82,-621,-622,-623,-624,-625,-636,-586,-626,-799,82,82,82,82,82,-833,82,82,-808,82,-834,82,82,82,82,-800,82,-855,-801,82,82,82,82,82,82,-856,-857,82,-836,-832,-837,82,-627,82,-628,-629,-630,-631,-576,82,82,-632,-633,-634,82,82,82,82,82,82,-637,-638,-639,-594,-1896,-604,82,-640,-641,-715,-642,-606,82,-574,-579,-582,-585,82,82,82,-600,-603,82,-610,82,82,82,82,82,82,82,82,82,82,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,82,82,82,-997,82,82,82,82,82,82,-308,-327,-321,-298,-377,-454,-455,-456,-460,82,-445,82,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,82,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,82,82,82,82,82,82,82,82,82,-318,-537,-510,-593,-939,-941,-942,-440,82,-442,-382,-383,-385,-509,-511,-513,82,-515,-516,-521,-522,82,-534,-536,-539,-540,-545,-550,-728,82,-729,82,-734,82,-736,82,-741,-658,-662,-663,82,-668,82,-669,82,-674,-676,82,-679,82,82,82,-689,-691,82,-694,82,82,-746,82,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,82,82,82,82,82,-879,82,-882,-910,-922,-927,-390,-391,82,-396,82,-399,82,-404,82,-405,82,-410,82,-415,82,-419,82,-420,82,-425,82,-428,-901,-902,-645,-587,-1896,-903,82,82,82,-802,82,82,-806,82,-809,-835,82,-820,82,-822,82,-824,-810,82,-826,82,-853,-854,82,82,-813,82,-648,-904,-906,-650,-651,-647,82,-707,-708,82,-644,-905,-649,-652,-605,-716,82,82,-607,-588,82,82,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,82,82,-711,-712,82,-718,82,82,82,82,82,82,-940,82,-441,-443,-749,82,-893,82,-717,-1896,82,82,82,82,82,-444,-514,-525,82,-730,-735,82,-737,82,-742,82,-664,-670,82,-680,-682,-684,-685,-692,-695,-699,-747,82,82,-876,82,82,-880,82,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,82,-814,82,-816,-803,82,-804,-807,82,-818,-821,-823,-825,-827,82,-828,82,-811,82,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,82,-284,82,82,82,82,-457,82,82,-731,82,-738,82,-743,82,-665,-673,82,82,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,82,-838,-53,82,82,-732,82,-739,82,-744,-666,82,-875,-54,82,82,-733,-740,-745,82,82,82,-874,]),'BACKUPSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[83,83,83,83,-1896,83,83,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,83,83,83,83,-277,-278,83,-1427,83,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,83,83,83,-492,83,83,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,83,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,83,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,83,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,83,-174,-175,-176,-177,-995,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-292,-293,-283,83,83,83,83,83,-330,-320,-334,-335,-336,83,83,-984,-985,-986,-987,-988,-989,-990,83,83,83,83,83,83,83,83,83,83,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,83,83,83,-355,-358,83,-325,-326,-143,83,-144,83,-145,83,-432,-937,-938,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-1896,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-1896,83,-1896,83,83,83,83,83,83,83,83,83,83,83,83,-1896,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-1896,83,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,83,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,83,83,83,-193,-194,83,-996,83,83,83,83,83,-279,-280,-281,-282,-367,83,-310,83,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,83,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,83,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,83,83,83,83,83,83,-575,83,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,83,83,-725,-726,-727,83,83,83,83,83,83,-996,83,83,-93,-94,83,83,83,83,-311,-312,-322,83,-309,-295,-296,-297,83,83,83,83,-620,-635,-592,83,83,-438,83,-439,83,-446,-447,-448,-380,-381,83,83,83,-508,83,83,-512,83,83,83,83,-517,-518,-519,-520,83,83,-523,-524,83,-526,-527,-528,-529,-530,-531,-532,-533,83,-535,83,83,83,-541,-543,-544,83,-546,-547,-548,-549,83,83,83,83,83,83,-654,-655,-656,-657,83,-659,-660,-661,83,83,83,-667,83,83,-671,-672,83,83,-675,83,-677,-678,83,-681,83,-683,83,83,-686,-687,-688,83,-690,83,83,-693,83,83,-696,-697,-698,83,-700,-701,-702,-703,83,83,-748,83,-751,-752,-753,-754,-755,83,-757,-758,-759,-760,-761,83,-768,-769,-771,83,-773,-774,-775,-784,-858,-860,-862,-864,83,83,83,83,-870,83,-872,83,83,83,83,83,83,83,-908,-909,83,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,83,-923,-926,83,-936,83,-387,-388,-389,83,83,-392,-393,-394,-395,83,-398,83,-401,-402,83,-403,83,-408,-409,83,-412,-413,-414,83,-417,83,-418,83,-423,-424,83,-427,83,-430,-431,-1896,-1896,83,-621,-622,-623,-624,-625,-636,-586,-626,-799,83,83,83,83,83,-833,83,83,-808,83,-834,83,83,83,83,-800,83,-855,-801,83,83,83,83,83,83,-856,-857,83,-836,-832,-837,83,-627,83,-628,-629,-630,-631,-576,83,83,-632,-633,-634,83,83,83,83,83,83,-637,-638,-639,-594,-1896,-604,83,-640,-641,-715,-642,-606,83,-574,-579,-582,-585,83,83,83,-600,-603,83,-610,83,83,83,83,83,83,83,83,83,83,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,83,83,83,-997,83,83,83,83,83,83,-308,-327,-321,-298,-377,-454,-455,-456,-460,83,-445,83,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,83,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,83,83,83,83,83,83,83,83,83,-318,-537,-510,-593,-939,-941,-942,-440,83,-442,-382,-383,-385,-509,-511,-513,83,-515,-516,-521,-522,83,-534,-536,-539,-540,-545,-550,-728,83,-729,83,-734,83,-736,83,-741,-658,-662,-663,83,-668,83,-669,83,-674,-676,83,-679,83,83,83,-689,-691,83,-694,83,83,-746,83,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,83,83,83,83,83,-879,83,-882,-910,-922,-927,-390,-391,83,-396,83,-399,83,-404,83,-405,83,-410,83,-415,83,-419,83,-420,83,-425,83,-428,-901,-902,-645,-587,-1896,-903,83,83,83,-802,83,83,-806,83,-809,-835,83,-820,83,-822,83,-824,-810,83,-826,83,-853,-854,83,83,-813,83,-648,-904,-906,-650,-651,-647,83,-707,-708,83,-644,-905,-649,-652,-605,-716,83,83,-607,-588,83,83,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,83,83,-711,-712,83,-718,83,83,83,83,83,83,-940,83,-441,-443,-749,83,-893,83,-717,-1896,83,83,83,83,83,-444,-514,-525,83,-730,-735,83,-737,83,-742,83,-664,-670,83,-680,-682,-684,-685,-692,-695,-699,-747,83,83,-876,83,83,-880,83,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,83,-814,83,-816,-803,83,-804,-807,83,-818,-821,-823,-825,-827,83,-828,83,-811,83,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,83,-284,83,83,83,83,-457,83,83,-731,83,-738,83,-743,83,-665,-673,83,83,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,83,-838,-53,83,83,-732,83,-739,83,-744,-666,83,-875,-54,83,83,-733,-740,-745,83,83,83,-874,]),'BALANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[84,84,84,84,-1896,84,84,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,84,84,84,84,-277,-278,84,-1427,84,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,84,84,84,-492,84,84,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,84,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,84,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,84,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,84,-174,-175,-176,-177,-995,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-292,-293,-283,84,84,84,84,84,-330,-320,-334,-335,-336,84,84,-984,-985,-986,-987,-988,-989,-990,84,84,84,84,84,84,84,84,84,84,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,84,84,84,-355,-358,84,-325,-326,-143,84,-144,84,-145,84,-432,-937,-938,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-1896,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-1896,84,-1896,84,84,84,84,84,84,84,84,84,84,84,84,-1896,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-1896,84,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,84,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,84,84,84,-193,-194,84,-996,84,84,84,84,84,-279,-280,-281,-282,-367,84,-310,84,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,84,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,84,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,84,84,84,84,84,84,-575,84,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,84,84,-725,-726,-727,84,84,84,84,84,84,-996,84,84,-93,-94,84,84,84,84,-311,-312,-322,84,-309,-295,-296,-297,84,84,84,84,-620,-635,-592,84,84,-438,84,-439,84,-446,-447,-448,-380,-381,84,84,84,-508,84,84,-512,84,84,84,84,-517,-518,-519,-520,84,84,-523,-524,84,-526,-527,-528,-529,-530,-531,-532,-533,84,-535,84,84,84,-541,-543,-544,84,-546,-547,-548,-549,84,84,84,84,84,84,-654,-655,-656,-657,84,-659,-660,-661,84,84,84,-667,84,84,-671,-672,84,84,-675,84,-677,-678,84,-681,84,-683,84,84,-686,-687,-688,84,-690,84,84,-693,84,84,-696,-697,-698,84,-700,-701,-702,-703,84,84,-748,84,-751,-752,-753,-754,-755,84,-757,-758,-759,-760,-761,84,-768,-769,-771,84,-773,-774,-775,-784,-858,-860,-862,-864,84,84,84,84,-870,84,-872,84,84,84,84,84,84,84,-908,-909,84,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,84,-923,-926,84,-936,84,-387,-388,-389,84,84,-392,-393,-394,-395,84,-398,84,-401,-402,84,-403,84,-408,-409,84,-412,-413,-414,84,-417,84,-418,84,-423,-424,84,-427,84,-430,-431,-1896,-1896,84,-621,-622,-623,-624,-625,-636,-586,-626,-799,84,84,84,84,84,-833,84,84,-808,84,-834,84,84,84,84,-800,84,-855,-801,84,84,84,84,84,84,-856,-857,84,-836,-832,-837,84,-627,84,-628,-629,-630,-631,-576,84,84,-632,-633,-634,84,84,84,84,84,84,-637,-638,-639,-594,-1896,-604,84,-640,-641,-715,-642,-606,84,-574,-579,-582,-585,84,84,84,-600,-603,84,-610,84,84,84,84,84,84,84,84,84,84,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,84,84,84,-997,84,84,84,84,84,84,-308,-327,-321,-298,-377,-454,-455,-456,-460,84,-445,84,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,84,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,84,84,84,84,84,84,84,84,84,-318,-537,-510,-593,-939,-941,-942,-440,84,-442,-382,-383,-385,-509,-511,-513,84,-515,-516,-521,-522,84,-534,-536,-539,-540,-545,-550,-728,84,-729,84,-734,84,-736,84,-741,-658,-662,-663,84,-668,84,-669,84,-674,-676,84,-679,84,84,84,-689,-691,84,-694,84,84,-746,84,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,84,84,84,84,84,-879,84,-882,-910,-922,-927,-390,-391,84,-396,84,-399,84,-404,84,-405,84,-410,84,-415,84,-419,84,-420,84,-425,84,-428,-901,-902,-645,-587,-1896,-903,84,84,84,-802,84,84,-806,84,-809,-835,84,-820,84,-822,84,-824,-810,84,-826,84,-853,-854,84,84,-813,84,-648,-904,-906,-650,-651,-647,84,-707,-708,84,-644,-905,-649,-652,-605,-716,84,84,-607,-588,84,84,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,84,84,-711,-712,84,-718,84,84,84,84,84,84,-940,84,-441,-443,-749,84,-893,84,-717,-1896,84,84,84,84,84,-444,-514,-525,84,-730,-735,84,-737,84,-742,84,-664,-670,84,-680,-682,-684,-685,-692,-695,-699,-747,84,84,-876,84,84,-880,84,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,84,-814,84,-816,-803,84,-804,-807,84,-818,-821,-823,-825,-827,84,-828,84,-811,84,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,84,-284,84,84,84,84,-457,84,84,-731,84,-738,84,-743,84,-665,-673,84,84,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,84,-838,-53,84,84,-732,84,-739,84,-744,-666,84,-875,-54,84,84,-733,-740,-745,84,84,84,-874,]),'BASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[85,85,85,85,-1896,85,85,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,85,85,85,85,-277,-278,85,-1427,85,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,85,85,85,-492,85,85,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,85,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,85,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,85,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,85,-174,-175,-176,-177,-995,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-292,-293,-283,85,85,85,85,85,-330,-320,-334,-335,-336,85,85,-984,-985,-986,-987,-988,-989,-990,85,85,85,85,85,85,85,85,85,85,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,85,85,85,-355,-358,85,-325,-326,-143,85,-144,85,-145,85,-432,-937,-938,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-1896,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-1896,85,-1896,85,85,85,85,85,85,85,85,85,85,85,85,-1896,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-1896,85,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,85,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,85,85,85,-193,-194,85,-996,85,85,85,85,85,-279,-280,-281,-282,-367,85,-310,85,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,85,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,85,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,85,85,85,85,85,85,-575,85,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,85,85,-725,-726,-727,85,85,85,85,85,85,-996,85,85,-93,-94,85,85,85,85,-311,-312,-322,85,-309,-295,-296,-297,85,85,85,85,-620,-635,-592,85,85,-438,85,-439,85,-446,-447,-448,-380,-381,85,85,85,-508,85,85,-512,85,85,85,85,-517,-518,-519,-520,85,85,-523,-524,85,-526,-527,-528,-529,-530,-531,-532,-533,85,-535,85,85,85,-541,-543,-544,85,-546,-547,-548,-549,85,85,85,85,85,85,-654,-655,-656,-657,85,-659,-660,-661,85,85,85,-667,85,85,-671,-672,85,85,-675,85,-677,-678,85,-681,85,-683,85,85,-686,-687,-688,85,-690,85,85,-693,85,85,-696,-697,-698,85,-700,-701,-702,-703,85,85,-748,85,-751,-752,-753,-754,-755,85,-757,-758,-759,-760,-761,85,-768,-769,-771,85,-773,-774,-775,-784,-858,-860,-862,-864,85,85,85,85,-870,85,-872,85,85,85,85,85,85,85,-908,-909,85,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,85,-923,-926,85,-936,85,-387,-388,-389,85,85,-392,-393,-394,-395,85,-398,85,-401,-402,85,-403,85,-408,-409,85,-412,-413,-414,85,-417,85,-418,85,-423,-424,85,-427,85,-430,-431,-1896,-1896,85,-621,-622,-623,-624,-625,-636,-586,-626,-799,85,85,85,85,85,-833,85,85,-808,85,-834,85,85,85,85,-800,85,-855,-801,85,85,85,85,85,85,-856,-857,85,-836,-832,-837,85,-627,85,-628,-629,-630,-631,-576,85,85,-632,-633,-634,85,85,85,85,85,85,-637,-638,-639,-594,-1896,-604,85,-640,-641,-715,-642,-606,85,-574,-579,-582,-585,85,85,85,-600,-603,85,-610,85,85,85,85,85,85,85,85,85,85,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,85,85,85,-997,85,85,85,85,85,85,-308,-327,-321,-298,-377,-454,-455,-456,-460,85,-445,85,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,85,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,85,85,85,85,85,85,85,85,85,-318,-537,-510,-593,-939,-941,-942,-440,85,-442,-382,-383,-385,-509,-511,-513,85,-515,-516,-521,-522,85,-534,-536,-539,-540,-545,-550,-728,85,-729,85,-734,85,-736,85,-741,-658,-662,-663,85,-668,85,-669,85,-674,-676,85,-679,85,85,85,-689,-691,85,-694,85,85,-746,85,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,85,85,85,85,85,-879,85,-882,-910,-922,-927,-390,-391,85,-396,85,-399,85,-404,85,-405,85,-410,85,-415,85,-419,85,-420,85,-425,85,-428,-901,-902,-645,-587,-1896,-903,85,85,85,-802,85,85,-806,85,-809,-835,85,-820,85,-822,85,-824,-810,85,-826,85,-853,-854,85,85,-813,85,-648,-904,-906,-650,-651,-647,85,-707,-708,85,-644,-905,-649,-652,-605,-716,85,85,-607,-588,85,85,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,85,85,-711,-712,85,-718,85,85,85,85,85,85,-940,85,-441,-443,-749,85,-893,85,-717,-1896,85,85,85,85,85,-444,-514,-525,85,-730,-735,85,-737,85,-742,85,-664,-670,85,-680,-682,-684,-685,-692,-695,-699,-747,85,85,-876,85,85,-880,85,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,85,-814,85,-816,-803,85,-804,-807,85,-818,-821,-823,-825,-827,85,-828,85,-811,85,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,85,-284,85,85,85,85,-457,85,85,-731,85,-738,85,-743,85,-665,-673,85,85,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,85,-838,-53,85,85,-732,85,-739,85,-744,-666,85,-875,-54,85,85,-733,-740,-745,85,85,85,-874,]),'BASELINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[86,86,86,86,-1896,86,86,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,86,86,86,86,-277,-278,86,-1427,86,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,86,86,86,-492,86,86,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,86,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,86,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,86,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,86,-174,-175,-176,-177,-995,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-292,-293,-283,86,86,86,86,86,-330,-320,-334,-335,-336,86,86,-984,-985,-986,-987,-988,-989,-990,86,86,86,86,86,86,86,86,86,86,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,86,86,86,-355,-358,86,-325,-326,-143,86,-144,86,-145,86,-432,-937,-938,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-1896,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-1896,86,-1896,86,86,86,86,86,86,86,86,86,86,86,86,-1896,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-1896,86,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,86,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,86,86,86,-193,-194,86,-996,86,86,86,86,86,-279,-280,-281,-282,-367,86,-310,86,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,86,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,86,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,86,86,86,86,86,86,-575,86,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,86,86,-725,-726,-727,86,86,86,86,86,86,-996,86,86,-93,-94,86,86,86,86,-311,-312,-322,86,-309,-295,-296,-297,86,86,86,86,-620,-635,-592,86,86,-438,86,-439,86,-446,-447,-448,-380,-381,86,86,86,-508,86,86,-512,86,86,86,86,-517,-518,-519,-520,86,86,-523,-524,86,-526,-527,-528,-529,-530,-531,-532,-533,86,-535,86,86,86,-541,-543,-544,86,-546,-547,-548,-549,86,86,86,86,86,86,-654,-655,-656,-657,86,-659,-660,-661,86,86,86,-667,86,86,-671,-672,86,86,-675,86,-677,-678,86,-681,86,-683,86,86,-686,-687,-688,86,-690,86,86,-693,86,86,-696,-697,-698,86,-700,-701,-702,-703,86,86,-748,86,-751,-752,-753,-754,-755,86,-757,-758,-759,-760,-761,86,-768,-769,-771,86,-773,-774,-775,-784,-858,-860,-862,-864,86,86,86,86,-870,86,-872,86,86,86,86,86,86,86,-908,-909,86,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,86,-923,-926,86,-936,86,-387,-388,-389,86,86,-392,-393,-394,-395,86,-398,86,-401,-402,86,-403,86,-408,-409,86,-412,-413,-414,86,-417,86,-418,86,-423,-424,86,-427,86,-430,-431,-1896,-1896,86,-621,-622,-623,-624,-625,-636,-586,-626,-799,86,86,86,86,86,-833,86,86,-808,86,-834,86,86,86,86,-800,86,-855,-801,86,86,86,86,86,86,-856,-857,86,-836,-832,-837,86,-627,86,-628,-629,-630,-631,-576,86,86,-632,-633,-634,86,86,86,86,86,86,-637,-638,-639,-594,-1896,-604,86,-640,-641,-715,-642,-606,86,-574,-579,-582,-585,86,86,86,-600,-603,86,-610,86,86,86,86,86,86,86,86,86,86,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,86,86,86,-997,86,86,86,86,86,86,-308,-327,-321,-298,-377,-454,-455,-456,-460,86,-445,86,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,86,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,86,86,86,86,86,86,86,86,86,-318,-537,-510,-593,-939,-941,-942,-440,86,-442,-382,-383,-385,-509,-511,-513,86,-515,-516,-521,-522,86,-534,-536,-539,-540,-545,-550,-728,86,-729,86,-734,86,-736,86,-741,-658,-662,-663,86,-668,86,-669,86,-674,-676,86,-679,86,86,86,-689,-691,86,-694,86,86,-746,86,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,86,86,86,86,86,-879,86,-882,-910,-922,-927,-390,-391,86,-396,86,-399,86,-404,86,-405,86,-410,86,-415,86,-419,86,-420,86,-425,86,-428,-901,-902,-645,-587,-1896,-903,86,86,86,-802,86,86,-806,86,-809,-835,86,-820,86,-822,86,-824,-810,86,-826,86,-853,-854,86,86,-813,86,-648,-904,-906,-650,-651,-647,86,-707,-708,86,-644,-905,-649,-652,-605,-716,86,86,-607,-588,86,86,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,86,86,-711,-712,86,-718,86,86,86,86,86,86,-940,86,-441,-443,-749,86,-893,86,-717,-1896,86,86,86,86,86,-444,-514,-525,86,-730,-735,86,-737,86,-742,86,-664,-670,86,-680,-682,-684,-685,-692,-695,-699,-747,86,86,-876,86,86,-880,86,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,86,-814,86,-816,-803,86,-804,-807,86,-818,-821,-823,-825,-827,86,-828,86,-811,86,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,86,-284,86,86,86,86,-457,86,86,-731,86,-738,86,-743,86,-665,-673,86,86,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,86,-838,-53,86,86,-732,86,-739,86,-744,-666,86,-875,-54,86,86,-733,-740,-745,86,86,86,-874,]),'BASELINE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[87,87,87,87,-1896,87,87,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,87,87,87,87,-277,-278,87,-1427,87,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,87,87,87,-492,87,87,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,87,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,87,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,87,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,87,-174,-175,-176,-177,-995,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-292,-293,-283,87,87,87,87,87,-330,-320,-334,-335,-336,87,87,-984,-985,-986,-987,-988,-989,-990,87,87,87,87,87,87,87,87,87,87,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,87,87,87,-355,-358,87,-325,-326,-143,87,-144,87,-145,87,-432,-937,-938,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-1896,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-1896,87,-1896,87,87,87,87,87,87,87,87,87,87,87,87,-1896,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-1896,87,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,87,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,87,87,87,-193,-194,87,-996,87,87,87,87,87,-279,-280,-281,-282,-367,87,-310,87,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,87,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,87,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,87,87,87,87,87,87,-575,87,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,87,87,-725,-726,-727,87,87,87,87,87,87,-996,87,87,-93,-94,87,87,87,87,-311,-312,-322,87,-309,-295,-296,-297,87,87,87,87,-620,-635,-592,87,87,-438,87,-439,87,-446,-447,-448,-380,-381,87,87,87,-508,87,87,-512,87,87,87,87,-517,-518,-519,-520,87,87,-523,-524,87,-526,-527,-528,-529,-530,-531,-532,-533,87,-535,87,87,87,-541,-543,-544,87,-546,-547,-548,-549,87,87,87,87,87,87,-654,-655,-656,-657,87,-659,-660,-661,87,87,87,-667,87,87,-671,-672,87,87,-675,87,-677,-678,87,-681,87,-683,87,87,-686,-687,-688,87,-690,87,87,-693,87,87,-696,-697,-698,87,-700,-701,-702,-703,87,87,-748,87,-751,-752,-753,-754,-755,87,-757,-758,-759,-760,-761,87,-768,-769,-771,87,-773,-774,-775,-784,-858,-860,-862,-864,87,87,87,87,-870,87,-872,87,87,87,87,87,87,87,-908,-909,87,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,87,-923,-926,87,-936,87,-387,-388,-389,87,87,-392,-393,-394,-395,87,-398,87,-401,-402,87,-403,87,-408,-409,87,-412,-413,-414,87,-417,87,-418,87,-423,-424,87,-427,87,-430,-431,-1896,-1896,87,-621,-622,-623,-624,-625,-636,-586,-626,-799,87,87,87,87,87,-833,87,87,-808,87,-834,87,87,87,87,-800,87,-855,-801,87,87,87,87,87,87,-856,-857,87,-836,-832,-837,87,-627,87,-628,-629,-630,-631,-576,87,87,-632,-633,-634,87,87,87,87,87,87,-637,-638,-639,-594,-1896,-604,87,-640,-641,-715,-642,-606,87,-574,-579,-582,-585,87,87,87,-600,-603,87,-610,87,87,87,87,87,87,87,87,87,87,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,87,87,87,-997,87,87,87,87,87,87,-308,-327,-321,-298,-377,-454,-455,-456,-460,87,-445,87,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,87,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,87,87,87,87,87,87,87,87,87,-318,-537,-510,-593,-939,-941,-942,-440,87,-442,-382,-383,-385,-509,-511,-513,87,-515,-516,-521,-522,87,-534,-536,-539,-540,-545,-550,-728,87,-729,87,-734,87,-736,87,-741,-658,-662,-663,87,-668,87,-669,87,-674,-676,87,-679,87,87,87,-689,-691,87,-694,87,87,-746,87,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,87,87,87,87,87,-879,87,-882,-910,-922,-927,-390,-391,87,-396,87,-399,87,-404,87,-405,87,-410,87,-415,87,-419,87,-420,87,-425,87,-428,-901,-902,-645,-587,-1896,-903,87,87,87,-802,87,87,-806,87,-809,-835,87,-820,87,-822,87,-824,-810,87,-826,87,-853,-854,87,87,-813,87,-648,-904,-906,-650,-651,-647,87,-707,-708,87,-644,-905,-649,-652,-605,-716,87,87,-607,-588,87,87,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,87,87,-711,-712,87,-718,87,87,87,87,87,87,-940,87,-441,-443,-749,87,-893,87,-717,-1896,87,87,87,87,87,-444,-514,-525,87,-730,-735,87,-737,87,-742,87,-664,-670,87,-680,-682,-684,-685,-692,-695,-699,-747,87,87,-876,87,87,-880,87,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,87,-814,87,-816,-803,87,-804,-807,87,-818,-821,-823,-825,-827,87,-828,87,-811,87,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,87,-284,87,87,87,87,-457,87,87,-731,87,-738,87,-743,87,-665,-673,87,87,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,87,-838,-53,87,87,-732,87,-739,87,-744,-666,87,-875,-54,87,87,-733,-740,-745,87,87,87,-874,]),'BASIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[88,88,88,88,-1896,88,88,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,88,88,88,88,-277,-278,88,-1427,88,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,88,88,88,-492,88,88,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,88,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,88,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,88,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,88,-174,-175,-176,-177,-995,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-292,-293,-283,88,88,88,88,88,-330,-320,-334,-335,-336,88,88,-984,-985,-986,-987,-988,-989,-990,88,88,88,88,88,88,88,88,88,88,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,88,88,88,-355,-358,88,-325,-326,-143,88,-144,88,-145,88,-432,-937,-938,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-1896,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-1896,88,-1896,88,88,88,88,88,88,88,88,88,88,88,88,-1896,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-1896,88,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,88,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,88,88,88,-193,-194,88,-996,88,88,88,88,88,-279,-280,-281,-282,-367,88,-310,88,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,88,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,88,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,88,88,88,88,88,88,-575,88,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,88,88,-725,-726,-727,88,88,88,88,88,88,-996,88,88,-93,-94,88,88,88,88,-311,-312,-322,88,-309,-295,-296,-297,88,88,88,88,-620,-635,-592,88,88,-438,88,-439,88,-446,-447,-448,-380,-381,88,88,88,-508,88,88,-512,88,88,88,88,-517,-518,-519,-520,88,88,-523,-524,88,-526,-527,-528,-529,-530,-531,-532,-533,88,-535,88,88,88,-541,-543,-544,88,-546,-547,-548,-549,88,88,88,88,88,88,-654,-655,-656,-657,88,-659,-660,-661,88,88,88,-667,88,88,-671,-672,88,88,-675,88,-677,-678,88,-681,88,-683,88,88,-686,-687,-688,88,-690,88,88,-693,88,88,-696,-697,-698,88,-700,-701,-702,-703,88,88,-748,88,-751,-752,-753,-754,-755,88,-757,-758,-759,-760,-761,88,-768,-769,-771,88,-773,-774,-775,-784,-858,-860,-862,-864,88,88,88,88,-870,88,-872,88,88,88,88,88,88,88,-908,-909,88,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,88,-923,-926,88,-936,88,-387,-388,-389,88,88,-392,-393,-394,-395,88,-398,88,-401,-402,88,-403,88,-408,-409,88,-412,-413,-414,88,-417,88,-418,88,-423,-424,88,-427,88,-430,-431,-1896,-1896,88,-621,-622,-623,-624,-625,-636,-586,-626,-799,88,88,88,88,88,-833,88,88,-808,88,-834,88,88,88,88,-800,88,-855,-801,88,88,88,88,88,88,-856,-857,88,-836,-832,-837,88,-627,88,-628,-629,-630,-631,-576,88,88,-632,-633,-634,88,88,88,88,88,88,-637,-638,-639,-594,-1896,-604,88,-640,-641,-715,-642,-606,88,-574,-579,-582,-585,88,88,88,-600,-603,88,-610,88,88,88,88,88,88,88,88,88,88,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,88,88,88,-997,88,88,88,88,88,88,-308,-327,-321,-298,-377,-454,-455,-456,-460,88,-445,88,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,88,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,88,88,88,88,88,88,88,88,88,-318,-537,-510,-593,-939,-941,-942,-440,88,-442,-382,-383,-385,-509,-511,-513,88,-515,-516,-521,-522,88,-534,-536,-539,-540,-545,-550,-728,88,-729,88,-734,88,-736,88,-741,-658,-662,-663,88,-668,88,-669,88,-674,-676,88,-679,88,88,88,-689,-691,88,-694,88,88,-746,88,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,88,88,88,88,88,-879,88,-882,-910,-922,-927,-390,-391,88,-396,88,-399,88,-404,88,-405,88,-410,88,-415,88,-419,88,-420,88,-425,88,-428,-901,-902,-645,-587,-1896,-903,88,88,88,-802,88,88,-806,88,-809,-835,88,-820,88,-822,88,-824,-810,88,-826,88,-853,-854,88,88,-813,88,-648,-904,-906,-650,-651,-647,88,-707,-708,88,-644,-905,-649,-652,-605,-716,88,88,-607,-588,88,88,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,88,88,-711,-712,88,-718,88,88,88,88,88,88,-940,88,-441,-443,-749,88,-893,88,-717,-1896,88,88,88,88,88,-444,-514,-525,88,-730,-735,88,-737,88,-742,88,-664,-670,88,-680,-682,-684,-685,-692,-695,-699,-747,88,88,-876,88,88,-880,88,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,88,-814,88,-816,-803,88,-804,-807,88,-818,-821,-823,-825,-827,88,-828,88,-811,88,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,88,-284,88,88,88,88,-457,88,88,-731,88,-738,88,-743,88,-665,-673,88,88,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,88,-838,-53,88,88,-732,88,-739,88,-744,-666,88,-875,-54,88,88,-733,-740,-745,88,88,88,-874,]),'BEFORE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[89,89,89,89,-1896,89,89,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,89,89,89,89,-277,-278,89,-1427,89,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,89,89,89,-492,89,89,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,89,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,89,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,89,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,89,-174,-175,-176,-177,-995,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-292,-293,-283,89,89,89,89,89,-330,-320,-334,-335,-336,89,89,-984,-985,-986,-987,-988,-989,-990,89,89,89,89,89,89,89,89,89,89,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,89,89,89,-355,-358,89,-325,-326,-143,89,-144,89,-145,89,-432,-937,-938,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-1896,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-1896,89,-1896,89,89,89,89,89,89,89,89,89,89,89,89,-1896,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-1896,89,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,89,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,89,89,89,-193,-194,89,-996,89,89,89,89,89,-279,-280,-281,-282,-367,89,-310,89,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,89,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,89,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,89,89,89,89,89,89,-575,89,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,89,89,-725,-726,-727,89,89,89,89,89,89,-996,89,89,-93,-94,89,89,89,89,-311,-312,-322,89,-309,-295,-296,-297,89,89,89,89,-620,-635,-592,89,89,-438,89,-439,89,-446,-447,-448,-380,-381,89,89,89,-508,89,89,-512,89,89,89,89,-517,-518,-519,-520,89,89,-523,-524,89,-526,-527,-528,-529,-530,-531,-532,-533,89,-535,89,89,89,-541,-543,-544,89,-546,-547,-548,-549,89,89,89,89,89,89,-654,-655,-656,-657,89,-659,-660,-661,89,89,89,-667,89,89,-671,-672,89,89,-675,89,-677,-678,89,-681,89,-683,89,89,-686,-687,-688,89,-690,89,89,-693,89,89,-696,-697,-698,89,-700,-701,-702,-703,89,89,-748,89,-751,-752,-753,-754,-755,89,-757,-758,-759,-760,-761,89,-768,-769,-771,89,-773,-774,-775,-784,-858,-860,-862,-864,89,89,89,89,-870,89,-872,89,89,89,89,89,89,89,-908,-909,89,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,89,-923,-926,89,-936,89,-387,-388,-389,89,89,-392,-393,-394,-395,89,-398,89,-401,-402,89,-403,89,-408,-409,89,-412,-413,-414,89,-417,89,-418,89,-423,-424,89,-427,89,-430,-431,-1896,-1896,89,-621,-622,-623,-624,-625,-636,-586,-626,-799,89,89,89,89,89,-833,89,89,-808,89,-834,89,89,89,89,-800,89,-855,-801,89,89,89,89,89,89,-856,-857,89,-836,-832,-837,89,-627,89,-628,-629,-630,-631,-576,89,89,-632,-633,-634,89,89,89,89,89,89,-637,-638,-639,-594,-1896,-604,89,-640,-641,-715,-642,-606,89,-574,-579,-582,-585,89,89,89,-600,-603,89,-610,89,89,89,89,89,89,89,89,89,89,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,89,89,89,-997,89,89,89,89,89,89,-308,-327,-321,-298,-377,-454,-455,-456,-460,89,-445,89,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,89,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,89,89,89,89,89,89,89,89,89,-318,-537,-510,-593,-939,-941,-942,-440,89,-442,-382,-383,-385,-509,-511,-513,89,-515,-516,-521,-522,89,-534,-536,-539,-540,-545,-550,-728,89,-729,89,-734,89,-736,89,-741,-658,-662,-663,89,-668,89,-669,89,-674,-676,89,-679,89,89,89,-689,-691,89,-694,89,89,-746,89,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,89,89,89,89,89,-879,89,-882,-910,-922,-927,-390,-391,89,-396,89,-399,89,-404,89,-405,89,-410,89,-415,89,-419,89,-420,89,-425,89,-428,-901,-902,-645,-587,-1896,-903,89,89,89,-802,89,89,-806,89,-809,-835,89,-820,89,-822,89,-824,-810,89,-826,89,-853,-854,89,89,-813,89,-648,-904,-906,-650,-651,-647,89,-707,-708,89,-644,-905,-649,-652,-605,-716,89,89,-607,-588,89,89,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,89,89,-711,-712,89,-718,89,89,89,89,89,89,-940,89,-441,-443,-749,89,-893,89,-717,-1896,89,89,89,89,89,-444,-514,-525,89,-730,-735,89,-737,89,-742,89,-664,-670,89,-680,-682,-684,-685,-692,-695,-699,-747,89,89,-876,89,89,-880,89,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,89,-814,89,-816,-803,89,-804,-807,89,-818,-821,-823,-825,-827,89,-828,89,-811,89,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,89,-284,89,89,89,89,-457,89,89,-731,89,-738,89,-743,89,-665,-673,89,89,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,89,-838,-53,89,89,-732,89,-739,89,-744,-666,89,-875,-54,89,89,-733,-740,-745,89,89,89,-874,]),'BEGI':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[90,90,90,90,-1896,90,90,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,90,90,90,90,-277,-278,90,-1427,90,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,90,90,90,-492,90,90,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,90,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,90,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,90,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,90,-174,-175,-176,-177,-995,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-292,-293,-283,90,90,90,90,90,-330,-320,-334,-335,-336,90,90,-984,-985,-986,-987,-988,-989,-990,90,90,90,90,90,90,90,90,90,90,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,90,90,90,-355,-358,90,-325,-326,-143,90,-144,90,-145,90,-432,-937,-938,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-1896,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-1896,90,-1896,90,90,90,90,90,90,90,90,90,90,90,90,-1896,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-1896,90,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,90,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,90,90,90,-193,-194,90,-996,90,90,90,90,90,-279,-280,-281,-282,-367,90,-310,90,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,90,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,90,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,90,90,90,90,90,90,-575,90,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,90,90,-725,-726,-727,90,90,90,90,90,90,-996,90,90,-93,-94,90,90,90,90,-311,-312,-322,90,-309,-295,-296,-297,90,90,90,90,-620,-635,-592,90,90,-438,90,-439,90,-446,-447,-448,-380,-381,90,90,90,-508,90,90,-512,90,90,90,90,-517,-518,-519,-520,90,90,-523,-524,90,-526,-527,-528,-529,-530,-531,-532,-533,90,-535,90,90,90,-541,-543,-544,90,-546,-547,-548,-549,90,90,90,90,90,90,-654,-655,-656,-657,90,-659,-660,-661,90,90,90,-667,90,90,-671,-672,90,90,-675,90,-677,-678,90,-681,90,-683,90,90,-686,-687,-688,90,-690,90,90,-693,90,90,-696,-697,-698,90,-700,-701,-702,-703,90,90,-748,90,-751,-752,-753,-754,-755,90,-757,-758,-759,-760,-761,90,-768,-769,-771,90,-773,-774,-775,-784,-858,-860,-862,-864,90,90,90,90,-870,90,-872,90,90,90,90,90,90,90,-908,-909,90,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,90,-923,-926,90,-936,90,-387,-388,-389,90,90,-392,-393,-394,-395,90,-398,90,-401,-402,90,-403,90,-408,-409,90,-412,-413,-414,90,-417,90,-418,90,-423,-424,90,-427,90,-430,-431,-1896,-1896,90,-621,-622,-623,-624,-625,-636,-586,-626,-799,90,90,90,90,90,-833,90,90,-808,90,-834,90,90,90,90,-800,90,-855,-801,90,90,90,90,90,90,-856,-857,90,-836,-832,-837,90,-627,90,-628,-629,-630,-631,-576,90,90,-632,-633,-634,90,90,90,90,90,90,-637,-638,-639,-594,-1896,-604,90,-640,-641,-715,-642,-606,90,-574,-579,-582,-585,90,90,90,-600,-603,90,-610,90,90,90,90,90,90,90,90,90,90,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,90,90,90,-997,90,90,90,90,90,90,-308,-327,-321,-298,-377,-454,-455,-456,-460,90,-445,90,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,90,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,90,90,90,90,90,90,90,90,90,-318,-537,-510,-593,-939,-941,-942,-440,90,-442,-382,-383,-385,-509,-511,-513,90,-515,-516,-521,-522,90,-534,-536,-539,-540,-545,-550,-728,90,-729,90,-734,90,-736,90,-741,-658,-662,-663,90,-668,90,-669,90,-674,-676,90,-679,90,90,90,-689,-691,90,-694,90,90,-746,90,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,90,90,90,90,90,-879,90,-882,-910,-922,-927,-390,-391,90,-396,90,-399,90,-404,90,-405,90,-410,90,-415,90,-419,90,-420,90,-425,90,-428,-901,-902,-645,-587,-1896,-903,90,90,90,-802,90,90,-806,90,-809,-835,90,-820,90,-822,90,-824,-810,90,-826,90,-853,-854,90,90,-813,90,-648,-904,-906,-650,-651,-647,90,-707,-708,90,-644,-905,-649,-652,-605,-716,90,90,-607,-588,90,90,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,90,90,-711,-712,90,-718,90,90,90,90,90,90,-940,90,-441,-443,-749,90,-893,90,-717,-1896,90,90,90,90,90,-444,-514,-525,90,-730,-735,90,-737,90,-742,90,-664,-670,90,-680,-682,-684,-685,-692,-695,-699,-747,90,90,-876,90,90,-880,90,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,90,-814,90,-816,-803,90,-804,-807,90,-818,-821,-823,-825,-827,90,-828,90,-811,90,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,90,-284,90,90,90,90,-457,90,90,-731,90,-738,90,-743,90,-665,-673,90,90,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,90,-838,-53,90,90,-732,90,-739,90,-744,-666,90,-875,-54,90,90,-733,-740,-745,90,90,90,-874,]),'BENCHMARK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[91,91,91,1158,-1896,91,91,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,91,91,91,91,-277,-278,1158,-1427,1158,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1158,1158,1158,-492,1158,1158,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1158,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1158,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1836,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,91,-174,-175,-176,-177,-995,91,91,91,91,91,91,91,91,91,91,1158,1158,1158,1158,1158,-292,-293,-283,91,1158,1158,1158,1158,-330,-320,-334,-335,-336,1158,1158,-984,-985,-986,-987,-988,-989,-990,91,91,1158,1158,1158,1158,1158,1158,1158,1158,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1158,1158,1158,-355,-358,91,-325,-326,-143,1158,-144,1158,-145,1158,-432,-937,-938,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1896,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1896,1158,-1896,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1896,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1896,91,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1158,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1158,91,91,-193,-194,91,-996,1158,91,91,91,91,-279,-280,-281,-282,-367,1158,-310,1158,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1158,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1158,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1158,1158,1158,1158,1158,1158,-575,1158,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1158,1158,-725,-726,-727,1158,1836,91,91,91,91,-996,91,1158,-93,-94,91,91,91,1158,-311,-312,-322,1158,-309,-295,-296,-297,1158,91,1158,1158,-620,-635,-592,1158,91,-438,91,-439,1158,-446,-447,-448,-380,-381,1158,1158,1158,-508,1158,1158,-512,1158,1158,1158,1158,-517,-518,-519,-520,1158,1158,-523,-524,1158,-526,-527,-528,-529,-530,-531,-532,-533,1158,-535,1158,1158,1158,-541,-543,-544,1158,-546,-547,-548,-549,1158,1158,1158,1158,1158,1158,-654,-655,-656,-657,91,-659,-660,-661,1158,1158,1158,-667,1158,1158,-671,-672,1158,1158,-675,1158,-677,-678,1158,-681,1158,-683,1158,1158,-686,-687,-688,1158,-690,1158,1158,-693,1158,1158,-696,-697,-698,1158,-700,-701,-702,-703,1158,1158,-748,1158,-751,-752,-753,-754,-755,1158,-757,-758,-759,-760,-761,1158,-768,-769,-771,1158,-773,-774,-775,-784,-858,-860,-862,-864,1158,1158,1158,1158,-870,1158,-872,1158,1158,1158,1158,1158,1158,1158,-908,-909,1158,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1158,-923,-926,1158,-936,1158,-387,-388,-389,1158,1158,-392,-393,-394,-395,1158,-398,1158,-401,-402,1158,-403,1158,-408,-409,1158,-412,-413,-414,1158,-417,1158,-418,1158,-423,-424,1158,-427,1158,-430,-431,-1896,-1896,1158,-621,-622,-623,-624,-625,-636,-586,-626,-799,1158,1158,1158,1158,1158,-833,1158,1158,-808,1158,-834,1158,1158,1158,1158,-800,1158,-855,-801,1158,1158,1158,1158,1158,1158,-856,-857,1158,-836,-832,-837,1158,-627,1158,-628,-629,-630,-631,-576,1158,1158,-632,-633,-634,1158,1158,1158,1158,1158,1158,-637,-638,-639,-594,-1896,-604,1158,-640,-641,-715,-642,-606,1158,-574,-579,-582,-585,1158,1158,1158,-600,-603,1158,-610,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1158,91,91,-997,91,1158,91,91,91,1158,-308,-327,-321,-298,-377,-454,-455,-456,-460,91,-445,1158,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1158,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,91,91,91,91,91,91,91,91,1158,-318,-537,-510,-593,-939,-941,-942,-440,1158,-442,-382,-383,-385,-509,-511,-513,1158,-515,-516,-521,-522,1158,-534,-536,-539,-540,-545,-550,-728,1158,-729,1158,-734,1158,-736,1158,-741,-658,-662,-663,1158,-668,1158,-669,1158,-674,-676,1158,-679,1158,1158,1158,-689,-691,1158,-694,1158,1158,-746,1158,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1158,1158,1158,1158,1158,-879,1158,-882,-910,-922,-927,-390,-391,1158,-396,1158,-399,1158,-404,1158,-405,1158,-410,1158,-415,1158,-419,1158,-420,1158,-425,1158,-428,-901,-902,-645,-587,-1896,-903,1158,1158,1158,-802,1158,1158,-806,1158,-809,-835,1158,-820,1158,-822,1158,-824,-810,1158,-826,1158,-853,-854,1158,1158,-813,1158,-648,-904,-906,-650,-651,-647,1158,-707,-708,1158,-644,-905,-649,-652,-605,-716,1158,1158,-607,-588,1158,1158,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1158,1158,-711,-712,1158,-718,1158,91,91,91,1158,1158,-940,91,-441,-443,-749,1158,-893,1836,-717,-1896,1158,1158,91,91,1158,-444,-514,-525,1158,-730,-735,1158,-737,1158,-742,1158,-664,-670,1158,-680,-682,-684,-685,-692,-695,-699,-747,1158,1158,-876,1158,1158,-880,1158,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1158,-814,1158,-816,-803,1158,-804,-807,1158,-818,-821,-823,-825,-827,1158,-828,1158,-811,1158,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,91,-284,91,1158,91,1158,-457,1158,1158,-731,1158,-738,1158,-743,1158,-665,-673,1158,1158,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1158,-838,-53,91,1158,-732,1158,-739,1158,-744,-666,1158,-875,-54,91,91,-733,-740,-745,1158,91,1158,-874,]),'BIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[92,92,92,1083,-1896,92,92,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,92,92,92,92,-277,-278,1083,-1427,1083,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1083,1083,1083,-492,1083,1083,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1083,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1083,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1837,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,92,-174,-175,-176,-177,-995,92,92,92,92,92,92,92,92,92,92,1083,1083,1083,1083,1083,-292,-293,-283,92,1083,1083,1083,1083,-330,-320,-334,-335,-336,1083,1083,-984,-985,-986,-987,-988,-989,-990,92,92,1083,1083,1083,1083,1083,1083,1083,1083,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1083,1083,1083,-355,-358,92,-325,-326,-143,1083,-144,1083,-145,1083,-432,-937,-938,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1896,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1896,1083,-1896,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1896,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1896,92,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1083,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1083,92,92,-193,-194,92,-996,1083,92,92,92,92,-279,-280,-281,-282,-367,1083,-310,1083,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1083,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1083,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1083,1083,1083,1083,1083,1083,-575,1083,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1083,1083,-725,-726,-727,1083,1837,92,92,92,92,-996,92,1083,-93,-94,92,92,92,1083,-311,-312,-322,1083,-309,-295,-296,-297,1083,92,1083,1083,-620,-635,-592,1083,92,-438,92,-439,1083,-446,-447,-448,-380,-381,1083,1083,1083,-508,1083,1083,-512,1083,1083,1083,1083,-517,-518,-519,-520,1083,1083,-523,-524,1083,-526,-527,-528,-529,-530,-531,-532,-533,1083,-535,1083,1083,1083,-541,-543,-544,1083,-546,-547,-548,-549,1083,1083,1083,1083,1083,1083,-654,-655,-656,-657,92,-659,-660,-661,1083,1083,1083,-667,1083,1083,-671,-672,1083,1083,-675,1083,-677,-678,1083,-681,1083,-683,1083,1083,-686,-687,-688,1083,-690,1083,1083,-693,1083,1083,-696,-697,-698,1083,-700,-701,-702,-703,1083,1083,-748,1083,-751,-752,-753,-754,-755,1083,-757,-758,-759,-760,-761,1083,-768,-769,-771,1083,-773,-774,-775,-784,-858,-860,-862,-864,1083,1083,1083,1083,-870,1083,-872,1083,1083,1083,1083,1083,1083,1083,-908,-909,1083,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1083,-923,-926,1083,-936,1083,-387,-388,-389,1083,1083,-392,-393,-394,-395,1083,-398,1083,-401,-402,1083,-403,1083,-408,-409,1083,-412,-413,-414,1083,-417,1083,-418,1083,-423,-424,1083,-427,1083,-430,-431,-1896,-1896,1083,-621,-622,-623,-624,-625,-636,-586,-626,-799,1083,1083,1083,1083,1083,-833,1083,1083,-808,1083,-834,1083,1083,1083,1083,-800,1083,-855,-801,1083,1083,1083,1083,1083,1083,-856,-857,1083,-836,-832,-837,1083,-627,1083,-628,-629,-630,-631,-576,1083,1083,-632,-633,-634,1083,1083,1083,1083,1083,1083,-637,-638,-639,-594,-1896,-604,1083,-640,-641,-715,-642,-606,1083,-574,-579,-582,-585,1083,1083,1083,-600,-603,1083,-610,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1083,92,92,-997,92,1083,92,92,92,1083,-308,-327,-321,-298,-377,-454,-455,-456,-460,92,-445,1083,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1083,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,92,92,92,92,92,92,92,92,1083,-318,-537,-510,-593,-939,-941,-942,-440,1083,-442,-382,-383,-385,-509,-511,-513,1083,-515,-516,-521,-522,1083,-534,-536,-539,-540,-545,-550,-728,1083,-729,1083,-734,1083,-736,1083,-741,-658,-662,-663,1083,-668,1083,-669,1083,-674,-676,1083,-679,1083,1083,1083,-689,-691,1083,-694,1083,1083,-746,1083,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1083,1083,1083,1083,1083,-879,1083,-882,-910,-922,-927,-390,-391,1083,-396,1083,-399,1083,-404,1083,-405,1083,-410,1083,-415,1083,-419,1083,-420,1083,-425,1083,-428,-901,-902,-645,-587,-1896,-903,1083,1083,1083,-802,1083,1083,-806,1083,-809,-835,1083,-820,1083,-822,1083,-824,-810,1083,-826,1083,-853,-854,1083,1083,-813,1083,-648,-904,-906,-650,-651,-647,1083,-707,-708,1083,-644,-905,-649,-652,-605,-716,1083,1083,-607,-588,1083,1083,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1083,1083,-711,-712,1083,-718,1083,92,92,92,1083,1083,-940,92,-441,-443,-749,1083,-893,1837,-717,-1896,1083,1083,92,92,1083,-444,-514,-525,1083,-730,-735,1083,-737,1083,-742,1083,-664,-670,1083,-680,-682,-684,-685,-692,-695,-699,-747,1083,1083,-876,1083,1083,-880,1083,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1083,-814,1083,-816,-803,1083,-804,-807,1083,-818,-821,-823,-825,-827,1083,-828,1083,-811,1083,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,92,-284,92,1083,92,1083,-457,1083,1083,-731,1083,-738,1083,-743,1083,-665,-673,1083,1083,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1083,-838,-53,92,1083,-732,1083,-739,1083,-744,-666,1083,-875,-54,92,92,-733,-740,-745,1083,92,1083,-874,]),'BINDING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[93,93,93,93,-1896,93,93,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,93,93,93,93,-277,-278,93,-1427,93,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,93,93,93,-492,93,93,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,93,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,93,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,93,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,93,-174,-175,-176,-177,-995,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-292,-293,-283,93,93,93,93,93,-330,-320,-334,-335,-336,93,93,-984,-985,-986,-987,-988,-989,-990,93,93,93,93,93,93,93,93,93,93,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,93,93,93,-355,-358,93,-325,-326,-143,93,-144,93,-145,93,-432,-937,-938,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-1896,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-1896,93,-1896,93,93,93,93,93,93,93,93,93,93,93,93,-1896,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-1896,93,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,93,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,93,93,93,-193,-194,93,-996,93,93,93,93,93,-279,-280,-281,-282,-367,93,-310,93,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,93,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,93,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,93,93,93,93,93,93,-575,93,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,93,93,-725,-726,-727,93,93,93,93,93,93,-996,93,93,-93,-94,93,93,93,93,-311,-312,-322,93,-309,-295,-296,-297,93,93,93,93,-620,-635,-592,93,93,-438,93,-439,93,-446,-447,-448,-380,-381,93,93,93,-508,93,93,-512,93,93,93,93,-517,-518,-519,-520,93,93,-523,-524,93,-526,-527,-528,-529,-530,-531,-532,-533,93,-535,93,93,93,-541,-543,-544,93,-546,-547,-548,-549,93,93,93,93,93,93,-654,-655,-656,-657,93,-659,-660,-661,93,93,93,-667,93,93,-671,-672,93,93,-675,93,-677,-678,93,-681,93,-683,93,93,-686,-687,-688,93,-690,93,93,-693,93,93,-696,-697,-698,93,-700,-701,-702,-703,93,93,-748,93,-751,-752,-753,-754,-755,93,-757,-758,-759,-760,-761,93,-768,-769,-771,93,-773,-774,-775,-784,-858,-860,-862,-864,93,93,93,93,-870,93,-872,93,93,93,93,93,93,93,-908,-909,93,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,93,-923,-926,93,-936,93,-387,-388,-389,93,93,-392,-393,-394,-395,93,-398,93,-401,-402,93,-403,93,-408,-409,93,-412,-413,-414,93,-417,93,-418,93,-423,-424,93,-427,93,-430,-431,-1896,-1896,93,-621,-622,-623,-624,-625,-636,-586,-626,-799,93,93,93,93,93,-833,93,93,-808,93,-834,93,93,93,93,-800,93,-855,-801,93,93,93,93,93,93,-856,-857,93,-836,-832,-837,93,-627,93,-628,-629,-630,-631,-576,93,93,-632,-633,-634,93,93,93,93,93,93,-637,-638,-639,-594,-1896,-604,93,-640,-641,-715,-642,-606,93,-574,-579,-582,-585,93,93,93,-600,-603,93,-610,93,93,93,93,93,93,93,93,93,93,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,93,93,93,-997,93,93,93,93,93,93,-308,-327,-321,-298,-377,-454,-455,-456,-460,93,-445,93,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,93,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,93,93,93,93,93,93,93,93,93,-318,-537,-510,-593,-939,-941,-942,-440,93,-442,-382,-383,-385,-509,-511,-513,93,-515,-516,-521,-522,93,-534,-536,-539,-540,-545,-550,-728,93,-729,93,-734,93,-736,93,-741,-658,-662,-663,93,-668,93,-669,93,-674,-676,93,-679,93,93,93,-689,-691,93,-694,93,93,-746,93,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,93,93,93,93,93,-879,93,-882,-910,-922,-927,-390,-391,93,-396,93,-399,93,-404,93,-405,93,-410,93,-415,93,-419,93,-420,93,-425,93,-428,-901,-902,-645,-587,-1896,-903,93,93,93,-802,93,93,-806,93,-809,-835,93,-820,93,-822,93,-824,-810,93,-826,93,-853,-854,93,93,-813,93,-648,-904,-906,-650,-651,-647,93,-707,-708,93,-644,-905,-649,-652,-605,-716,93,93,-607,-588,93,93,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,93,93,-711,-712,93,-718,93,93,93,93,93,93,-940,93,-441,-443,-749,93,-893,93,-717,-1896,93,93,93,93,93,-444,-514,-525,93,-730,-735,93,-737,93,-742,93,-664,-670,93,-680,-682,-684,-685,-692,-695,-699,-747,93,93,-876,93,93,-880,93,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,93,-814,93,-816,-803,93,-804,-807,93,-818,-821,-823,-825,-827,93,-828,93,-811,93,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,93,-284,93,93,93,93,-457,93,93,-731,93,-738,93,-743,93,-665,-673,93,93,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,93,-838,-53,93,93,-732,93,-739,93,-744,-666,93,-875,-54,93,93,-733,-740,-745,93,93,93,-874,]),'BINLOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[94,94,94,94,-1896,94,94,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,94,94,94,94,-277,-278,94,-1427,94,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,94,94,94,-492,94,94,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,94,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,94,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,94,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,94,-174,-175,-176,-177,-995,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-292,-293,-283,94,94,94,94,94,-330,-320,-334,-335,-336,94,94,-984,-985,-986,-987,-988,-989,-990,94,94,94,94,94,94,94,94,94,94,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,94,94,94,-355,-358,94,-325,-326,-143,94,-144,94,-145,94,-432,-937,-938,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-1896,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-1896,94,-1896,94,94,94,94,94,94,94,94,94,94,94,94,-1896,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-1896,94,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,94,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,94,94,94,-193,-194,94,-996,94,94,94,94,94,-279,-280,-281,-282,-367,94,-310,94,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,94,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,94,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,94,94,94,94,94,94,-575,94,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,94,94,-725,-726,-727,94,94,94,94,94,94,-996,94,94,-93,-94,94,94,94,94,-311,-312,-322,94,-309,-295,-296,-297,94,94,94,94,-620,-635,-592,94,94,-438,94,-439,94,-446,-447,-448,-380,-381,94,94,94,-508,94,94,-512,94,94,94,94,-517,-518,-519,-520,94,94,-523,-524,94,-526,-527,-528,-529,-530,-531,-532,-533,94,-535,94,94,94,-541,-543,-544,94,-546,-547,-548,-549,94,94,94,94,94,94,-654,-655,-656,-657,94,-659,-660,-661,94,94,94,-667,94,94,-671,-672,94,94,-675,94,-677,-678,94,-681,94,-683,94,94,-686,-687,-688,94,-690,94,94,-693,94,94,-696,-697,-698,94,-700,-701,-702,-703,94,94,-748,94,-751,-752,-753,-754,-755,94,-757,-758,-759,-760,-761,94,-768,-769,-771,94,-773,-774,-775,-784,-858,-860,-862,-864,94,94,94,94,-870,94,-872,94,94,94,94,94,94,94,-908,-909,94,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,94,-923,-926,94,-936,94,-387,-388,-389,94,94,-392,-393,-394,-395,94,-398,94,-401,-402,94,-403,94,-408,-409,94,-412,-413,-414,94,-417,94,-418,94,-423,-424,94,-427,94,-430,-431,-1896,-1896,94,-621,-622,-623,-624,-625,-636,-586,-626,-799,94,94,94,94,94,-833,94,94,-808,94,-834,94,94,94,94,-800,94,-855,-801,94,94,94,94,94,94,-856,-857,94,-836,-832,-837,94,-627,94,-628,-629,-630,-631,-576,94,94,-632,-633,-634,94,94,94,94,94,94,-637,-638,-639,-594,-1896,-604,94,-640,-641,-715,-642,-606,94,-574,-579,-582,-585,94,94,94,-600,-603,94,-610,94,94,94,94,94,94,94,94,94,94,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,94,94,94,-997,94,94,94,94,94,94,-308,-327,-321,-298,-377,-454,-455,-456,-460,94,-445,94,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,94,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,94,94,94,94,94,94,94,94,94,-318,-537,-510,-593,-939,-941,-942,-440,94,-442,-382,-383,-385,-509,-511,-513,94,-515,-516,-521,-522,94,-534,-536,-539,-540,-545,-550,-728,94,-729,94,-734,94,-736,94,-741,-658,-662,-663,94,-668,94,-669,94,-674,-676,94,-679,94,94,94,-689,-691,94,-694,94,94,-746,94,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,94,94,94,94,94,-879,94,-882,-910,-922,-927,-390,-391,94,-396,94,-399,94,-404,94,-405,94,-410,94,-415,94,-419,94,-420,94,-425,94,-428,-901,-902,-645,-587,-1896,-903,94,94,94,-802,94,94,-806,94,-809,-835,94,-820,94,-822,94,-824,-810,94,-826,94,-853,-854,94,94,-813,94,-648,-904,-906,-650,-651,-647,94,-707,-708,94,-644,-905,-649,-652,-605,-716,94,94,-607,-588,94,94,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,94,94,-711,-712,94,-718,94,94,94,94,94,94,-940,94,-441,-443,-749,94,-893,94,-717,-1896,94,94,94,94,94,-444,-514,-525,94,-730,-735,94,-737,94,-742,94,-664,-670,94,-680,-682,-684,-685,-692,-695,-699,-747,94,94,-876,94,94,-880,94,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,94,-814,94,-816,-803,94,-804,-807,94,-818,-821,-823,-825,-827,94,-828,94,-811,94,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,94,-284,94,94,94,94,-457,94,94,-731,94,-738,94,-743,94,-665,-673,94,94,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,94,-838,-53,94,94,-732,94,-739,94,-744,-666,94,-875,-54,94,94,-733,-740,-745,94,94,94,-874,]),'BIN_TO_UUID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[95,95,95,1201,-1896,95,95,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,95,95,95,95,-277,-278,1201,-1427,1201,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1201,1201,1201,-492,1201,1201,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1201,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1201,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1838,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,95,-174,-175,-176,-177,-995,95,95,95,95,95,95,95,95,95,95,1201,1201,1201,1201,1201,-292,-293,-283,95,1201,1201,1201,1201,-330,-320,-334,-335,-336,1201,1201,-984,-985,-986,-987,-988,-989,-990,95,95,1201,1201,1201,1201,1201,1201,1201,1201,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1201,1201,1201,-355,-358,95,-325,-326,-143,1201,-144,1201,-145,1201,-432,-937,-938,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1896,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1896,1201,-1896,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1896,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1896,95,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1201,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1201,95,95,-193,-194,95,-996,1201,95,95,95,95,-279,-280,-281,-282,-367,1201,-310,1201,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1201,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1201,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1201,1201,1201,1201,1201,1201,-575,1201,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1201,1201,-725,-726,-727,1201,1838,95,95,95,95,-996,95,1201,-93,-94,95,95,95,1201,-311,-312,-322,1201,-309,-295,-296,-297,1201,95,1201,1201,-620,-635,-592,1201,95,-438,95,-439,1201,-446,-447,-448,-380,-381,1201,1201,1201,-508,1201,1201,-512,1201,1201,1201,1201,-517,-518,-519,-520,1201,1201,-523,-524,1201,-526,-527,-528,-529,-530,-531,-532,-533,1201,-535,1201,1201,1201,-541,-543,-544,1201,-546,-547,-548,-549,1201,1201,1201,1201,1201,1201,-654,-655,-656,-657,95,-659,-660,-661,1201,1201,1201,-667,1201,1201,-671,-672,1201,1201,-675,1201,-677,-678,1201,-681,1201,-683,1201,1201,-686,-687,-688,1201,-690,1201,1201,-693,1201,1201,-696,-697,-698,1201,-700,-701,-702,-703,1201,1201,-748,1201,-751,-752,-753,-754,-755,1201,-757,-758,-759,-760,-761,1201,-768,-769,-771,1201,-773,-774,-775,-784,-858,-860,-862,-864,1201,1201,1201,1201,-870,1201,-872,1201,1201,1201,1201,1201,1201,1201,-908,-909,1201,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1201,-923,-926,1201,-936,1201,-387,-388,-389,1201,1201,-392,-393,-394,-395,1201,-398,1201,-401,-402,1201,-403,1201,-408,-409,1201,-412,-413,-414,1201,-417,1201,-418,1201,-423,-424,1201,-427,1201,-430,-431,-1896,-1896,1201,-621,-622,-623,-624,-625,-636,-586,-626,-799,1201,1201,1201,1201,1201,-833,1201,1201,-808,1201,-834,1201,1201,1201,1201,-800,1201,-855,-801,1201,1201,1201,1201,1201,1201,-856,-857,1201,-836,-832,-837,1201,-627,1201,-628,-629,-630,-631,-576,1201,1201,-632,-633,-634,1201,1201,1201,1201,1201,1201,-637,-638,-639,-594,-1896,-604,1201,-640,-641,-715,-642,-606,1201,-574,-579,-582,-585,1201,1201,1201,-600,-603,1201,-610,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1201,95,95,-997,95,1201,95,95,95,1201,-308,-327,-321,-298,-377,-454,-455,-456,-460,95,-445,1201,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1201,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,95,95,95,95,95,95,95,95,1201,-318,-537,-510,-593,-939,-941,-942,-440,1201,-442,-382,-383,-385,-509,-511,-513,1201,-515,-516,-521,-522,1201,-534,-536,-539,-540,-545,-550,-728,1201,-729,1201,-734,1201,-736,1201,-741,-658,-662,-663,1201,-668,1201,-669,1201,-674,-676,1201,-679,1201,1201,1201,-689,-691,1201,-694,1201,1201,-746,1201,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1201,1201,1201,1201,1201,-879,1201,-882,-910,-922,-927,-390,-391,1201,-396,1201,-399,1201,-404,1201,-405,1201,-410,1201,-415,1201,-419,1201,-420,1201,-425,1201,-428,-901,-902,-645,-587,-1896,-903,1201,1201,1201,-802,1201,1201,-806,1201,-809,-835,1201,-820,1201,-822,1201,-824,-810,1201,-826,1201,-853,-854,1201,1201,-813,1201,-648,-904,-906,-650,-651,-647,1201,-707,-708,1201,-644,-905,-649,-652,-605,-716,1201,1201,-607,-588,1201,1201,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1201,1201,-711,-712,1201,-718,1201,95,95,95,1201,1201,-940,95,-441,-443,-749,1201,-893,1838,-717,-1896,1201,1201,95,95,1201,-444,-514,-525,1201,-730,-735,1201,-737,1201,-742,1201,-664,-670,1201,-680,-682,-684,-685,-692,-695,-699,-747,1201,1201,-876,1201,1201,-880,1201,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1201,-814,1201,-816,-803,1201,-804,-807,1201,-818,-821,-823,-825,-827,1201,-828,1201,-811,1201,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,95,-284,95,1201,95,1201,-457,1201,1201,-731,1201,-738,1201,-743,1201,-665,-673,1201,1201,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1201,-838,-53,95,1201,-732,1201,-739,1201,-744,-666,1201,-875,-54,95,95,-733,-740,-745,1201,95,1201,-874,]),'BIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[96,96,96,96,-1896,96,96,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,96,96,96,96,-277,-278,96,-1427,96,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,96,96,96,-492,96,96,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,96,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,96,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,96,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,96,-174,-175,-176,-177,-995,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-292,-293,-283,96,96,96,96,96,-330,-320,-334,-335,-336,96,96,-984,-985,-986,-987,-988,-989,-990,96,96,96,96,96,96,96,96,96,96,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,96,96,96,-355,-358,96,-325,-326,-143,96,-144,96,-145,96,-432,-937,-938,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-1896,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-1896,96,-1896,96,96,96,96,96,96,96,96,96,96,96,96,-1896,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-1896,96,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,96,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,96,96,96,-193,-194,96,-996,96,96,96,96,96,-279,-280,-281,-282,-367,96,-310,96,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,96,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,96,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,96,96,96,96,96,96,-575,96,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,96,96,-725,-726,-727,96,96,96,96,96,96,-996,96,96,-93,-94,96,96,96,96,-311,-312,-322,96,-309,-295,-296,-297,96,96,96,96,-620,-635,-592,96,96,-438,96,-439,96,-446,-447,-448,-380,-381,96,96,96,-508,96,96,-512,96,96,96,96,-517,-518,-519,-520,96,96,-523,-524,96,-526,-527,-528,-529,-530,-531,-532,-533,96,-535,96,96,96,-541,-543,-544,96,-546,-547,-548,-549,96,96,96,96,96,96,-654,-655,-656,-657,96,-659,-660,-661,96,96,96,-667,96,96,-671,-672,96,96,-675,96,-677,-678,96,-681,96,-683,96,96,-686,-687,-688,96,-690,96,96,-693,96,96,-696,-697,-698,96,-700,-701,-702,-703,96,96,-748,96,-751,-752,-753,-754,-755,96,-757,-758,-759,-760,-761,96,-768,-769,-771,96,-773,-774,-775,-784,-858,-860,-862,-864,96,96,96,96,-870,96,-872,96,96,96,96,96,96,96,-908,-909,96,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,96,-923,-926,96,-936,96,-387,-388,-389,96,96,-392,-393,-394,-395,96,-398,96,-401,-402,96,-403,96,-408,-409,96,-412,-413,-414,96,-417,96,-418,96,-423,-424,96,-427,96,-430,-431,-1896,-1896,96,-621,-622,-623,-624,-625,-636,-586,-626,-799,96,96,96,96,96,-833,96,96,-808,96,-834,96,96,96,96,-800,96,-855,-801,96,96,96,96,96,96,-856,-857,96,-836,-832,-837,96,-627,96,-628,-629,-630,-631,-576,96,96,-632,-633,-634,96,96,96,96,96,96,-637,-638,-639,-594,-1896,-604,96,-640,-641,-715,-642,-606,96,-574,-579,-582,-585,96,96,96,-600,-603,96,-610,96,96,96,96,96,96,96,96,96,96,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,96,96,96,-997,96,96,96,96,96,96,-308,-327,-321,-298,-377,-454,-455,-456,-460,96,-445,96,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,96,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,96,96,96,96,96,96,96,96,96,-318,-537,-510,-593,-939,-941,-942,-440,96,-442,-382,-383,-385,-509,-511,-513,96,-515,-516,-521,-522,96,-534,-536,-539,-540,-545,-550,-728,96,-729,96,-734,96,-736,96,-741,-658,-662,-663,96,-668,96,-669,96,-674,-676,96,-679,96,96,96,-689,-691,96,-694,96,96,-746,96,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,96,96,96,96,96,-879,96,-882,-910,-922,-927,-390,-391,96,-396,96,-399,96,-404,96,-405,96,-410,96,-415,96,-419,96,-420,96,-425,96,-428,-901,-902,-645,-587,-1896,-903,96,96,96,-802,96,96,-806,96,-809,-835,96,-820,96,-822,96,-824,-810,96,-826,96,-853,-854,96,96,-813,96,-648,-904,-906,-650,-651,-647,96,-707,-708,96,-644,-905,-649,-652,-605,-716,96,96,-607,-588,96,96,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,96,96,-711,-712,96,-718,96,96,96,96,96,96,-940,96,-441,-443,-749,96,-893,96,-717,-1896,96,96,96,96,96,-444,-514,-525,96,-730,-735,96,-737,96,-742,96,-664,-670,96,-680,-682,-684,-685,-692,-695,-699,-747,96,96,-876,96,96,-880,96,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,96,-814,96,-816,-803,96,-804,-807,96,-818,-821,-823,-825,-827,96,-828,96,-811,96,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,96,-284,96,96,96,96,-457,96,96,-731,96,-738,96,-743,96,-665,-673,96,96,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,96,-838,-53,96,96,-732,96,-739,96,-744,-666,96,-875,-54,96,96,-733,-740,-745,96,96,96,-874,]),'BIT_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[97,97,97,1132,-1896,97,97,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,97,97,97,97,-277,-278,1132,-1427,1132,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1132,1132,1132,-492,1132,1132,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1132,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1132,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1839,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,97,-174,-175,-176,-177,-995,97,97,97,97,97,97,97,97,97,97,1132,1132,1132,1132,1132,-292,-293,-283,97,1132,1132,1132,1132,-330,-320,-334,-335,-336,1132,1132,-984,-985,-986,-987,-988,-989,-990,97,97,1132,1132,1132,1132,1132,1132,1132,1132,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1132,1132,1132,-355,-358,97,-325,-326,-143,1132,-144,1132,-145,1132,-432,-937,-938,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1896,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1896,1132,-1896,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1896,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1896,97,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1132,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1132,97,97,-193,-194,97,-996,1132,97,97,97,97,-279,-280,-281,-282,-367,1132,-310,1132,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1132,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1132,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1132,1132,1132,1132,1132,1132,-575,1132,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1132,1132,-725,-726,-727,1132,1839,97,97,97,97,-996,97,1132,-93,-94,97,97,97,1132,-311,-312,-322,1132,-309,-295,-296,-297,1132,97,1132,1132,-620,-635,-592,1132,97,-438,97,-439,1132,-446,-447,-448,-380,-381,1132,1132,1132,-508,1132,1132,-512,1132,1132,1132,1132,-517,-518,-519,-520,1132,1132,-523,-524,1132,-526,-527,-528,-529,-530,-531,-532,-533,1132,-535,1132,1132,1132,-541,-543,-544,1132,-546,-547,-548,-549,1132,1132,1132,1132,1132,1132,-654,-655,-656,-657,97,-659,-660,-661,1132,1132,1132,-667,1132,1132,-671,-672,1132,1132,-675,1132,-677,-678,1132,-681,1132,-683,1132,1132,-686,-687,-688,1132,-690,1132,1132,-693,1132,1132,-696,-697,-698,1132,-700,-701,-702,-703,1132,1132,-748,1132,-751,-752,-753,-754,-755,1132,-757,-758,-759,-760,-761,1132,-768,-769,-771,1132,-773,-774,-775,-784,-858,-860,-862,-864,1132,1132,1132,1132,-870,1132,-872,1132,1132,1132,1132,1132,1132,1132,-908,-909,1132,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1132,-923,-926,1132,-936,1132,-387,-388,-389,1132,1132,-392,-393,-394,-395,1132,-398,1132,-401,-402,1132,-403,1132,-408,-409,1132,-412,-413,-414,1132,-417,1132,-418,1132,-423,-424,1132,-427,1132,-430,-431,-1896,-1896,1132,-621,-622,-623,-624,-625,-636,-586,-626,-799,1132,1132,1132,1132,1132,-833,1132,1132,-808,1132,-834,1132,1132,1132,1132,-800,1132,-855,-801,1132,1132,1132,1132,1132,1132,-856,-857,1132,-836,-832,-837,1132,-627,1132,-628,-629,-630,-631,-576,1132,1132,-632,-633,-634,1132,1132,1132,1132,1132,1132,-637,-638,-639,-594,-1896,-604,1132,-640,-641,-715,-642,-606,1132,-574,-579,-582,-585,1132,1132,1132,-600,-603,1132,-610,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1132,97,97,-997,97,1132,97,97,97,1132,-308,-327,-321,-298,-377,-454,-455,-456,-460,97,-445,1132,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1132,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,97,97,97,97,97,97,97,97,1132,-318,-537,-510,-593,-939,-941,-942,-440,1132,-442,-382,-383,-385,-509,-511,-513,1132,-515,-516,-521,-522,1132,-534,-536,-539,-540,-545,-550,-728,1132,-729,1132,-734,1132,-736,1132,-741,-658,-662,-663,1132,-668,1132,-669,1132,-674,-676,1132,-679,1132,1132,1132,-689,-691,1132,-694,1132,1132,-746,1132,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1132,1132,1132,1132,1132,-879,1132,-882,-910,-922,-927,-390,-391,1132,-396,1132,-399,1132,-404,1132,-405,1132,-410,1132,-415,1132,-419,1132,-420,1132,-425,1132,-428,-901,-902,-645,-587,-1896,-903,1132,1132,1132,-802,1132,1132,-806,1132,-809,-835,1132,-820,1132,-822,1132,-824,-810,1132,-826,1132,-853,-854,1132,1132,-813,1132,-648,-904,-906,-650,-651,-647,1132,-707,-708,1132,-644,-905,-649,-652,-605,-716,1132,1132,-607,-588,1132,1132,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1132,1132,-711,-712,1132,-718,1132,97,97,97,1132,1132,-940,97,-441,-443,-749,1132,-893,1839,-717,-1896,1132,1132,97,97,1132,-444,-514,-525,1132,-730,-735,1132,-737,1132,-742,1132,-664,-670,1132,-680,-682,-684,-685,-692,-695,-699,-747,1132,1132,-876,1132,1132,-880,1132,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1132,-814,1132,-816,-803,1132,-804,-807,1132,-818,-821,-823,-825,-827,1132,-828,1132,-811,1132,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,97,-284,97,1132,97,1132,-457,1132,1132,-731,1132,-738,1132,-743,1132,-665,-673,1132,1132,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1132,-838,-53,97,1132,-732,1132,-739,1132,-744,-666,1132,-875,-54,97,97,-733,-740,-745,1132,97,1132,-874,]),'BIT_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[98,98,98,1084,-1896,98,98,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,98,98,98,98,-277,-278,1084,-1427,1084,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1084,1084,1084,-492,1084,1084,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1084,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1084,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1840,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,98,-174,-175,-176,-177,-995,98,98,98,98,98,98,98,98,98,98,1084,1084,1084,1084,1084,-292,-293,-283,98,1084,1084,1084,1084,-330,-320,-334,-335,-336,1084,1084,-984,-985,-986,-987,-988,-989,-990,98,98,1084,1084,1084,1084,1084,1084,1084,1084,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1084,1084,1084,-355,-358,98,-325,-326,-143,1084,-144,1084,-145,1084,-432,-937,-938,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1896,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1896,1084,-1896,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1896,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1896,98,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1084,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1084,98,98,-193,-194,98,-996,1084,98,98,98,98,-279,-280,-281,-282,-367,1084,-310,1084,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1084,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1084,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1084,1084,1084,1084,1084,1084,-575,1084,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1084,1084,-725,-726,-727,1084,1840,98,98,98,98,-996,98,1084,-93,-94,98,98,98,1084,-311,-312,-322,1084,-309,-295,-296,-297,1084,98,1084,1084,-620,-635,-592,1084,98,-438,98,-439,1084,-446,-447,-448,-380,-381,1084,1084,1084,-508,1084,1084,-512,1084,1084,1084,1084,-517,-518,-519,-520,1084,1084,-523,-524,1084,-526,-527,-528,-529,-530,-531,-532,-533,1084,-535,1084,1084,1084,-541,-543,-544,1084,-546,-547,-548,-549,1084,1084,1084,1084,1084,1084,-654,-655,-656,-657,98,-659,-660,-661,1084,1084,1084,-667,1084,1084,-671,-672,1084,1084,-675,1084,-677,-678,1084,-681,1084,-683,1084,1084,-686,-687,-688,1084,-690,1084,1084,-693,1084,1084,-696,-697,-698,1084,-700,-701,-702,-703,1084,1084,-748,1084,-751,-752,-753,-754,-755,1084,-757,-758,-759,-760,-761,1084,-768,-769,-771,1084,-773,-774,-775,-784,-858,-860,-862,-864,1084,1084,1084,1084,-870,1084,-872,1084,1084,1084,1084,1084,1084,1084,-908,-909,1084,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1084,-923,-926,1084,-936,1084,-387,-388,-389,1084,1084,-392,-393,-394,-395,1084,-398,1084,-401,-402,1084,-403,1084,-408,-409,1084,-412,-413,-414,1084,-417,1084,-418,1084,-423,-424,1084,-427,1084,-430,-431,-1896,-1896,1084,-621,-622,-623,-624,-625,-636,-586,-626,-799,1084,1084,1084,1084,1084,-833,1084,1084,-808,1084,-834,1084,1084,1084,1084,-800,1084,-855,-801,1084,1084,1084,1084,1084,1084,-856,-857,1084,-836,-832,-837,1084,-627,1084,-628,-629,-630,-631,-576,1084,1084,-632,-633,-634,1084,1084,1084,1084,1084,1084,-637,-638,-639,-594,-1896,-604,1084,-640,-641,-715,-642,-606,1084,-574,-579,-582,-585,1084,1084,1084,-600,-603,1084,-610,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1084,98,98,-997,98,1084,98,98,98,1084,-308,-327,-321,-298,-377,-454,-455,-456,-460,98,-445,1084,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1084,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,98,98,98,98,98,98,98,98,1084,-318,-537,-510,-593,-939,-941,-942,-440,1084,-442,-382,-383,-385,-509,-511,-513,1084,-515,-516,-521,-522,1084,-534,-536,-539,-540,-545,-550,-728,1084,-729,1084,-734,1084,-736,1084,-741,-658,-662,-663,1084,-668,1084,-669,1084,-674,-676,1084,-679,1084,1084,1084,-689,-691,1084,-694,1084,1084,-746,1084,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1084,1084,1084,1084,1084,-879,1084,-882,-910,-922,-927,-390,-391,1084,-396,1084,-399,1084,-404,1084,-405,1084,-410,1084,-415,1084,-419,1084,-420,1084,-425,1084,-428,-901,-902,-645,-587,-1896,-903,1084,1084,1084,-802,1084,1084,-806,1084,-809,-835,1084,-820,1084,-822,1084,-824,-810,1084,-826,1084,-853,-854,1084,1084,-813,1084,-648,-904,-906,-650,-651,-647,1084,-707,-708,1084,-644,-905,-649,-652,-605,-716,1084,1084,-607,-588,1084,1084,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1084,1084,-711,-712,1084,-718,1084,98,98,98,1084,1084,-940,98,-441,-443,-749,1084,-893,1840,-717,-1896,1084,1084,98,98,1084,-444,-514,-525,1084,-730,-735,1084,-737,1084,-742,1084,-664,-670,1084,-680,-682,-684,-685,-692,-695,-699,-747,1084,1084,-876,1084,1084,-880,1084,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1084,-814,1084,-816,-803,1084,-804,-807,1084,-818,-821,-823,-825,-827,1084,-828,1084,-811,1084,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,98,-284,98,1084,98,1084,-457,1084,1084,-731,1084,-738,1084,-743,1084,-665,-673,1084,1084,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1084,-838,-53,98,1084,-732,1084,-739,1084,-744,-666,1084,-875,-54,98,98,-733,-740,-745,1084,98,1084,-874,]),'BLOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[99,99,99,99,-1896,99,99,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,99,99,99,99,-277,-278,99,-1427,99,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,99,99,99,-492,99,99,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,99,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,99,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,99,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,99,-174,-175,-176,-177,-995,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-292,-293,-283,99,99,99,99,99,-330,-320,-334,-335,-336,99,99,-984,-985,-986,-987,-988,-989,-990,99,99,99,99,99,99,99,99,99,99,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,99,99,99,-355,-358,99,-325,-326,-143,99,-144,99,-145,99,-432,-937,-938,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-1896,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-1896,99,-1896,99,99,99,99,99,99,99,99,99,99,99,99,-1896,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-1896,99,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,99,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,99,99,99,-193,-194,99,-996,99,99,99,99,99,-279,-280,-281,-282,-367,99,-310,99,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,99,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,99,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,99,99,99,99,99,99,-575,99,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,99,99,-725,-726,-727,99,99,99,99,99,99,-996,99,99,-93,-94,99,99,99,99,-311,-312,-322,99,-309,-295,-296,-297,99,99,99,99,-620,-635,-592,99,99,-438,99,-439,99,-446,-447,-448,-380,-381,99,99,99,-508,99,99,-512,99,99,99,99,-517,-518,-519,-520,99,99,-523,-524,99,-526,-527,-528,-529,-530,-531,-532,-533,99,-535,99,99,99,-541,-543,-544,99,-546,-547,-548,-549,99,99,99,99,99,99,-654,-655,-656,-657,99,-659,-660,-661,99,99,99,-667,99,99,-671,-672,99,99,-675,99,-677,-678,99,-681,99,-683,99,99,-686,-687,-688,99,-690,99,99,-693,99,99,-696,-697,-698,99,-700,-701,-702,-703,99,99,-748,99,-751,-752,-753,-754,-755,99,-757,-758,-759,-760,-761,99,-768,-769,-771,99,-773,-774,-775,-784,-858,-860,-862,-864,99,99,99,99,-870,99,-872,99,99,99,99,99,99,99,-908,-909,99,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,99,-923,-926,99,-936,99,-387,-388,-389,99,99,-392,-393,-394,-395,99,-398,99,-401,-402,99,-403,99,-408,-409,99,-412,-413,-414,99,-417,99,-418,99,-423,-424,99,-427,99,-430,-431,-1896,-1896,99,-621,-622,-623,-624,-625,-636,-586,-626,-799,99,99,99,99,99,-833,99,99,-808,99,-834,99,99,99,99,-800,99,-855,-801,99,99,99,99,99,99,-856,-857,99,-836,-832,-837,99,-627,99,-628,-629,-630,-631,-576,99,99,-632,-633,-634,99,99,99,99,99,99,-637,-638,-639,-594,-1896,-604,99,-640,-641,-715,-642,-606,99,-574,-579,-582,-585,99,99,99,-600,-603,99,-610,99,99,99,99,99,99,99,99,99,99,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,99,99,99,-997,99,99,99,99,99,99,-308,-327,-321,-298,-377,-454,-455,-456,-460,99,-445,99,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,99,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,99,99,99,99,99,99,99,99,99,-318,-537,-510,-593,-939,-941,-942,-440,99,-442,-382,-383,-385,-509,-511,-513,99,-515,-516,-521,-522,99,-534,-536,-539,-540,-545,-550,-728,99,-729,99,-734,99,-736,99,-741,-658,-662,-663,99,-668,99,-669,99,-674,-676,99,-679,99,99,99,-689,-691,99,-694,99,99,-746,99,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,99,99,99,99,99,-879,99,-882,-910,-922,-927,-390,-391,99,-396,99,-399,99,-404,99,-405,99,-410,99,-415,99,-419,99,-420,99,-425,99,-428,-901,-902,-645,-587,-1896,-903,99,99,99,-802,99,99,-806,99,-809,-835,99,-820,99,-822,99,-824,-810,99,-826,99,-853,-854,99,99,-813,99,-648,-904,-906,-650,-651,-647,99,-707,-708,99,-644,-905,-649,-652,-605,-716,99,99,-607,-588,99,99,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,99,99,-711,-712,99,-718,99,99,99,99,99,99,-940,99,-441,-443,-749,99,-893,99,-717,-1896,99,99,99,99,99,-444,-514,-525,99,-730,-735,99,-737,99,-742,99,-664,-670,99,-680,-682,-684,-685,-692,-695,-699,-747,99,99,-876,99,99,-880,99,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,99,-814,99,-816,-803,99,-804,-807,99,-818,-821,-823,-825,-827,99,-828,99,-811,99,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,99,-284,99,99,99,99,-457,99,99,-731,99,-738,99,-743,99,-665,-673,99,99,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,99,-838,-53,99,99,-732,99,-739,99,-744,-666,99,-875,-54,99,99,-733,-740,-745,99,99,99,-874,]),'BLOCK_INDEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[100,100,100,100,-1896,100,100,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,100,100,100,100,-277,-278,100,-1427,100,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,100,100,100,-492,100,100,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,100,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,100,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,100,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,100,-174,-175,-176,-177,-995,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-292,-293,-283,100,100,100,100,100,-330,-320,-334,-335,-336,100,100,-984,-985,-986,-987,-988,-989,-990,100,100,100,100,100,100,100,100,100,100,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,100,100,100,-355,-358,100,-325,-326,-143,100,-144,100,-145,100,-432,-937,-938,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-1896,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-1896,100,-1896,100,100,100,100,100,100,100,100,100,100,100,100,-1896,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-1896,100,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,100,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,100,100,100,-193,-194,100,-996,100,100,100,100,100,-279,-280,-281,-282,-367,100,-310,100,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,100,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,100,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,100,100,100,100,100,100,-575,100,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,100,100,-725,-726,-727,100,100,100,100,100,100,-996,100,100,-93,-94,100,100,100,100,-311,-312,-322,100,-309,-295,-296,-297,100,100,100,100,-620,-635,-592,100,100,-438,100,-439,100,-446,-447,-448,-380,-381,100,100,100,-508,100,100,-512,100,100,100,100,-517,-518,-519,-520,100,100,-523,-524,100,-526,-527,-528,-529,-530,-531,-532,-533,100,-535,100,100,100,-541,-543,-544,100,-546,-547,-548,-549,100,100,100,100,100,100,-654,-655,-656,-657,100,-659,-660,-661,100,100,100,-667,100,100,-671,-672,100,100,-675,100,-677,-678,100,-681,100,-683,100,100,-686,-687,-688,100,-690,100,100,-693,100,100,-696,-697,-698,100,-700,-701,-702,-703,100,100,-748,100,-751,-752,-753,-754,-755,100,-757,-758,-759,-760,-761,100,-768,-769,-771,100,-773,-774,-775,-784,-858,-860,-862,-864,100,100,100,100,-870,100,-872,100,100,100,100,100,100,100,-908,-909,100,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,100,-923,-926,100,-936,100,-387,-388,-389,100,100,-392,-393,-394,-395,100,-398,100,-401,-402,100,-403,100,-408,-409,100,-412,-413,-414,100,-417,100,-418,100,-423,-424,100,-427,100,-430,-431,-1896,-1896,100,-621,-622,-623,-624,-625,-636,-586,-626,-799,100,100,100,100,100,-833,100,100,-808,100,-834,100,100,100,100,-800,100,-855,-801,100,100,100,100,100,100,-856,-857,100,-836,-832,-837,100,-627,100,-628,-629,-630,-631,-576,100,100,-632,-633,-634,100,100,100,100,100,100,-637,-638,-639,-594,-1896,-604,100,-640,-641,-715,-642,-606,100,-574,-579,-582,-585,100,100,100,-600,-603,100,-610,100,100,100,100,100,100,100,100,100,100,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,100,100,100,-997,100,100,100,100,100,100,-308,-327,-321,-298,-377,-454,-455,-456,-460,100,-445,100,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,100,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,100,100,100,100,100,100,100,100,100,-318,-537,-510,-593,-939,-941,-942,-440,100,-442,-382,-383,-385,-509,-511,-513,100,-515,-516,-521,-522,100,-534,-536,-539,-540,-545,-550,-728,100,-729,100,-734,100,-736,100,-741,-658,-662,-663,100,-668,100,-669,100,-674,-676,100,-679,100,100,100,-689,-691,100,-694,100,100,-746,100,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,100,100,100,100,100,-879,100,-882,-910,-922,-927,-390,-391,100,-396,100,-399,100,-404,100,-405,100,-410,100,-415,100,-419,100,-420,100,-425,100,-428,-901,-902,-645,-587,-1896,-903,100,100,100,-802,100,100,-806,100,-809,-835,100,-820,100,-822,100,-824,-810,100,-826,100,-853,-854,100,100,-813,100,-648,-904,-906,-650,-651,-647,100,-707,-708,100,-644,-905,-649,-652,-605,-716,100,100,-607,-588,100,100,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,100,100,-711,-712,100,-718,100,100,100,100,100,100,-940,100,-441,-443,-749,100,-893,100,-717,-1896,100,100,100,100,100,-444,-514,-525,100,-730,-735,100,-737,100,-742,100,-664,-670,100,-680,-682,-684,-685,-692,-695,-699,-747,100,100,-876,100,100,-880,100,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,100,-814,100,-816,-803,100,-804,-807,100,-818,-821,-823,-825,-827,100,-828,100,-811,100,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,100,-284,100,100,100,100,-457,100,100,-731,100,-738,100,-743,100,-665,-673,100,100,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,100,-838,-53,100,100,-732,100,-739,100,-744,-666,100,-875,-54,100,100,-733,-740,-745,100,100,100,-874,]),'BLOCK_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3885,3886,3892,3894,],[101,101,101,101,-1896,101,101,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,101,101,101,101,-277,-278,101,-1427,101,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,101,101,101,-492,101,101,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,101,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,101,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,101,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,101,-174,-175,-176,-177,-995,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-292,-293,-283,101,101,101,101,101,-330,-320,-334,-335,-336,101,101,-984,-985,-986,-987,-988,-989,-990,101,101,101,101,101,101,101,101,101,101,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,101,101,101,-355,-358,101,-325,-326,-143,101,-144,101,-145,101,-432,-937,-938,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-1896,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-1896,101,-1896,101,101,101,101,101,101,101,101,101,101,101,101,-1896,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-1896,101,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,101,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,101,101,101,-193,-194,101,-996,101,101,101,101,101,-279,-280,-281,-282,-367,101,-310,101,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,101,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,101,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,101,101,101,101,101,101,-575,101,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,101,101,-725,-726,-727,101,101,101,101,101,101,-996,101,101,-93,-94,101,101,101,101,-311,-312,-322,101,-309,-295,-296,-297,101,101,101,101,-620,-635,-592,101,101,-438,101,-439,101,-446,-447,-448,-380,-381,101,101,101,-508,101,101,-512,101,101,101,101,-517,-518,-519,-520,101,101,-523,-524,101,-526,-527,-528,-529,-530,-531,-532,-533,101,-535,101,101,101,-541,-543,-544,101,-546,-547,-548,-549,101,101,101,101,101,101,-654,-655,-656,-657,101,-659,-660,-661,101,101,101,-667,101,101,-671,-672,101,101,-675,101,-677,-678,101,-681,101,-683,101,101,-686,-687,-688,101,-690,101,101,-693,101,101,-696,-697,-698,101,-700,-701,-702,-703,101,101,-748,101,-751,-752,-753,-754,-755,101,-757,-758,-759,-760,-761,101,-768,-769,-771,101,-773,-774,-775,-784,-858,-860,-862,-864,101,101,101,101,-870,101,-872,101,101,101,101,101,101,101,-908,-909,101,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,101,-923,-926,101,-936,101,-387,-388,-389,101,101,-392,-393,-394,-395,101,-398,101,-401,-402,101,-403,101,-408,-409,101,-412,-413,-414,101,-417,101,-418,101,-423,-424,101,-427,101,-430,-431,-1896,-1896,101,-621,-622,-623,-624,-625,-636,-586,-626,-799,101,101,101,101,101,-833,101,101,-808,101,-834,101,101,101,101,-800,101,-855,-801,101,101,101,101,101,101,-856,-857,101,-836,-832,-837,101,-627,101,-628,-629,-630,-631,-576,101,101,-632,-633,-634,101,101,101,101,101,101,-637,-638,-639,-594,-1896,-604,101,-640,-641,-715,-642,-606,101,-574,-579,-582,-585,101,101,101,-600,-603,101,-610,101,101,101,101,101,101,101,101,101,101,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,101,101,3189,101,-997,101,101,101,101,101,101,-308,-327,-321,-298,-377,-454,-455,-456,-460,101,-445,101,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,101,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,101,101,101,101,101,101,101,101,101,-318,-537,-510,-593,-939,-941,-942,-440,101,-442,-382,-383,-385,-509,-511,-513,101,-515,-516,-521,-522,101,-534,-536,-539,-540,-545,-550,-728,101,-729,101,-734,101,-736,101,-741,-658,-662,-663,101,-668,101,-669,101,-674,-676,101,-679,101,101,101,-689,-691,101,-694,101,101,-746,101,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,101,101,101,101,101,-879,101,-882,-910,-922,-927,-390,-391,101,-396,101,-399,101,-404,101,-405,101,-410,101,-415,101,-419,101,-420,101,-425,101,-428,-901,-902,-645,-587,-1896,-903,101,101,101,-802,101,101,-806,101,-809,-835,101,-820,101,-822,101,-824,-810,101,-826,101,-853,-854,101,101,-813,101,-648,-904,-906,-650,-651,-647,101,-707,-708,101,-644,-905,-649,-652,-605,-716,101,101,-607,-588,101,101,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,101,101,-711,-712,101,-718,101,101,101,101,3189,101,101,-940,101,-441,-443,-749,101,-893,101,-717,-1896,101,101,3189,101,3189,3189,3189,3189,3189,3189,3189,3189,3189,101,101,-444,-514,-525,101,-730,-735,101,-737,101,-742,101,-664,-670,101,-680,-682,-684,-685,-692,-695,-699,-747,101,101,-876,101,101,-880,101,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,101,-814,101,-816,-803,101,-804,-807,101,-818,-821,-823,-825,-827,101,-828,101,-811,101,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,101,3189,-284,101,101,101,101,-457,101,101,-731,101,-738,101,-743,101,-665,-673,101,101,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,101,-838,-53,101,101,-732,101,-739,101,-744,-666,101,-875,-54,101,101,-733,-740,-745,101,101,3889,101,3889,-874,]),'BLOOM_FILTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[102,102,102,102,-1896,102,102,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,102,102,102,102,-277,-278,102,-1427,102,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,102,102,102,-492,102,102,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,102,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,102,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,102,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,102,-174,-175,-176,-177,-995,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-292,-293,-283,102,102,102,102,102,-330,-320,-334,-335,-336,102,102,-984,-985,-986,-987,-988,-989,-990,102,102,102,102,102,102,102,102,102,102,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,102,102,102,-355,-358,102,-325,-326,-143,102,-144,102,-145,102,-432,-937,-938,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-1896,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-1896,102,-1896,102,102,102,102,102,102,102,102,102,102,102,102,-1896,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-1896,102,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,102,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,102,102,102,-193,-194,102,-996,102,102,102,102,102,-279,-280,-281,-282,-367,102,-310,102,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,102,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,102,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,102,102,102,102,102,102,-575,102,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,102,102,-725,-726,-727,102,102,102,102,102,102,-996,102,102,-93,-94,102,102,102,102,-311,-312,-322,102,-309,-295,-296,-297,102,102,102,102,-620,-635,-592,102,102,-438,102,-439,102,-446,-447,-448,-380,-381,102,102,102,-508,102,102,-512,102,102,102,102,-517,-518,-519,-520,102,102,-523,-524,102,-526,-527,-528,-529,-530,-531,-532,-533,102,-535,102,102,102,-541,-543,-544,102,-546,-547,-548,-549,102,102,102,102,102,102,-654,-655,-656,-657,102,-659,-660,-661,102,102,102,-667,102,102,-671,-672,102,102,-675,102,-677,-678,102,-681,102,-683,102,102,-686,-687,-688,102,-690,102,102,-693,102,102,-696,-697,-698,102,-700,-701,-702,-703,102,102,-748,102,-751,-752,-753,-754,-755,102,-757,-758,-759,-760,-761,102,-768,-769,-771,102,-773,-774,-775,-784,-858,-860,-862,-864,102,102,102,102,-870,102,-872,102,102,102,102,102,102,102,-908,-909,102,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,102,-923,-926,102,-936,102,-387,-388,-389,102,102,-392,-393,-394,-395,102,-398,102,-401,-402,102,-403,102,-408,-409,102,-412,-413,-414,102,-417,102,-418,102,-423,-424,102,-427,102,-430,-431,-1896,-1896,102,-621,-622,-623,-624,-625,-636,-586,-626,-799,102,102,102,102,102,-833,102,102,-808,102,-834,102,102,102,102,-800,102,-855,-801,102,102,102,102,102,102,-856,-857,102,-836,-832,-837,102,-627,102,-628,-629,-630,-631,-576,102,102,-632,-633,-634,102,102,102,102,102,102,-637,-638,-639,-594,-1896,-604,102,-640,-641,-715,-642,-606,102,-574,-579,-582,-585,102,102,102,-600,-603,102,-610,102,102,102,102,102,102,102,102,102,102,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,102,102,102,-997,102,102,102,102,102,102,-308,-327,-321,-298,-377,-454,-455,-456,-460,102,-445,102,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,102,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,102,102,102,102,102,102,102,102,102,-318,-537,-510,-593,-939,-941,-942,-440,102,-442,-382,-383,-385,-509,-511,-513,102,-515,-516,-521,-522,102,-534,-536,-539,-540,-545,-550,-728,102,-729,102,-734,102,-736,102,-741,-658,-662,-663,102,-668,102,-669,102,-674,-676,102,-679,102,102,102,-689,-691,102,-694,102,102,-746,102,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,102,102,102,102,102,-879,102,-882,-910,-922,-927,-390,-391,102,-396,102,-399,102,-404,102,-405,102,-410,102,-415,102,-419,102,-420,102,-425,102,-428,-901,-902,-645,-587,-1896,-903,102,102,102,-802,102,102,-806,102,-809,-835,102,-820,102,-822,102,-824,-810,102,-826,102,-853,-854,102,102,-813,102,-648,-904,-906,-650,-651,-647,102,-707,-708,102,-644,-905,-649,-652,-605,-716,102,102,-607,-588,102,102,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,102,102,-711,-712,102,-718,102,102,102,102,102,102,-940,102,-441,-443,-749,102,-893,102,-717,-1896,102,102,102,102,102,-444,-514,-525,102,-730,-735,102,-737,102,-742,102,-664,-670,102,-680,-682,-684,-685,-692,-695,-699,-747,102,102,-876,102,102,-880,102,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,102,-814,102,-816,-803,102,-804,-807,102,-818,-821,-823,-825,-827,102,-828,102,-811,102,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,102,-284,102,102,102,102,-457,102,102,-731,102,-738,102,-743,102,-665,-673,102,102,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,102,-838,-53,102,102,-732,102,-739,102,-744,-666,102,-875,-54,102,102,-733,-740,-745,102,102,102,-874,]),'BOOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[103,103,103,103,-1896,103,103,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,103,103,103,103,-277,-278,103,-1427,103,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,103,103,103,-492,103,103,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,103,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,103,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,103,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,103,-174,-175,-176,-177,-995,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-292,-293,-283,103,103,103,103,103,-330,-320,-334,-335,-336,103,103,-984,-985,-986,-987,-988,-989,-990,103,103,103,103,103,103,103,103,103,103,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,103,103,103,-355,-358,103,-325,-326,-143,103,-144,103,-145,103,-432,-937,-938,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-1896,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-1896,103,-1896,103,103,103,103,103,103,103,103,103,103,103,103,-1896,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-1896,103,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,103,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,103,103,103,-193,-194,103,-996,103,103,103,103,103,-279,-280,-281,-282,-367,103,-310,103,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,103,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,103,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,103,103,103,103,103,103,-575,103,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,103,103,-725,-726,-727,103,103,103,103,103,103,-996,103,103,-93,-94,103,103,103,103,-311,-312,-322,103,-309,-295,-296,-297,103,103,103,103,-620,-635,-592,103,103,-438,103,-439,103,-446,-447,-448,-380,-381,103,103,103,-508,103,103,-512,103,103,103,103,-517,-518,-519,-520,103,103,-523,-524,103,-526,-527,-528,-529,-530,-531,-532,-533,103,-535,103,103,103,-541,-543,-544,103,-546,-547,-548,-549,103,103,103,103,103,103,-654,-655,-656,-657,103,-659,-660,-661,103,103,103,-667,103,103,-671,-672,103,103,-675,103,-677,-678,103,-681,103,-683,103,103,-686,-687,-688,103,-690,103,103,-693,103,103,-696,-697,-698,103,-700,-701,-702,-703,103,103,-748,103,-751,-752,-753,-754,-755,103,-757,-758,-759,-760,-761,103,-768,-769,-771,103,-773,-774,-775,-784,-858,-860,-862,-864,103,103,103,103,-870,103,-872,103,103,103,103,103,103,103,-908,-909,103,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,103,-923,-926,103,-936,103,-387,-388,-389,103,103,-392,-393,-394,-395,103,-398,103,-401,-402,103,-403,103,-408,-409,103,-412,-413,-414,103,-417,103,-418,103,-423,-424,103,-427,103,-430,-431,-1896,-1896,103,-621,-622,-623,-624,-625,-636,-586,-626,-799,103,103,103,103,103,-833,103,103,-808,103,-834,103,103,103,103,-800,103,-855,-801,103,103,103,103,103,103,-856,-857,103,-836,-832,-837,103,-627,103,-628,-629,-630,-631,-576,103,103,-632,-633,-634,103,103,103,103,103,103,-637,-638,-639,-594,-1896,-604,103,-640,-641,-715,-642,-606,103,-574,-579,-582,-585,103,103,103,-600,-603,103,-610,103,103,103,103,103,103,103,103,103,103,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,103,103,103,-997,103,103,103,103,103,103,-308,-327,-321,-298,-377,-454,-455,-456,-460,103,-445,103,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,103,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,103,103,103,103,103,103,103,103,103,-318,-537,-510,-593,-939,-941,-942,-440,103,-442,-382,-383,-385,-509,-511,-513,103,-515,-516,-521,-522,103,-534,-536,-539,-540,-545,-550,-728,103,-729,103,-734,103,-736,103,-741,-658,-662,-663,103,-668,103,-669,103,-674,-676,103,-679,103,103,103,-689,-691,103,-694,103,103,-746,103,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,103,103,103,103,103,-879,103,-882,-910,-922,-927,-390,-391,103,-396,103,-399,103,-404,103,-405,103,-410,103,-415,103,-419,103,-420,103,-425,103,-428,-901,-902,-645,-587,-1896,-903,103,103,103,-802,103,103,-806,103,-809,-835,103,-820,103,-822,103,-824,-810,103,-826,103,-853,-854,103,103,-813,103,-648,-904,-906,-650,-651,-647,103,-707,-708,103,-644,-905,-649,-652,-605,-716,103,103,-607,-588,103,103,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,103,103,-711,-712,103,-718,103,103,103,103,103,103,-940,103,-441,-443,-749,103,-893,103,-717,-1896,103,103,103,103,103,-444,-514,-525,103,-730,-735,103,-737,103,-742,103,-664,-670,103,-680,-682,-684,-685,-692,-695,-699,-747,103,103,-876,103,103,-880,103,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,103,-814,103,-816,-803,103,-804,-807,103,-818,-821,-823,-825,-827,103,-828,103,-811,103,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,103,-284,103,103,103,103,-457,103,103,-731,103,-738,103,-743,103,-665,-673,103,103,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,103,-838,-53,103,103,-732,103,-739,103,-744,-666,103,-875,-54,103,103,-733,-740,-745,103,103,103,-874,]),'BOOLEAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3616,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[104,104,104,104,-1896,104,104,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,104,104,104,104,-277,-278,104,-1427,104,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,104,104,104,-492,104,104,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,104,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,104,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,104,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,104,-174,-175,-176,-177,-995,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-292,-293,-283,104,104,104,104,104,-330,-320,-334,-335,-336,104,104,-984,-985,-986,-987,-988,-989,-990,104,104,104,104,104,104,104,104,104,104,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,104,104,104,-355,-358,104,-325,-326,-143,104,-144,104,-145,104,-432,-937,-938,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-1896,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-1896,104,-1896,104,104,104,104,104,104,104,104,104,104,104,104,-1896,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-1896,104,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,104,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,104,104,104,-193,-194,104,-996,104,104,104,104,104,-279,-280,-281,-282,-367,104,-310,104,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,104,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,104,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,104,104,104,104,104,104,-575,104,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,104,104,-725,-726,-727,104,104,104,104,104,104,-996,104,104,-93,-94,104,104,104,104,-311,-312,-322,104,-309,-295,-296,-297,104,104,104,104,-620,-635,-592,104,104,-438,104,-439,104,-446,-447,-448,-380,-381,104,104,104,-508,104,104,-512,104,104,104,104,-517,-518,-519,-520,104,104,-523,-524,104,-526,-527,-528,-529,-530,-531,-532,-533,104,-535,104,104,104,-541,-543,-544,104,-546,-547,-548,-549,104,104,104,104,104,104,-654,-655,-656,-657,104,-659,-660,-661,104,104,104,-667,104,104,-671,-672,104,104,-675,104,-677,-678,104,-681,104,-683,104,104,-686,-687,-688,104,-690,104,104,-693,104,104,-696,-697,-698,104,-700,-701,-702,-703,104,104,-748,104,-751,-752,-753,-754,-755,104,-757,-758,-759,-760,-761,104,-768,-769,-771,104,-773,-774,-775,-784,-858,-860,-862,-864,104,104,104,104,-870,104,-872,104,104,104,104,104,104,104,-908,-909,104,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,104,-923,-926,104,-936,104,-387,-388,-389,104,104,-392,-393,-394,-395,104,-398,104,-401,-402,104,-403,104,-408,-409,104,-412,-413,-414,104,-417,104,-418,104,-423,-424,104,-427,104,-430,-431,-1896,-1896,104,-621,-622,-623,-624,-625,-636,-586,-626,-799,104,104,104,104,104,-833,104,104,-808,104,-834,104,104,104,104,-800,104,-855,-801,104,104,104,104,104,104,-856,-857,104,-836,-832,-837,104,-627,104,-628,-629,-630,-631,-576,104,104,-632,-633,-634,104,104,104,104,104,104,-637,-638,-639,-594,-1896,-604,104,-640,-641,-715,-642,-606,104,-574,-579,-582,-585,104,104,104,-600,-603,104,-610,104,104,104,104,104,104,104,104,104,104,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,104,104,104,-997,104,104,104,104,104,104,-308,-327,-321,-298,-377,-454,-455,-456,-460,104,-445,104,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,104,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,104,104,104,104,104,104,104,104,104,-318,-537,-510,-593,-939,-941,-942,-440,104,-442,-382,-383,-385,-509,-511,-513,104,-515,-516,-521,-522,104,-534,-536,-539,-540,-545,-550,-728,104,-729,104,-734,104,-736,104,-741,-658,-662,-663,104,-668,104,-669,104,-674,-676,104,-679,104,104,104,-689,-691,104,-694,104,104,-746,104,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,104,104,104,104,104,-879,104,-882,-910,-922,-927,-390,-391,104,-396,104,-399,104,-404,104,-405,104,-410,104,-415,104,-419,104,-420,104,-425,104,-428,-901,-902,-645,-587,-1896,-903,104,104,104,-802,104,104,-806,104,-809,-835,104,-820,104,-822,104,-824,-810,104,-826,104,-853,-854,104,104,-813,104,-648,-904,-906,-650,-651,-647,104,-707,-708,104,-644,-905,-649,-652,-605,-716,104,104,-607,-588,104,104,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,104,104,-711,-712,104,-718,104,104,104,104,104,104,-940,104,-441,-443,-749,104,-893,104,-717,-1896,104,104,104,104,3740,104,-444,-514,-525,104,-730,-735,104,-737,104,-742,104,-664,-670,104,-680,-682,-684,-685,-692,-695,-699,-747,104,104,-876,104,104,-880,104,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,104,-814,104,-816,-803,104,-804,-807,104,-818,-821,-823,-825,-827,104,-828,104,-811,104,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,104,-284,104,104,104,104,-457,104,104,-731,104,-738,104,-743,104,-665,-673,104,104,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,104,-838,-53,104,104,-732,104,-739,104,-744,-666,104,-875,-54,104,104,-733,-740,-745,104,104,104,-874,]),'BOOTSTRAP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[105,105,105,105,-1896,105,105,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,105,105,105,105,-277,-278,105,-1427,105,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,105,105,105,-492,105,105,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,105,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,105,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,105,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,105,-174,-175,-176,-177,-995,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-292,-293,-283,105,105,105,105,105,-330,-320,-334,-335,-336,105,105,-984,-985,-986,-987,-988,-989,-990,105,105,105,105,105,105,105,105,105,105,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,105,105,105,-355,-358,105,-325,-326,-143,105,-144,105,-145,105,-432,-937,-938,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-1896,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-1896,105,-1896,105,105,105,105,105,105,105,105,105,105,105,105,-1896,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-1896,105,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,105,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,105,105,105,-193,-194,105,-996,105,105,105,105,105,-279,-280,-281,-282,-367,105,-310,105,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,105,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,105,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,105,105,105,105,105,105,-575,105,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,105,105,-725,-726,-727,105,105,105,105,105,105,-996,105,105,-93,-94,105,105,105,105,-311,-312,-322,105,-309,-295,-296,-297,105,105,105,105,-620,-635,-592,105,105,-438,105,-439,105,-446,-447,-448,-380,-381,105,105,105,-508,105,105,-512,105,105,105,105,-517,-518,-519,-520,105,105,-523,-524,105,-526,-527,-528,-529,-530,-531,-532,-533,105,-535,105,105,105,-541,-543,-544,105,-546,-547,-548,-549,105,105,105,105,105,105,-654,-655,-656,-657,105,-659,-660,-661,105,105,105,-667,105,105,-671,-672,105,105,-675,105,-677,-678,105,-681,105,-683,105,105,-686,-687,-688,105,-690,105,105,-693,105,105,-696,-697,-698,105,-700,-701,-702,-703,105,105,-748,105,-751,-752,-753,-754,-755,105,-757,-758,-759,-760,-761,105,-768,-769,-771,105,-773,-774,-775,-784,-858,-860,-862,-864,105,105,105,105,-870,105,-872,105,105,105,105,105,105,105,-908,-909,105,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,105,-923,-926,105,-936,105,-387,-388,-389,105,105,-392,-393,-394,-395,105,-398,105,-401,-402,105,-403,105,-408,-409,105,-412,-413,-414,105,-417,105,-418,105,-423,-424,105,-427,105,-430,-431,-1896,-1896,105,-621,-622,-623,-624,-625,-636,-586,-626,-799,105,105,105,105,105,-833,105,105,-808,105,-834,105,105,105,105,-800,105,-855,-801,105,105,105,105,105,105,-856,-857,105,-836,-832,-837,105,-627,105,-628,-629,-630,-631,-576,105,105,-632,-633,-634,105,105,105,105,105,105,-637,-638,-639,-594,-1896,-604,105,-640,-641,-715,-642,-606,105,-574,-579,-582,-585,105,105,105,-600,-603,105,-610,105,105,105,105,105,105,105,105,105,105,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,105,105,105,-997,105,105,105,105,105,105,-308,-327,-321,-298,-377,-454,-455,-456,-460,105,-445,105,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,105,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,105,105,105,105,105,105,105,105,105,-318,-537,-510,-593,-939,-941,-942,-440,105,-442,-382,-383,-385,-509,-511,-513,105,-515,-516,-521,-522,105,-534,-536,-539,-540,-545,-550,-728,105,-729,105,-734,105,-736,105,-741,-658,-662,-663,105,-668,105,-669,105,-674,-676,105,-679,105,105,105,-689,-691,105,-694,105,105,-746,105,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,105,105,105,105,105,-879,105,-882,-910,-922,-927,-390,-391,105,-396,105,-399,105,-404,105,-405,105,-410,105,-415,105,-419,105,-420,105,-425,105,-428,-901,-902,-645,-587,-1896,-903,105,105,105,-802,105,105,-806,105,-809,-835,105,-820,105,-822,105,-824,-810,105,-826,105,-853,-854,105,105,-813,105,-648,-904,-906,-650,-651,-647,105,-707,-708,105,-644,-905,-649,-652,-605,-716,105,105,-607,-588,105,105,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,105,105,-711,-712,105,-718,105,105,105,105,105,105,-940,105,-441,-443,-749,105,-893,105,-717,-1896,105,105,105,105,105,-444,-514,-525,105,-730,-735,105,-737,105,-742,105,-664,-670,105,-680,-682,-684,-685,-692,-695,-699,-747,105,105,-876,105,105,-880,105,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,105,-814,105,-816,-803,105,-804,-807,105,-818,-821,-823,-825,-827,105,-828,105,-811,105,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,105,-284,105,105,105,105,-457,105,105,-731,105,-738,105,-743,105,-665,-673,105,105,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,105,-838,-53,105,105,-732,105,-739,105,-744,-666,105,-875,-54,105,105,-733,-740,-745,105,105,105,-874,]),'BREADTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[106,106,106,106,-1896,106,106,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,106,106,106,106,-277,-278,106,-1427,106,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,106,106,106,-492,106,106,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,106,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,106,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,106,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,106,-174,-175,-176,-177,-995,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-292,-293,-283,106,106,106,106,106,-330,-320,-334,-335,-336,106,106,-984,-985,-986,-987,-988,-989,-990,106,106,106,106,106,106,106,106,106,106,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,106,106,106,-355,-358,106,-325,-326,-143,106,-144,106,-145,106,-432,-937,-938,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-1896,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-1896,106,-1896,106,106,106,106,106,106,106,106,106,106,106,106,-1896,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-1896,106,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,106,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,106,106,106,-193,-194,106,-996,106,106,106,106,106,-279,-280,-281,-282,-367,106,-310,106,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,106,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,106,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,106,106,106,106,106,106,-575,106,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,106,106,-725,-726,-727,106,106,106,106,106,106,-996,106,106,-93,-94,106,106,106,106,-311,-312,-322,106,-309,-295,-296,-297,106,106,106,106,-620,-635,-592,106,106,-438,106,-439,106,-446,-447,-448,-380,-381,106,106,106,-508,106,106,-512,106,106,106,106,-517,-518,-519,-520,106,106,-523,-524,106,-526,-527,-528,-529,-530,-531,-532,-533,106,-535,106,106,106,-541,-543,-544,106,-546,-547,-548,-549,106,106,106,106,106,106,-654,-655,-656,-657,106,-659,-660,-661,106,106,106,-667,106,106,-671,-672,106,106,-675,106,-677,-678,106,-681,106,-683,106,106,-686,-687,-688,106,-690,106,106,-693,106,106,-696,-697,-698,106,-700,-701,-702,-703,106,106,-748,106,-751,-752,-753,-754,-755,106,-757,-758,-759,-760,-761,106,-768,-769,-771,106,-773,-774,-775,-784,-858,-860,-862,-864,106,106,106,106,-870,106,-872,106,106,106,106,106,106,106,-908,-909,106,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,106,-923,-926,106,-936,106,-387,-388,-389,106,106,-392,-393,-394,-395,106,-398,106,-401,-402,106,-403,106,-408,-409,106,-412,-413,-414,106,-417,106,-418,106,-423,-424,106,-427,106,-430,-431,-1896,-1896,106,-621,-622,-623,-624,-625,-636,-586,-626,-799,106,106,106,106,106,-833,106,106,-808,106,-834,106,106,106,106,-800,106,-855,-801,106,106,106,106,106,106,-856,-857,106,-836,-832,-837,106,-627,106,-628,-629,-630,-631,-576,106,106,-632,-633,-634,106,106,106,106,106,106,-637,-638,-639,-594,-1896,-604,106,-640,-641,-715,-642,-606,106,-574,-579,-582,-585,106,106,106,-600,-603,106,-610,106,106,106,106,106,106,106,106,106,106,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,106,106,106,-997,106,106,106,106,106,106,-308,-327,-321,-298,-377,-454,-455,-456,-460,106,-445,106,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,106,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,106,106,106,106,106,106,106,106,106,-318,-537,-510,-593,-939,-941,-942,-440,106,-442,-382,-383,-385,-509,-511,-513,106,-515,-516,-521,-522,106,-534,-536,-539,-540,-545,-550,-728,106,-729,106,-734,106,-736,106,-741,-658,-662,-663,106,-668,106,-669,106,-674,-676,106,-679,106,106,106,-689,-691,106,-694,106,106,-746,106,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,106,106,106,106,106,-879,106,-882,-910,-922,-927,-390,-391,106,-396,106,-399,106,-404,106,-405,106,-410,106,-415,106,-419,106,-420,106,-425,106,-428,-901,-902,-645,-587,-1896,-903,106,106,106,-802,106,106,-806,106,-809,-835,106,-820,106,-822,106,-824,-810,106,-826,106,-853,-854,106,106,-813,106,-648,-904,-906,-650,-651,-647,106,-707,-708,106,-644,-905,-649,-652,-605,-716,106,106,-607,-588,106,106,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,106,106,-711,-712,106,-718,106,106,106,106,106,106,-940,106,-441,-443,-749,106,-893,106,-717,-1896,106,106,106,106,106,-444,-514,-525,106,-730,-735,106,-737,106,-742,106,-664,-670,106,-680,-682,-684,-685,-692,-695,-699,-747,106,106,-876,106,106,-880,106,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,106,-814,106,-816,-803,106,-804,-807,106,-818,-821,-823,-825,-827,106,-828,106,-811,106,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,106,-284,106,106,106,106,-457,106,106,-731,106,-738,106,-743,106,-665,-673,106,106,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,106,-838,-53,106,106,-732,106,-739,106,-744,-666,106,-875,-54,106,106,-733,-740,-745,106,106,106,-874,]),'BRIEF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[107,107,107,107,-1896,107,107,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,107,107,107,107,-277,-278,107,-1427,107,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,107,107,107,-492,107,107,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,107,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,107,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,107,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,107,-174,-175,-176,-177,-995,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-292,-293,-283,107,107,107,107,107,-330,-320,-334,-335,-336,107,107,-984,-985,-986,-987,-988,-989,-990,107,107,107,107,107,107,107,107,107,107,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,107,107,107,-355,-358,107,-325,-326,-143,107,-144,107,-145,107,-432,-937,-938,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-1896,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-1896,107,-1896,107,107,107,107,107,107,107,107,107,107,107,107,-1896,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-1896,107,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,107,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,107,107,107,-193,-194,107,-996,107,107,107,107,107,-279,-280,-281,-282,-367,107,-310,107,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,107,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,107,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,107,107,107,107,107,107,-575,107,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,107,107,-725,-726,-727,107,107,107,107,107,107,-996,107,107,-93,-94,107,107,107,107,-311,-312,-322,107,-309,-295,-296,-297,107,107,107,107,-620,-635,-592,107,107,-438,107,-439,107,-446,-447,-448,-380,-381,107,107,107,-508,107,107,-512,107,107,107,107,-517,-518,-519,-520,107,107,-523,-524,107,-526,-527,-528,-529,-530,-531,-532,-533,107,-535,107,107,107,-541,-543,-544,107,-546,-547,-548,-549,107,107,107,107,107,107,-654,-655,-656,-657,107,-659,-660,-661,107,107,107,-667,107,107,-671,-672,107,107,-675,107,-677,-678,107,-681,107,-683,107,107,-686,-687,-688,107,-690,107,107,-693,107,107,-696,-697,-698,107,-700,-701,-702,-703,107,107,-748,107,-751,-752,-753,-754,-755,107,-757,-758,-759,-760,-761,107,-768,-769,-771,107,-773,-774,-775,-784,-858,-860,-862,-864,107,107,107,107,-870,107,-872,107,107,107,107,107,107,107,-908,-909,107,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,107,-923,-926,107,-936,107,-387,-388,-389,107,107,-392,-393,-394,-395,107,-398,107,-401,-402,107,-403,107,-408,-409,107,-412,-413,-414,107,-417,107,-418,107,-423,-424,107,-427,107,-430,-431,-1896,-1896,107,-621,-622,-623,-624,-625,-636,-586,-626,-799,107,107,107,107,107,-833,107,107,-808,107,-834,107,107,107,107,-800,107,-855,-801,107,107,107,107,107,107,-856,-857,107,-836,-832,-837,107,-627,107,-628,-629,-630,-631,-576,107,107,-632,-633,-634,107,107,107,107,107,107,-637,-638,-639,-594,-1896,-604,107,-640,-641,-715,-642,-606,107,-574,-579,-582,-585,107,107,107,-600,-603,107,-610,107,107,107,107,107,107,107,107,107,107,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,107,107,107,-997,107,107,107,107,107,107,-308,-327,-321,-298,-377,-454,-455,-456,-460,107,-445,107,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,107,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,107,107,107,107,107,107,107,107,107,-318,-537,-510,-593,-939,-941,-942,-440,107,-442,-382,-383,-385,-509,-511,-513,107,-515,-516,-521,-522,107,-534,-536,-539,-540,-545,-550,-728,107,-729,107,-734,107,-736,107,-741,-658,-662,-663,107,-668,107,-669,107,-674,-676,107,-679,107,107,107,-689,-691,107,-694,107,107,-746,107,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,107,107,107,107,107,-879,107,-882,-910,-922,-927,-390,-391,107,-396,107,-399,107,-404,107,-405,107,-410,107,-415,107,-419,107,-420,107,-425,107,-428,-901,-902,-645,-587,-1896,-903,107,107,107,-802,107,107,-806,107,-809,-835,107,-820,107,-822,107,-824,-810,107,-826,107,-853,-854,107,107,-813,107,-648,-904,-906,-650,-651,-647,107,-707,-708,107,-644,-905,-649,-652,-605,-716,107,107,-607,-588,107,107,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,107,107,-711,-712,107,-718,107,107,107,107,107,107,-940,107,-441,-443,-749,107,-893,107,-717,-1896,107,107,107,107,107,-444,-514,-525,107,-730,-735,107,-737,107,-742,107,-664,-670,107,-680,-682,-684,-685,-692,-695,-699,-747,107,107,-876,107,107,-880,107,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,107,-814,107,-816,-803,107,-804,-807,107,-818,-821,-823,-825,-827,107,-828,107,-811,107,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,107,-284,107,107,107,107,-457,107,107,-731,107,-738,107,-743,107,-665,-673,107,107,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,107,-838,-53,107,107,-732,107,-739,107,-744,-666,107,-875,-54,107,107,-733,-740,-745,107,107,107,-874,]),'BTREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[108,108,108,108,-1896,108,108,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,108,108,108,108,-277,-278,108,-1427,108,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,108,108,108,-492,108,108,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,108,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,108,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,108,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,108,-174,-175,-176,-177,-995,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-292,-293,-283,108,108,108,108,108,-330,-320,-334,-335,-336,108,108,-984,-985,-986,-987,-988,-989,-990,108,108,108,108,108,108,108,108,108,108,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,108,108,108,-355,-358,108,-325,-326,-143,108,-144,108,-145,108,-432,-937,-938,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-1896,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-1896,108,-1896,108,108,108,108,108,108,108,108,108,108,108,108,-1896,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-1896,108,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,108,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,108,108,108,-193,-194,108,-996,108,108,108,108,108,-279,-280,-281,-282,-367,108,-310,108,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,108,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,108,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,108,108,108,108,108,108,-575,108,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,108,108,-725,-726,-727,108,108,108,108,108,108,-996,108,108,-93,-94,108,108,108,108,-311,-312,-322,108,-309,-295,-296,-297,108,108,108,108,-620,-635,-592,108,108,-438,108,-439,108,-446,-447,-448,-380,-381,108,108,108,-508,108,108,-512,108,108,108,108,-517,-518,-519,-520,108,108,-523,-524,108,-526,-527,-528,-529,-530,-531,-532,-533,108,-535,108,108,108,-541,-543,-544,108,-546,-547,-548,-549,108,108,108,108,108,108,-654,-655,-656,-657,108,-659,-660,-661,108,108,108,-667,108,108,-671,-672,108,108,-675,108,-677,-678,108,-681,108,-683,108,108,-686,-687,-688,108,-690,108,108,-693,108,108,-696,-697,-698,108,-700,-701,-702,-703,108,108,-748,108,-751,-752,-753,-754,-755,108,-757,-758,-759,-760,-761,108,-768,-769,-771,108,-773,-774,-775,-784,-858,-860,-862,-864,108,108,108,108,-870,108,-872,108,108,108,108,108,108,108,-908,-909,108,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,108,-923,-926,108,-936,108,-387,-388,-389,108,108,-392,-393,-394,-395,108,-398,108,-401,-402,108,-403,108,-408,-409,108,-412,-413,-414,108,-417,108,-418,108,-423,-424,108,-427,108,-430,-431,-1896,-1896,108,-621,-622,-623,-624,-625,-636,-586,-626,-799,108,108,108,108,108,-833,108,108,-808,108,-834,108,108,108,108,-800,108,-855,-801,108,108,108,108,108,108,-856,-857,108,-836,-832,-837,108,-627,108,-628,-629,-630,-631,-576,108,108,-632,-633,-634,108,108,108,108,108,108,-637,-638,-639,-594,-1896,-604,108,-640,-641,-715,-642,-606,108,-574,-579,-582,-585,108,108,108,-600,-603,108,-610,108,108,108,108,108,108,108,108,108,108,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,108,108,108,-997,108,108,108,108,108,108,-308,-327,-321,-298,-377,-454,-455,-456,-460,108,-445,108,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,108,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,108,108,108,108,108,108,108,108,108,-318,-537,-510,-593,-939,-941,-942,-440,108,-442,-382,-383,-385,-509,-511,-513,108,-515,-516,-521,-522,108,-534,-536,-539,-540,-545,-550,-728,108,-729,108,-734,108,-736,108,-741,-658,-662,-663,108,-668,108,-669,108,-674,-676,108,-679,108,108,108,-689,-691,108,-694,108,108,-746,108,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,108,108,108,108,108,-879,108,-882,-910,-922,-927,-390,-391,108,-396,108,-399,108,-404,108,-405,108,-410,108,-415,108,-419,108,-420,108,-425,108,-428,-901,-902,-645,-587,-1896,-903,108,108,108,-802,108,108,-806,108,-809,-835,108,-820,108,-822,108,-824,-810,108,-826,108,-853,-854,108,108,-813,108,-648,-904,-906,-650,-651,-647,108,-707,-708,108,-644,-905,-649,-652,-605,-716,108,108,-607,-588,108,108,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,108,108,-711,-712,108,-718,108,108,108,108,108,108,-940,108,-441,-443,-749,108,-893,108,-717,-1896,108,108,108,108,108,-444,-514,-525,108,-730,-735,108,-737,108,-742,108,-664,-670,108,-680,-682,-684,-685,-692,-695,-699,-747,108,108,-876,108,108,-880,108,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,108,-814,108,-816,-803,108,-804,-807,108,-818,-821,-823,-825,-827,108,-828,108,-811,108,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,108,-284,108,108,108,108,-457,108,108,-731,108,-738,108,-743,108,-665,-673,108,108,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,108,-838,-53,108,108,-732,108,-739,108,-744,-666,108,-875,-54,108,108,-733,-740,-745,108,108,108,-874,]),'BUCKETS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[109,109,109,109,-1896,109,109,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,109,109,109,109,-277,-278,109,-1427,109,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,109,109,109,-492,109,109,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,109,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,109,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,109,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,109,-174,-175,-176,-177,-995,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-292,-293,-283,109,109,109,109,109,-330,-320,-334,-335,-336,109,109,-984,-985,-986,-987,-988,-989,-990,109,109,109,109,109,109,109,109,109,109,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,109,109,109,-355,-358,109,-325,-326,-143,109,-144,109,-145,109,-432,-937,-938,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-1896,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-1896,109,-1896,109,109,109,109,109,109,109,109,109,109,109,109,-1896,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-1896,109,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,109,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,109,109,109,-193,-194,109,-996,109,109,109,109,109,-279,-280,-281,-282,-367,109,-310,109,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,109,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,109,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,109,109,109,109,109,109,-575,109,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,109,109,-725,-726,-727,109,109,109,109,109,109,-996,109,109,-93,-94,109,109,109,109,-311,-312,-322,109,-309,-295,-296,-297,109,109,109,109,-620,-635,-592,109,109,-438,109,-439,109,-446,-447,-448,-380,-381,109,109,109,-508,109,109,-512,109,109,109,109,-517,-518,-519,-520,109,109,-523,-524,109,-526,-527,-528,-529,-530,-531,-532,-533,109,-535,109,109,109,-541,-543,-544,109,-546,-547,-548,-549,109,109,109,109,109,109,-654,-655,-656,-657,109,-659,-660,-661,109,109,109,-667,109,109,-671,-672,109,109,-675,109,-677,-678,109,-681,109,-683,109,109,-686,-687,-688,109,-690,109,109,-693,109,109,-696,-697,-698,109,-700,-701,-702,-703,109,109,-748,109,-751,-752,-753,-754,-755,109,-757,-758,-759,-760,-761,109,-768,-769,-771,109,-773,-774,-775,-784,-858,-860,-862,-864,109,109,109,109,-870,109,-872,109,109,109,109,109,109,109,-908,-909,109,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,109,-923,-926,109,-936,109,-387,-388,-389,109,109,-392,-393,-394,-395,109,-398,109,-401,-402,109,-403,109,-408,-409,109,-412,-413,-414,109,-417,109,-418,109,-423,-424,109,-427,109,-430,-431,-1896,-1896,109,-621,-622,-623,-624,-625,-636,-586,-626,-799,109,109,109,109,109,-833,109,109,-808,109,-834,109,109,109,109,-800,109,-855,-801,109,109,109,109,109,109,-856,-857,109,-836,-832,-837,109,-627,109,-628,-629,-630,-631,-576,109,109,-632,-633,-634,109,109,109,109,109,109,-637,-638,-639,-594,-1896,-604,109,-640,-641,-715,-642,-606,109,-574,-579,-582,-585,109,109,109,-600,-603,109,-610,109,109,109,109,109,109,109,109,109,109,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,109,109,109,-997,109,109,109,109,109,109,-308,-327,-321,-298,-377,-454,-455,-456,-460,109,-445,109,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,109,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,109,109,109,109,109,109,109,109,109,-318,-537,-510,-593,-939,-941,-942,-440,109,-442,-382,-383,-385,-509,-511,-513,109,-515,-516,-521,-522,109,-534,-536,-539,-540,-545,-550,-728,109,-729,109,-734,109,-736,109,-741,-658,-662,-663,109,-668,109,-669,109,-674,-676,109,-679,109,109,109,-689,-691,109,-694,109,109,-746,109,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,109,109,109,109,109,-879,109,-882,-910,-922,-927,-390,-391,109,-396,109,-399,109,-404,109,-405,109,-410,109,-415,109,-419,109,-420,109,-425,109,-428,-901,-902,-645,-587,-1896,-903,109,109,109,-802,109,109,-806,109,-809,-835,109,-820,109,-822,109,-824,-810,109,-826,109,-853,-854,109,109,-813,109,-648,-904,-906,-650,-651,-647,109,-707,-708,109,-644,-905,-649,-652,-605,-716,109,109,-607,-588,109,109,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,109,109,-711,-712,109,-718,109,109,109,109,109,109,-940,109,-441,-443,-749,109,-893,109,-717,-1896,109,109,109,109,109,-444,-514,-525,109,-730,-735,109,-737,109,-742,109,-664,-670,109,-680,-682,-684,-685,-692,-695,-699,-747,109,109,-876,109,109,-880,109,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,109,-814,109,-816,-803,109,-804,-807,109,-818,-821,-823,-825,-827,109,-828,109,-811,109,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,109,-284,109,109,109,109,-457,109,109,-731,109,-738,109,-743,109,-665,-673,109,109,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,109,-838,-53,109,109,-732,109,-739,109,-744,-666,109,-875,-54,109,109,-733,-740,-745,109,109,109,-874,]),'BULK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[110,110,110,110,-1896,110,110,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,110,110,110,110,-277,-278,110,-1427,110,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,110,110,110,-492,110,110,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,110,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,110,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,110,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,110,-174,-175,-176,-177,-995,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-292,-293,-283,110,110,110,110,110,-330,-320,-334,-335,-336,110,110,-984,-985,-986,-987,-988,-989,-990,110,110,110,110,110,110,110,110,110,110,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,110,110,110,-355,-358,110,-325,-326,-143,110,-144,110,-145,110,-432,-937,-938,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-1896,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-1896,110,-1896,110,110,110,110,110,110,110,110,110,110,110,110,-1896,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-1896,110,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,110,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,110,110,110,-193,-194,110,-996,110,110,110,110,110,-279,-280,-281,-282,-367,110,-310,110,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,110,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,110,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,110,110,110,110,110,110,-575,110,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,110,110,-725,-726,-727,110,110,110,110,110,110,-996,110,110,-93,-94,110,110,110,110,-311,-312,-322,110,-309,-295,-296,-297,110,110,110,110,-620,-635,-592,110,110,-438,110,-439,110,-446,-447,-448,-380,-381,110,110,110,-508,110,110,-512,110,110,110,110,-517,-518,-519,-520,110,110,-523,-524,110,-526,-527,-528,-529,-530,-531,-532,-533,110,-535,110,110,110,-541,-543,-544,110,-546,-547,-548,-549,110,110,110,110,110,110,-654,-655,-656,-657,110,-659,-660,-661,110,110,110,-667,110,110,-671,-672,110,110,-675,110,-677,-678,110,-681,110,-683,110,110,-686,-687,-688,110,-690,110,110,-693,110,110,-696,-697,-698,110,-700,-701,-702,-703,110,110,-748,110,-751,-752,-753,-754,-755,110,-757,-758,-759,-760,-761,110,-768,-769,-771,110,-773,-774,-775,-784,-858,-860,-862,-864,110,110,110,110,-870,110,-872,110,110,110,110,110,110,110,-908,-909,110,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,110,-923,-926,110,-936,110,-387,-388,-389,110,110,-392,-393,-394,-395,110,-398,110,-401,-402,110,-403,110,-408,-409,110,-412,-413,-414,110,-417,110,-418,110,-423,-424,110,-427,110,-430,-431,-1896,-1896,110,-621,-622,-623,-624,-625,-636,-586,-626,-799,110,110,110,110,110,-833,110,110,-808,110,-834,110,110,110,110,-800,110,-855,-801,110,110,110,110,110,110,-856,-857,110,-836,-832,-837,110,-627,110,-628,-629,-630,-631,-576,110,110,-632,-633,-634,110,110,110,110,110,110,-637,-638,-639,-594,-1896,-604,110,-640,-641,-715,-642,-606,110,-574,-579,-582,-585,110,110,110,-600,-603,110,-610,110,110,110,110,110,110,110,110,110,110,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,110,110,110,-997,110,110,110,110,110,110,-308,-327,-321,-298,-377,-454,-455,-456,-460,110,-445,110,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,110,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,110,110,110,110,110,110,110,110,110,-318,-537,-510,-593,-939,-941,-942,-440,110,-442,-382,-383,-385,-509,-511,-513,110,-515,-516,-521,-522,110,-534,-536,-539,-540,-545,-550,-728,110,-729,110,-734,110,-736,110,-741,-658,-662,-663,110,-668,110,-669,110,-674,-676,110,-679,110,110,110,-689,-691,110,-694,110,110,-746,110,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,110,110,110,110,110,-879,110,-882,-910,-922,-927,-390,-391,110,-396,110,-399,110,-404,110,-405,110,-410,110,-415,110,-419,110,-420,110,-425,110,-428,-901,-902,-645,-587,-1896,-903,110,110,110,-802,110,110,-806,110,-809,-835,110,-820,110,-822,110,-824,-810,110,-826,110,-853,-854,110,110,-813,110,-648,-904,-906,-650,-651,-647,110,-707,-708,110,-644,-905,-649,-652,-605,-716,110,110,-607,-588,110,110,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,110,110,-711,-712,110,-718,110,110,110,110,110,110,-940,110,-441,-443,-749,110,-893,110,-717,-1896,110,110,110,110,110,-444,-514,-525,110,-730,-735,110,-737,110,-742,110,-664,-670,110,-680,-682,-684,-685,-692,-695,-699,-747,110,110,-876,110,110,-880,110,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,110,-814,110,-816,-803,110,-804,-807,110,-818,-821,-823,-825,-827,110,-828,110,-811,110,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,110,-284,110,110,110,110,-457,110,110,-731,110,-738,110,-743,110,-665,-673,110,110,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,110,-838,-53,110,110,-732,110,-739,110,-744,-666,110,-875,-54,110,110,-733,-740,-745,110,110,110,-874,]),'BYTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[111,111,111,111,-1896,111,111,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,111,111,111,111,-277,-278,111,-1427,111,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,111,111,111,-492,111,111,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,111,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,111,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,111,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,111,-174,-175,-176,-177,-995,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-292,-293,-283,111,111,111,111,111,-330,-320,-334,-335,-336,111,111,-984,-985,-986,-987,-988,-989,-990,111,111,111,111,111,111,111,111,111,111,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,111,111,111,-355,-358,111,-325,-326,-143,111,-144,111,-145,111,-432,-937,-938,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-1896,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-1896,111,-1896,111,111,111,111,111,111,111,111,111,111,111,111,-1896,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-1896,111,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,111,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,111,111,111,-193,-194,111,-996,111,111,111,111,111,-279,-280,-281,-282,-367,111,-310,111,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,111,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,111,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,111,111,111,111,111,111,-575,111,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,111,111,-725,-726,-727,111,111,111,111,111,111,-996,111,111,-93,-94,111,111,111,111,-311,-312,-322,111,-309,-295,-296,-297,111,111,111,111,-620,-635,-592,111,111,-438,111,-439,111,-446,-447,-448,-380,-381,111,111,111,-508,111,111,-512,111,111,111,111,-517,-518,-519,-520,111,111,-523,-524,111,-526,-527,-528,-529,-530,-531,-532,-533,111,-535,111,111,111,-541,-543,-544,111,-546,-547,-548,-549,111,111,111,111,111,111,-654,-655,-656,-657,111,-659,-660,-661,111,111,111,-667,111,111,-671,-672,111,111,-675,111,-677,-678,111,-681,111,-683,111,111,-686,-687,-688,111,-690,111,111,-693,111,111,-696,-697,-698,111,-700,-701,-702,-703,111,111,-748,111,-751,-752,-753,-754,-755,111,-757,-758,-759,-760,-761,111,-768,-769,-771,111,-773,-774,-775,-784,-858,-860,-862,-864,111,111,111,111,-870,111,-872,111,111,111,111,111,111,111,-908,-909,111,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,111,-923,-926,111,-936,111,-387,-388,-389,111,111,-392,-393,-394,-395,111,-398,111,-401,-402,111,-403,111,-408,-409,111,-412,-413,-414,111,-417,111,-418,111,-423,-424,111,-427,111,-430,-431,-1896,-1896,111,-621,-622,-623,-624,-625,-636,-586,-626,-799,111,111,111,111,111,-833,111,111,-808,111,-834,111,111,111,111,-800,111,-855,-801,111,111,111,111,111,111,-856,-857,111,-836,-832,-837,111,-627,111,-628,-629,-630,-631,-576,111,111,-632,-633,-634,111,111,111,111,111,111,-637,-638,-639,-594,-1896,-604,111,-640,-641,-715,-642,-606,111,-574,-579,-582,-585,111,111,111,-600,-603,111,-610,111,111,111,111,111,111,111,111,111,111,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,111,111,111,-997,111,111,111,111,111,111,-308,-327,-321,-298,-377,-454,-455,-456,-460,111,-445,111,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,111,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,111,111,111,111,111,111,111,111,111,-318,-537,-510,-593,-939,-941,-942,-440,111,-442,-382,-383,-385,-509,-511,-513,111,-515,-516,-521,-522,111,-534,-536,-539,-540,-545,-550,-728,111,-729,111,-734,111,-736,111,-741,-658,-662,-663,111,-668,111,-669,111,-674,-676,111,-679,111,111,111,-689,-691,111,-694,111,111,-746,111,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,111,111,111,111,111,-879,111,-882,-910,-922,-927,-390,-391,111,-396,111,-399,111,-404,111,-405,111,-410,111,-415,111,-419,111,-420,111,-425,111,-428,-901,-902,-645,-587,-1896,-903,111,111,111,-802,111,111,-806,111,-809,-835,111,-820,111,-822,111,-824,-810,111,-826,111,-853,-854,111,111,-813,111,-648,-904,-906,-650,-651,-647,111,-707,-708,111,-644,-905,-649,-652,-605,-716,111,111,-607,-588,111,111,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,111,111,-711,-712,111,-718,111,111,111,111,111,111,-940,111,-441,-443,-749,111,-893,111,-717,-1896,111,111,111,111,111,-444,-514,-525,111,-730,-735,111,-737,111,-742,111,-664,-670,111,-680,-682,-684,-685,-692,-695,-699,-747,111,111,-876,111,111,-880,111,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,111,-814,111,-816,-803,111,-804,-807,111,-818,-821,-823,-825,-827,111,-828,111,-811,111,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,111,-284,111,111,111,111,-457,111,111,-731,111,-738,111,-743,111,-665,-673,111,111,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,111,-838,-53,111,111,-732,111,-739,111,-744,-666,111,-875,-54,111,111,-733,-740,-745,111,111,111,-874,]),'CACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[112,112,112,112,-1896,112,112,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,112,112,112,112,-277,-278,112,-1427,112,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,112,112,112,-492,112,112,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,112,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,112,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,112,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,112,-174,-175,-176,-177,-995,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-292,-293,-283,112,112,112,112,112,-330,-320,-334,-335,-336,112,112,-984,-985,-986,-987,-988,-989,-990,112,112,112,112,112,112,112,112,112,112,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,112,112,112,-355,-358,112,-325,-326,-143,112,-144,112,-145,112,-432,-937,-938,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-1896,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-1896,112,-1896,112,112,112,112,112,112,112,112,112,112,112,112,-1896,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-1896,112,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,112,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,112,112,112,-193,-194,112,-996,112,112,112,112,112,-279,-280,-281,-282,-367,112,-310,112,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,112,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,112,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,112,112,112,112,112,112,-575,112,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,112,112,-725,-726,-727,112,112,112,112,112,112,-996,112,112,-93,-94,112,112,112,112,-311,-312,-322,112,-309,-295,-296,-297,112,112,112,112,-620,-635,-592,112,112,-438,112,-439,112,-446,-447,-448,-380,-381,112,112,112,-508,112,112,-512,112,112,112,112,-517,-518,-519,-520,112,112,-523,-524,112,-526,-527,-528,-529,-530,-531,-532,-533,112,-535,112,112,112,-541,-543,-544,112,-546,-547,-548,-549,112,112,112,112,112,112,-654,-655,-656,-657,112,-659,-660,-661,112,112,112,-667,112,112,-671,-672,112,112,-675,112,-677,-678,112,-681,112,-683,112,112,-686,-687,-688,112,-690,112,112,-693,112,112,-696,-697,-698,112,-700,-701,-702,-703,112,112,-748,112,-751,-752,-753,-754,-755,112,-757,-758,-759,-760,-761,112,-768,-769,-771,112,-773,-774,-775,-784,-858,-860,-862,-864,112,112,112,112,-870,112,-872,112,112,112,112,112,112,112,-908,-909,112,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,112,-923,-926,112,-936,112,-387,-388,-389,112,112,-392,-393,-394,-395,112,-398,112,-401,-402,112,-403,112,-408,-409,112,-412,-413,-414,112,-417,112,-418,112,-423,-424,112,-427,112,-430,-431,-1896,-1896,112,-621,-622,-623,-624,-625,-636,-586,-626,-799,112,112,112,112,112,-833,112,112,-808,112,-834,112,112,112,112,-800,112,-855,-801,112,112,112,112,112,112,-856,-857,112,-836,-832,-837,112,-627,112,-628,-629,-630,-631,-576,112,112,-632,-633,-634,112,112,112,112,112,112,-637,-638,-639,-594,-1896,-604,112,-640,-641,-715,-642,-606,112,-574,-579,-582,-585,112,112,112,-600,-603,112,-610,112,112,112,112,112,112,112,112,112,112,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,112,112,112,-997,112,112,112,112,112,112,-308,-327,-321,-298,-377,-454,-455,-456,-460,112,-445,112,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,112,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,112,112,112,112,112,112,112,112,112,-318,-537,-510,-593,-939,-941,-942,-440,112,-442,-382,-383,-385,-509,-511,-513,112,-515,-516,-521,-522,112,-534,-536,-539,-540,-545,-550,-728,112,-729,112,-734,112,-736,112,-741,-658,-662,-663,112,-668,112,-669,112,-674,-676,112,-679,112,112,112,-689,-691,112,-694,112,112,-746,112,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,112,112,112,112,112,-879,112,-882,-910,-922,-927,-390,-391,112,-396,112,-399,112,-404,112,-405,112,-410,112,-415,112,-419,112,-420,112,-425,112,-428,-901,-902,-645,-587,-1896,-903,112,112,112,-802,112,112,-806,112,-809,-835,112,-820,112,-822,112,-824,-810,112,-826,112,-853,-854,112,112,-813,112,-648,-904,-906,-650,-651,-647,112,-707,-708,112,-644,-905,-649,-652,-605,-716,112,112,-607,-588,112,112,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,112,112,-711,-712,112,-718,112,112,112,112,112,112,-940,112,-441,-443,-749,112,-893,112,-717,-1896,112,112,112,112,112,-444,-514,-525,112,-730,-735,112,-737,112,-742,112,-664,-670,112,-680,-682,-684,-685,-692,-695,-699,-747,112,112,-876,112,112,-880,112,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,112,-814,112,-816,-803,112,-804,-807,112,-818,-821,-823,-825,-827,112,-828,112,-811,112,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,112,-284,112,112,112,112,-457,112,112,-731,112,-738,112,-743,112,-665,-673,112,112,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,112,-838,-53,112,112,-732,112,-739,112,-744,-666,112,-875,-54,112,112,-733,-740,-745,112,112,112,-874,]),'CALL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[113,113,113,113,-1896,113,113,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,113,113,113,113,-277,-278,113,-1427,113,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,113,113,113,-492,113,113,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,113,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,113,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,113,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,113,-174,-175,-176,-177,-995,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-292,-293,-283,113,113,113,113,113,-330,-320,-334,-335,-336,113,113,-984,-985,-986,-987,-988,-989,-990,113,113,113,113,113,113,113,113,113,113,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,113,113,113,-355,-358,113,-325,-326,-143,113,-144,113,-145,113,-432,-937,-938,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-1896,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-1896,113,-1896,113,113,113,113,113,113,113,113,113,113,113,113,-1896,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-1896,113,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,113,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,113,113,113,-193,-194,113,-996,113,113,113,113,113,-279,-280,-281,-282,-367,113,-310,113,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,113,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,113,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,113,113,113,113,113,113,-575,113,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,113,113,-725,-726,-727,113,113,113,113,113,113,-996,113,113,-93,-94,113,113,113,113,-311,-312,-322,113,-309,-295,-296,-297,113,113,113,113,-620,-635,-592,113,113,-438,113,-439,113,-446,-447,-448,-380,-381,113,113,113,-508,113,113,-512,113,113,113,113,-517,-518,-519,-520,113,113,-523,-524,113,-526,-527,-528,-529,-530,-531,-532,-533,113,-535,113,113,113,-541,-543,-544,113,-546,-547,-548,-549,113,113,113,113,113,113,-654,-655,-656,-657,113,-659,-660,-661,113,113,113,-667,113,113,-671,-672,113,113,-675,113,-677,-678,113,-681,113,-683,113,113,-686,-687,-688,113,-690,113,113,-693,113,113,-696,-697,-698,113,-700,-701,-702,-703,113,113,-748,113,-751,-752,-753,-754,-755,113,-757,-758,-759,-760,-761,113,-768,-769,-771,113,-773,-774,-775,-784,-858,-860,-862,-864,113,113,113,113,-870,113,-872,113,113,113,113,113,113,113,-908,-909,113,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,113,-923,-926,113,-936,113,-387,-388,-389,113,113,-392,-393,-394,-395,113,-398,113,-401,-402,113,-403,113,-408,-409,113,-412,-413,-414,113,-417,113,-418,113,-423,-424,113,-427,113,-430,-431,-1896,-1896,113,-621,-622,-623,-624,-625,-636,-586,-626,-799,113,113,113,113,113,-833,113,113,-808,113,-834,113,113,113,113,-800,113,-855,-801,113,113,113,113,113,113,-856,-857,113,-836,-832,-837,113,-627,113,-628,-629,-630,-631,-576,113,113,-632,-633,-634,113,113,113,113,113,113,-637,-638,-639,-594,-1896,-604,113,-640,-641,-715,-642,-606,113,-574,-579,-582,-585,113,113,113,-600,-603,113,-610,113,113,113,113,113,113,113,113,113,113,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,113,113,113,-997,113,113,113,113,113,113,-308,-327,-321,-298,-377,-454,-455,-456,-460,113,-445,113,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,113,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,113,113,113,113,113,113,113,113,113,-318,-537,-510,-593,-939,-941,-942,-440,113,-442,-382,-383,-385,-509,-511,-513,113,-515,-516,-521,-522,113,-534,-536,-539,-540,-545,-550,-728,113,-729,113,-734,113,-736,113,-741,-658,-662,-663,113,-668,113,-669,113,-674,-676,113,-679,113,113,113,-689,-691,113,-694,113,113,-746,113,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,113,113,113,113,113,-879,113,-882,-910,-922,-927,-390,-391,113,-396,113,-399,113,-404,113,-405,113,-410,113,-415,113,-419,113,-420,113,-425,113,-428,-901,-902,-645,-587,-1896,-903,113,113,113,-802,113,113,-806,113,-809,-835,113,-820,113,-822,113,-824,-810,113,-826,113,-853,-854,113,113,-813,113,-648,-904,-906,-650,-651,-647,113,-707,-708,113,-644,-905,-649,-652,-605,-716,113,113,-607,-588,113,113,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,113,113,-711,-712,113,-718,113,113,113,113,113,113,-940,113,-441,-443,-749,113,-893,113,-717,-1896,113,113,113,113,113,-444,-514,-525,113,-730,-735,113,-737,113,-742,113,-664,-670,113,-680,-682,-684,-685,-692,-695,-699,-747,113,113,-876,113,113,-880,113,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,113,-814,113,-816,-803,113,-804,-807,113,-818,-821,-823,-825,-827,113,-828,113,-811,113,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,113,-284,113,113,113,113,-457,113,113,-731,113,-738,113,-743,113,-665,-673,113,113,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,113,-838,-53,113,113,-732,113,-739,113,-744,-666,113,-875,-54,113,113,-733,-740,-745,113,113,113,-874,]),'CANCEL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[114,114,114,114,-1896,114,114,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,114,114,114,114,-277,-278,114,-1427,114,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,114,114,114,-492,114,114,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,114,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,114,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,114,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,114,-174,-175,-176,-177,-995,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-292,-293,-283,114,114,114,114,114,-330,-320,-334,-335,-336,114,114,-984,-985,-986,-987,-988,-989,-990,114,114,114,114,114,114,114,114,114,114,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,114,114,114,-355,-358,114,-325,-326,-143,114,-144,114,-145,114,-432,-937,-938,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-1896,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-1896,114,-1896,114,114,114,114,114,114,114,114,114,114,114,114,-1896,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-1896,114,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,114,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,114,114,114,-193,-194,114,-996,114,114,114,114,114,-279,-280,-281,-282,-367,114,-310,114,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,114,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,114,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,114,114,114,114,114,114,-575,114,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,114,114,-725,-726,-727,114,114,114,114,114,114,-996,114,114,-93,-94,114,114,114,114,-311,-312,-322,114,-309,-295,-296,-297,114,114,114,114,-620,-635,-592,114,114,-438,114,-439,114,-446,-447,-448,-380,-381,114,114,114,-508,114,114,-512,114,114,114,114,-517,-518,-519,-520,114,114,-523,-524,114,-526,-527,-528,-529,-530,-531,-532,-533,114,-535,114,114,114,-541,-543,-544,114,-546,-547,-548,-549,114,114,114,114,114,114,-654,-655,-656,-657,114,-659,-660,-661,114,114,114,-667,114,114,-671,-672,114,114,-675,114,-677,-678,114,-681,114,-683,114,114,-686,-687,-688,114,-690,114,114,-693,114,114,-696,-697,-698,114,-700,-701,-702,-703,114,114,-748,114,-751,-752,-753,-754,-755,114,-757,-758,-759,-760,-761,114,-768,-769,-771,114,-773,-774,-775,-784,-858,-860,-862,-864,114,114,114,114,-870,114,-872,114,114,114,114,114,114,114,-908,-909,114,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,114,-923,-926,114,-936,114,-387,-388,-389,114,114,-392,-393,-394,-395,114,-398,114,-401,-402,114,-403,114,-408,-409,114,-412,-413,-414,114,-417,114,-418,114,-423,-424,114,-427,114,-430,-431,-1896,-1896,114,-621,-622,-623,-624,-625,-636,-586,-626,-799,114,114,114,114,114,-833,114,114,-808,114,-834,114,114,114,114,-800,114,-855,-801,114,114,114,114,114,114,-856,-857,114,-836,-832,-837,114,-627,114,-628,-629,-630,-631,-576,114,114,-632,-633,-634,114,114,114,114,114,114,-637,-638,-639,-594,-1896,-604,114,-640,-641,-715,-642,-606,114,-574,-579,-582,-585,114,114,114,-600,-603,114,-610,114,114,114,114,114,114,114,114,114,114,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,114,114,114,-997,114,114,114,114,114,114,-308,-327,-321,-298,-377,-454,-455,-456,-460,114,-445,114,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,114,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,114,114,114,114,114,114,114,114,114,-318,-537,-510,-593,-939,-941,-942,-440,114,-442,-382,-383,-385,-509,-511,-513,114,-515,-516,-521,-522,114,-534,-536,-539,-540,-545,-550,-728,114,-729,114,-734,114,-736,114,-741,-658,-662,-663,114,-668,114,-669,114,-674,-676,114,-679,114,114,114,-689,-691,114,-694,114,114,-746,114,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,114,114,114,114,114,-879,114,-882,-910,-922,-927,-390,-391,114,-396,114,-399,114,-404,114,-405,114,-410,114,-415,114,-419,114,-420,114,-425,114,-428,-901,-902,-645,-587,-1896,-903,114,114,114,-802,114,114,-806,114,-809,-835,114,-820,114,-822,114,-824,-810,114,-826,114,-853,-854,114,114,-813,114,-648,-904,-906,-650,-651,-647,114,-707,-708,114,-644,-905,-649,-652,-605,-716,114,114,-607,-588,114,114,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,114,114,-711,-712,114,-718,114,114,114,114,114,114,-940,114,-441,-443,-749,114,-893,114,-717,-1896,114,114,114,114,114,-444,-514,-525,114,-730,-735,114,-737,114,-742,114,-664,-670,114,-680,-682,-684,-685,-692,-695,-699,-747,114,114,-876,114,114,-880,114,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,114,-814,114,-816,-803,114,-804,-807,114,-818,-821,-823,-825,-827,114,-828,114,-811,114,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,114,-284,114,114,114,114,-457,114,114,-731,114,-738,114,-743,114,-665,-673,114,114,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,114,-838,-53,114,114,-732,114,-739,114,-744,-666,114,-875,-54,114,114,-733,-740,-745,114,114,114,-874,]),'CAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[115,115,115,999,-1896,115,115,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,115,115,115,115,-277,-278,999,-1427,999,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,999,999,999,-492,999,999,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,999,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,999,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1841,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,115,-174,-175,-176,-177,-995,115,115,115,115,115,115,115,115,115,115,999,999,999,999,999,-292,-293,-283,115,999,999,999,999,-330,-320,-334,-335,-336,999,999,-984,-985,-986,-987,-988,-989,-990,115,115,999,999,999,999,999,999,999,999,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,999,999,999,-355,-358,115,-325,-326,-143,999,-144,999,-145,999,-432,-937,-938,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,-1896,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,-1896,999,-1896,999,999,999,999,999,999,999,999,999,999,999,999,-1896,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,-1896,115,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,999,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,999,115,115,-193,-194,115,-996,999,115,115,115,115,-279,-280,-281,-282,-367,999,-310,999,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,999,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,999,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,999,999,999,999,999,999,-575,999,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,999,999,-725,-726,-727,999,1841,115,115,115,115,-996,115,999,-93,-94,115,115,115,999,-311,-312,-322,999,-309,-295,-296,-297,999,115,999,999,-620,-635,-592,999,115,-438,115,-439,999,-446,-447,-448,-380,-381,999,999,999,-508,999,999,-512,999,999,999,999,-517,-518,-519,-520,999,999,-523,-524,999,-526,-527,-528,-529,-530,-531,-532,-533,999,-535,999,999,999,-541,-543,-544,999,-546,-547,-548,-549,999,999,999,999,999,999,-654,-655,-656,-657,115,-659,-660,-661,999,999,999,-667,999,999,-671,-672,999,999,-675,999,-677,-678,999,-681,999,-683,999,999,-686,-687,-688,999,-690,999,999,-693,999,999,-696,-697,-698,999,-700,-701,-702,-703,999,999,-748,999,-751,-752,-753,-754,-755,999,-757,-758,-759,-760,-761,999,-768,-769,-771,999,-773,-774,-775,-784,-858,-860,-862,-864,999,999,999,999,-870,999,-872,999,999,999,999,999,999,999,-908,-909,999,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,999,-923,-926,999,-936,999,-387,-388,-389,999,999,-392,-393,-394,-395,999,-398,999,-401,-402,999,-403,999,-408,-409,999,-412,-413,-414,999,-417,999,-418,999,-423,-424,999,-427,999,-430,-431,-1896,-1896,999,-621,-622,-623,-624,-625,-636,-586,-626,-799,999,999,999,999,999,-833,999,999,-808,999,-834,999,999,999,999,-800,999,-855,-801,999,999,999,999,999,999,-856,-857,999,-836,-832,-837,999,-627,999,-628,-629,-630,-631,-576,999,999,-632,-633,-634,999,999,999,999,999,999,-637,-638,-639,-594,-1896,-604,999,-640,-641,-715,-642,-606,999,-574,-579,-582,-585,999,999,999,-600,-603,999,-610,999,999,999,999,999,999,999,999,999,999,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,999,115,115,-997,115,999,115,115,115,999,-308,-327,-321,-298,-377,-454,-455,-456,-460,115,-445,999,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,999,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,115,115,115,115,115,115,115,115,999,-318,-537,-510,-593,-939,-941,-942,-440,999,-442,-382,-383,-385,-509,-511,-513,999,-515,-516,-521,-522,999,-534,-536,-539,-540,-545,-550,-728,999,-729,999,-734,999,-736,999,-741,-658,-662,-663,999,-668,999,-669,999,-674,-676,999,-679,999,999,999,-689,-691,999,-694,999,999,-746,999,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,999,999,999,999,999,-879,999,-882,-910,-922,-927,-390,-391,999,-396,999,-399,999,-404,999,-405,999,-410,999,-415,999,-419,999,-420,999,-425,999,-428,-901,-902,-645,-587,-1896,-903,999,999,999,-802,999,999,-806,999,-809,-835,999,-820,999,-822,999,-824,-810,999,-826,999,-853,-854,999,999,-813,999,-648,-904,-906,-650,-651,-647,999,-707,-708,999,-644,-905,-649,-652,-605,-716,999,999,-607,-588,999,999,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,999,999,-711,-712,999,-718,999,115,115,115,999,999,-940,115,-441,-443,-749,999,-893,1841,-717,-1896,999,999,115,115,999,-444,-514,-525,999,-730,-735,999,-737,999,-742,999,-664,-670,999,-680,-682,-684,-685,-692,-695,-699,-747,999,999,-876,999,999,-880,999,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,999,-814,999,-816,-803,999,-804,-807,999,-818,-821,-823,-825,-827,999,-828,999,-811,999,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,115,-284,115,999,115,999,-457,999,999,-731,999,-738,999,-743,999,-665,-673,999,999,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,999,-838,-53,115,999,-732,999,-739,999,-744,-666,999,-875,-54,115,115,-733,-740,-745,999,115,999,-874,]),'CASCADED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[116,116,116,116,-1896,116,116,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,116,116,116,116,-277,-278,116,-1427,116,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,116,116,116,-492,116,116,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,116,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,116,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,116,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,116,-174,-175,-176,-177,-995,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-292,-293,-283,116,116,116,116,116,-330,-320,-334,-335,-336,116,116,-984,-985,-986,-987,-988,-989,-990,116,116,116,116,116,116,116,116,116,116,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,116,116,116,-355,-358,116,-325,-326,-143,116,-144,116,-145,116,-432,-937,-938,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-1896,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-1896,116,-1896,116,116,116,116,116,116,116,116,116,116,116,116,-1896,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-1896,116,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,116,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,116,116,116,-193,-194,116,-996,116,116,116,116,116,-279,-280,-281,-282,-367,116,-310,116,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,116,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,116,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,116,116,116,116,116,116,-575,116,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,116,116,-725,-726,-727,116,116,116,116,116,116,-996,116,116,-93,-94,116,116,116,116,-311,-312,-322,116,-309,-295,-296,-297,116,116,116,116,-620,-635,-592,116,116,-438,116,-439,116,-446,-447,-448,-380,-381,116,116,116,-508,116,116,-512,116,116,116,116,-517,-518,-519,-520,116,116,-523,-524,116,-526,-527,-528,-529,-530,-531,-532,-533,116,-535,116,116,116,-541,-543,-544,116,-546,-547,-548,-549,116,116,116,116,116,116,-654,-655,-656,-657,116,-659,-660,-661,116,116,116,-667,116,116,-671,-672,116,116,-675,116,-677,-678,116,-681,116,-683,116,116,-686,-687,-688,116,-690,116,116,-693,116,116,-696,-697,-698,116,-700,-701,-702,-703,116,116,-748,116,-751,-752,-753,-754,-755,116,-757,-758,-759,-760,-761,116,-768,-769,-771,116,-773,-774,-775,-784,-858,-860,-862,-864,116,116,116,116,-870,116,-872,116,116,116,116,116,116,116,-908,-909,116,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,116,-923,-926,116,-936,116,-387,-388,-389,116,116,-392,-393,-394,-395,116,-398,116,-401,-402,116,-403,116,-408,-409,116,-412,-413,-414,116,-417,116,-418,116,-423,-424,116,-427,116,-430,-431,-1896,-1896,116,-621,-622,-623,-624,-625,-636,-586,-626,-799,116,116,116,116,116,-833,116,116,-808,116,-834,116,116,116,116,-800,116,-855,-801,116,116,116,116,116,116,-856,-857,116,-836,-832,-837,116,-627,116,-628,-629,-630,-631,-576,116,116,-632,-633,-634,116,116,116,116,116,116,-637,-638,-639,-594,-1896,-604,116,-640,-641,-715,-642,-606,116,-574,-579,-582,-585,116,116,116,-600,-603,116,-610,116,116,116,116,116,116,116,116,116,116,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,116,116,116,-997,116,116,116,116,116,116,-308,-327,-321,-298,-377,-454,-455,-456,-460,116,-445,116,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,116,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,116,116,116,116,116,116,116,116,116,-318,-537,-510,-593,-939,-941,-942,-440,116,-442,-382,-383,-385,-509,-511,-513,116,-515,-516,-521,-522,116,-534,-536,-539,-540,-545,-550,-728,116,-729,116,-734,116,-736,116,-741,-658,-662,-663,116,-668,116,-669,116,-674,-676,116,-679,116,116,116,-689,-691,116,-694,116,116,-746,116,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,116,116,116,116,116,-879,116,-882,-910,-922,-927,-390,-391,116,-396,116,-399,116,-404,116,-405,116,-410,116,-415,116,-419,116,-420,116,-425,116,-428,-901,-902,-645,-587,-1896,-903,116,116,116,-802,116,116,-806,116,-809,-835,116,-820,116,-822,116,-824,-810,116,-826,116,-853,-854,116,116,-813,116,-648,-904,-906,-650,-651,-647,116,-707,-708,116,-644,-905,-649,-652,-605,-716,116,116,-607,-588,116,116,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,116,116,-711,-712,116,-718,116,116,116,116,116,116,-940,116,-441,-443,-749,116,-893,116,-717,-1896,116,116,116,116,116,-444,-514,-525,116,-730,-735,116,-737,116,-742,116,-664,-670,116,-680,-682,-684,-685,-692,-695,-699,-747,116,116,-876,116,116,-880,116,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,116,-814,116,-816,-803,116,-804,-807,116,-818,-821,-823,-825,-827,116,-828,116,-811,116,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,116,-284,116,116,116,116,-457,116,116,-731,116,-738,116,-743,116,-665,-673,116,116,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,116,-838,-53,116,116,-732,116,-739,116,-744,-666,116,-875,-54,116,116,-733,-740,-745,116,116,116,-874,]),'CATALOG_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[117,117,117,117,-1896,117,117,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,117,117,117,117,-277,-278,117,-1427,117,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,117,117,117,-492,117,117,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,117,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,117,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,117,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,117,-174,-175,-176,-177,-995,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-292,-293,-283,117,117,117,117,117,-330,-320,-334,-335,-336,117,117,-984,-985,-986,-987,-988,-989,-990,117,117,117,117,117,117,117,117,117,117,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,117,117,117,-355,-358,117,-325,-326,-143,117,-144,117,-145,117,-432,-937,-938,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-1896,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-1896,117,-1896,117,117,117,117,117,117,117,117,117,117,117,117,-1896,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-1896,117,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,117,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,117,117,117,-193,-194,117,-996,117,117,117,117,117,-279,-280,-281,-282,-367,117,-310,117,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,117,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,117,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,117,117,117,117,117,117,-575,117,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,117,117,-725,-726,-727,117,117,117,117,117,117,-996,117,117,-93,-94,117,117,117,117,-311,-312,-322,117,-309,-295,-296,-297,117,117,117,117,-620,-635,-592,117,117,-438,117,-439,117,-446,-447,-448,-380,-381,117,117,117,-508,117,117,-512,117,117,117,117,-517,-518,-519,-520,117,117,-523,-524,117,-526,-527,-528,-529,-530,-531,-532,-533,117,-535,117,117,117,-541,-543,-544,117,-546,-547,-548,-549,117,117,117,117,117,117,-654,-655,-656,-657,117,-659,-660,-661,117,117,117,-667,117,117,-671,-672,117,117,-675,117,-677,-678,117,-681,117,-683,117,117,-686,-687,-688,117,-690,117,117,-693,117,117,-696,-697,-698,117,-700,-701,-702,-703,117,117,-748,117,-751,-752,-753,-754,-755,117,-757,-758,-759,-760,-761,117,-768,-769,-771,117,-773,-774,-775,-784,-858,-860,-862,-864,117,117,117,117,-870,117,-872,117,117,117,117,117,117,117,-908,-909,117,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,117,-923,-926,117,-936,117,-387,-388,-389,117,117,-392,-393,-394,-395,117,-398,117,-401,-402,117,-403,117,-408,-409,117,-412,-413,-414,117,-417,117,-418,117,-423,-424,117,-427,117,-430,-431,-1896,-1896,117,-621,-622,-623,-624,-625,-636,-586,-626,-799,117,117,117,117,117,-833,117,117,-808,117,-834,117,117,117,117,-800,117,-855,-801,117,117,117,117,117,117,-856,-857,117,-836,-832,-837,117,-627,117,-628,-629,-630,-631,-576,117,117,-632,-633,-634,117,117,117,117,117,117,-637,-638,-639,-594,-1896,-604,117,-640,-641,-715,-642,-606,117,-574,-579,-582,-585,117,117,117,-600,-603,117,-610,117,117,117,117,117,117,117,117,117,117,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,117,117,117,-997,117,117,117,117,117,117,-308,-327,-321,-298,-377,-454,-455,-456,-460,117,-445,117,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,117,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,117,117,117,117,117,117,117,117,117,-318,-537,-510,-593,-939,-941,-942,-440,117,-442,-382,-383,-385,-509,-511,-513,117,-515,-516,-521,-522,117,-534,-536,-539,-540,-545,-550,-728,117,-729,117,-734,117,-736,117,-741,-658,-662,-663,117,-668,117,-669,117,-674,-676,117,-679,117,117,117,-689,-691,117,-694,117,117,-746,117,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,117,117,117,117,117,-879,117,-882,-910,-922,-927,-390,-391,117,-396,117,-399,117,-404,117,-405,117,-410,117,-415,117,-419,117,-420,117,-425,117,-428,-901,-902,-645,-587,-1896,-903,117,117,117,-802,117,117,-806,117,-809,-835,117,-820,117,-822,117,-824,-810,117,-826,117,-853,-854,117,117,-813,117,-648,-904,-906,-650,-651,-647,117,-707,-708,117,-644,-905,-649,-652,-605,-716,117,117,-607,-588,117,117,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,117,117,-711,-712,117,-718,117,117,117,117,117,117,-940,117,-441,-443,-749,117,-893,117,-717,-1896,117,117,117,117,117,-444,-514,-525,117,-730,-735,117,-737,117,-742,117,-664,-670,117,-680,-682,-684,-685,-692,-695,-699,-747,117,117,-876,117,117,-880,117,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,117,-814,117,-816,-803,117,-804,-807,117,-818,-821,-823,-825,-827,117,-828,117,-811,117,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,117,-284,117,117,117,117,-457,117,117,-731,117,-738,117,-743,117,-665,-673,117,117,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,117,-838,-53,117,117,-732,117,-739,117,-744,-666,117,-875,-54,117,117,-733,-740,-745,117,117,117,-874,]),'CEIL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[118,118,118,1053,-1896,118,118,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,118,118,118,118,-277,-278,1053,-1427,1053,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1053,1053,1053,-492,1053,1053,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1053,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1053,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1842,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,118,-174,-175,-176,-177,-995,118,118,118,118,118,118,118,118,118,118,1053,1053,1053,1053,1053,-292,-293,-283,118,1053,1053,1053,1053,-330,-320,-334,-335,-336,1053,1053,-984,-985,-986,-987,-988,-989,-990,118,118,1053,1053,1053,1053,1053,1053,1053,1053,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1053,1053,1053,-355,-358,118,-325,-326,-143,1053,-144,1053,-145,1053,-432,-937,-938,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1896,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1896,1053,-1896,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1896,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1896,118,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1053,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1053,118,118,-193,-194,118,-996,1053,118,118,118,118,-279,-280,-281,-282,-367,1053,-310,1053,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1053,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1053,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1053,1053,1053,1053,1053,1053,-575,1053,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1053,1053,-725,-726,-727,1053,1842,118,118,118,118,-996,118,1053,-93,-94,118,118,118,1053,-311,-312,-322,1053,-309,-295,-296,-297,1053,118,1053,1053,-620,-635,-592,1053,118,-438,118,-439,1053,-446,-447,-448,-380,-381,1053,1053,1053,-508,1053,1053,-512,1053,1053,1053,1053,-517,-518,-519,-520,1053,1053,-523,-524,1053,-526,-527,-528,-529,-530,-531,-532,-533,1053,-535,1053,1053,1053,-541,-543,-544,1053,-546,-547,-548,-549,1053,1053,1053,1053,1053,1053,-654,-655,-656,-657,118,-659,-660,-661,1053,1053,1053,-667,1053,1053,-671,-672,1053,1053,-675,1053,-677,-678,1053,-681,1053,-683,1053,1053,-686,-687,-688,1053,-690,1053,1053,-693,1053,1053,-696,-697,-698,1053,-700,-701,-702,-703,1053,1053,-748,1053,-751,-752,-753,-754,-755,1053,-757,-758,-759,-760,-761,1053,-768,-769,-771,1053,-773,-774,-775,-784,-858,-860,-862,-864,1053,1053,1053,1053,-870,1053,-872,1053,1053,1053,1053,1053,1053,1053,-908,-909,1053,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1053,-923,-926,1053,-936,1053,-387,-388,-389,1053,1053,-392,-393,-394,-395,1053,-398,1053,-401,-402,1053,-403,1053,-408,-409,1053,-412,-413,-414,1053,-417,1053,-418,1053,-423,-424,1053,-427,1053,-430,-431,-1896,-1896,1053,-621,-622,-623,-624,-625,-636,-586,-626,-799,1053,1053,1053,1053,1053,-833,1053,1053,-808,1053,-834,1053,1053,1053,1053,-800,1053,-855,-801,1053,1053,1053,1053,1053,1053,-856,-857,1053,-836,-832,-837,1053,-627,1053,-628,-629,-630,-631,-576,1053,1053,-632,-633,-634,1053,1053,1053,1053,1053,1053,-637,-638,-639,-594,-1896,-604,1053,-640,-641,-715,-642,-606,1053,-574,-579,-582,-585,1053,1053,1053,-600,-603,1053,-610,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1053,118,118,-997,118,1053,118,118,118,1053,-308,-327,-321,-298,-377,-454,-455,-456,-460,118,-445,1053,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1053,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,118,118,118,118,118,118,118,118,1053,-318,-537,-510,-593,-939,-941,-942,-440,1053,-442,-382,-383,-385,-509,-511,-513,1053,-515,-516,-521,-522,1053,-534,-536,-539,-540,-545,-550,-728,1053,-729,1053,-734,1053,-736,1053,-741,-658,-662,-663,1053,-668,1053,-669,1053,-674,-676,1053,-679,1053,1053,1053,-689,-691,1053,-694,1053,1053,-746,1053,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1053,1053,1053,1053,1053,-879,1053,-882,-910,-922,-927,-390,-391,1053,-396,1053,-399,1053,-404,1053,-405,1053,-410,1053,-415,1053,-419,1053,-420,1053,-425,1053,-428,-901,-902,-645,-587,-1896,-903,1053,1053,1053,-802,1053,1053,-806,1053,-809,-835,1053,-820,1053,-822,1053,-824,-810,1053,-826,1053,-853,-854,1053,1053,-813,1053,-648,-904,-906,-650,-651,-647,1053,-707,-708,1053,-644,-905,-649,-652,-605,-716,1053,1053,-607,-588,1053,1053,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1053,1053,-711,-712,1053,-718,1053,118,118,118,1053,1053,-940,118,-441,-443,-749,1053,-893,1842,-717,-1896,1053,1053,118,118,1053,-444,-514,-525,1053,-730,-735,1053,-737,1053,-742,1053,-664,-670,1053,-680,-682,-684,-685,-692,-695,-699,-747,1053,1053,-876,1053,1053,-880,1053,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1053,-814,1053,-816,-803,1053,-804,-807,1053,-818,-821,-823,-825,-827,1053,-828,1053,-811,1053,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,118,-284,118,1053,118,1053,-457,1053,1053,-731,1053,-738,1053,-743,1053,-665,-673,1053,1053,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1053,-838,-53,118,1053,-732,1053,-739,1053,-744,-666,1053,-875,-54,118,118,-733,-740,-745,1053,118,1053,-874,]),'CEILING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[119,119,119,1054,-1896,119,119,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,119,119,119,119,-277,-278,1054,-1427,1054,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1054,1054,1054,-492,1054,1054,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1054,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1054,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1843,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,119,-174,-175,-176,-177,-995,119,119,119,119,119,119,119,119,119,119,1054,1054,1054,1054,1054,-292,-293,-283,119,1054,1054,1054,1054,-330,-320,-334,-335,-336,1054,1054,-984,-985,-986,-987,-988,-989,-990,119,119,1054,1054,1054,1054,1054,1054,1054,1054,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1054,1054,1054,-355,-358,119,-325,-326,-143,1054,-144,1054,-145,1054,-432,-937,-938,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1896,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1896,1054,-1896,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1896,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1896,119,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1054,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1054,119,119,-193,-194,119,-996,1054,119,119,119,119,-279,-280,-281,-282,-367,1054,-310,1054,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1054,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1054,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1054,1054,1054,1054,1054,1054,-575,1054,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1054,1054,-725,-726,-727,1054,1843,119,119,119,119,-996,119,1054,-93,-94,119,119,119,1054,-311,-312,-322,1054,-309,-295,-296,-297,1054,119,1054,1054,-620,-635,-592,1054,119,-438,119,-439,1054,-446,-447,-448,-380,-381,1054,1054,1054,-508,1054,1054,-512,1054,1054,1054,1054,-517,-518,-519,-520,1054,1054,-523,-524,1054,-526,-527,-528,-529,-530,-531,-532,-533,1054,-535,1054,1054,1054,-541,-543,-544,1054,-546,-547,-548,-549,1054,1054,1054,1054,1054,1054,-654,-655,-656,-657,119,-659,-660,-661,1054,1054,1054,-667,1054,1054,-671,-672,1054,1054,-675,1054,-677,-678,1054,-681,1054,-683,1054,1054,-686,-687,-688,1054,-690,1054,1054,-693,1054,1054,-696,-697,-698,1054,-700,-701,-702,-703,1054,1054,-748,1054,-751,-752,-753,-754,-755,1054,-757,-758,-759,-760,-761,1054,-768,-769,-771,1054,-773,-774,-775,-784,-858,-860,-862,-864,1054,1054,1054,1054,-870,1054,-872,1054,1054,1054,1054,1054,1054,1054,-908,-909,1054,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1054,-923,-926,1054,-936,1054,-387,-388,-389,1054,1054,-392,-393,-394,-395,1054,-398,1054,-401,-402,1054,-403,1054,-408,-409,1054,-412,-413,-414,1054,-417,1054,-418,1054,-423,-424,1054,-427,1054,-430,-431,-1896,-1896,1054,-621,-622,-623,-624,-625,-636,-586,-626,-799,1054,1054,1054,1054,1054,-833,1054,1054,-808,1054,-834,1054,1054,1054,1054,-800,1054,-855,-801,1054,1054,1054,1054,1054,1054,-856,-857,1054,-836,-832,-837,1054,-627,1054,-628,-629,-630,-631,-576,1054,1054,-632,-633,-634,1054,1054,1054,1054,1054,1054,-637,-638,-639,-594,-1896,-604,1054,-640,-641,-715,-642,-606,1054,-574,-579,-582,-585,1054,1054,1054,-600,-603,1054,-610,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1054,119,119,-997,119,1054,119,119,119,1054,-308,-327,-321,-298,-377,-454,-455,-456,-460,119,-445,1054,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1054,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,119,119,119,119,119,119,119,119,1054,-318,-537,-510,-593,-939,-941,-942,-440,1054,-442,-382,-383,-385,-509,-511,-513,1054,-515,-516,-521,-522,1054,-534,-536,-539,-540,-545,-550,-728,1054,-729,1054,-734,1054,-736,1054,-741,-658,-662,-663,1054,-668,1054,-669,1054,-674,-676,1054,-679,1054,1054,1054,-689,-691,1054,-694,1054,1054,-746,1054,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1054,1054,1054,1054,1054,-879,1054,-882,-910,-922,-927,-390,-391,1054,-396,1054,-399,1054,-404,1054,-405,1054,-410,1054,-415,1054,-419,1054,-420,1054,-425,1054,-428,-901,-902,-645,-587,-1896,-903,1054,1054,1054,-802,1054,1054,-806,1054,-809,-835,1054,-820,1054,-822,1054,-824,-810,1054,-826,1054,-853,-854,1054,1054,-813,1054,-648,-904,-906,-650,-651,-647,1054,-707,-708,1054,-644,-905,-649,-652,-605,-716,1054,1054,-607,-588,1054,1054,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1054,1054,-711,-712,1054,-718,1054,119,119,119,1054,1054,-940,119,-441,-443,-749,1054,-893,1843,-717,-1896,1054,1054,119,119,1054,-444,-514,-525,1054,-730,-735,1054,-737,1054,-742,1054,-664,-670,1054,-680,-682,-684,-685,-692,-695,-699,-747,1054,1054,-876,1054,1054,-880,1054,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1054,-814,1054,-816,-803,1054,-804,-807,1054,-818,-821,-823,-825,-827,1054,-828,1054,-811,1054,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,119,-284,119,1054,119,1054,-457,1054,1054,-731,1054,-738,1054,-743,1054,-665,-673,1054,1054,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1054,-838,-53,119,1054,-732,1054,-739,1054,-744,-666,1054,-875,-54,119,119,-733,-740,-745,1054,119,1054,-874,]),'CHAIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[120,120,120,120,-1896,120,120,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,120,120,120,120,-277,-278,120,-1427,120,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,120,120,120,-492,120,120,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,120,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,120,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,120,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,120,-174,-175,-176,-177,-995,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-292,-293,-283,120,120,120,120,120,-330,-320,-334,-335,-336,120,120,-984,-985,-986,-987,-988,-989,-990,120,120,120,120,120,120,120,120,120,120,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,120,120,120,-355,-358,120,-325,-326,-143,120,-144,120,-145,120,-432,-937,-938,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-1896,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-1896,120,-1896,120,120,120,120,120,120,120,120,120,120,120,120,-1896,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-1896,120,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,120,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,120,120,120,-193,-194,120,-996,120,120,120,120,120,-279,-280,-281,-282,-367,120,-310,120,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,120,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,120,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,120,120,120,120,120,120,-575,120,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,120,120,-725,-726,-727,120,120,120,120,120,120,-996,120,120,-93,-94,120,120,120,120,-311,-312,-322,120,-309,-295,-296,-297,120,120,120,120,-620,-635,-592,120,120,-438,120,-439,120,-446,-447,-448,-380,-381,120,120,120,-508,120,120,-512,120,120,120,120,-517,-518,-519,-520,120,120,-523,-524,120,-526,-527,-528,-529,-530,-531,-532,-533,120,-535,120,120,120,-541,-543,-544,120,-546,-547,-548,-549,120,120,120,120,120,120,-654,-655,-656,-657,120,-659,-660,-661,120,120,120,-667,120,120,-671,-672,120,120,-675,120,-677,-678,120,-681,120,-683,120,120,-686,-687,-688,120,-690,120,120,-693,120,120,-696,-697,-698,120,-700,-701,-702,-703,120,120,-748,120,-751,-752,-753,-754,-755,120,-757,-758,-759,-760,-761,120,-768,-769,-771,120,-773,-774,-775,-784,-858,-860,-862,-864,120,120,120,120,-870,120,-872,120,120,120,120,120,120,120,-908,-909,120,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,120,-923,-926,120,-936,120,-387,-388,-389,120,120,-392,-393,-394,-395,120,-398,120,-401,-402,120,-403,120,-408,-409,120,-412,-413,-414,120,-417,120,-418,120,-423,-424,120,-427,120,-430,-431,-1896,-1896,120,-621,-622,-623,-624,-625,-636,-586,-626,-799,120,120,120,120,120,-833,120,120,-808,120,-834,120,120,120,120,-800,120,-855,-801,120,120,120,120,120,120,-856,-857,120,-836,-832,-837,120,-627,120,-628,-629,-630,-631,-576,120,120,-632,-633,-634,120,120,120,120,120,120,-637,-638,-639,-594,-1896,-604,120,-640,-641,-715,-642,-606,120,-574,-579,-582,-585,120,120,120,-600,-603,120,-610,120,120,120,120,120,120,120,120,120,120,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,120,120,120,-997,120,120,120,120,120,120,-308,-327,-321,-298,-377,-454,-455,-456,-460,120,-445,120,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,120,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,120,120,120,120,120,120,120,120,120,-318,-537,-510,-593,-939,-941,-942,-440,120,-442,-382,-383,-385,-509,-511,-513,120,-515,-516,-521,-522,120,-534,-536,-539,-540,-545,-550,-728,120,-729,120,-734,120,-736,120,-741,-658,-662,-663,120,-668,120,-669,120,-674,-676,120,-679,120,120,120,-689,-691,120,-694,120,120,-746,120,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,120,120,120,120,120,-879,120,-882,-910,-922,-927,-390,-391,120,-396,120,-399,120,-404,120,-405,120,-410,120,-415,120,-419,120,-420,120,-425,120,-428,-901,-902,-645,-587,-1896,-903,120,120,120,-802,120,120,-806,120,-809,-835,120,-820,120,-822,120,-824,-810,120,-826,120,-853,-854,120,120,-813,120,-648,-904,-906,-650,-651,-647,120,-707,-708,120,-644,-905,-649,-652,-605,-716,120,120,-607,-588,120,120,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,120,120,-711,-712,120,-718,120,120,120,120,120,120,-940,120,-441,-443,-749,120,-893,120,-717,-1896,120,120,120,120,120,-444,-514,-525,120,-730,-735,120,-737,120,-742,120,-664,-670,120,-680,-682,-684,-685,-692,-695,-699,-747,120,120,-876,120,120,-880,120,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,120,-814,120,-816,-803,120,-804,-807,120,-818,-821,-823,-825,-827,120,-828,120,-811,120,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,120,-284,120,120,120,120,-457,120,120,-731,120,-738,120,-743,120,-665,-673,120,120,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,120,-838,-53,120,120,-732,120,-739,120,-744,-666,120,-875,-54,120,120,-733,-740,-745,120,120,120,-874,]),'CHANGED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[121,121,121,121,-1896,121,121,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,121,121,121,121,-277,-278,121,-1427,121,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,121,121,121,-492,121,121,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,121,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,121,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,121,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,121,-174,-175,-176,-177,-995,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-292,-293,-283,121,121,121,121,121,-330,-320,-334,-335,-336,121,121,-984,-985,-986,-987,-988,-989,-990,121,121,121,121,121,121,121,121,121,121,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,121,121,121,-355,-358,121,-325,-326,-143,121,-144,121,-145,121,-432,-937,-938,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-1896,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-1896,121,-1896,121,121,121,121,121,121,121,121,121,121,121,121,-1896,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-1896,121,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,121,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,121,121,121,-193,-194,121,-996,121,121,121,121,121,-279,-280,-281,-282,-367,121,-310,121,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,121,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,121,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,121,121,121,121,121,121,-575,121,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,121,121,-725,-726,-727,121,121,121,121,121,121,-996,121,121,-93,-94,121,121,121,121,-311,-312,-322,121,-309,-295,-296,-297,121,121,121,121,-620,-635,-592,121,121,-438,121,-439,121,-446,-447,-448,-380,-381,121,121,121,-508,121,121,-512,121,121,121,121,-517,-518,-519,-520,121,121,-523,-524,121,-526,-527,-528,-529,-530,-531,-532,-533,121,-535,121,121,121,-541,-543,-544,121,-546,-547,-548,-549,121,121,121,121,121,121,-654,-655,-656,-657,121,-659,-660,-661,121,121,121,-667,121,121,-671,-672,121,121,-675,121,-677,-678,121,-681,121,-683,121,121,-686,-687,-688,121,-690,121,121,-693,121,121,-696,-697,-698,121,-700,-701,-702,-703,121,121,-748,121,-751,-752,-753,-754,-755,121,-757,-758,-759,-760,-761,121,-768,-769,-771,121,-773,-774,-775,-784,-858,-860,-862,-864,121,121,121,121,-870,121,-872,121,121,121,121,121,121,121,-908,-909,121,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,121,-923,-926,121,-936,121,-387,-388,-389,121,121,-392,-393,-394,-395,121,-398,121,-401,-402,121,-403,121,-408,-409,121,-412,-413,-414,121,-417,121,-418,121,-423,-424,121,-427,121,-430,-431,-1896,-1896,121,-621,-622,-623,-624,-625,-636,-586,-626,-799,121,121,121,121,121,-833,121,121,-808,121,-834,121,121,121,121,-800,121,-855,-801,121,121,121,121,121,121,-856,-857,121,-836,-832,-837,121,-627,121,-628,-629,-630,-631,-576,121,121,-632,-633,-634,121,121,121,121,121,121,-637,-638,-639,-594,-1896,-604,121,-640,-641,-715,-642,-606,121,-574,-579,-582,-585,121,121,121,-600,-603,121,-610,121,121,121,121,121,121,121,121,121,121,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,121,121,121,-997,121,121,121,121,121,121,-308,-327,-321,-298,-377,-454,-455,-456,-460,121,-445,121,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,121,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,121,121,121,121,121,121,121,121,121,-318,-537,-510,-593,-939,-941,-942,-440,121,-442,-382,-383,-385,-509,-511,-513,121,-515,-516,-521,-522,121,-534,-536,-539,-540,-545,-550,-728,121,-729,121,-734,121,-736,121,-741,-658,-662,-663,121,-668,121,-669,121,-674,-676,121,-679,121,121,121,-689,-691,121,-694,121,121,-746,121,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,121,121,121,121,121,-879,121,-882,-910,-922,-927,-390,-391,121,-396,121,-399,121,-404,121,-405,121,-410,121,-415,121,-419,121,-420,121,-425,121,-428,-901,-902,-645,-587,-1896,-903,121,121,121,-802,121,121,-806,121,-809,-835,121,-820,121,-822,121,-824,-810,121,-826,121,-853,-854,121,121,-813,121,-648,-904,-906,-650,-651,-647,121,-707,-708,121,-644,-905,-649,-652,-605,-716,121,121,-607,-588,121,121,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,121,121,-711,-712,121,-718,121,121,121,121,121,121,-940,121,-441,-443,-749,121,-893,121,-717,-1896,121,121,121,121,121,-444,-514,-525,121,-730,-735,121,-737,121,-742,121,-664,-670,121,-680,-682,-684,-685,-692,-695,-699,-747,121,121,-876,121,121,-880,121,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,121,-814,121,-816,-803,121,-804,-807,121,-818,-821,-823,-825,-827,121,-828,121,-811,121,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,121,-284,121,121,121,121,-457,121,121,-731,121,-738,121,-743,121,-665,-673,121,121,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,121,-838,-53,121,121,-732,121,-739,121,-744,-666,121,-875,-54,121,121,-733,-740,-745,121,121,121,-874,]),'CHARACTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2900,2901,2902,2904,2907,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3582,3587,3588,3589,3590,3591,3592,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3780,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[122,122,122,122,-1896,122,122,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,122,122,122,122,-277,-278,122,-1427,122,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,122,122,122,-492,122,122,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,122,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,122,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,122,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,122,-174,-175,-176,-177,-995,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-292,-293,-283,122,122,122,122,122,-330,-320,-334,-335,-336,122,122,-984,-985,-986,-987,-988,-989,-990,122,122,122,122,122,122,122,122,122,122,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,122,122,122,-355,-358,122,-325,-326,-143,122,-144,122,-145,122,-432,-937,-938,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-1896,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-1896,122,-1896,122,122,122,122,122,122,122,122,122,122,122,122,-1896,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-1896,122,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,122,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,122,122,122,-193,-194,122,-996,122,122,122,122,122,-279,-280,-281,-282,-367,122,-310,122,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,122,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,122,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,122,122,122,122,122,122,-575,122,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,122,122,-725,-726,-727,122,122,122,122,122,122,-996,122,122,-93,-94,122,122,122,122,-311,-312,-322,122,-309,-295,-296,-297,122,122,122,122,-620,-635,-592,122,2973,2973,122,-438,122,-439,122,-446,-447,-448,-380,-381,122,122,122,-508,122,122,-512,122,122,122,122,-517,-518,-519,-520,122,122,-523,-524,122,-526,-527,-528,-529,-530,-531,-532,-533,122,-535,122,122,122,-541,-543,-544,122,-546,-547,-548,-549,122,122,122,122,122,122,-654,-655,-656,-657,122,-659,-660,-661,122,122,122,-667,122,122,-671,-672,122,122,-675,122,-677,-678,122,-681,122,-683,122,122,-686,-687,-688,122,-690,122,122,-693,122,122,-696,-697,-698,122,-700,-701,-702,-703,122,122,-748,122,-751,-752,-753,-754,-755,122,-757,-758,-759,-760,-761,122,-768,-769,-771,122,-773,-774,-775,-784,-858,-860,-862,-864,122,122,122,122,-870,122,-872,122,122,122,122,122,122,122,-908,-909,122,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,122,-923,-926,122,-936,122,-387,-388,-389,122,122,-392,-393,-394,-395,122,-398,122,-401,-402,122,-403,122,-408,-409,122,-412,-413,-414,122,-417,122,-418,122,-423,-424,122,-427,122,-430,-431,-1896,-1896,122,-621,-622,-623,-624,-625,-636,-586,-626,-799,122,122,122,122,122,-833,122,122,-808,122,-834,122,122,122,122,-800,122,-855,-801,122,122,122,122,122,122,-856,-857,122,-836,-832,-837,122,-627,122,-628,-629,-630,-631,-576,122,122,-632,-633,-634,122,122,122,122,122,122,-637,-638,-639,-594,-1896,-604,122,-640,-641,-715,-642,-606,122,-574,-579,-582,-585,122,122,122,-600,-603,122,-610,122,122,122,122,122,122,122,122,122,122,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,122,122,3168,3168,3168,3168,3168,122,-997,122,122,122,122,122,122,-308,-327,-321,-298,-377,-454,-455,-456,-460,122,-445,122,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,122,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,122,122,122,122,122,122,122,122,122,-318,-537,-510,-593,-939,-941,-942,-440,122,-442,-382,-383,-385,-509,-511,-513,122,-515,-516,-521,-522,122,-534,-536,-539,-540,-545,-550,-728,122,-729,122,-734,122,-736,122,-741,-658,-662,-663,122,-668,122,-669,122,-674,-676,122,-679,122,122,122,-689,-691,122,-694,122,122,-746,122,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,122,122,122,122,122,-879,122,-882,-910,-922,-927,-390,-391,122,-396,122,-399,122,-404,122,-405,122,-410,122,-415,122,-419,122,-420,122,-425,122,-428,-901,-902,-645,-587,-1896,-903,122,122,122,-802,122,122,-806,122,-809,-835,122,-820,122,-822,122,-824,-810,122,-826,122,-853,-854,122,122,-813,122,-648,-904,-906,-650,-651,-647,122,-707,-708,122,-644,-905,-649,-652,-605,-716,122,122,-607,-588,122,122,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,122,122,-711,-712,122,-718,122,122,122,122,122,122,-940,122,-441,-443,-749,122,-893,122,-717,-1896,122,122,3168,3168,3168,3168,3168,3168,3168,122,122,122,-444,-514,-525,122,-730,-735,122,-737,122,-742,122,-664,-670,122,-680,-682,-684,-685,-692,-695,-699,-747,122,122,-876,122,122,-880,122,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,122,-814,122,-816,-803,122,-804,-807,122,-818,-821,-823,-825,-827,122,-828,122,-811,122,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,122,-284,122,122,122,122,3168,-457,122,122,-731,122,-738,122,-743,122,-665,-673,122,122,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,122,-838,-53,122,122,-732,122,-739,122,-744,-666,122,-875,-54,122,122,-733,-740,-745,122,122,122,-874,]),'CHARACTER_LENGT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[123,123,123,123,-1896,123,123,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,123,123,123,123,-277,-278,123,-1427,123,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,123,123,123,-492,123,123,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,123,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,123,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,123,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,123,-174,-175,-176,-177,-995,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-292,-293,-283,123,123,123,123,123,-330,-320,-334,-335,-336,123,123,-984,-985,-986,-987,-988,-989,-990,123,123,123,123,123,123,123,123,123,123,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,123,123,123,-355,-358,123,-325,-326,-143,123,-144,123,-145,123,-432,-937,-938,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-1896,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-1896,123,-1896,123,123,123,123,123,123,123,123,123,123,123,123,-1896,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-1896,123,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,123,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,123,123,123,-193,-194,123,-996,123,123,123,123,123,-279,-280,-281,-282,-367,123,-310,123,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,123,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,123,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,123,123,123,123,123,123,-575,123,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,123,123,-725,-726,-727,123,123,123,123,123,123,-996,123,123,-93,-94,123,123,123,123,-311,-312,-322,123,-309,-295,-296,-297,123,123,123,123,-620,-635,-592,123,123,-438,123,-439,123,-446,-447,-448,-380,-381,123,123,123,-508,123,123,-512,123,123,123,123,-517,-518,-519,-520,123,123,-523,-524,123,-526,-527,-528,-529,-530,-531,-532,-533,123,-535,123,123,123,-541,-543,-544,123,-546,-547,-548,-549,123,123,123,123,123,123,-654,-655,-656,-657,123,-659,-660,-661,123,123,123,-667,123,123,-671,-672,123,123,-675,123,-677,-678,123,-681,123,-683,123,123,-686,-687,-688,123,-690,123,123,-693,123,123,-696,-697,-698,123,-700,-701,-702,-703,123,123,-748,123,-751,-752,-753,-754,-755,123,-757,-758,-759,-760,-761,123,-768,-769,-771,123,-773,-774,-775,-784,-858,-860,-862,-864,123,123,123,123,-870,123,-872,123,123,123,123,123,123,123,-908,-909,123,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,123,-923,-926,123,-936,123,-387,-388,-389,123,123,-392,-393,-394,-395,123,-398,123,-401,-402,123,-403,123,-408,-409,123,-412,-413,-414,123,-417,123,-418,123,-423,-424,123,-427,123,-430,-431,-1896,-1896,123,-621,-622,-623,-624,-625,-636,-586,-626,-799,123,123,123,123,123,-833,123,123,-808,123,-834,123,123,123,123,-800,123,-855,-801,123,123,123,123,123,123,-856,-857,123,-836,-832,-837,123,-627,123,-628,-629,-630,-631,-576,123,123,-632,-633,-634,123,123,123,123,123,123,-637,-638,-639,-594,-1896,-604,123,-640,-641,-715,-642,-606,123,-574,-579,-582,-585,123,123,123,-600,-603,123,-610,123,123,123,123,123,123,123,123,123,123,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,123,123,123,-997,123,123,123,123,123,123,-308,-327,-321,-298,-377,-454,-455,-456,-460,123,-445,123,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,123,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,123,123,123,123,123,123,123,123,123,-318,-537,-510,-593,-939,-941,-942,-440,123,-442,-382,-383,-385,-509,-511,-513,123,-515,-516,-521,-522,123,-534,-536,-539,-540,-545,-550,-728,123,-729,123,-734,123,-736,123,-741,-658,-662,-663,123,-668,123,-669,123,-674,-676,123,-679,123,123,123,-689,-691,123,-694,123,123,-746,123,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,123,123,123,123,123,-879,123,-882,-910,-922,-927,-390,-391,123,-396,123,-399,123,-404,123,-405,123,-410,123,-415,123,-419,123,-420,123,-425,123,-428,-901,-902,-645,-587,-1896,-903,123,123,123,-802,123,123,-806,123,-809,-835,123,-820,123,-822,123,-824,-810,123,-826,123,-853,-854,123,123,-813,123,-648,-904,-906,-650,-651,-647,123,-707,-708,123,-644,-905,-649,-652,-605,-716,123,123,-607,-588,123,123,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,123,123,-711,-712,123,-718,123,123,123,123,123,123,-940,123,-441,-443,-749,123,-893,123,-717,-1896,123,123,123,123,123,-444,-514,-525,123,-730,-735,123,-737,123,-742,123,-664,-670,123,-680,-682,-684,-685,-692,-695,-699,-747,123,123,-876,123,123,-880,123,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,123,-814,123,-816,-803,123,-804,-807,123,-818,-821,-823,-825,-827,123,-828,123,-811,123,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,123,-284,123,123,123,123,-457,123,123,-731,123,-738,123,-743,123,-665,-673,123,123,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,123,-838,-53,123,123,-732,123,-739,123,-744,-666,123,-875,-54,123,123,-733,-740,-745,123,123,123,-874,]),'CHARACTER_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[124,124,124,1087,-1896,124,124,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,124,124,124,124,-277,-278,1087,-1427,1087,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1087,1087,1087,-492,1087,1087,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1087,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1087,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1844,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,124,-174,-175,-176,-177,-995,124,124,124,124,124,124,124,124,124,124,1087,1087,1087,1087,1087,-292,-293,-283,124,1087,1087,1087,1087,-330,-320,-334,-335,-336,1087,1087,-984,-985,-986,-987,-988,-989,-990,124,124,1087,1087,1087,1087,1087,1087,1087,1087,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1087,1087,1087,-355,-358,124,-325,-326,-143,1087,-144,1087,-145,1087,-432,-937,-938,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1896,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1896,1087,-1896,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1896,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1896,124,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1087,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1087,124,124,-193,-194,124,-996,1087,124,124,124,124,-279,-280,-281,-282,-367,1087,-310,1087,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1087,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1087,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1087,1087,1087,1087,1087,1087,-575,1087,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1087,1087,-725,-726,-727,1087,1844,124,124,124,124,-996,124,1087,-93,-94,124,124,124,1087,-311,-312,-322,1087,-309,-295,-296,-297,1087,124,1087,1087,-620,-635,-592,1087,124,-438,124,-439,1087,-446,-447,-448,-380,-381,1087,1087,1087,-508,1087,1087,-512,1087,1087,1087,1087,-517,-518,-519,-520,1087,1087,-523,-524,1087,-526,-527,-528,-529,-530,-531,-532,-533,1087,-535,1087,1087,1087,-541,-543,-544,1087,-546,-547,-548,-549,1087,1087,1087,1087,1087,1087,-654,-655,-656,-657,124,-659,-660,-661,1087,1087,1087,-667,1087,1087,-671,-672,1087,1087,-675,1087,-677,-678,1087,-681,1087,-683,1087,1087,-686,-687,-688,1087,-690,1087,1087,-693,1087,1087,-696,-697,-698,1087,-700,-701,-702,-703,1087,1087,-748,1087,-751,-752,-753,-754,-755,1087,-757,-758,-759,-760,-761,1087,-768,-769,-771,1087,-773,-774,-775,-784,-858,-860,-862,-864,1087,1087,1087,1087,-870,1087,-872,1087,1087,1087,1087,1087,1087,1087,-908,-909,1087,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1087,-923,-926,1087,-936,1087,-387,-388,-389,1087,1087,-392,-393,-394,-395,1087,-398,1087,-401,-402,1087,-403,1087,-408,-409,1087,-412,-413,-414,1087,-417,1087,-418,1087,-423,-424,1087,-427,1087,-430,-431,-1896,-1896,1087,-621,-622,-623,-624,-625,-636,-586,-626,-799,1087,1087,1087,1087,1087,-833,1087,1087,-808,1087,-834,1087,1087,1087,1087,-800,1087,-855,-801,1087,1087,1087,1087,1087,1087,-856,-857,1087,-836,-832,-837,1087,-627,1087,-628,-629,-630,-631,-576,1087,1087,-632,-633,-634,1087,1087,1087,1087,1087,1087,-637,-638,-639,-594,-1896,-604,1087,-640,-641,-715,-642,-606,1087,-574,-579,-582,-585,1087,1087,1087,-600,-603,1087,-610,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1087,124,124,-997,124,1087,124,124,124,1087,-308,-327,-321,-298,-377,-454,-455,-456,-460,124,-445,1087,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1087,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,124,124,124,124,124,124,124,124,1087,-318,-537,-510,-593,-939,-941,-942,-440,1087,-442,-382,-383,-385,-509,-511,-513,1087,-515,-516,-521,-522,1087,-534,-536,-539,-540,-545,-550,-728,1087,-729,1087,-734,1087,-736,1087,-741,-658,-662,-663,1087,-668,1087,-669,1087,-674,-676,1087,-679,1087,1087,1087,-689,-691,1087,-694,1087,1087,-746,1087,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1087,1087,1087,1087,1087,-879,1087,-882,-910,-922,-927,-390,-391,1087,-396,1087,-399,1087,-404,1087,-405,1087,-410,1087,-415,1087,-419,1087,-420,1087,-425,1087,-428,-901,-902,-645,-587,-1896,-903,1087,1087,1087,-802,1087,1087,-806,1087,-809,-835,1087,-820,1087,-822,1087,-824,-810,1087,-826,1087,-853,-854,1087,1087,-813,1087,-648,-904,-906,-650,-651,-647,1087,-707,-708,1087,-644,-905,-649,-652,-605,-716,1087,1087,-607,-588,1087,1087,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1087,1087,-711,-712,1087,-718,1087,124,124,124,1087,1087,-940,124,-441,-443,-749,1087,-893,1844,-717,-1896,1087,1087,124,124,1087,-444,-514,-525,1087,-730,-735,1087,-737,1087,-742,1087,-664,-670,1087,-680,-682,-684,-685,-692,-695,-699,-747,1087,1087,-876,1087,1087,-880,1087,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1087,-814,1087,-816,-803,1087,-804,-807,1087,-818,-821,-823,-825,-827,1087,-828,1087,-811,1087,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,124,-284,124,1087,124,1087,-457,1087,1087,-731,1087,-738,1087,-743,1087,-665,-673,1087,1087,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1087,-838,-53,124,1087,-732,1087,-739,1087,-744,-666,1087,-875,-54,124,124,-733,-740,-745,1087,124,1087,-874,]),'CHARSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3183,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[125,125,125,1159,-1896,125,125,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,125,125,125,125,-277,-278,1159,-1427,1159,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1159,1159,1159,-492,1159,1159,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1159,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1159,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1845,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,125,-174,-175,-176,-177,-995,125,125,125,125,125,125,125,125,125,125,1159,1159,1159,1159,1159,-292,-293,-283,125,1159,1159,1159,1159,-330,-320,-334,-335,-336,1159,1159,-984,-985,-986,-987,-988,-989,-990,125,125,1159,1159,1159,1159,1159,1159,1159,1159,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1159,1159,1159,-355,-358,125,-325,-326,-143,1159,-144,1159,-145,1159,-432,-937,-938,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1896,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1896,1159,-1896,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1896,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1896,125,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1159,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1159,125,125,-193,-194,125,-996,1159,125,125,125,125,-279,-280,-281,-282,-367,1159,-310,1159,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1159,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1159,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1159,1159,1159,1159,1159,1159,-575,1159,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1159,1159,-725,-726,-727,1159,1845,125,125,125,125,-996,125,1159,-93,-94,125,125,125,1159,-311,-312,-322,1159,-309,-295,-296,-297,1159,125,1159,1159,-620,-635,-592,1159,125,-438,125,-439,1159,-446,-447,-448,-380,-381,1159,1159,1159,-508,1159,1159,-512,1159,1159,1159,1159,-517,-518,-519,-520,1159,1159,-523,-524,1159,-526,-527,-528,-529,-530,-531,-532,-533,1159,-535,1159,1159,1159,-541,-543,-544,1159,-546,-547,-548,-549,1159,1159,1159,1159,1159,1159,-654,-655,-656,-657,125,-659,-660,-661,1159,1159,1159,-667,1159,1159,-671,-672,1159,1159,-675,1159,-677,-678,1159,-681,1159,-683,1159,1159,-686,-687,-688,1159,-690,1159,1159,-693,1159,1159,-696,-697,-698,1159,-700,-701,-702,-703,1159,1159,-748,1159,-751,-752,-753,-754,-755,1159,-757,-758,-759,-760,-761,1159,-768,-769,-771,1159,-773,-774,-775,-784,-858,-860,-862,-864,1159,1159,1159,1159,-870,1159,-872,1159,1159,1159,1159,1159,1159,1159,-908,-909,1159,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1159,-923,-926,1159,-936,1159,-387,-388,-389,1159,1159,-392,-393,-394,-395,1159,-398,1159,-401,-402,1159,-403,1159,-408,-409,1159,-412,-413,-414,1159,-417,1159,-418,1159,-423,-424,1159,-427,1159,-430,-431,-1896,-1896,1159,-621,-622,-623,-624,-625,-636,-586,-626,-799,1159,1159,1159,1159,1159,-833,1159,1159,-808,1159,-834,1159,1159,1159,1159,-800,1159,-855,-801,1159,1159,1159,1159,1159,1159,-856,-857,1159,-836,-832,-837,1159,-627,1159,-628,-629,-630,-631,-576,1159,1159,-632,-633,-634,1159,1159,1159,1159,1159,1159,-637,-638,-639,-594,-1896,-604,1159,-640,-641,-715,-642,-606,1159,-574,-579,-582,-585,1159,1159,1159,-600,-603,1159,-610,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1159,125,125,-997,125,1159,125,125,125,1159,-308,-327,-321,-298,-377,-454,-455,-456,-460,125,-445,1159,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1159,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,125,125,3461,125,125,125,125,125,125,1159,-318,-537,-510,-593,-939,-941,-942,-440,1159,-442,-382,-383,-385,-509,-511,-513,1159,-515,-516,-521,-522,1159,-534,-536,-539,-540,-545,-550,-728,1159,-729,1159,-734,1159,-736,1159,-741,-658,-662,-663,1159,-668,1159,-669,1159,-674,-676,1159,-679,1159,1159,1159,-689,-691,1159,-694,1159,1159,-746,1159,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1159,1159,1159,1159,1159,-879,1159,-882,-910,-922,-927,-390,-391,1159,-396,1159,-399,1159,-404,1159,-405,1159,-410,1159,-415,1159,-419,1159,-420,1159,-425,1159,-428,-901,-902,-645,-587,-1896,-903,1159,1159,1159,-802,1159,1159,-806,1159,-809,-835,1159,-820,1159,-822,1159,-824,-810,1159,-826,1159,-853,-854,1159,1159,-813,1159,-648,-904,-906,-650,-651,-647,1159,-707,-708,1159,-644,-905,-649,-652,-605,-716,1159,1159,-607,-588,1159,1159,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1159,1159,-711,-712,1159,-718,1159,125,125,125,1159,1159,-940,125,-441,-443,-749,1159,-893,1845,-717,-1896,1159,1159,125,125,1159,-444,-514,-525,1159,-730,-735,1159,-737,1159,-742,1159,-664,-670,1159,-680,-682,-684,-685,-692,-695,-699,-747,1159,1159,-876,1159,1159,-880,1159,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1159,-814,1159,-816,-803,1159,-804,-807,1159,-818,-821,-823,-825,-827,1159,-828,1159,-811,1159,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,125,-284,125,1159,125,1159,-457,1159,1159,-731,1159,-738,1159,-743,1159,-665,-673,1159,1159,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1159,-838,-53,125,1159,-732,1159,-739,1159,-744,-666,1159,-875,-54,125,125,-733,-740,-745,1159,125,1159,-874,]),'CHAR_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[126,126,126,1086,-1896,126,126,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,126,126,126,126,-277,-278,1086,-1427,1086,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1086,1086,1086,-492,1086,1086,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1086,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1086,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1846,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,126,-174,-175,-176,-177,-995,126,126,126,126,126,126,126,126,126,126,1086,1086,1086,1086,1086,-292,-293,-283,126,1086,1086,1086,1086,-330,-320,-334,-335,-336,1086,1086,-984,-985,-986,-987,-988,-989,-990,126,126,1086,1086,1086,1086,1086,1086,1086,1086,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1086,1086,1086,-355,-358,126,-325,-326,-143,1086,-144,1086,-145,1086,-432,-937,-938,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1896,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1896,1086,-1896,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1896,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1896,126,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1086,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1086,126,126,-193,-194,126,-996,1086,126,126,126,126,-279,-280,-281,-282,-367,1086,-310,1086,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1086,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1086,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1086,1086,1086,1086,1086,1086,-575,1086,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1086,1086,-725,-726,-727,1086,1846,126,126,126,126,-996,126,1086,-93,-94,126,126,126,1086,-311,-312,-322,1086,-309,-295,-296,-297,1086,126,1086,1086,-620,-635,-592,1086,126,-438,126,-439,1086,-446,-447,-448,-380,-381,1086,1086,1086,-508,1086,1086,-512,1086,1086,1086,1086,-517,-518,-519,-520,1086,1086,-523,-524,1086,-526,-527,-528,-529,-530,-531,-532,-533,1086,-535,1086,1086,1086,-541,-543,-544,1086,-546,-547,-548,-549,1086,1086,1086,1086,1086,1086,-654,-655,-656,-657,126,-659,-660,-661,1086,1086,1086,-667,1086,1086,-671,-672,1086,1086,-675,1086,-677,-678,1086,-681,1086,-683,1086,1086,-686,-687,-688,1086,-690,1086,1086,-693,1086,1086,-696,-697,-698,1086,-700,-701,-702,-703,1086,1086,-748,1086,-751,-752,-753,-754,-755,1086,-757,-758,-759,-760,-761,1086,-768,-769,-771,1086,-773,-774,-775,-784,-858,-860,-862,-864,1086,1086,1086,1086,-870,1086,-872,1086,1086,1086,1086,1086,1086,1086,-908,-909,1086,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1086,-923,-926,1086,-936,1086,-387,-388,-389,1086,1086,-392,-393,-394,-395,1086,-398,1086,-401,-402,1086,-403,1086,-408,-409,1086,-412,-413,-414,1086,-417,1086,-418,1086,-423,-424,1086,-427,1086,-430,-431,-1896,-1896,1086,-621,-622,-623,-624,-625,-636,-586,-626,-799,1086,1086,1086,1086,1086,-833,1086,1086,-808,1086,-834,1086,1086,1086,1086,-800,1086,-855,-801,1086,1086,1086,1086,1086,1086,-856,-857,1086,-836,-832,-837,1086,-627,1086,-628,-629,-630,-631,-576,1086,1086,-632,-633,-634,1086,1086,1086,1086,1086,1086,-637,-638,-639,-594,-1896,-604,1086,-640,-641,-715,-642,-606,1086,-574,-579,-582,-585,1086,1086,1086,-600,-603,1086,-610,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1086,126,126,-997,126,1086,126,126,126,1086,-308,-327,-321,-298,-377,-454,-455,-456,-460,126,-445,1086,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1086,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,126,126,126,126,126,126,126,126,1086,-318,-537,-510,-593,-939,-941,-942,-440,1086,-442,-382,-383,-385,-509,-511,-513,1086,-515,-516,-521,-522,1086,-534,-536,-539,-540,-545,-550,-728,1086,-729,1086,-734,1086,-736,1086,-741,-658,-662,-663,1086,-668,1086,-669,1086,-674,-676,1086,-679,1086,1086,1086,-689,-691,1086,-694,1086,1086,-746,1086,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1086,1086,1086,1086,1086,-879,1086,-882,-910,-922,-927,-390,-391,1086,-396,1086,-399,1086,-404,1086,-405,1086,-410,1086,-415,1086,-419,1086,-420,1086,-425,1086,-428,-901,-902,-645,-587,-1896,-903,1086,1086,1086,-802,1086,1086,-806,1086,-809,-835,1086,-820,1086,-822,1086,-824,-810,1086,-826,1086,-853,-854,1086,1086,-813,1086,-648,-904,-906,-650,-651,-647,1086,-707,-708,1086,-644,-905,-649,-652,-605,-716,1086,1086,-607,-588,1086,1086,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1086,1086,-711,-712,1086,-718,1086,126,126,126,1086,1086,-940,126,-441,-443,-749,1086,-893,1846,-717,-1896,1086,1086,126,126,1086,-444,-514,-525,1086,-730,-735,1086,-737,1086,-742,1086,-664,-670,1086,-680,-682,-684,-685,-692,-695,-699,-747,1086,1086,-876,1086,1086,-880,1086,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1086,-814,1086,-816,-803,1086,-804,-807,1086,-818,-821,-823,-825,-827,1086,-828,1086,-811,1086,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,126,-284,126,1086,126,1086,-457,1086,1086,-731,1086,-738,1086,-743,1086,-665,-673,1086,1086,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1086,-838,-53,126,1086,-732,1086,-739,1086,-744,-666,1086,-875,-54,126,126,-733,-740,-745,1086,126,1086,-874,]),'CHECKPOINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[127,127,127,127,-1896,127,127,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,127,127,127,127,-277,-278,127,-1427,127,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,127,127,127,-492,127,127,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,127,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,127,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,127,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,127,-174,-175,-176,-177,-995,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-292,-293,-283,127,127,127,127,127,-330,-320,-334,-335,-336,127,127,-984,-985,-986,-987,-988,-989,-990,127,127,127,127,127,127,127,127,127,127,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,127,127,127,-355,-358,127,-325,-326,-143,127,-144,127,-145,127,-432,-937,-938,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-1896,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-1896,127,-1896,127,127,127,127,127,127,127,127,127,127,127,127,-1896,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-1896,127,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,127,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,127,127,127,-193,-194,127,-996,127,127,127,127,127,-279,-280,-281,-282,-367,127,-310,127,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,127,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,127,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,127,127,127,127,127,127,-575,127,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,127,127,-725,-726,-727,127,127,127,127,127,127,-996,127,127,-93,-94,127,127,127,127,-311,-312,-322,127,-309,-295,-296,-297,127,127,127,127,-620,-635,-592,127,127,-438,127,-439,127,-446,-447,-448,-380,-381,127,127,127,-508,127,127,-512,127,127,127,127,-517,-518,-519,-520,127,127,-523,-524,127,-526,-527,-528,-529,-530,-531,-532,-533,127,-535,127,127,127,-541,-543,-544,127,-546,-547,-548,-549,127,127,127,127,127,127,-654,-655,-656,-657,127,-659,-660,-661,127,127,127,-667,127,127,-671,-672,127,127,-675,127,-677,-678,127,-681,127,-683,127,127,-686,-687,-688,127,-690,127,127,-693,127,127,-696,-697,-698,127,-700,-701,-702,-703,127,127,-748,127,-751,-752,-753,-754,-755,127,-757,-758,-759,-760,-761,127,-768,-769,-771,127,-773,-774,-775,-784,-858,-860,-862,-864,127,127,127,127,-870,127,-872,127,127,127,127,127,127,127,-908,-909,127,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,127,-923,-926,127,-936,127,-387,-388,-389,127,127,-392,-393,-394,-395,127,-398,127,-401,-402,127,-403,127,-408,-409,127,-412,-413,-414,127,-417,127,-418,127,-423,-424,127,-427,127,-430,-431,-1896,-1896,127,-621,-622,-623,-624,-625,-636,-586,-626,-799,127,127,127,127,127,-833,127,127,-808,127,-834,127,127,127,127,-800,127,-855,-801,127,127,127,127,127,127,-856,-857,127,-836,-832,-837,127,-627,127,-628,-629,-630,-631,-576,127,127,-632,-633,-634,127,127,127,127,127,127,-637,-638,-639,-594,-1896,-604,127,-640,-641,-715,-642,-606,127,-574,-579,-582,-585,127,127,127,-600,-603,127,-610,127,127,127,127,127,127,127,127,127,127,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,127,127,127,-997,127,127,127,127,127,127,-308,-327,-321,-298,-377,-454,-455,-456,-460,127,-445,127,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,127,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,127,127,127,127,127,127,127,127,127,-318,-537,-510,-593,-939,-941,-942,-440,127,-442,-382,-383,-385,-509,-511,-513,127,-515,-516,-521,-522,127,-534,-536,-539,-540,-545,-550,-728,127,-729,127,-734,127,-736,127,-741,-658,-662,-663,127,-668,127,-669,127,-674,-676,127,-679,127,127,127,-689,-691,127,-694,127,127,-746,127,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,127,127,127,127,127,-879,127,-882,-910,-922,-927,-390,-391,127,-396,127,-399,127,-404,127,-405,127,-410,127,-415,127,-419,127,-420,127,-425,127,-428,-901,-902,-645,-587,-1896,-903,127,127,127,-802,127,127,-806,127,-809,-835,127,-820,127,-822,127,-824,-810,127,-826,127,-853,-854,127,127,-813,127,-648,-904,-906,-650,-651,-647,127,-707,-708,127,-644,-905,-649,-652,-605,-716,127,127,-607,-588,127,127,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,127,127,-711,-712,127,-718,127,127,127,127,127,127,-940,127,-441,-443,-749,127,-893,127,-717,-1896,127,127,127,127,127,-444,-514,-525,127,-730,-735,127,-737,127,-742,127,-664,-670,127,-680,-682,-684,-685,-692,-695,-699,-747,127,127,-876,127,127,-880,127,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,127,-814,127,-816,-803,127,-804,-807,127,-818,-821,-823,-825,-827,127,-828,127,-811,127,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,127,-284,127,127,127,127,-457,127,127,-731,127,-738,127,-743,127,-665,-673,127,127,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,127,-838,-53,127,127,-732,127,-739,127,-744,-666,127,-875,-54,127,127,-733,-740,-745,127,127,127,-874,]),'CHECKSUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[128,128,128,128,-1896,128,128,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,128,128,128,128,-277,-278,128,-1427,128,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,128,128,128,-492,128,128,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,128,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,128,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,128,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,128,-174,-175,-176,-177,-995,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-292,-293,-283,128,128,128,128,128,-330,-320,-334,-335,-336,128,128,-984,-985,-986,-987,-988,-989,-990,128,128,128,128,128,128,128,128,128,128,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,128,128,128,-355,-358,128,-325,-326,-143,128,-144,128,-145,128,-432,-937,-938,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-1896,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-1896,128,-1896,128,128,128,128,128,128,128,128,128,128,128,128,-1896,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-1896,128,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,128,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,128,128,128,-193,-194,128,-996,128,128,128,128,128,-279,-280,-281,-282,-367,128,-310,128,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,128,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,128,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,128,128,128,128,128,128,-575,128,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,128,128,-725,-726,-727,128,128,128,128,128,128,-996,128,128,-93,-94,128,128,128,128,-311,-312,-322,128,-309,-295,-296,-297,128,128,128,128,-620,-635,-592,128,128,-438,128,-439,128,-446,-447,-448,-380,-381,128,128,128,-508,128,128,-512,128,128,128,128,-517,-518,-519,-520,128,128,-523,-524,128,-526,-527,-528,-529,-530,-531,-532,-533,128,-535,128,128,128,-541,-543,-544,128,-546,-547,-548,-549,128,128,128,128,128,128,-654,-655,-656,-657,128,-659,-660,-661,128,128,128,-667,128,128,-671,-672,128,128,-675,128,-677,-678,128,-681,128,-683,128,128,-686,-687,-688,128,-690,128,128,-693,128,128,-696,-697,-698,128,-700,-701,-702,-703,128,128,-748,128,-751,-752,-753,-754,-755,128,-757,-758,-759,-760,-761,128,-768,-769,-771,128,-773,-774,-775,-784,-858,-860,-862,-864,128,128,128,128,-870,128,-872,128,128,128,128,128,128,128,-908,-909,128,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,128,-923,-926,128,-936,128,-387,-388,-389,128,128,-392,-393,-394,-395,128,-398,128,-401,-402,128,-403,128,-408,-409,128,-412,-413,-414,128,-417,128,-418,128,-423,-424,128,-427,128,-430,-431,-1896,-1896,128,-621,-622,-623,-624,-625,-636,-586,-626,-799,128,128,128,128,128,-833,128,128,-808,128,-834,128,128,128,128,-800,128,-855,-801,128,128,128,128,128,128,-856,-857,128,-836,-832,-837,128,-627,128,-628,-629,-630,-631,-576,128,128,-632,-633,-634,128,128,128,128,128,128,-637,-638,-639,-594,-1896,-604,128,-640,-641,-715,-642,-606,128,-574,-579,-582,-585,128,128,128,-600,-603,128,-610,128,128,128,128,128,128,128,128,128,128,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,128,128,128,-997,128,128,128,128,128,128,-308,-327,-321,-298,-377,-454,-455,-456,-460,128,-445,128,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,128,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,128,128,128,128,128,128,128,128,128,-318,-537,-510,-593,-939,-941,-942,-440,128,-442,-382,-383,-385,-509,-511,-513,128,-515,-516,-521,-522,128,-534,-536,-539,-540,-545,-550,-728,128,-729,128,-734,128,-736,128,-741,-658,-662,-663,128,-668,128,-669,128,-674,-676,128,-679,128,128,128,-689,-691,128,-694,128,128,-746,128,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,128,128,128,128,128,-879,128,-882,-910,-922,-927,-390,-391,128,-396,128,-399,128,-404,128,-405,128,-410,128,-415,128,-419,128,-420,128,-425,128,-428,-901,-902,-645,-587,-1896,-903,128,128,128,-802,128,128,-806,128,-809,-835,128,-820,128,-822,128,-824,-810,128,-826,128,-853,-854,128,128,-813,128,-648,-904,-906,-650,-651,-647,128,-707,-708,128,-644,-905,-649,-652,-605,-716,128,128,-607,-588,128,128,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,128,128,-711,-712,128,-718,128,128,128,128,128,128,-940,128,-441,-443,-749,128,-893,128,-717,-1896,128,128,128,128,128,-444,-514,-525,128,-730,-735,128,-737,128,-742,128,-664,-670,128,-680,-682,-684,-685,-692,-695,-699,-747,128,128,-876,128,128,-880,128,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,128,-814,128,-816,-803,128,-804,-807,128,-818,-821,-823,-825,-827,128,-828,128,-811,128,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,128,-284,128,128,128,128,-457,128,128,-731,128,-738,128,-743,128,-665,-673,128,128,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,128,-838,-53,128,128,-732,128,-739,128,-744,-666,128,-875,-54,128,128,-733,-740,-745,128,128,128,-874,]),'CHUNK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[129,129,129,129,-1896,129,129,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,129,129,129,129,-277,-278,129,-1427,129,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,129,129,129,-492,129,129,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,129,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,129,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,129,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,129,-174,-175,-176,-177,-995,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-292,-293,-283,129,129,129,129,129,-330,-320,-334,-335,-336,129,129,-984,-985,-986,-987,-988,-989,-990,129,129,129,129,129,129,129,129,129,129,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,129,129,129,-355,-358,129,-325,-326,-143,129,-144,129,-145,129,-432,-937,-938,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-1896,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-1896,129,-1896,129,129,129,129,129,129,129,129,129,129,129,129,-1896,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-1896,129,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,129,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,129,129,129,-193,-194,129,-996,129,129,129,129,129,-279,-280,-281,-282,-367,129,-310,129,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,129,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,129,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,129,129,129,129,129,129,-575,129,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,129,129,-725,-726,-727,129,129,129,129,129,129,-996,129,129,-93,-94,129,129,129,129,-311,-312,-322,129,-309,-295,-296,-297,129,129,129,129,-620,-635,-592,129,129,-438,129,-439,129,-446,-447,-448,-380,-381,129,129,129,-508,129,129,-512,129,129,129,129,-517,-518,-519,-520,129,129,-523,-524,129,-526,-527,-528,-529,-530,-531,-532,-533,129,-535,129,129,129,-541,-543,-544,129,-546,-547,-548,-549,129,129,129,129,129,129,-654,-655,-656,-657,129,-659,-660,-661,129,129,129,-667,129,129,-671,-672,129,129,-675,129,-677,-678,129,-681,129,-683,129,129,-686,-687,-688,129,-690,129,129,-693,129,129,-696,-697,-698,129,-700,-701,-702,-703,129,129,-748,129,-751,-752,-753,-754,-755,129,-757,-758,-759,-760,-761,129,-768,-769,-771,129,-773,-774,-775,-784,-858,-860,-862,-864,129,129,129,129,-870,129,-872,129,129,129,129,129,129,129,-908,-909,129,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,129,-923,-926,129,-936,129,-387,-388,-389,129,129,-392,-393,-394,-395,129,-398,129,-401,-402,129,-403,129,-408,-409,129,-412,-413,-414,129,-417,129,-418,129,-423,-424,129,-427,129,-430,-431,-1896,-1896,129,-621,-622,-623,-624,-625,-636,-586,-626,-799,129,129,129,129,129,-833,129,129,-808,129,-834,129,129,129,129,-800,129,-855,-801,129,129,129,129,129,129,-856,-857,129,-836,-832,-837,129,-627,129,-628,-629,-630,-631,-576,129,129,-632,-633,-634,129,129,129,129,129,129,-637,-638,-639,-594,-1896,-604,129,-640,-641,-715,-642,-606,129,-574,-579,-582,-585,129,129,129,-600,-603,129,-610,129,129,129,129,129,129,129,129,129,129,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,129,129,129,-997,129,129,129,129,129,129,-308,-327,-321,-298,-377,-454,-455,-456,-460,129,-445,129,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,129,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,129,129,129,129,129,129,129,129,129,-318,-537,-510,-593,-939,-941,-942,-440,129,-442,-382,-383,-385,-509,-511,-513,129,-515,-516,-521,-522,129,-534,-536,-539,-540,-545,-550,-728,129,-729,129,-734,129,-736,129,-741,-658,-662,-663,129,-668,129,-669,129,-674,-676,129,-679,129,129,129,-689,-691,129,-694,129,129,-746,129,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,129,129,129,129,129,-879,129,-882,-910,-922,-927,-390,-391,129,-396,129,-399,129,-404,129,-405,129,-410,129,-415,129,-419,129,-420,129,-425,129,-428,-901,-902,-645,-587,-1896,-903,129,129,129,-802,129,129,-806,129,-809,-835,129,-820,129,-822,129,-824,-810,129,-826,129,-853,-854,129,129,-813,129,-648,-904,-906,-650,-651,-647,129,-707,-708,129,-644,-905,-649,-652,-605,-716,129,129,-607,-588,129,129,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,129,129,-711,-712,129,-718,129,129,129,129,129,129,-940,129,-441,-443,-749,129,-893,129,-717,-1896,129,129,129,129,129,-444,-514,-525,129,-730,-735,129,-737,129,-742,129,-664,-670,129,-680,-682,-684,-685,-692,-695,-699,-747,129,129,-876,129,129,-880,129,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,129,-814,129,-816,-803,129,-804,-807,129,-818,-821,-823,-825,-827,129,-828,129,-811,129,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,129,-284,129,129,129,129,-457,129,129,-731,129,-738,129,-743,129,-665,-673,129,129,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,129,-838,-53,129,129,-732,129,-739,129,-744,-666,129,-875,-54,129,129,-733,-740,-745,129,129,129,-874,]),'CIPHER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[130,130,130,130,-1896,130,130,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,130,130,130,130,-277,-278,130,-1427,130,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,130,130,130,-492,130,130,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,130,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,130,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,130,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,130,-174,-175,-176,-177,-995,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-292,-293,-283,130,130,130,130,130,-330,-320,-334,-335,-336,130,130,-984,-985,-986,-987,-988,-989,-990,130,130,130,130,130,130,130,130,130,130,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,130,130,130,-355,-358,130,-325,-326,-143,130,-144,130,-145,130,-432,-937,-938,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-1896,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-1896,130,-1896,130,130,130,130,130,130,130,130,130,130,130,130,-1896,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-1896,130,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,130,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,130,130,130,-193,-194,130,-996,130,130,130,130,130,-279,-280,-281,-282,-367,130,-310,130,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,130,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,130,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,130,130,130,130,130,130,-575,130,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,130,130,-725,-726,-727,130,130,130,130,130,130,-996,130,130,-93,-94,130,130,130,130,-311,-312,-322,130,-309,-295,-296,-297,130,130,130,130,-620,-635,-592,130,130,-438,130,-439,130,-446,-447,-448,-380,-381,130,130,130,-508,130,130,-512,130,130,130,130,-517,-518,-519,-520,130,130,-523,-524,130,-526,-527,-528,-529,-530,-531,-532,-533,130,-535,130,130,130,-541,-543,-544,130,-546,-547,-548,-549,130,130,130,130,130,130,-654,-655,-656,-657,130,-659,-660,-661,130,130,130,-667,130,130,-671,-672,130,130,-675,130,-677,-678,130,-681,130,-683,130,130,-686,-687,-688,130,-690,130,130,-693,130,130,-696,-697,-698,130,-700,-701,-702,-703,130,130,-748,130,-751,-752,-753,-754,-755,130,-757,-758,-759,-760,-761,130,-768,-769,-771,130,-773,-774,-775,-784,-858,-860,-862,-864,130,130,130,130,-870,130,-872,130,130,130,130,130,130,130,-908,-909,130,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,130,-923,-926,130,-936,130,-387,-388,-389,130,130,-392,-393,-394,-395,130,-398,130,-401,-402,130,-403,130,-408,-409,130,-412,-413,-414,130,-417,130,-418,130,-423,-424,130,-427,130,-430,-431,-1896,-1896,130,-621,-622,-623,-624,-625,-636,-586,-626,-799,130,130,130,130,130,-833,130,130,-808,130,-834,130,130,130,130,-800,130,-855,-801,130,130,130,130,130,130,-856,-857,130,-836,-832,-837,130,-627,130,-628,-629,-630,-631,-576,130,130,-632,-633,-634,130,130,130,130,130,130,-637,-638,-639,-594,-1896,-604,130,-640,-641,-715,-642,-606,130,-574,-579,-582,-585,130,130,130,-600,-603,130,-610,130,130,130,130,130,130,130,130,130,130,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,130,130,130,-997,130,130,130,130,130,130,-308,-327,-321,-298,-377,-454,-455,-456,-460,130,-445,130,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,130,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,130,130,130,130,130,130,130,130,130,-318,-537,-510,-593,-939,-941,-942,-440,130,-442,-382,-383,-385,-509,-511,-513,130,-515,-516,-521,-522,130,-534,-536,-539,-540,-545,-550,-728,130,-729,130,-734,130,-736,130,-741,-658,-662,-663,130,-668,130,-669,130,-674,-676,130,-679,130,130,130,-689,-691,130,-694,130,130,-746,130,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,130,130,130,130,130,-879,130,-882,-910,-922,-927,-390,-391,130,-396,130,-399,130,-404,130,-405,130,-410,130,-415,130,-419,130,-420,130,-425,130,-428,-901,-902,-645,-587,-1896,-903,130,130,130,-802,130,130,-806,130,-809,-835,130,-820,130,-822,130,-824,-810,130,-826,130,-853,-854,130,130,-813,130,-648,-904,-906,-650,-651,-647,130,-707,-708,130,-644,-905,-649,-652,-605,-716,130,130,-607,-588,130,130,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,130,130,-711,-712,130,-718,130,130,130,130,130,130,-940,130,-441,-443,-749,130,-893,130,-717,-1896,130,130,130,130,130,-444,-514,-525,130,-730,-735,130,-737,130,-742,130,-664,-670,130,-680,-682,-684,-685,-692,-695,-699,-747,130,130,-876,130,130,-880,130,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,130,-814,130,-816,-803,130,-804,-807,130,-818,-821,-823,-825,-827,130,-828,130,-811,130,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,130,-284,130,130,130,130,-457,130,130,-731,130,-738,130,-743,130,-665,-673,130,130,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,130,-838,-53,130,130,-732,130,-739,130,-744,-666,130,-875,-54,130,130,-733,-740,-745,130,130,130,-874,]),'CLASS_ORIGIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[131,131,131,131,-1896,131,131,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,131,131,131,131,-277,-278,131,-1427,131,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,131,131,131,-492,131,131,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,131,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,131,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,131,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,131,-174,-175,-176,-177,-995,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-292,-293,-283,131,131,131,131,131,-330,-320,-334,-335,-336,131,131,-984,-985,-986,-987,-988,-989,-990,131,131,131,131,131,131,131,131,131,131,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,131,131,131,-355,-358,131,-325,-326,-143,131,-144,131,-145,131,-432,-937,-938,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-1896,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-1896,131,-1896,131,131,131,131,131,131,131,131,131,131,131,131,-1896,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-1896,131,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,131,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,131,131,131,-193,-194,131,-996,131,131,131,131,131,-279,-280,-281,-282,-367,131,-310,131,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,131,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,131,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,131,131,131,131,131,131,-575,131,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,131,131,-725,-726,-727,131,131,131,131,131,131,-996,131,131,-93,-94,131,131,131,131,-311,-312,-322,131,-309,-295,-296,-297,131,131,131,131,-620,-635,-592,131,131,-438,131,-439,131,-446,-447,-448,-380,-381,131,131,131,-508,131,131,-512,131,131,131,131,-517,-518,-519,-520,131,131,-523,-524,131,-526,-527,-528,-529,-530,-531,-532,-533,131,-535,131,131,131,-541,-543,-544,131,-546,-547,-548,-549,131,131,131,131,131,131,-654,-655,-656,-657,131,-659,-660,-661,131,131,131,-667,131,131,-671,-672,131,131,-675,131,-677,-678,131,-681,131,-683,131,131,-686,-687,-688,131,-690,131,131,-693,131,131,-696,-697,-698,131,-700,-701,-702,-703,131,131,-748,131,-751,-752,-753,-754,-755,131,-757,-758,-759,-760,-761,131,-768,-769,-771,131,-773,-774,-775,-784,-858,-860,-862,-864,131,131,131,131,-870,131,-872,131,131,131,131,131,131,131,-908,-909,131,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,131,-923,-926,131,-936,131,-387,-388,-389,131,131,-392,-393,-394,-395,131,-398,131,-401,-402,131,-403,131,-408,-409,131,-412,-413,-414,131,-417,131,-418,131,-423,-424,131,-427,131,-430,-431,-1896,-1896,131,-621,-622,-623,-624,-625,-636,-586,-626,-799,131,131,131,131,131,-833,131,131,-808,131,-834,131,131,131,131,-800,131,-855,-801,131,131,131,131,131,131,-856,-857,131,-836,-832,-837,131,-627,131,-628,-629,-630,-631,-576,131,131,-632,-633,-634,131,131,131,131,131,131,-637,-638,-639,-594,-1896,-604,131,-640,-641,-715,-642,-606,131,-574,-579,-582,-585,131,131,131,-600,-603,131,-610,131,131,131,131,131,131,131,131,131,131,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,131,131,131,-997,131,131,131,131,131,131,-308,-327,-321,-298,-377,-454,-455,-456,-460,131,-445,131,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,131,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,131,131,131,131,131,131,131,131,131,-318,-537,-510,-593,-939,-941,-942,-440,131,-442,-382,-383,-385,-509,-511,-513,131,-515,-516,-521,-522,131,-534,-536,-539,-540,-545,-550,-728,131,-729,131,-734,131,-736,131,-741,-658,-662,-663,131,-668,131,-669,131,-674,-676,131,-679,131,131,131,-689,-691,131,-694,131,131,-746,131,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,131,131,131,131,131,-879,131,-882,-910,-922,-927,-390,-391,131,-396,131,-399,131,-404,131,-405,131,-410,131,-415,131,-419,131,-420,131,-425,131,-428,-901,-902,-645,-587,-1896,-903,131,131,131,-802,131,131,-806,131,-809,-835,131,-820,131,-822,131,-824,-810,131,-826,131,-853,-854,131,131,-813,131,-648,-904,-906,-650,-651,-647,131,-707,-708,131,-644,-905,-649,-652,-605,-716,131,131,-607,-588,131,131,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,131,131,-711,-712,131,-718,131,131,131,131,131,131,-940,131,-441,-443,-749,131,-893,131,-717,-1896,131,131,131,131,131,-444,-514,-525,131,-730,-735,131,-737,131,-742,131,-664,-670,131,-680,-682,-684,-685,-692,-695,-699,-747,131,131,-876,131,131,-880,131,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,131,-814,131,-816,-803,131,-804,-807,131,-818,-821,-823,-825,-827,131,-828,131,-811,131,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,131,-284,131,131,131,131,-457,131,131,-731,131,-738,131,-743,131,-665,-673,131,131,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,131,-838,-53,131,131,-732,131,-739,131,-744,-666,131,-875,-54,131,131,-733,-740,-745,131,131,131,-874,]),'CLEAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[132,132,132,132,-1896,132,132,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,132,132,132,132,-277,-278,132,-1427,132,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,132,132,132,-492,132,132,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,132,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,132,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,132,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,132,-174,-175,-176,-177,-995,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-292,-293,-283,132,132,132,132,132,-330,-320,-334,-335,-336,132,132,-984,-985,-986,-987,-988,-989,-990,132,132,132,132,132,132,132,132,132,132,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,132,132,132,-355,-358,132,-325,-326,-143,132,-144,132,-145,132,-432,-937,-938,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-1896,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-1896,132,-1896,132,132,132,132,132,132,132,132,132,132,132,132,-1896,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-1896,132,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,132,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,132,132,132,-193,-194,132,-996,132,132,132,132,132,-279,-280,-281,-282,-367,132,-310,132,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,132,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,132,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,132,132,132,132,132,132,-575,132,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,132,132,-725,-726,-727,132,132,132,132,132,132,-996,132,132,-93,-94,132,132,132,132,-311,-312,-322,132,-309,-295,-296,-297,132,132,132,132,-620,-635,-592,132,132,-438,132,-439,132,-446,-447,-448,-380,-381,132,132,132,-508,132,132,-512,132,132,132,132,-517,-518,-519,-520,132,132,-523,-524,132,-526,-527,-528,-529,-530,-531,-532,-533,132,-535,132,132,132,-541,-543,-544,132,-546,-547,-548,-549,132,132,132,132,132,132,-654,-655,-656,-657,132,-659,-660,-661,132,132,132,-667,132,132,-671,-672,132,132,-675,132,-677,-678,132,-681,132,-683,132,132,-686,-687,-688,132,-690,132,132,-693,132,132,-696,-697,-698,132,-700,-701,-702,-703,132,132,-748,132,-751,-752,-753,-754,-755,132,-757,-758,-759,-760,-761,132,-768,-769,-771,132,-773,-774,-775,-784,-858,-860,-862,-864,132,132,132,132,-870,132,-872,132,132,132,132,132,132,132,-908,-909,132,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,132,-923,-926,132,-936,132,-387,-388,-389,132,132,-392,-393,-394,-395,132,-398,132,-401,-402,132,-403,132,-408,-409,132,-412,-413,-414,132,-417,132,-418,132,-423,-424,132,-427,132,-430,-431,-1896,-1896,132,-621,-622,-623,-624,-625,-636,-586,-626,-799,132,132,132,132,132,-833,132,132,-808,132,-834,132,132,132,132,-800,132,-855,-801,132,132,132,132,132,132,-856,-857,132,-836,-832,-837,132,-627,132,-628,-629,-630,-631,-576,132,132,-632,-633,-634,132,132,132,132,132,132,-637,-638,-639,-594,-1896,-604,132,-640,-641,-715,-642,-606,132,-574,-579,-582,-585,132,132,132,-600,-603,132,-610,132,132,132,132,132,132,132,132,132,132,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,132,132,132,-997,132,132,132,132,132,132,-308,-327,-321,-298,-377,-454,-455,-456,-460,132,-445,132,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,132,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,132,132,132,132,132,132,132,132,132,-318,-537,-510,-593,-939,-941,-942,-440,132,-442,-382,-383,-385,-509,-511,-513,132,-515,-516,-521,-522,132,-534,-536,-539,-540,-545,-550,-728,132,-729,132,-734,132,-736,132,-741,-658,-662,-663,132,-668,132,-669,132,-674,-676,132,-679,132,132,132,-689,-691,132,-694,132,132,-746,132,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,132,132,132,132,132,-879,132,-882,-910,-922,-927,-390,-391,132,-396,132,-399,132,-404,132,-405,132,-410,132,-415,132,-419,132,-420,132,-425,132,-428,-901,-902,-645,-587,-1896,-903,132,132,132,-802,132,132,-806,132,-809,-835,132,-820,132,-822,132,-824,-810,132,-826,132,-853,-854,132,132,-813,132,-648,-904,-906,-650,-651,-647,132,-707,-708,132,-644,-905,-649,-652,-605,-716,132,132,-607,-588,132,132,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,132,132,-711,-712,132,-718,132,132,132,132,132,132,-940,132,-441,-443,-749,132,-893,132,-717,-1896,132,132,132,132,132,-444,-514,-525,132,-730,-735,132,-737,132,-742,132,-664,-670,132,-680,-682,-684,-685,-692,-695,-699,-747,132,132,-876,132,132,-880,132,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,132,-814,132,-816,-803,132,-804,-807,132,-818,-821,-823,-825,-827,132,-828,132,-811,132,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,132,-284,132,132,132,132,-457,132,132,-731,132,-738,132,-743,132,-665,-673,132,132,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,132,-838,-53,132,132,-732,132,-739,132,-744,-666,132,-875,-54,132,132,-733,-740,-745,132,132,132,-874,]),'CLEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[133,133,133,133,-1896,133,133,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,133,133,133,133,-277,-278,133,-1427,133,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,133,133,133,-492,133,133,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,133,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,133,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,133,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,133,-174,-175,-176,-177,-995,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-292,-293,-283,133,133,133,133,133,-330,-320,-334,-335,-336,133,133,-984,-985,-986,-987,-988,-989,-990,133,133,133,133,133,133,133,133,133,133,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,133,133,133,-355,-358,133,-325,-326,-143,133,-144,133,-145,133,-432,-937,-938,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-1896,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-1896,133,-1896,133,133,133,133,133,133,133,133,133,133,133,133,-1896,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-1896,133,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,133,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,133,133,133,-193,-194,133,-996,133,133,133,133,133,-279,-280,-281,-282,-367,133,-310,133,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,133,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,133,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,133,133,133,133,133,133,-575,133,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,133,133,-725,-726,-727,133,133,133,133,133,133,-996,133,133,-93,-94,133,133,133,133,-311,-312,-322,133,-309,-295,-296,-297,133,133,133,133,-620,-635,-592,133,133,-438,133,-439,133,-446,-447,-448,-380,-381,133,133,133,-508,133,133,-512,133,133,133,133,-517,-518,-519,-520,133,133,-523,-524,133,-526,-527,-528,-529,-530,-531,-532,-533,133,-535,133,133,133,-541,-543,-544,133,-546,-547,-548,-549,133,133,133,133,133,133,-654,-655,-656,-657,133,-659,-660,-661,133,133,133,-667,133,133,-671,-672,133,133,-675,133,-677,-678,133,-681,133,-683,133,133,-686,-687,-688,133,-690,133,133,-693,133,133,-696,-697,-698,133,-700,-701,-702,-703,133,133,-748,133,-751,-752,-753,-754,-755,133,-757,-758,-759,-760,-761,133,-768,-769,-771,133,-773,-774,-775,-784,-858,-860,-862,-864,133,133,133,133,-870,133,-872,133,133,133,133,133,133,133,-908,-909,133,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,133,-923,-926,133,-936,133,-387,-388,-389,133,133,-392,-393,-394,-395,133,-398,133,-401,-402,133,-403,133,-408,-409,133,-412,-413,-414,133,-417,133,-418,133,-423,-424,133,-427,133,-430,-431,-1896,-1896,133,-621,-622,-623,-624,-625,-636,-586,-626,-799,133,133,133,133,133,-833,133,133,-808,133,-834,133,133,133,133,-800,133,-855,-801,133,133,133,133,133,133,-856,-857,133,-836,-832,-837,133,-627,133,-628,-629,-630,-631,-576,133,133,-632,-633,-634,133,133,133,133,133,133,-637,-638,-639,-594,-1896,-604,133,-640,-641,-715,-642,-606,133,-574,-579,-582,-585,133,133,133,-600,-603,133,-610,133,133,133,133,133,133,133,133,133,133,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,133,133,133,-997,133,133,133,133,133,133,-308,-327,-321,-298,-377,-454,-455,-456,-460,133,-445,133,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,133,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,133,133,133,133,133,133,133,133,133,-318,-537,-510,-593,-939,-941,-942,-440,133,-442,-382,-383,-385,-509,-511,-513,133,-515,-516,-521,-522,133,-534,-536,-539,-540,-545,-550,-728,133,-729,133,-734,133,-736,133,-741,-658,-662,-663,133,-668,133,-669,133,-674,-676,133,-679,133,133,133,-689,-691,133,-694,133,133,-746,133,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,133,133,133,133,133,-879,133,-882,-910,-922,-927,-390,-391,133,-396,133,-399,133,-404,133,-405,133,-410,133,-415,133,-419,133,-420,133,-425,133,-428,-901,-902,-645,-587,-1896,-903,133,133,133,-802,133,133,-806,133,-809,-835,133,-820,133,-822,133,-824,-810,133,-826,133,-853,-854,133,133,-813,133,-648,-904,-906,-650,-651,-647,133,-707,-708,133,-644,-905,-649,-652,-605,-716,133,133,-607,-588,133,133,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,133,133,-711,-712,133,-718,133,133,133,133,133,133,-940,133,-441,-443,-749,133,-893,133,-717,-1896,133,133,133,133,133,-444,-514,-525,133,-730,-735,133,-737,133,-742,133,-664,-670,133,-680,-682,-684,-685,-692,-695,-699,-747,133,133,-876,133,133,-880,133,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,133,-814,133,-816,-803,133,-804,-807,133,-818,-821,-823,-825,-827,133,-828,133,-811,133,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,133,-284,133,133,133,133,-457,133,133,-731,133,-738,133,-743,133,-665,-673,133,133,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,133,-838,-53,133,133,-732,133,-739,133,-744,-666,133,-875,-54,133,133,-733,-740,-745,133,133,133,-874,]),'CLIENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[134,134,134,134,-1896,134,134,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,134,134,134,134,-277,-278,134,-1427,134,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,134,134,134,-492,134,134,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,134,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,134,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,134,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,134,-174,-175,-176,-177,-995,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-292,-293,-283,134,134,134,134,134,-330,-320,-334,-335,-336,134,134,-984,-985,-986,-987,-988,-989,-990,134,134,134,134,134,134,134,134,134,134,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,134,134,134,-355,-358,134,-325,-326,-143,134,-144,134,-145,134,-432,-937,-938,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-1896,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-1896,134,-1896,134,134,134,134,134,134,134,134,134,134,134,134,-1896,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-1896,134,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,134,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,134,134,134,-193,-194,134,-996,134,134,134,134,134,-279,-280,-281,-282,-367,134,-310,134,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,134,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,134,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,134,134,134,134,134,134,-575,134,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,134,134,-725,-726,-727,134,134,134,134,134,134,-996,134,134,-93,-94,134,134,134,134,-311,-312,-322,134,-309,-295,-296,-297,134,134,134,134,-620,-635,-592,134,134,-438,134,-439,134,-446,-447,-448,-380,-381,134,134,134,-508,134,134,-512,134,134,134,134,-517,-518,-519,-520,134,134,-523,-524,134,-526,-527,-528,-529,-530,-531,-532,-533,134,-535,134,134,134,-541,-543,-544,134,-546,-547,-548,-549,134,134,134,134,134,134,-654,-655,-656,-657,134,-659,-660,-661,134,134,134,-667,134,134,-671,-672,134,134,-675,134,-677,-678,134,-681,134,-683,134,134,-686,-687,-688,134,-690,134,134,-693,134,134,-696,-697,-698,134,-700,-701,-702,-703,134,134,-748,134,-751,-752,-753,-754,-755,134,-757,-758,-759,-760,-761,134,-768,-769,-771,134,-773,-774,-775,-784,-858,-860,-862,-864,134,134,134,134,-870,134,-872,134,134,134,134,134,134,134,-908,-909,134,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,134,-923,-926,134,-936,134,-387,-388,-389,134,134,-392,-393,-394,-395,134,-398,134,-401,-402,134,-403,134,-408,-409,134,-412,-413,-414,134,-417,134,-418,134,-423,-424,134,-427,134,-430,-431,-1896,-1896,134,-621,-622,-623,-624,-625,-636,-586,-626,-799,134,134,134,134,134,-833,134,134,-808,134,-834,134,134,134,134,-800,134,-855,-801,134,134,134,134,134,134,-856,-857,134,-836,-832,-837,134,-627,134,-628,-629,-630,-631,-576,134,134,-632,-633,-634,134,134,134,134,134,134,-637,-638,-639,-594,-1896,-604,134,-640,-641,-715,-642,-606,134,-574,-579,-582,-585,134,134,134,-600,-603,134,-610,134,134,134,134,134,134,134,134,134,134,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,134,134,134,-997,134,134,134,134,134,134,-308,-327,-321,-298,-377,-454,-455,-456,-460,134,-445,134,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,134,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,134,134,134,134,134,134,134,134,134,-318,-537,-510,-593,-939,-941,-942,-440,134,-442,-382,-383,-385,-509,-511,-513,134,-515,-516,-521,-522,134,-534,-536,-539,-540,-545,-550,-728,134,-729,134,-734,134,-736,134,-741,-658,-662,-663,134,-668,134,-669,134,-674,-676,134,-679,134,134,134,-689,-691,134,-694,134,134,-746,134,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,134,134,134,134,134,-879,134,-882,-910,-922,-927,-390,-391,134,-396,134,-399,134,-404,134,-405,134,-410,134,-415,134,-419,134,-420,134,-425,134,-428,-901,-902,-645,-587,-1896,-903,134,134,134,-802,134,134,-806,134,-809,-835,134,-820,134,-822,134,-824,-810,134,-826,134,-853,-854,134,134,-813,134,-648,-904,-906,-650,-651,-647,134,-707,-708,134,-644,-905,-649,-652,-605,-716,134,134,-607,-588,134,134,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,134,134,-711,-712,134,-718,134,134,134,134,134,134,-940,134,-441,-443,-749,134,-893,134,-717,-1896,134,134,134,134,134,-444,-514,-525,134,-730,-735,134,-737,134,-742,134,-664,-670,134,-680,-682,-684,-685,-692,-695,-699,-747,134,134,-876,134,134,-880,134,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,134,-814,134,-816,-803,134,-804,-807,134,-818,-821,-823,-825,-827,134,-828,134,-811,134,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,134,-284,134,134,134,134,-457,134,134,-731,134,-738,134,-743,134,-665,-673,134,134,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,134,-838,-53,134,134,-732,134,-739,134,-744,-666,134,-875,-54,134,134,-733,-740,-745,134,134,134,-874,]),'CLOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[135,135,135,135,-1896,135,135,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,135,135,135,135,-277,-278,135,-1427,135,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,135,135,135,-492,135,135,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,135,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,135,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,135,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,135,-174,-175,-176,-177,-995,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-292,-293,-283,135,135,135,135,135,-330,-320,-334,-335,-336,135,135,-984,-985,-986,-987,-988,-989,-990,135,135,135,135,135,135,135,135,135,135,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,135,135,135,-355,-358,135,-325,-326,-143,135,-144,135,-145,135,-432,-937,-938,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-1896,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-1896,135,-1896,135,135,135,135,135,135,135,135,135,135,135,135,-1896,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-1896,135,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,135,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,135,135,135,-193,-194,135,-996,135,135,135,135,135,-279,-280,-281,-282,-367,135,-310,135,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,135,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,135,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,135,135,135,135,135,135,-575,135,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,135,135,-725,-726,-727,135,135,135,135,135,135,-996,135,135,-93,-94,135,135,135,135,-311,-312,-322,135,-309,-295,-296,-297,135,135,135,135,-620,-635,-592,135,135,-438,135,-439,135,-446,-447,-448,-380,-381,135,135,135,-508,135,135,-512,135,135,135,135,-517,-518,-519,-520,135,135,-523,-524,135,-526,-527,-528,-529,-530,-531,-532,-533,135,-535,135,135,135,-541,-543,-544,135,-546,-547,-548,-549,135,135,135,135,135,135,-654,-655,-656,-657,135,-659,-660,-661,135,135,135,-667,135,135,-671,-672,135,135,-675,135,-677,-678,135,-681,135,-683,135,135,-686,-687,-688,135,-690,135,135,-693,135,135,-696,-697,-698,135,-700,-701,-702,-703,135,135,-748,135,-751,-752,-753,-754,-755,135,-757,-758,-759,-760,-761,135,-768,-769,-771,135,-773,-774,-775,-784,-858,-860,-862,-864,135,135,135,135,-870,135,-872,135,135,135,135,135,135,135,-908,-909,135,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,135,-923,-926,135,-936,135,-387,-388,-389,135,135,-392,-393,-394,-395,135,-398,135,-401,-402,135,-403,135,-408,-409,135,-412,-413,-414,135,-417,135,-418,135,-423,-424,135,-427,135,-430,-431,-1896,-1896,135,-621,-622,-623,-624,-625,-636,-586,-626,-799,135,135,135,135,135,-833,135,135,-808,135,-834,135,135,135,135,-800,135,-855,-801,135,135,135,135,135,135,-856,-857,135,-836,-832,-837,135,-627,135,-628,-629,-630,-631,-576,135,135,-632,-633,-634,135,135,135,135,135,135,-637,-638,-639,-594,-1896,-604,135,-640,-641,-715,-642,-606,135,-574,-579,-582,-585,135,135,135,-600,-603,135,-610,135,135,135,135,135,135,135,135,135,135,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,135,135,135,-997,135,135,135,135,135,135,-308,-327,-321,-298,-377,-454,-455,-456,-460,135,-445,135,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,135,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,135,135,135,135,135,135,135,135,135,-318,-537,-510,-593,-939,-941,-942,-440,135,-442,-382,-383,-385,-509,-511,-513,135,-515,-516,-521,-522,135,-534,-536,-539,-540,-545,-550,-728,135,-729,135,-734,135,-736,135,-741,-658,-662,-663,135,-668,135,-669,135,-674,-676,135,-679,135,135,135,-689,-691,135,-694,135,135,-746,135,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,135,135,135,135,135,-879,135,-882,-910,-922,-927,-390,-391,135,-396,135,-399,135,-404,135,-405,135,-410,135,-415,135,-419,135,-420,135,-425,135,-428,-901,-902,-645,-587,-1896,-903,135,135,135,-802,135,135,-806,135,-809,-835,135,-820,135,-822,135,-824,-810,135,-826,135,-853,-854,135,135,-813,135,-648,-904,-906,-650,-651,-647,135,-707,-708,135,-644,-905,-649,-652,-605,-716,135,135,-607,-588,135,135,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,135,135,-711,-712,135,-718,135,135,135,135,135,135,-940,135,-441,-443,-749,135,-893,135,-717,-1896,135,135,135,135,135,-444,-514,-525,135,-730,-735,135,-737,135,-742,135,-664,-670,135,-680,-682,-684,-685,-692,-695,-699,-747,135,135,-876,135,135,-880,135,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,135,-814,135,-816,-803,135,-804,-807,135,-818,-821,-823,-825,-827,135,-828,135,-811,135,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,135,-284,135,135,135,135,-457,135,135,-731,135,-738,135,-743,135,-665,-673,135,135,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,135,-838,-53,135,135,-732,135,-739,135,-744,-666,135,-875,-54,135,135,-733,-740,-745,135,135,135,-874,]),'CLOSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[136,136,136,136,-1896,136,136,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,136,136,136,136,-277,-278,136,-1427,136,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,136,136,136,-492,136,136,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,136,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,136,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,136,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,136,-174,-175,-176,-177,-995,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-292,-293,-283,136,136,136,136,136,-330,-320,-334,-335,-336,136,136,-984,-985,-986,-987,-988,-989,-990,136,136,136,136,136,136,136,136,136,136,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,136,136,136,-355,-358,136,-325,-326,-143,136,-144,136,-145,136,-432,-937,-938,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-1896,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-1896,136,-1896,136,136,136,136,136,136,136,136,136,136,136,136,-1896,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-1896,136,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,136,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,136,136,136,-193,-194,136,-996,136,136,136,136,136,-279,-280,-281,-282,-367,136,-310,136,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,136,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,136,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,136,136,136,136,136,136,-575,136,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,136,136,-725,-726,-727,136,136,136,136,136,136,-996,136,136,-93,-94,136,136,136,136,-311,-312,-322,136,-309,-295,-296,-297,136,136,136,136,-620,-635,-592,136,136,-438,136,-439,136,-446,-447,-448,-380,-381,136,136,136,-508,136,136,-512,136,136,136,136,-517,-518,-519,-520,136,136,-523,-524,136,-526,-527,-528,-529,-530,-531,-532,-533,136,-535,136,136,136,-541,-543,-544,136,-546,-547,-548,-549,136,136,136,136,136,136,-654,-655,-656,-657,136,-659,-660,-661,136,136,136,-667,136,136,-671,-672,136,136,-675,136,-677,-678,136,-681,136,-683,136,136,-686,-687,-688,136,-690,136,136,-693,136,136,-696,-697,-698,136,-700,-701,-702,-703,136,136,-748,136,-751,-752,-753,-754,-755,136,-757,-758,-759,-760,-761,136,-768,-769,-771,136,-773,-774,-775,-784,-858,-860,-862,-864,136,136,136,136,-870,136,-872,136,136,136,136,136,136,136,-908,-909,136,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,136,-923,-926,136,-936,136,-387,-388,-389,136,136,-392,-393,-394,-395,136,-398,136,-401,-402,136,-403,136,-408,-409,136,-412,-413,-414,136,-417,136,-418,136,-423,-424,136,-427,136,-430,-431,-1896,-1896,136,-621,-622,-623,-624,-625,-636,-586,-626,-799,136,136,136,136,136,-833,136,136,-808,136,-834,136,136,136,136,-800,136,-855,-801,136,136,136,136,136,136,-856,-857,136,-836,-832,-837,136,-627,136,-628,-629,-630,-631,-576,136,136,-632,-633,-634,136,136,136,136,136,136,-637,-638,-639,-594,-1896,-604,136,-640,-641,-715,-642,-606,136,-574,-579,-582,-585,136,136,136,-600,-603,136,-610,136,136,136,136,136,136,136,136,136,136,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,136,136,136,-997,136,136,136,136,136,136,-308,-327,-321,-298,-377,-454,-455,-456,-460,136,-445,136,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,136,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,136,136,136,136,136,136,136,136,136,-318,-537,-510,-593,-939,-941,-942,-440,136,-442,-382,-383,-385,-509,-511,-513,136,-515,-516,-521,-522,136,-534,-536,-539,-540,-545,-550,-728,136,-729,136,-734,136,-736,136,-741,-658,-662,-663,136,-668,136,-669,136,-674,-676,136,-679,136,136,136,-689,-691,136,-694,136,136,-746,136,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,136,136,136,136,136,-879,136,-882,-910,-922,-927,-390,-391,136,-396,136,-399,136,-404,136,-405,136,-410,136,-415,136,-419,136,-420,136,-425,136,-428,-901,-902,-645,-587,-1896,-903,136,136,136,-802,136,136,-806,136,-809,-835,136,-820,136,-822,136,-824,-810,136,-826,136,-853,-854,136,136,-813,136,-648,-904,-906,-650,-651,-647,136,-707,-708,136,-644,-905,-649,-652,-605,-716,136,136,-607,-588,136,136,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,136,136,-711,-712,136,-718,136,136,136,136,136,136,-940,136,-441,-443,-749,136,-893,136,-717,-1896,136,136,136,136,136,-444,-514,-525,136,-730,-735,136,-737,136,-742,136,-664,-670,136,-680,-682,-684,-685,-692,-695,-699,-747,136,136,-876,136,136,-880,136,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,136,-814,136,-816,-803,136,-804,-807,136,-818,-821,-823,-825,-827,136,-828,136,-811,136,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,136,-284,136,136,136,136,-457,136,136,-731,136,-738,136,-743,136,-665,-673,136,136,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,136,-838,-53,136,136,-732,136,-739,136,-744,-666,136,-875,-54,136,136,-733,-740,-745,136,136,136,-874,]),'CLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[137,137,137,137,-1896,137,137,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,137,137,137,137,-277,-278,137,-1427,137,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,137,137,137,-492,137,137,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,137,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,137,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,137,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,137,-174,-175,-176,-177,-995,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-292,-293,-283,137,137,137,137,137,-330,-320,-334,-335,-336,137,137,-984,-985,-986,-987,-988,-989,-990,137,137,137,137,137,137,137,137,137,137,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,137,137,137,-355,-358,137,-325,-326,-143,137,-144,137,-145,137,-432,-937,-938,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-1896,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-1896,137,-1896,137,137,137,137,137,137,137,137,137,137,137,137,-1896,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-1896,137,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,137,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,137,137,137,-193,-194,137,-996,137,137,137,137,137,-279,-280,-281,-282,-367,137,-310,137,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,137,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,137,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,137,137,137,137,137,137,-575,137,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,137,137,-725,-726,-727,137,137,137,137,137,137,-996,137,137,-93,-94,137,137,137,137,-311,-312,-322,137,-309,-295,-296,-297,137,137,137,137,-620,-635,-592,137,137,-438,137,-439,137,-446,-447,-448,-380,-381,137,137,137,-508,137,137,-512,137,137,137,137,-517,-518,-519,-520,137,137,-523,-524,137,-526,-527,-528,-529,-530,-531,-532,-533,137,-535,137,137,137,-541,-543,-544,137,-546,-547,-548,-549,137,137,137,137,137,137,-654,-655,-656,-657,137,-659,-660,-661,137,137,137,-667,137,137,-671,-672,137,137,-675,137,-677,-678,137,-681,137,-683,137,137,-686,-687,-688,137,-690,137,137,-693,137,137,-696,-697,-698,137,-700,-701,-702,-703,137,137,-748,137,-751,-752,-753,-754,-755,137,-757,-758,-759,-760,-761,137,-768,-769,-771,137,-773,-774,-775,-784,-858,-860,-862,-864,137,137,137,137,-870,137,-872,137,137,137,137,137,137,137,-908,-909,137,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,137,-923,-926,137,-936,137,-387,-388,-389,137,137,-392,-393,-394,-395,137,-398,137,-401,-402,137,-403,137,-408,-409,137,-412,-413,-414,137,-417,137,-418,137,-423,-424,137,-427,137,-430,-431,-1896,-1896,137,-621,-622,-623,-624,-625,-636,-586,-626,-799,137,137,137,137,137,-833,137,137,-808,137,-834,137,137,137,137,-800,137,-855,-801,137,137,137,137,137,137,-856,-857,137,-836,-832,-837,137,-627,137,-628,-629,-630,-631,-576,137,137,-632,-633,-634,137,137,137,137,137,137,-637,-638,-639,-594,-1896,-604,137,-640,-641,-715,-642,-606,137,-574,-579,-582,-585,137,137,137,-600,-603,137,-610,137,137,137,137,137,137,137,137,137,137,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,137,137,137,-997,137,137,137,137,137,137,-308,-327,-321,-298,-377,-454,-455,-456,-460,137,-445,137,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,137,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,137,137,137,137,137,137,137,137,137,-318,-537,-510,-593,-939,-941,-942,-440,137,-442,-382,-383,-385,-509,-511,-513,137,-515,-516,-521,-522,137,-534,-536,-539,-540,-545,-550,-728,137,-729,137,-734,137,-736,137,-741,-658,-662,-663,137,-668,137,-669,137,-674,-676,137,-679,137,137,137,-689,-691,137,-694,137,137,-746,137,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,137,137,137,137,137,-879,137,-882,-910,-922,-927,-390,-391,137,-396,137,-399,137,-404,137,-405,137,-410,137,-415,137,-419,137,-420,137,-425,137,-428,-901,-902,-645,-587,-1896,-903,137,137,137,-802,137,137,-806,137,-809,-835,137,-820,137,-822,137,-824,-810,137,-826,137,-853,-854,137,137,-813,137,-648,-904,-906,-650,-651,-647,137,-707,-708,137,-644,-905,-649,-652,-605,-716,137,137,-607,-588,137,137,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,137,137,-711,-712,137,-718,137,137,137,137,137,137,-940,137,-441,-443,-749,137,-893,137,-717,-1896,137,137,137,137,137,-444,-514,-525,137,-730,-735,137,-737,137,-742,137,-664,-670,137,-680,-682,-684,-685,-692,-695,-699,-747,137,137,-876,137,137,-880,137,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,137,-814,137,-816,-803,137,-804,-807,137,-818,-821,-823,-825,-827,137,-828,137,-811,137,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,137,-284,137,137,137,137,-457,137,137,-731,137,-738,137,-743,137,-665,-673,137,137,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,137,-838,-53,137,137,-732,137,-739,137,-744,-666,137,-875,-54,137,137,-733,-740,-745,137,137,137,-874,]),'CLUSTER_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[138,138,138,138,-1896,138,138,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,138,138,138,138,-277,-278,138,-1427,138,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,138,138,138,-492,138,138,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,138,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,138,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,138,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,138,-174,-175,-176,-177,-995,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-292,-293,-283,138,138,138,138,138,-330,-320,-334,-335,-336,138,138,-984,-985,-986,-987,-988,-989,-990,138,138,138,138,138,138,138,138,138,138,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,138,138,138,-355,-358,138,-325,-326,-143,138,-144,138,-145,138,-432,-937,-938,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-1896,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-1896,138,-1896,138,138,138,138,138,138,138,138,138,138,138,138,-1896,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-1896,138,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,138,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,138,138,138,-193,-194,138,-996,138,138,138,138,138,-279,-280,-281,-282,-367,138,-310,138,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,138,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,138,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,138,138,138,138,138,138,-575,138,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,138,138,-725,-726,-727,138,138,138,138,138,138,-996,138,138,-93,-94,138,138,138,138,-311,-312,-322,138,-309,-295,-296,-297,138,138,138,138,-620,-635,-592,138,138,-438,138,-439,138,-446,-447,-448,-380,-381,138,138,138,-508,138,138,-512,138,138,138,138,-517,-518,-519,-520,138,138,-523,-524,138,-526,-527,-528,-529,-530,-531,-532,-533,138,-535,138,138,138,-541,-543,-544,138,-546,-547,-548,-549,138,138,138,138,138,138,-654,-655,-656,-657,138,-659,-660,-661,138,138,138,-667,138,138,-671,-672,138,138,-675,138,-677,-678,138,-681,138,-683,138,138,-686,-687,-688,138,-690,138,138,-693,138,138,-696,-697,-698,138,-700,-701,-702,-703,138,138,-748,138,-751,-752,-753,-754,-755,138,-757,-758,-759,-760,-761,138,-768,-769,-771,138,-773,-774,-775,-784,-858,-860,-862,-864,138,138,138,138,-870,138,-872,138,138,138,138,138,138,138,-908,-909,138,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,138,-923,-926,138,-936,138,-387,-388,-389,138,138,-392,-393,-394,-395,138,-398,138,-401,-402,138,-403,138,-408,-409,138,-412,-413,-414,138,-417,138,-418,138,-423,-424,138,-427,138,-430,-431,-1896,-1896,138,-621,-622,-623,-624,-625,-636,-586,-626,-799,138,138,138,138,138,-833,138,138,-808,138,-834,138,138,138,138,-800,138,-855,-801,138,138,138,138,138,138,-856,-857,138,-836,-832,-837,138,-627,138,-628,-629,-630,-631,-576,138,138,-632,-633,-634,138,138,138,138,138,138,-637,-638,-639,-594,-1896,-604,138,-640,-641,-715,-642,-606,138,-574,-579,-582,-585,138,138,138,-600,-603,138,-610,138,138,138,138,138,138,138,138,138,138,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,138,138,138,-997,138,138,138,138,138,138,-308,-327,-321,-298,-377,-454,-455,-456,-460,138,-445,138,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,138,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,138,138,138,138,138,138,138,138,138,-318,-537,-510,-593,-939,-941,-942,-440,138,-442,-382,-383,-385,-509,-511,-513,138,-515,-516,-521,-522,138,-534,-536,-539,-540,-545,-550,-728,138,-729,138,-734,138,-736,138,-741,-658,-662,-663,138,-668,138,-669,138,-674,-676,138,-679,138,138,138,-689,-691,138,-694,138,138,-746,138,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,138,138,138,138,138,-879,138,-882,-910,-922,-927,-390,-391,138,-396,138,-399,138,-404,138,-405,138,-410,138,-415,138,-419,138,-420,138,-425,138,-428,-901,-902,-645,-587,-1896,-903,138,138,138,-802,138,138,-806,138,-809,-835,138,-820,138,-822,138,-824,-810,138,-826,138,-853,-854,138,138,-813,138,-648,-904,-906,-650,-651,-647,138,-707,-708,138,-644,-905,-649,-652,-605,-716,138,138,-607,-588,138,138,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,138,138,-711,-712,138,-718,138,138,138,138,138,138,-940,138,-441,-443,-749,138,-893,138,-717,-1896,138,138,138,138,138,-444,-514,-525,138,-730,-735,138,-737,138,-742,138,-664,-670,138,-680,-682,-684,-685,-692,-695,-699,-747,138,138,-876,138,138,-880,138,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,138,-814,138,-816,-803,138,-804,-807,138,-818,-821,-823,-825,-827,138,-828,138,-811,138,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,138,-284,138,138,138,138,-457,138,138,-731,138,-738,138,-743,138,-665,-673,138,138,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,138,-838,-53,138,138,-732,138,-739,138,-744,-666,138,-875,-54,138,138,-733,-740,-745,138,138,138,-874,]),'CLUSTER_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[139,139,139,139,-1896,139,139,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,139,139,139,139,-277,-278,139,-1427,139,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,139,139,139,-492,139,139,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,139,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,139,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,139,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,139,-174,-175,-176,-177,-995,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-292,-293,-283,139,139,139,139,139,-330,-320,-334,-335,-336,139,139,-984,-985,-986,-987,-988,-989,-990,139,139,139,139,139,139,139,139,139,139,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,139,139,139,-355,-358,139,-325,-326,-143,139,-144,139,-145,139,-432,-937,-938,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-1896,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-1896,139,-1896,139,139,139,139,139,139,139,139,139,139,139,139,-1896,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-1896,139,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,139,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,139,139,139,-193,-194,139,-996,139,139,139,139,139,-279,-280,-281,-282,-367,139,-310,139,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,139,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,139,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,139,139,139,139,139,139,-575,139,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,139,139,-725,-726,-727,139,139,139,139,139,139,-996,139,139,-93,-94,139,139,139,139,-311,-312,-322,139,-309,-295,-296,-297,139,139,139,139,-620,-635,-592,139,139,-438,139,-439,139,-446,-447,-448,-380,-381,139,139,139,-508,139,139,-512,139,139,139,139,-517,-518,-519,-520,139,139,-523,-524,139,-526,-527,-528,-529,-530,-531,-532,-533,139,-535,139,139,139,-541,-543,-544,139,-546,-547,-548,-549,139,139,139,139,139,139,-654,-655,-656,-657,139,-659,-660,-661,139,139,139,-667,139,139,-671,-672,139,139,-675,139,-677,-678,139,-681,139,-683,139,139,-686,-687,-688,139,-690,139,139,-693,139,139,-696,-697,-698,139,-700,-701,-702,-703,139,139,-748,139,-751,-752,-753,-754,-755,139,-757,-758,-759,-760,-761,139,-768,-769,-771,139,-773,-774,-775,-784,-858,-860,-862,-864,139,139,139,139,-870,139,-872,139,139,139,139,139,139,139,-908,-909,139,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,139,-923,-926,139,-936,139,-387,-388,-389,139,139,-392,-393,-394,-395,139,-398,139,-401,-402,139,-403,139,-408,-409,139,-412,-413,-414,139,-417,139,-418,139,-423,-424,139,-427,139,-430,-431,-1896,-1896,139,-621,-622,-623,-624,-625,-636,-586,-626,-799,139,139,139,139,139,-833,139,139,-808,139,-834,139,139,139,139,-800,139,-855,-801,139,139,139,139,139,139,-856,-857,139,-836,-832,-837,139,-627,139,-628,-629,-630,-631,-576,139,139,-632,-633,-634,139,139,139,139,139,139,-637,-638,-639,-594,-1896,-604,139,-640,-641,-715,-642,-606,139,-574,-579,-582,-585,139,139,139,-600,-603,139,-610,139,139,139,139,139,139,139,139,139,139,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,139,139,139,-997,139,139,139,139,139,139,-308,-327,-321,-298,-377,-454,-455,-456,-460,139,-445,139,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,139,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,139,139,139,139,139,139,139,139,139,-318,-537,-510,-593,-939,-941,-942,-440,139,-442,-382,-383,-385,-509,-511,-513,139,-515,-516,-521,-522,139,-534,-536,-539,-540,-545,-550,-728,139,-729,139,-734,139,-736,139,-741,-658,-662,-663,139,-668,139,-669,139,-674,-676,139,-679,139,139,139,-689,-691,139,-694,139,139,-746,139,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,139,139,139,139,139,-879,139,-882,-910,-922,-927,-390,-391,139,-396,139,-399,139,-404,139,-405,139,-410,139,-415,139,-419,139,-420,139,-425,139,-428,-901,-902,-645,-587,-1896,-903,139,139,139,-802,139,139,-806,139,-809,-835,139,-820,139,-822,139,-824,-810,139,-826,139,-853,-854,139,139,-813,139,-648,-904,-906,-650,-651,-647,139,-707,-708,139,-644,-905,-649,-652,-605,-716,139,139,-607,-588,139,139,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,139,139,-711,-712,139,-718,139,139,139,139,139,139,-940,139,-441,-443,-749,139,-893,139,-717,-1896,139,139,139,139,139,-444,-514,-525,139,-730,-735,139,-737,139,-742,139,-664,-670,139,-680,-682,-684,-685,-692,-695,-699,-747,139,139,-876,139,139,-880,139,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,139,-814,139,-816,-803,139,-804,-807,139,-818,-821,-823,-825,-827,139,-828,139,-811,139,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,139,-284,139,139,139,139,-457,139,139,-731,139,-738,139,-743,139,-665,-673,139,139,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,139,-838,-53,139,139,-732,139,-739,139,-744,-666,139,-875,-54,139,139,-733,-740,-745,139,139,139,-874,]),'COALESCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[140,140,140,1044,-1896,140,140,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,140,140,140,140,-277,-278,1044,-1427,1044,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1044,1044,1044,-492,1044,1044,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1044,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1044,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1847,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,140,-174,-175,-176,-177,-995,140,140,140,140,140,140,140,140,140,140,1044,1044,1044,1044,1044,-292,-293,-283,140,1044,1044,1044,1044,-330,-320,-334,-335,-336,1044,1044,-984,-985,-986,-987,-988,-989,-990,140,140,1044,1044,1044,1044,1044,1044,1044,1044,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1044,1044,1044,-355,-358,140,-325,-326,-143,1044,-144,1044,-145,1044,-432,-937,-938,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1896,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1896,1044,-1896,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1896,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1896,140,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1044,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1044,140,140,-193,-194,140,-996,1044,140,140,140,140,-279,-280,-281,-282,-367,1044,-310,1044,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1044,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1044,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1044,1044,1044,1044,1044,1044,-575,1044,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1044,1044,-725,-726,-727,1044,1847,140,140,140,140,-996,140,1044,-93,-94,140,140,140,1044,-311,-312,-322,1044,-309,-295,-296,-297,1044,140,1044,1044,-620,-635,-592,1044,140,-438,140,-439,1044,-446,-447,-448,-380,-381,1044,1044,1044,-508,1044,1044,-512,1044,1044,1044,1044,-517,-518,-519,-520,1044,1044,-523,-524,1044,-526,-527,-528,-529,-530,-531,-532,-533,1044,-535,1044,1044,1044,-541,-543,-544,1044,-546,-547,-548,-549,1044,1044,1044,1044,1044,1044,-654,-655,-656,-657,140,-659,-660,-661,1044,1044,1044,-667,1044,1044,-671,-672,1044,1044,-675,1044,-677,-678,1044,-681,1044,-683,1044,1044,-686,-687,-688,1044,-690,1044,1044,-693,1044,1044,-696,-697,-698,1044,-700,-701,-702,-703,1044,1044,-748,1044,-751,-752,-753,-754,-755,1044,-757,-758,-759,-760,-761,1044,-768,-769,-771,1044,-773,-774,-775,-784,-858,-860,-862,-864,1044,1044,1044,1044,-870,1044,-872,1044,1044,1044,1044,1044,1044,1044,-908,-909,1044,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1044,-923,-926,1044,-936,1044,-387,-388,-389,1044,1044,-392,-393,-394,-395,1044,-398,1044,-401,-402,1044,-403,1044,-408,-409,1044,-412,-413,-414,1044,-417,1044,-418,1044,-423,-424,1044,-427,1044,-430,-431,-1896,-1896,1044,-621,-622,-623,-624,-625,-636,-586,-626,-799,1044,1044,1044,1044,1044,-833,1044,1044,-808,1044,-834,1044,1044,1044,1044,-800,1044,-855,-801,1044,1044,1044,1044,1044,1044,-856,-857,1044,-836,-832,-837,1044,-627,1044,-628,-629,-630,-631,-576,1044,1044,-632,-633,-634,1044,1044,1044,1044,1044,1044,-637,-638,-639,-594,-1896,-604,1044,-640,-641,-715,-642,-606,1044,-574,-579,-582,-585,1044,1044,1044,-600,-603,1044,-610,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1044,140,140,-997,140,1044,140,140,140,1044,-308,-327,-321,-298,-377,-454,-455,-456,-460,140,-445,1044,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1044,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,140,140,140,140,140,140,140,140,1044,-318,-537,-510,-593,-939,-941,-942,-440,1044,-442,-382,-383,-385,-509,-511,-513,1044,-515,-516,-521,-522,1044,-534,-536,-539,-540,-545,-550,-728,1044,-729,1044,-734,1044,-736,1044,-741,-658,-662,-663,1044,-668,1044,-669,1044,-674,-676,1044,-679,1044,1044,1044,-689,-691,1044,-694,1044,1044,-746,1044,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1044,1044,1044,1044,1044,-879,1044,-882,-910,-922,-927,-390,-391,1044,-396,1044,-399,1044,-404,1044,-405,1044,-410,1044,-415,1044,-419,1044,-420,1044,-425,1044,-428,-901,-902,-645,-587,-1896,-903,1044,1044,1044,-802,1044,1044,-806,1044,-809,-835,1044,-820,1044,-822,1044,-824,-810,1044,-826,1044,-853,-854,1044,1044,-813,1044,-648,-904,-906,-650,-651,-647,1044,-707,-708,1044,-644,-905,-649,-652,-605,-716,1044,1044,-607,-588,1044,1044,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1044,1044,-711,-712,1044,-718,1044,140,140,140,1044,1044,-940,140,-441,-443,-749,1044,-893,1847,-717,-1896,1044,1044,140,140,1044,-444,-514,-525,1044,-730,-735,1044,-737,1044,-742,1044,-664,-670,1044,-680,-682,-684,-685,-692,-695,-699,-747,1044,1044,-876,1044,1044,-880,1044,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1044,-814,1044,-816,-803,1044,-804,-807,1044,-818,-821,-823,-825,-827,1044,-828,1044,-811,1044,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,140,-284,140,1044,140,1044,-457,1044,1044,-731,1044,-738,1044,-743,1044,-665,-673,1044,1044,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1044,-838,-53,140,1044,-732,1044,-739,1044,-744,-666,1044,-875,-54,140,140,-733,-740,-745,1044,140,1044,-874,]),'CODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[141,141,141,141,-1896,141,141,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,141,141,141,141,-277,-278,141,-1427,141,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,141,141,141,-492,141,141,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,141,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,141,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,141,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,141,-174,-175,-176,-177,-995,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-292,-293,-283,141,141,141,141,141,-330,-320,-334,-335,-336,141,141,-984,-985,-986,-987,-988,-989,-990,141,141,141,141,141,141,141,141,141,141,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,141,141,141,-355,-358,141,-325,-326,-143,141,-144,141,-145,141,-432,-937,-938,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-1896,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-1896,141,-1896,141,141,141,141,141,141,141,141,141,141,141,141,-1896,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-1896,141,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,141,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,141,141,141,-193,-194,141,-996,141,141,141,141,141,-279,-280,-281,-282,-367,141,-310,141,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,141,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,141,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,141,141,141,141,141,141,-575,141,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,141,141,-725,-726,-727,141,141,141,141,141,141,-996,141,141,-93,-94,141,141,141,141,-311,-312,-322,141,-309,-295,-296,-297,141,141,141,141,-620,-635,-592,141,141,-438,141,-439,141,-446,-447,-448,-380,-381,141,141,141,-508,141,141,-512,141,141,141,141,-517,-518,-519,-520,141,141,-523,-524,141,-526,-527,-528,-529,-530,-531,-532,-533,141,-535,141,141,141,-541,-543,-544,141,-546,-547,-548,-549,141,141,141,141,141,141,-654,-655,-656,-657,141,-659,-660,-661,141,141,141,-667,141,141,-671,-672,141,141,-675,141,-677,-678,141,-681,141,-683,141,141,-686,-687,-688,141,-690,141,141,-693,141,141,-696,-697,-698,141,-700,-701,-702,-703,141,141,-748,141,-751,-752,-753,-754,-755,141,-757,-758,-759,-760,-761,141,-768,-769,-771,141,-773,-774,-775,-784,-858,-860,-862,-864,141,141,141,141,-870,141,-872,141,141,141,141,141,141,141,-908,-909,141,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,141,-923,-926,141,-936,141,-387,-388,-389,141,141,-392,-393,-394,-395,141,-398,141,-401,-402,141,-403,141,-408,-409,141,-412,-413,-414,141,-417,141,-418,141,-423,-424,141,-427,141,-430,-431,-1896,-1896,141,-621,-622,-623,-624,-625,-636,-586,-626,-799,141,141,141,141,141,-833,141,141,-808,141,-834,141,141,141,141,-800,141,-855,-801,141,141,141,141,141,141,-856,-857,141,-836,-832,-837,141,-627,141,-628,-629,-630,-631,-576,141,141,-632,-633,-634,141,141,141,141,141,141,-637,-638,-639,-594,-1896,-604,141,-640,-641,-715,-642,-606,141,-574,-579,-582,-585,141,141,141,-600,-603,141,-610,141,141,141,141,141,141,141,141,141,141,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,141,141,141,-997,141,141,141,141,141,141,-308,-327,-321,-298,-377,-454,-455,-456,-460,141,-445,141,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,141,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,141,141,141,141,141,141,141,141,141,-318,-537,-510,-593,-939,-941,-942,-440,141,-442,-382,-383,-385,-509,-511,-513,141,-515,-516,-521,-522,141,-534,-536,-539,-540,-545,-550,-728,141,-729,141,-734,141,-736,141,-741,-658,-662,-663,141,-668,141,-669,141,-674,-676,141,-679,141,141,141,-689,-691,141,-694,141,141,-746,141,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,141,141,141,141,141,-879,141,-882,-910,-922,-927,-390,-391,141,-396,141,-399,141,-404,141,-405,141,-410,141,-415,141,-419,141,-420,141,-425,141,-428,-901,-902,-645,-587,-1896,-903,141,141,141,-802,141,141,-806,141,-809,-835,141,-820,141,-822,141,-824,-810,141,-826,141,-853,-854,141,141,-813,141,-648,-904,-906,-650,-651,-647,141,-707,-708,141,-644,-905,-649,-652,-605,-716,141,141,-607,-588,141,141,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,141,141,-711,-712,141,-718,141,141,141,141,141,141,-940,141,-441,-443,-749,141,-893,141,-717,-1896,141,141,141,141,141,-444,-514,-525,141,-730,-735,141,-737,141,-742,141,-664,-670,141,-680,-682,-684,-685,-692,-695,-699,-747,141,141,-876,141,141,-880,141,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,141,-814,141,-816,-803,141,-804,-807,141,-818,-821,-823,-825,-827,141,-828,141,-811,141,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,141,-284,141,141,141,141,-457,141,141,-731,141,-738,141,-743,141,-665,-673,141,141,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,141,-838,-53,141,141,-732,141,-739,141,-744,-666,141,-875,-54,141,141,-733,-740,-745,141,141,141,-874,]),'COERCIBILITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[142,142,142,1160,-1896,142,142,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,142,142,142,142,-277,-278,1160,-1427,1160,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1160,1160,1160,-492,1160,1160,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1160,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1160,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1848,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,142,-174,-175,-176,-177,-995,142,142,142,142,142,142,142,142,142,142,1160,1160,1160,1160,1160,-292,-293,-283,142,1160,1160,1160,1160,-330,-320,-334,-335,-336,1160,1160,-984,-985,-986,-987,-988,-989,-990,142,142,1160,1160,1160,1160,1160,1160,1160,1160,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1160,1160,1160,-355,-358,142,-325,-326,-143,1160,-144,1160,-145,1160,-432,-937,-938,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1896,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1896,1160,-1896,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1896,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1896,142,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1160,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1160,142,142,-193,-194,142,-996,1160,142,142,142,142,-279,-280,-281,-282,-367,1160,-310,1160,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1160,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1160,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1160,1160,1160,1160,1160,1160,-575,1160,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1160,1160,-725,-726,-727,1160,1848,142,142,142,142,-996,142,1160,-93,-94,142,142,142,1160,-311,-312,-322,1160,-309,-295,-296,-297,1160,142,1160,1160,-620,-635,-592,1160,142,-438,142,-439,1160,-446,-447,-448,-380,-381,1160,1160,1160,-508,1160,1160,-512,1160,1160,1160,1160,-517,-518,-519,-520,1160,1160,-523,-524,1160,-526,-527,-528,-529,-530,-531,-532,-533,1160,-535,1160,1160,1160,-541,-543,-544,1160,-546,-547,-548,-549,1160,1160,1160,1160,1160,1160,-654,-655,-656,-657,142,-659,-660,-661,1160,1160,1160,-667,1160,1160,-671,-672,1160,1160,-675,1160,-677,-678,1160,-681,1160,-683,1160,1160,-686,-687,-688,1160,-690,1160,1160,-693,1160,1160,-696,-697,-698,1160,-700,-701,-702,-703,1160,1160,-748,1160,-751,-752,-753,-754,-755,1160,-757,-758,-759,-760,-761,1160,-768,-769,-771,1160,-773,-774,-775,-784,-858,-860,-862,-864,1160,1160,1160,1160,-870,1160,-872,1160,1160,1160,1160,1160,1160,1160,-908,-909,1160,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1160,-923,-926,1160,-936,1160,-387,-388,-389,1160,1160,-392,-393,-394,-395,1160,-398,1160,-401,-402,1160,-403,1160,-408,-409,1160,-412,-413,-414,1160,-417,1160,-418,1160,-423,-424,1160,-427,1160,-430,-431,-1896,-1896,1160,-621,-622,-623,-624,-625,-636,-586,-626,-799,1160,1160,1160,1160,1160,-833,1160,1160,-808,1160,-834,1160,1160,1160,1160,-800,1160,-855,-801,1160,1160,1160,1160,1160,1160,-856,-857,1160,-836,-832,-837,1160,-627,1160,-628,-629,-630,-631,-576,1160,1160,-632,-633,-634,1160,1160,1160,1160,1160,1160,-637,-638,-639,-594,-1896,-604,1160,-640,-641,-715,-642,-606,1160,-574,-579,-582,-585,1160,1160,1160,-600,-603,1160,-610,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1160,142,142,-997,142,1160,142,142,142,1160,-308,-327,-321,-298,-377,-454,-455,-456,-460,142,-445,1160,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1160,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,142,142,142,142,142,142,142,142,1160,-318,-537,-510,-593,-939,-941,-942,-440,1160,-442,-382,-383,-385,-509,-511,-513,1160,-515,-516,-521,-522,1160,-534,-536,-539,-540,-545,-550,-728,1160,-729,1160,-734,1160,-736,1160,-741,-658,-662,-663,1160,-668,1160,-669,1160,-674,-676,1160,-679,1160,1160,1160,-689,-691,1160,-694,1160,1160,-746,1160,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1160,1160,1160,1160,1160,-879,1160,-882,-910,-922,-927,-390,-391,1160,-396,1160,-399,1160,-404,1160,-405,1160,-410,1160,-415,1160,-419,1160,-420,1160,-425,1160,-428,-901,-902,-645,-587,-1896,-903,1160,1160,1160,-802,1160,1160,-806,1160,-809,-835,1160,-820,1160,-822,1160,-824,-810,1160,-826,1160,-853,-854,1160,1160,-813,1160,-648,-904,-906,-650,-651,-647,1160,-707,-708,1160,-644,-905,-649,-652,-605,-716,1160,1160,-607,-588,1160,1160,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1160,1160,-711,-712,1160,-718,1160,142,142,142,1160,1160,-940,142,-441,-443,-749,1160,-893,1848,-717,-1896,1160,1160,142,142,1160,-444,-514,-525,1160,-730,-735,1160,-737,1160,-742,1160,-664,-670,1160,-680,-682,-684,-685,-692,-695,-699,-747,1160,1160,-876,1160,1160,-880,1160,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1160,-814,1160,-816,-803,1160,-804,-807,1160,-818,-821,-823,-825,-827,1160,-828,1160,-811,1160,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,142,-284,142,1160,142,1160,-457,1160,1160,-731,1160,-738,1160,-743,1160,-665,-673,1160,1160,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1160,-838,-53,142,1160,-732,1160,-739,1160,-744,-666,1160,-875,-54,142,142,-733,-740,-745,1160,142,1160,-874,]),'COPY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[143,143,143,143,-1896,143,143,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,143,143,143,143,-277,-278,143,-1427,143,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,143,143,143,-492,143,143,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,143,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,143,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,143,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,143,-174,-175,-176,-177,-995,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-292,-293,-283,143,143,143,143,143,-330,-320,-334,-335,-336,143,143,-984,-985,-986,-987,-988,-989,-990,143,143,143,143,143,143,143,143,143,143,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,143,143,143,-355,-358,143,-325,-326,-143,143,-144,143,-145,143,-432,-937,-938,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-1896,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-1896,143,-1896,143,143,143,143,143,143,143,143,143,143,143,143,-1896,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-1896,143,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,143,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,143,143,143,-193,-194,143,-996,143,143,143,143,143,-279,-280,-281,-282,-367,143,-310,143,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,143,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,143,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,143,143,143,143,143,143,-575,143,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,143,143,-725,-726,-727,143,143,143,143,143,143,-996,143,143,-93,-94,143,143,143,143,-311,-312,-322,143,-309,-295,-296,-297,143,143,143,143,-620,-635,-592,143,143,-438,143,-439,143,-446,-447,-448,-380,-381,143,143,143,-508,143,143,-512,143,143,143,143,-517,-518,-519,-520,143,143,-523,-524,143,-526,-527,-528,-529,-530,-531,-532,-533,143,-535,143,143,143,-541,-543,-544,143,-546,-547,-548,-549,143,143,143,143,143,143,-654,-655,-656,-657,143,-659,-660,-661,143,143,143,-667,143,143,-671,-672,143,143,-675,143,-677,-678,143,-681,143,-683,143,143,-686,-687,-688,143,-690,143,143,-693,143,143,-696,-697,-698,143,-700,-701,-702,-703,143,143,-748,143,-751,-752,-753,-754,-755,143,-757,-758,-759,-760,-761,143,-768,-769,-771,143,-773,-774,-775,-784,-858,-860,-862,-864,143,143,143,143,-870,143,-872,143,143,143,143,143,143,143,-908,-909,143,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,143,-923,-926,143,-936,143,-387,-388,-389,143,143,-392,-393,-394,-395,143,-398,143,-401,-402,143,-403,143,-408,-409,143,-412,-413,-414,143,-417,143,-418,143,-423,-424,143,-427,143,-430,-431,-1896,-1896,143,-621,-622,-623,-624,-625,-636,-586,-626,-799,143,143,143,143,143,-833,143,143,-808,143,-834,143,143,143,143,-800,143,-855,-801,143,143,143,143,143,143,-856,-857,143,-836,-832,-837,143,-627,143,-628,-629,-630,-631,-576,143,143,-632,-633,-634,143,143,143,143,143,143,-637,-638,-639,-594,-1896,-604,143,-640,-641,-715,-642,-606,143,-574,-579,-582,-585,143,143,143,-600,-603,143,-610,143,143,143,143,143,143,143,143,143,143,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,143,143,143,-997,143,143,143,143,143,143,-308,-327,-321,-298,-377,-454,-455,-456,-460,143,-445,143,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,143,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,143,143,143,143,143,143,143,143,143,-318,-537,-510,-593,-939,-941,-942,-440,143,-442,-382,-383,-385,-509,-511,-513,143,-515,-516,-521,-522,143,-534,-536,-539,-540,-545,-550,-728,143,-729,143,-734,143,-736,143,-741,-658,-662,-663,143,-668,143,-669,143,-674,-676,143,-679,143,143,143,-689,-691,143,-694,143,143,-746,143,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,143,143,143,143,143,-879,143,-882,-910,-922,-927,-390,-391,143,-396,143,-399,143,-404,143,-405,143,-410,143,-415,143,-419,143,-420,143,-425,143,-428,-901,-902,-645,-587,-1896,-903,143,143,143,-802,143,143,-806,143,-809,-835,143,-820,143,-822,143,-824,-810,143,-826,143,-853,-854,143,143,-813,143,-648,-904,-906,-650,-651,-647,143,-707,-708,143,-644,-905,-649,-652,-605,-716,143,143,-607,-588,143,143,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,143,143,-711,-712,143,-718,143,143,143,143,143,143,-940,143,-441,-443,-749,143,-893,143,-717,-1896,143,143,143,143,143,-444,-514,-525,143,-730,-735,143,-737,143,-742,143,-664,-670,143,-680,-682,-684,-685,-692,-695,-699,-747,143,143,-876,143,143,-880,143,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,143,-814,143,-816,-803,143,-804,-807,143,-818,-821,-823,-825,-827,143,-828,143,-811,143,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,143,-284,143,143,143,143,-457,143,143,-731,143,-738,143,-743,143,-665,-673,143,143,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,143,-838,-53,143,143,-732,143,-739,143,-744,-666,143,-875,-54,143,143,-733,-740,-745,143,143,143,-874,]),'COLLATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[144,144,144,1161,-1896,144,144,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,144,144,144,144,-277,-278,1161,-1427,1161,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1161,1161,1161,-492,1161,1161,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1161,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1161,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1849,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,144,-174,-175,-176,-177,-995,144,144,144,144,144,144,144,144,144,144,1161,1161,1161,1161,1161,-292,-293,-283,144,1161,1161,1161,1161,-330,-320,-334,-335,-336,1161,1161,-984,-985,-986,-987,-988,-989,-990,144,144,1161,1161,1161,1161,1161,1161,1161,1161,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1161,1161,1161,-355,-358,144,-325,-326,-143,1161,-144,1161,-145,1161,-432,-937,-938,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1896,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1896,1161,-1896,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1896,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1896,144,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1161,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1161,144,144,-193,-194,144,-996,1161,144,144,144,144,-279,-280,-281,-282,-367,1161,-310,1161,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1161,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1161,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1161,1161,1161,1161,1161,1161,-575,1161,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1161,1161,-725,-726,-727,1161,1849,144,144,144,144,-996,144,1161,-93,-94,144,144,144,1161,-311,-312,-322,1161,-309,-295,-296,-297,1161,144,1161,1161,-620,-635,-592,1161,144,-438,144,-439,1161,-446,-447,-448,-380,-381,1161,1161,1161,-508,1161,1161,-512,1161,1161,1161,1161,-517,-518,-519,-520,1161,1161,-523,-524,1161,-526,-527,-528,-529,-530,-531,-532,-533,1161,-535,1161,1161,1161,-541,-543,-544,1161,-546,-547,-548,-549,1161,1161,1161,1161,1161,1161,-654,-655,-656,-657,144,-659,-660,-661,1161,1161,1161,-667,1161,1161,-671,-672,1161,1161,-675,1161,-677,-678,1161,-681,1161,-683,1161,1161,-686,-687,-688,1161,-690,1161,1161,-693,1161,1161,-696,-697,-698,1161,-700,-701,-702,-703,1161,1161,-748,1161,-751,-752,-753,-754,-755,1161,-757,-758,-759,-760,-761,1161,-768,-769,-771,1161,-773,-774,-775,-784,-858,-860,-862,-864,1161,1161,1161,1161,-870,1161,-872,1161,1161,1161,1161,1161,1161,1161,-908,-909,1161,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1161,-923,-926,1161,-936,1161,-387,-388,-389,1161,1161,-392,-393,-394,-395,1161,-398,1161,-401,-402,1161,-403,1161,-408,-409,1161,-412,-413,-414,1161,-417,1161,-418,1161,-423,-424,1161,-427,1161,-430,-431,-1896,-1896,1161,-621,-622,-623,-624,-625,-636,-586,-626,-799,1161,1161,1161,1161,1161,-833,1161,1161,-808,1161,-834,1161,1161,1161,1161,-800,1161,-855,-801,1161,1161,1161,1161,1161,1161,-856,-857,1161,-836,-832,-837,1161,-627,1161,-628,-629,-630,-631,-576,1161,1161,-632,-633,-634,1161,1161,1161,1161,1161,1161,-637,-638,-639,-594,-1896,-604,1161,-640,-641,-715,-642,-606,1161,-574,-579,-582,-585,1161,1161,1161,-600,-603,1161,-610,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1161,144,144,-997,144,1161,144,144,144,1161,-308,-327,-321,-298,-377,-454,-455,-456,-460,144,-445,1161,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1161,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,144,144,144,144,144,144,144,144,1161,-318,-537,-510,-593,-939,-941,-942,-440,1161,-442,-382,-383,-385,-509,-511,-513,1161,-515,-516,-521,-522,1161,-534,-536,-539,-540,-545,-550,-728,1161,-729,1161,-734,1161,-736,1161,-741,-658,-662,-663,1161,-668,1161,-669,1161,-674,-676,1161,-679,1161,1161,1161,-689,-691,1161,-694,1161,1161,-746,1161,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1161,1161,1161,1161,1161,-879,1161,-882,-910,-922,-927,-390,-391,1161,-396,1161,-399,1161,-404,1161,-405,1161,-410,1161,-415,1161,-419,1161,-420,1161,-425,1161,-428,-901,-902,-645,-587,-1896,-903,1161,1161,1161,-802,1161,1161,-806,1161,-809,-835,1161,-820,1161,-822,1161,-824,-810,1161,-826,1161,-853,-854,1161,1161,-813,1161,-648,-904,-906,-650,-651,-647,1161,-707,-708,1161,-644,-905,-649,-652,-605,-716,1161,1161,-607,-588,1161,1161,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1161,1161,-711,-712,1161,-718,1161,144,144,144,1161,1161,-940,144,-441,-443,-749,1161,-893,1849,-717,-1896,1161,1161,144,144,1161,-444,-514,-525,1161,-730,-735,1161,-737,1161,-742,1161,-664,-670,1161,-680,-682,-684,-685,-692,-695,-699,-747,1161,1161,-876,1161,1161,-880,1161,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1161,-814,1161,-816,-803,1161,-804,-807,1161,-818,-821,-823,-825,-827,1161,-828,1161,-811,1161,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,144,-284,144,1161,144,1161,-457,1161,1161,-731,1161,-738,1161,-743,1161,-665,-673,1161,1161,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1161,-838,-53,144,1161,-732,1161,-739,1161,-744,-666,1161,-875,-54,144,144,-733,-740,-745,1161,144,1161,-874,]),'COLUMNS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3104,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[145,145,145,145,-1896,145,145,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,145,145,145,145,-277,-278,145,-1427,145,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,145,145,145,-492,145,145,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,145,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,145,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,145,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,145,-174,-175,-176,-177,-995,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-292,-293,-283,145,145,145,145,145,-330,-320,-334,-335,-336,145,145,-984,-985,-986,-987,-988,-989,-990,145,145,145,145,145,145,145,145,145,145,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,145,145,145,-355,-358,145,-325,-326,-143,145,-144,145,-145,145,-432,-937,-938,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-1896,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-1896,145,-1896,145,145,145,145,145,145,145,145,145,145,145,145,-1896,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-1896,145,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,145,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,145,145,145,-193,-194,145,-996,145,145,145,145,145,-279,-280,-281,-282,-367,145,-310,145,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,145,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,145,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,145,145,145,145,145,145,-575,145,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,145,145,-725,-726,-727,145,145,145,145,145,145,-996,145,145,-93,-94,145,145,145,145,-311,-312,-322,145,-309,-295,-296,-297,145,145,145,145,-620,-635,-592,145,145,-438,145,-439,145,-446,-447,-448,-380,-381,145,145,145,-508,145,145,-512,145,145,145,145,-517,-518,-519,-520,145,145,-523,-524,145,-526,-527,-528,-529,-530,-531,-532,-533,145,-535,145,145,145,-541,-543,-544,145,-546,-547,-548,-549,145,145,145,145,145,145,-654,-655,-656,-657,145,-659,-660,-661,145,145,145,-667,145,145,-671,-672,145,145,-675,145,-677,-678,145,-681,145,-683,145,145,-686,-687,-688,145,-690,145,145,-693,145,145,-696,-697,-698,145,-700,-701,-702,-703,145,145,-748,145,-751,-752,-753,-754,-755,145,-757,-758,-759,-760,-761,145,-768,-769,-771,145,-773,-774,-775,-784,-858,-860,-862,-864,145,145,145,145,-870,145,-872,145,145,145,145,145,145,145,-908,-909,145,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,145,-923,-926,145,-936,145,-387,-388,-389,145,145,-392,-393,-394,-395,145,-398,145,-401,-402,145,-403,145,-408,-409,145,-412,-413,-414,145,-417,145,-418,145,-423,-424,145,-427,145,-430,-431,-1896,-1896,145,-621,-622,-623,-624,-625,-636,-586,-626,-799,145,145,145,145,145,-833,145,145,-808,145,-834,145,145,145,145,-800,145,-855,-801,145,145,145,145,145,145,-856,-857,145,-836,-832,-837,145,-627,145,-628,-629,-630,-631,-576,145,145,-632,-633,-634,145,145,145,145,145,145,-637,-638,-639,-594,-1896,-604,145,-640,-641,-715,-642,-606,145,-574,-579,-582,-585,145,145,145,-600,-603,145,-610,145,145,145,145,145,145,145,145,145,145,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,145,145,145,-997,145,145,145,145,145,145,-308,-327,-321,-298,-377,-454,-455,-456,-460,145,-445,145,-935,-1896,-891,-452,-453,-892,-1896,-1896,3393,-1896,-1896,-1896,-900,145,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,145,145,145,145,145,145,145,145,145,-318,-537,-510,-593,-939,-941,-942,-440,145,-442,-382,-383,-385,-509,-511,-513,145,-515,-516,-521,-522,145,-534,-536,-539,-540,-545,-550,-728,145,-729,145,-734,145,-736,145,-741,-658,-662,-663,145,-668,145,-669,145,-674,-676,145,-679,145,145,145,-689,-691,145,-694,145,145,-746,145,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,145,145,145,145,145,-879,145,-882,-910,-922,-927,-390,-391,145,-396,145,-399,145,-404,145,-405,145,-410,145,-415,145,-419,145,-420,145,-425,145,-428,-901,-902,-645,-587,-1896,-903,145,145,145,-802,145,145,-806,145,-809,-835,145,-820,145,-822,145,-824,-810,145,-826,145,-853,-854,145,145,-813,145,-648,-904,-906,-650,-651,-647,145,-707,-708,145,-644,-905,-649,-652,-605,-716,145,145,-607,-588,145,145,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,145,145,-711,-712,145,-718,145,145,145,145,145,145,-940,145,-441,-443,-749,145,-893,145,-717,-1896,145,145,145,145,145,-444,-514,-525,145,-730,-735,145,-737,145,-742,145,-664,-670,145,-680,-682,-684,-685,-692,-695,-699,-747,145,145,-876,145,145,-880,145,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,145,-814,145,-816,-803,145,-804,-807,145,-818,-821,-823,-825,-827,145,-828,145,-811,145,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,145,-284,145,145,145,145,-457,145,145,-731,145,-738,145,-743,145,-665,-673,145,145,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,145,-838,-53,145,145,-732,145,-739,145,-744,-666,145,-875,-54,145,145,-733,-740,-745,145,145,145,-874,]),'COLUMN_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[146,146,146,146,-1896,146,146,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,146,146,146,146,-277,-278,146,-1427,146,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,146,146,146,-492,146,146,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,146,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,146,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,146,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,146,-174,-175,-176,-177,-995,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-292,-293,-283,146,146,146,146,146,-330,-320,-334,-335,-336,146,146,-984,-985,-986,-987,-988,-989,-990,146,146,146,146,146,146,146,146,146,146,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,146,146,146,-355,-358,146,-325,-326,-143,146,-144,146,-145,146,-432,-937,-938,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-1896,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-1896,146,-1896,146,146,146,146,146,146,146,146,146,146,146,146,-1896,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-1896,146,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,146,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,146,146,146,-193,-194,146,-996,146,146,146,146,146,-279,-280,-281,-282,-367,146,-310,146,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,146,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,146,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,146,146,146,146,146,146,-575,146,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,146,146,-725,-726,-727,146,146,146,146,146,146,-996,146,146,-93,-94,146,146,146,146,-311,-312,-322,146,-309,-295,-296,-297,146,146,146,146,-620,-635,-592,146,146,-438,146,-439,146,-446,-447,-448,-380,-381,146,146,146,-508,146,146,-512,146,146,146,146,-517,-518,-519,-520,146,146,-523,-524,146,-526,-527,-528,-529,-530,-531,-532,-533,146,-535,146,146,146,-541,-543,-544,146,-546,-547,-548,-549,146,146,146,146,146,146,-654,-655,-656,-657,146,-659,-660,-661,146,146,146,-667,146,146,-671,-672,146,146,-675,146,-677,-678,146,-681,146,-683,146,146,-686,-687,-688,146,-690,146,146,-693,146,146,-696,-697,-698,146,-700,-701,-702,-703,146,146,-748,146,-751,-752,-753,-754,-755,146,-757,-758,-759,-760,-761,146,-768,-769,-771,146,-773,-774,-775,-784,-858,-860,-862,-864,146,146,146,146,-870,146,-872,146,146,146,146,146,146,146,-908,-909,146,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,146,-923,-926,146,-936,146,-387,-388,-389,146,146,-392,-393,-394,-395,146,-398,146,-401,-402,146,-403,146,-408,-409,146,-412,-413,-414,146,-417,146,-418,146,-423,-424,146,-427,146,-430,-431,-1896,-1896,146,-621,-622,-623,-624,-625,-636,-586,-626,-799,146,146,146,146,146,-833,146,146,-808,146,-834,146,146,146,146,-800,146,-855,-801,146,146,146,146,146,146,-856,-857,146,-836,-832,-837,146,-627,146,-628,-629,-630,-631,-576,146,146,-632,-633,-634,146,146,146,146,146,146,-637,-638,-639,-594,-1896,-604,146,-640,-641,-715,-642,-606,146,-574,-579,-582,-585,146,146,146,-600,-603,146,-610,146,146,146,146,146,146,146,146,146,146,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,146,146,146,-997,146,146,146,146,146,146,-308,-327,-321,-298,-377,-454,-455,-456,-460,146,-445,146,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,146,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,146,146,146,146,146,146,146,146,146,-318,-537,-510,-593,-939,-941,-942,-440,146,-442,-382,-383,-385,-509,-511,-513,146,-515,-516,-521,-522,146,-534,-536,-539,-540,-545,-550,-728,146,-729,146,-734,146,-736,146,-741,-658,-662,-663,146,-668,146,-669,146,-674,-676,146,-679,146,146,146,-689,-691,146,-694,146,146,-746,146,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,146,146,146,146,146,-879,146,-882,-910,-922,-927,-390,-391,146,-396,146,-399,146,-404,146,-405,146,-410,146,-415,146,-419,146,-420,146,-425,146,-428,-901,-902,-645,-587,-1896,-903,146,146,146,-802,146,146,-806,146,-809,-835,146,-820,146,-822,146,-824,-810,146,-826,146,-853,-854,146,146,-813,146,-648,-904,-906,-650,-651,-647,146,-707,-708,146,-644,-905,-649,-652,-605,-716,146,146,-607,-588,146,146,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,146,146,-711,-712,146,-718,146,146,146,146,146,146,-940,146,-441,-443,-749,146,-893,146,-717,-1896,146,146,146,146,146,-444,-514,-525,146,-730,-735,146,-737,146,-742,146,-664,-670,146,-680,-682,-684,-685,-692,-695,-699,-747,146,146,-876,146,146,-880,146,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,146,-814,146,-816,-803,146,-804,-807,146,-818,-821,-823,-825,-827,146,-828,146,-811,146,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,146,-284,146,146,146,146,-457,146,146,-731,146,-738,146,-743,146,-665,-673,146,146,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,146,-838,-53,146,146,-732,146,-739,146,-744,-666,146,-875,-54,146,146,-733,-740,-745,146,146,146,-874,]),'COLUMN_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[147,147,147,147,-1896,147,147,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,147,147,147,147,-277,-278,147,-1427,147,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,147,147,147,-492,147,147,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,147,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,147,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,147,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,147,-174,-175,-176,-177,-995,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-292,-293,-283,147,147,147,147,147,-330,-320,-334,-335,-336,147,147,-984,-985,-986,-987,-988,-989,-990,147,147,147,147,147,147,147,147,147,147,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,147,147,147,-355,-358,147,-325,-326,-143,147,-144,147,-145,147,-432,-937,-938,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-1896,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-1896,147,-1896,147,147,147,147,147,147,147,147,147,147,147,147,-1896,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-1896,147,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,147,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,147,147,147,-193,-194,147,-996,147,147,147,147,147,-279,-280,-281,-282,-367,147,-310,147,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,147,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,147,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,147,147,147,147,147,147,-575,147,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,147,147,-725,-726,-727,147,147,147,147,147,147,-996,147,147,-93,-94,147,147,147,147,-311,-312,-322,147,-309,-295,-296,-297,147,147,147,147,-620,-635,-592,147,147,-438,147,-439,147,-446,-447,-448,-380,-381,147,147,147,-508,147,147,-512,147,147,147,147,-517,-518,-519,-520,147,147,-523,-524,147,-526,-527,-528,-529,-530,-531,-532,-533,147,-535,147,147,147,-541,-543,-544,147,-546,-547,-548,-549,147,147,147,147,147,147,-654,-655,-656,-657,147,-659,-660,-661,147,147,147,-667,147,147,-671,-672,147,147,-675,147,-677,-678,147,-681,147,-683,147,147,-686,-687,-688,147,-690,147,147,-693,147,147,-696,-697,-698,147,-700,-701,-702,-703,147,147,-748,147,-751,-752,-753,-754,-755,147,-757,-758,-759,-760,-761,147,-768,-769,-771,147,-773,-774,-775,-784,-858,-860,-862,-864,147,147,147,147,-870,147,-872,147,147,147,147,147,147,147,-908,-909,147,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,147,-923,-926,147,-936,147,-387,-388,-389,147,147,-392,-393,-394,-395,147,-398,147,-401,-402,147,-403,147,-408,-409,147,-412,-413,-414,147,-417,147,-418,147,-423,-424,147,-427,147,-430,-431,-1896,-1896,147,-621,-622,-623,-624,-625,-636,-586,-626,-799,147,147,147,147,147,-833,147,147,-808,147,-834,147,147,147,147,-800,147,-855,-801,147,147,147,147,147,147,-856,-857,147,-836,-832,-837,147,-627,147,-628,-629,-630,-631,-576,147,147,-632,-633,-634,147,147,147,147,147,147,-637,-638,-639,-594,-1896,-604,147,-640,-641,-715,-642,-606,147,-574,-579,-582,-585,147,147,147,-600,-603,147,-610,147,147,147,147,147,147,147,147,147,147,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,147,147,147,-997,147,147,147,147,147,147,-308,-327,-321,-298,-377,-454,-455,-456,-460,147,-445,147,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,147,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,147,147,147,147,147,147,147,147,147,-318,-537,-510,-593,-939,-941,-942,-440,147,-442,-382,-383,-385,-509,-511,-513,147,-515,-516,-521,-522,147,-534,-536,-539,-540,-545,-550,-728,147,-729,147,-734,147,-736,147,-741,-658,-662,-663,147,-668,147,-669,147,-674,-676,147,-679,147,147,147,-689,-691,147,-694,147,147,-746,147,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,147,147,147,147,147,-879,147,-882,-910,-922,-927,-390,-391,147,-396,147,-399,147,-404,147,-405,147,-410,147,-415,147,-419,147,-420,147,-425,147,-428,-901,-902,-645,-587,-1896,-903,147,147,147,-802,147,147,-806,147,-809,-835,147,-820,147,-822,147,-824,-810,147,-826,147,-853,-854,147,147,-813,147,-648,-904,-906,-650,-651,-647,147,-707,-708,147,-644,-905,-649,-652,-605,-716,147,147,-607,-588,147,147,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,147,147,-711,-712,147,-718,147,147,147,147,147,147,-940,147,-441,-443,-749,147,-893,147,-717,-1896,147,147,147,147,147,-444,-514,-525,147,-730,-735,147,-737,147,-742,147,-664,-670,147,-680,-682,-684,-685,-692,-695,-699,-747,147,147,-876,147,147,-880,147,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,147,-814,147,-816,-803,147,-804,-807,147,-818,-821,-823,-825,-827,147,-828,147,-811,147,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,147,-284,147,147,147,147,-457,147,147,-731,147,-738,147,-743,147,-665,-673,147,147,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,147,-838,-53,147,147,-732,147,-739,147,-744,-666,147,-875,-54,147,147,-733,-740,-745,147,147,147,-874,]),'COLUMN_STAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[148,148,148,148,-1896,148,148,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,148,148,148,148,-277,-278,148,-1427,148,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,148,148,148,-492,148,148,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,148,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,148,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,148,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,148,-174,-175,-176,-177,-995,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-292,-293,-283,148,148,148,148,148,-330,-320,-334,-335,-336,148,148,-984,-985,-986,-987,-988,-989,-990,148,148,148,148,148,148,148,148,148,148,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,148,148,148,-355,-358,148,-325,-326,-143,148,-144,148,-145,148,-432,-937,-938,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-1896,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-1896,148,-1896,148,148,148,148,148,148,148,148,148,148,148,148,-1896,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-1896,148,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,148,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,148,148,148,-193,-194,148,-996,148,148,148,148,148,-279,-280,-281,-282,-367,148,-310,148,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,148,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,148,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,148,148,148,148,148,148,-575,148,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,148,148,-725,-726,-727,148,148,148,148,148,148,-996,148,148,-93,-94,148,148,148,148,-311,-312,-322,148,-309,-295,-296,-297,148,148,148,148,-620,-635,-592,148,148,-438,148,-439,148,-446,-447,-448,-380,-381,148,148,148,-508,148,148,-512,148,148,148,148,-517,-518,-519,-520,148,148,-523,-524,148,-526,-527,-528,-529,-530,-531,-532,-533,148,-535,148,148,148,-541,-543,-544,148,-546,-547,-548,-549,148,148,148,148,148,148,-654,-655,-656,-657,148,-659,-660,-661,148,148,148,-667,148,148,-671,-672,148,148,-675,148,-677,-678,148,-681,148,-683,148,148,-686,-687,-688,148,-690,148,148,-693,148,148,-696,-697,-698,148,-700,-701,-702,-703,148,148,-748,148,-751,-752,-753,-754,-755,148,-757,-758,-759,-760,-761,148,-768,-769,-771,148,-773,-774,-775,-784,-858,-860,-862,-864,148,148,148,148,-870,148,-872,148,148,148,148,148,148,148,-908,-909,148,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,148,-923,-926,148,-936,148,-387,-388,-389,148,148,-392,-393,-394,-395,148,-398,148,-401,-402,148,-403,148,-408,-409,148,-412,-413,-414,148,-417,148,-418,148,-423,-424,148,-427,148,-430,-431,-1896,-1896,148,-621,-622,-623,-624,-625,-636,-586,-626,-799,148,148,148,148,148,-833,148,148,-808,148,-834,148,148,148,148,-800,148,-855,-801,148,148,148,148,148,148,-856,-857,148,-836,-832,-837,148,-627,148,-628,-629,-630,-631,-576,148,148,-632,-633,-634,148,148,148,148,148,148,-637,-638,-639,-594,-1896,-604,148,-640,-641,-715,-642,-606,148,-574,-579,-582,-585,148,148,148,-600,-603,148,-610,148,148,148,148,148,148,148,148,148,148,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,148,148,148,-997,148,148,148,148,148,148,-308,-327,-321,-298,-377,-454,-455,-456,-460,148,-445,148,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,148,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,148,148,148,148,148,148,148,148,148,-318,-537,-510,-593,-939,-941,-942,-440,148,-442,-382,-383,-385,-509,-511,-513,148,-515,-516,-521,-522,148,-534,-536,-539,-540,-545,-550,-728,148,-729,148,-734,148,-736,148,-741,-658,-662,-663,148,-668,148,-669,148,-674,-676,148,-679,148,148,148,-689,-691,148,-694,148,148,-746,148,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,148,148,148,148,148,-879,148,-882,-910,-922,-927,-390,-391,148,-396,148,-399,148,-404,148,-405,148,-410,148,-415,148,-419,148,-420,148,-425,148,-428,-901,-902,-645,-587,-1896,-903,148,148,148,-802,148,148,-806,148,-809,-835,148,-820,148,-822,148,-824,-810,148,-826,148,-853,-854,148,148,-813,148,-648,-904,-906,-650,-651,-647,148,-707,-708,148,-644,-905,-649,-652,-605,-716,148,148,-607,-588,148,148,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,148,148,-711,-712,148,-718,148,148,148,148,148,148,-940,148,-441,-443,-749,148,-893,148,-717,-1896,148,148,148,148,148,-444,-514,-525,148,-730,-735,148,-737,148,-742,148,-664,-670,148,-680,-682,-684,-685,-692,-695,-699,-747,148,148,-876,148,148,-880,148,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,148,-814,148,-816,-803,148,-804,-807,148,-818,-821,-823,-825,-827,148,-828,148,-811,148,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,148,-284,148,148,148,148,-457,148,148,-731,148,-738,148,-743,148,-665,-673,148,148,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,148,-838,-53,148,148,-732,148,-739,148,-744,-666,148,-875,-54,148,148,-733,-740,-745,148,148,148,-874,]),'COMMENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3583,3585,3586,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3712,3715,3726,3738,3743,3756,3769,3773,3775,3776,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3862,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[149,149,149,149,-1896,149,149,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,149,149,149,149,-277,-278,149,-1427,149,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,149,149,149,-492,149,149,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,149,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,149,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,149,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,149,-174,-175,-176,-177,-995,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-292,-293,-283,149,149,149,149,149,-330,-320,-334,-335,-336,149,149,-984,-985,-986,-987,-988,-989,-990,149,149,149,149,149,149,149,149,149,149,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,149,149,149,-355,-358,149,-325,-326,-143,149,-144,149,-145,149,-432,-937,-938,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-1896,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-1896,149,-1896,149,149,149,149,149,149,149,149,149,149,149,149,-1896,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-1896,149,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,149,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,149,149,149,-193,-194,149,-996,149,149,149,149,149,-279,-280,-281,-282,-367,149,-310,149,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,149,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,149,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,149,149,149,149,149,149,-575,149,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,149,149,-725,-726,-727,149,149,149,149,149,149,-996,149,149,-93,-94,149,149,149,149,-311,-312,-322,149,-309,-295,-296,-297,149,149,149,149,-620,-635,-592,149,149,-438,149,-439,149,-446,-447,-448,-380,-381,149,149,149,-508,149,149,-512,149,149,149,149,-517,-518,-519,-520,149,149,-523,-524,149,-526,-527,-528,-529,-530,-531,-532,-533,149,-535,149,149,149,-541,-543,-544,149,-546,-547,-548,-549,149,149,149,149,149,149,-654,-655,-656,-657,149,-659,-660,-661,149,149,149,-667,149,149,-671,-672,149,149,-675,149,-677,-678,149,-681,149,-683,149,149,-686,-687,-688,149,-690,149,149,-693,149,149,-696,-697,-698,149,-700,-701,-702,-703,149,149,-748,149,-751,-752,-753,-754,-755,149,-757,-758,-759,-760,-761,149,-768,-769,-771,149,-773,-774,-775,-784,-858,-860,-862,-864,149,149,149,149,-870,149,-872,149,149,149,149,149,149,149,-908,-909,149,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,149,-923,-926,149,-936,149,-387,-388,-389,149,149,-392,-393,-394,-395,149,-398,149,-401,-402,149,-403,149,-408,-409,149,-412,-413,-414,149,-417,149,-418,149,-423,-424,149,-427,149,-430,-431,-1896,-1896,149,-621,-622,-623,-624,-625,-636,-586,-626,-799,149,149,149,149,149,-833,149,149,-808,149,-834,149,149,149,149,-800,149,-855,-801,149,149,149,149,149,149,-856,-857,149,-836,-832,-837,149,-627,149,-628,-629,-630,-631,-576,149,149,-632,-633,-634,149,149,149,149,149,149,-637,-638,-639,-594,-1896,-604,149,-640,-641,-715,-642,-606,149,-574,-579,-582,-585,149,149,149,-600,-603,149,-610,149,149,149,149,149,149,149,149,149,149,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,149,149,3186,149,-997,149,149,149,149,149,149,-308,-327,-321,-298,-377,-454,-455,-456,-460,149,-445,149,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,149,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,149,149,149,149,149,149,149,149,149,-318,-537,-510,-593,-939,-941,-942,-440,149,-442,-382,-383,-385,-509,-511,-513,149,-515,-516,-521,-522,149,-534,-536,-539,-540,-545,-550,-728,149,-729,149,-734,149,-736,149,-741,-658,-662,-663,149,-668,149,-669,149,-674,-676,149,-679,149,149,149,-689,-691,149,-694,149,149,-746,149,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,149,149,149,149,149,-879,149,-882,-910,-922,-927,-390,-391,149,-396,149,-399,149,-404,149,-405,149,-410,149,-415,149,-419,149,-420,149,-425,149,-428,-901,-902,-645,-587,-1896,-903,149,149,149,-802,149,149,-806,149,-809,-835,149,-820,149,-822,149,-824,-810,149,-826,149,-853,-854,149,149,-813,149,-648,-904,-906,-650,-651,-647,149,-707,-708,149,-644,-905,-649,-652,-605,-716,149,149,-607,-588,149,149,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,149,149,-711,-712,149,-718,149,149,149,149,3186,149,149,-940,149,-441,-443,-749,149,-893,149,-717,-1896,149,149,3713,3713,3713,3186,149,3186,3186,3186,3186,3186,3186,3186,3186,3186,149,149,-444,-514,-525,149,-730,-735,149,-737,149,-742,149,-664,-670,149,-680,-682,-684,-685,-692,-695,-699,-747,149,149,-876,149,149,-880,149,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,149,-814,149,-816,-803,149,-804,-807,149,-818,-821,-823,-825,-827,149,-828,149,-811,149,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,149,3713,3713,3186,-284,149,149,149,149,3713,3713,-457,149,149,-731,149,-738,149,-743,149,-665,-673,149,149,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,149,-838,-53,149,149,-732,149,-739,149,-744,-666,149,-875,3713,-54,149,149,-733,-740,-745,149,149,149,-874,]),'COMMIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[150,150,150,150,-1896,150,150,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,150,150,150,150,-277,-278,150,-1427,150,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,150,150,150,-492,150,150,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,150,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,150,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,150,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,150,-174,-175,-176,-177,-995,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-292,-293,-283,150,150,150,150,150,-330,-320,-334,-335,-336,150,150,-984,-985,-986,-987,-988,-989,-990,150,150,150,150,150,150,150,150,150,150,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,150,150,150,-355,-358,150,-325,-326,-143,150,-144,150,-145,150,-432,-937,-938,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-1896,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-1896,150,-1896,150,150,150,150,150,150,150,150,150,150,150,150,-1896,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-1896,150,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,150,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,150,150,150,-193,-194,150,-996,150,150,150,150,150,-279,-280,-281,-282,-367,150,-310,150,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,150,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,150,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,150,150,150,150,150,150,-575,150,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,150,150,-725,-726,-727,150,150,150,150,150,150,-996,150,150,-93,-94,150,150,150,150,-311,-312,-322,150,-309,-295,-296,-297,150,150,150,150,-620,-635,-592,150,150,-438,150,-439,150,-446,-447,-448,-380,-381,150,150,150,-508,150,150,-512,150,150,150,150,-517,-518,-519,-520,150,150,-523,-524,150,-526,-527,-528,-529,-530,-531,-532,-533,150,-535,150,150,150,-541,-543,-544,150,-546,-547,-548,-549,150,150,150,150,150,150,-654,-655,-656,-657,150,-659,-660,-661,150,150,150,-667,150,150,-671,-672,150,150,-675,150,-677,-678,150,-681,150,-683,150,150,-686,-687,-688,150,-690,150,150,-693,150,150,-696,-697,-698,150,-700,-701,-702,-703,150,150,-748,150,-751,-752,-753,-754,-755,150,-757,-758,-759,-760,-761,150,-768,-769,-771,150,-773,-774,-775,-784,-858,-860,-862,-864,150,150,150,150,-870,150,-872,150,150,150,150,150,150,150,-908,-909,150,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,150,-923,-926,150,-936,150,-387,-388,-389,150,150,-392,-393,-394,-395,150,-398,150,-401,-402,150,-403,150,-408,-409,150,-412,-413,-414,150,-417,150,-418,150,-423,-424,150,-427,150,-430,-431,-1896,-1896,150,-621,-622,-623,-624,-625,-636,-586,-626,-799,150,150,150,150,150,-833,150,150,-808,150,-834,150,150,150,150,-800,150,-855,-801,150,150,150,150,150,150,-856,-857,150,-836,-832,-837,150,-627,150,-628,-629,-630,-631,-576,150,150,-632,-633,-634,150,150,150,150,150,150,-637,-638,-639,-594,-1896,-604,150,-640,-641,-715,-642,-606,150,-574,-579,-582,-585,150,150,150,-600,-603,150,-610,150,150,150,150,150,150,150,150,150,150,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,150,150,150,-997,150,150,150,150,150,150,-308,-327,-321,-298,-377,-454,-455,-456,-460,150,-445,150,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,150,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,150,150,150,150,150,150,150,150,150,-318,-537,-510,-593,-939,-941,-942,-440,150,-442,-382,-383,-385,-509,-511,-513,150,-515,-516,-521,-522,150,-534,-536,-539,-540,-545,-550,-728,150,-729,150,-734,150,-736,150,-741,-658,-662,-663,150,-668,150,-669,150,-674,-676,150,-679,150,150,150,-689,-691,150,-694,150,150,-746,150,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,150,150,150,150,150,-879,150,-882,-910,-922,-927,-390,-391,150,-396,150,-399,150,-404,150,-405,150,-410,150,-415,150,-419,150,-420,150,-425,150,-428,-901,-902,-645,-587,-1896,-903,150,150,150,-802,150,150,-806,150,-809,-835,150,-820,150,-822,150,-824,-810,150,-826,150,-853,-854,150,150,-813,150,-648,-904,-906,-650,-651,-647,150,-707,-708,150,-644,-905,-649,-652,-605,-716,150,150,-607,-588,150,150,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,150,150,-711,-712,150,-718,150,150,150,150,150,150,-940,150,-441,-443,-749,150,-893,150,-717,-1896,150,150,150,150,150,-444,-514,-525,150,-730,-735,150,-737,150,-742,150,-664,-670,150,-680,-682,-684,-685,-692,-695,-699,-747,150,150,-876,150,150,-880,150,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,150,-814,150,-816,-803,150,-804,-807,150,-818,-821,-823,-825,-827,150,-828,150,-811,150,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,150,-284,150,150,150,150,-457,150,150,-731,150,-738,150,-743,150,-665,-673,150,150,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,150,-838,-53,150,150,-732,150,-739,150,-744,-666,150,-875,-54,150,150,-733,-740,-745,150,150,150,-874,]),'COMMITTED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[151,151,151,151,-1896,151,151,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,151,151,151,151,-277,-278,151,-1427,151,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,151,151,151,-492,151,151,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,151,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,151,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,151,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,151,-174,-175,-176,-177,-995,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-292,-293,-283,151,151,151,151,151,-330,-320,-334,-335,-336,151,151,-984,-985,-986,-987,-988,-989,-990,151,151,151,151,151,151,151,151,151,151,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,151,151,151,-355,-358,151,-325,-326,-143,151,-144,151,-145,151,-432,-937,-938,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-1896,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-1896,151,-1896,151,151,151,151,151,151,151,151,151,151,151,151,-1896,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-1896,151,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,151,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,151,151,151,-193,-194,151,-996,151,151,151,151,151,-279,-280,-281,-282,-367,151,-310,151,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,151,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,151,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,151,151,151,151,151,151,-575,151,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,151,151,-725,-726,-727,151,151,151,151,151,151,-996,151,151,-93,-94,151,151,151,151,-311,-312,-322,151,-309,-295,-296,-297,151,151,151,151,-620,-635,-592,151,151,-438,151,-439,151,-446,-447,-448,-380,-381,151,151,151,-508,151,151,-512,151,151,151,151,-517,-518,-519,-520,151,151,-523,-524,151,-526,-527,-528,-529,-530,-531,-532,-533,151,-535,151,151,151,-541,-543,-544,151,-546,-547,-548,-549,151,151,151,151,151,151,-654,-655,-656,-657,151,-659,-660,-661,151,151,151,-667,151,151,-671,-672,151,151,-675,151,-677,-678,151,-681,151,-683,151,151,-686,-687,-688,151,-690,151,151,-693,151,151,-696,-697,-698,151,-700,-701,-702,-703,151,151,-748,151,-751,-752,-753,-754,-755,151,-757,-758,-759,-760,-761,151,-768,-769,-771,151,-773,-774,-775,-784,-858,-860,-862,-864,151,151,151,151,-870,151,-872,151,151,151,151,151,151,151,-908,-909,151,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,151,-923,-926,151,-936,151,-387,-388,-389,151,151,-392,-393,-394,-395,151,-398,151,-401,-402,151,-403,151,-408,-409,151,-412,-413,-414,151,-417,151,-418,151,-423,-424,151,-427,151,-430,-431,-1896,-1896,151,-621,-622,-623,-624,-625,-636,-586,-626,-799,151,151,151,151,151,-833,151,151,-808,151,-834,151,151,151,151,-800,151,-855,-801,151,151,151,151,151,151,-856,-857,151,-836,-832,-837,151,-627,151,-628,-629,-630,-631,-576,151,151,-632,-633,-634,151,151,151,151,151,151,-637,-638,-639,-594,-1896,-604,151,-640,-641,-715,-642,-606,151,-574,-579,-582,-585,151,151,151,-600,-603,151,-610,151,151,151,151,151,151,151,151,151,151,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,151,151,151,-997,151,151,151,151,151,151,-308,-327,-321,-298,-377,-454,-455,-456,-460,151,-445,151,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,151,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,151,151,151,151,151,151,151,151,151,-318,-537,-510,-593,-939,-941,-942,-440,151,-442,-382,-383,-385,-509,-511,-513,151,-515,-516,-521,-522,151,-534,-536,-539,-540,-545,-550,-728,151,-729,151,-734,151,-736,151,-741,-658,-662,-663,151,-668,151,-669,151,-674,-676,151,-679,151,151,151,-689,-691,151,-694,151,151,-746,151,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,151,151,151,151,151,-879,151,-882,-910,-922,-927,-390,-391,151,-396,151,-399,151,-404,151,-405,151,-410,151,-415,151,-419,151,-420,151,-425,151,-428,-901,-902,-645,-587,-1896,-903,151,151,151,-802,151,151,-806,151,-809,-835,151,-820,151,-822,151,-824,-810,151,-826,151,-853,-854,151,151,-813,151,-648,-904,-906,-650,-651,-647,151,-707,-708,151,-644,-905,-649,-652,-605,-716,151,151,-607,-588,151,151,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,151,151,-711,-712,151,-718,151,151,151,151,151,151,-940,151,-441,-443,-749,151,-893,151,-717,-1896,151,151,151,151,151,-444,-514,-525,151,-730,-735,151,-737,151,-742,151,-664,-670,151,-680,-682,-684,-685,-692,-695,-699,-747,151,151,-876,151,151,-880,151,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,151,-814,151,-816,-803,151,-804,-807,151,-818,-821,-823,-825,-827,151,-828,151,-811,151,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,151,-284,151,151,151,151,-457,151,151,-731,151,-738,151,-743,151,-665,-673,151,151,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,151,-838,-53,151,151,-732,151,-739,151,-744,-666,151,-875,-54,151,151,-733,-740,-745,151,151,151,-874,]),'COMPACT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[152,152,152,152,-1896,152,152,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,152,152,152,152,-277,-278,152,-1427,152,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,152,152,152,-492,152,152,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,152,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,152,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,152,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,152,-174,-175,-176,-177,-995,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-292,-293,-283,152,152,152,152,152,-330,-320,-334,-335,-336,152,152,-984,-985,-986,-987,-988,-989,-990,152,152,152,152,152,152,152,152,152,152,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,152,152,152,-355,-358,152,-325,-326,-143,152,-144,152,-145,152,-432,-937,-938,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-1896,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-1896,152,-1896,152,152,152,152,152,152,152,152,152,152,152,152,-1896,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-1896,152,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,152,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,152,152,152,-193,-194,152,-996,152,152,152,152,152,-279,-280,-281,-282,-367,152,-310,152,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,152,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,152,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,152,152,152,152,152,152,-575,152,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,152,152,-725,-726,-727,152,152,152,152,152,152,-996,152,152,-93,-94,152,152,152,152,-311,-312,-322,152,-309,-295,-296,-297,152,152,152,152,-620,-635,-592,152,152,-438,152,-439,152,-446,-447,-448,-380,-381,152,152,152,-508,152,152,-512,152,152,152,152,-517,-518,-519,-520,152,152,-523,-524,152,-526,-527,-528,-529,-530,-531,-532,-533,152,-535,152,152,152,-541,-543,-544,152,-546,-547,-548,-549,152,152,152,152,152,152,-654,-655,-656,-657,152,-659,-660,-661,152,152,152,-667,152,152,-671,-672,152,152,-675,152,-677,-678,152,-681,152,-683,152,152,-686,-687,-688,152,-690,152,152,-693,152,152,-696,-697,-698,152,-700,-701,-702,-703,152,152,-748,152,-751,-752,-753,-754,-755,152,-757,-758,-759,-760,-761,152,-768,-769,-771,152,-773,-774,-775,-784,-858,-860,-862,-864,152,152,152,152,-870,152,-872,152,152,152,152,152,152,152,-908,-909,152,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,152,-923,-926,152,-936,152,-387,-388,-389,152,152,-392,-393,-394,-395,152,-398,152,-401,-402,152,-403,152,-408,-409,152,-412,-413,-414,152,-417,152,-418,152,-423,-424,152,-427,152,-430,-431,-1896,-1896,152,-621,-622,-623,-624,-625,-636,-586,-626,-799,152,152,152,152,152,-833,152,152,-808,152,-834,152,152,152,152,-800,152,-855,-801,152,152,152,152,152,152,-856,-857,152,-836,-832,-837,152,-627,152,-628,-629,-630,-631,-576,152,152,-632,-633,-634,152,152,152,152,152,152,-637,-638,-639,-594,-1896,-604,152,-640,-641,-715,-642,-606,152,-574,-579,-582,-585,152,152,152,-600,-603,152,-610,152,152,152,152,152,152,152,152,152,152,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,152,152,152,-997,152,152,152,152,152,152,-308,-327,-321,-298,-377,-454,-455,-456,-460,152,-445,152,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,152,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,152,152,152,152,152,152,152,152,152,-318,-537,-510,-593,-939,-941,-942,-440,152,-442,-382,-383,-385,-509,-511,-513,152,-515,-516,-521,-522,152,-534,-536,-539,-540,-545,-550,-728,152,-729,152,-734,152,-736,152,-741,-658,-662,-663,152,-668,152,-669,152,-674,-676,152,-679,152,152,152,-689,-691,152,-694,152,152,-746,152,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,152,152,152,152,152,-879,152,-882,-910,-922,-927,-390,-391,152,-396,152,-399,152,-404,152,-405,152,-410,152,-415,152,-419,152,-420,152,-425,152,-428,-901,-902,-645,-587,-1896,-903,152,152,152,-802,152,152,-806,152,-809,-835,152,-820,152,-822,152,-824,-810,152,-826,152,-853,-854,152,152,-813,152,-648,-904,-906,-650,-651,-647,152,-707,-708,152,-644,-905,-649,-652,-605,-716,152,152,-607,-588,152,152,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,152,152,-711,-712,152,-718,152,152,152,152,152,152,-940,152,-441,-443,-749,152,-893,152,-717,-1896,152,152,152,152,152,-444,-514,-525,152,-730,-735,152,-737,152,-742,152,-664,-670,152,-680,-682,-684,-685,-692,-695,-699,-747,152,152,-876,152,152,-880,152,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,152,-814,152,-816,-803,152,-804,-807,152,-818,-821,-823,-825,-827,152,-828,152,-811,152,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,152,-284,152,152,152,152,-457,152,152,-731,152,-738,152,-743,152,-665,-673,152,152,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,152,-838,-53,152,152,-732,152,-739,152,-744,-666,152,-875,-54,152,152,-733,-740,-745,152,152,152,-874,]),'COMPLETION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[153,153,153,153,-1896,153,153,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,153,153,153,153,-277,-278,153,-1427,153,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,153,153,153,-492,153,153,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,153,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,153,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,153,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,153,-174,-175,-176,-177,-995,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-292,-293,-283,153,153,153,153,153,-330,-320,-334,-335,-336,153,153,-984,-985,-986,-987,-988,-989,-990,153,153,153,153,153,153,153,153,153,153,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,153,153,153,-355,-358,153,-325,-326,-143,153,-144,153,-145,153,-432,-937,-938,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-1896,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-1896,153,-1896,153,153,153,153,153,153,153,153,153,153,153,153,-1896,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-1896,153,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,153,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,153,153,153,-193,-194,153,-996,153,153,153,153,153,-279,-280,-281,-282,-367,153,-310,153,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,153,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,153,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,153,153,153,153,153,153,-575,153,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,153,153,-725,-726,-727,153,153,153,153,153,153,-996,153,153,-93,-94,153,153,153,153,-311,-312,-322,153,-309,-295,-296,-297,153,153,153,153,-620,-635,-592,153,153,-438,153,-439,153,-446,-447,-448,-380,-381,153,153,153,-508,153,153,-512,153,153,153,153,-517,-518,-519,-520,153,153,-523,-524,153,-526,-527,-528,-529,-530,-531,-532,-533,153,-535,153,153,153,-541,-543,-544,153,-546,-547,-548,-549,153,153,153,153,153,153,-654,-655,-656,-657,153,-659,-660,-661,153,153,153,-667,153,153,-671,-672,153,153,-675,153,-677,-678,153,-681,153,-683,153,153,-686,-687,-688,153,-690,153,153,-693,153,153,-696,-697,-698,153,-700,-701,-702,-703,153,153,-748,153,-751,-752,-753,-754,-755,153,-757,-758,-759,-760,-761,153,-768,-769,-771,153,-773,-774,-775,-784,-858,-860,-862,-864,153,153,153,153,-870,153,-872,153,153,153,153,153,153,153,-908,-909,153,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,153,-923,-926,153,-936,153,-387,-388,-389,153,153,-392,-393,-394,-395,153,-398,153,-401,-402,153,-403,153,-408,-409,153,-412,-413,-414,153,-417,153,-418,153,-423,-424,153,-427,153,-430,-431,-1896,-1896,153,-621,-622,-623,-624,-625,-636,-586,-626,-799,153,153,153,153,153,-833,153,153,-808,153,-834,153,153,153,153,-800,153,-855,-801,153,153,153,153,153,153,-856,-857,153,-836,-832,-837,153,-627,153,-628,-629,-630,-631,-576,153,153,-632,-633,-634,153,153,153,153,153,153,-637,-638,-639,-594,-1896,-604,153,-640,-641,-715,-642,-606,153,-574,-579,-582,-585,153,153,153,-600,-603,153,-610,153,153,153,153,153,153,153,153,153,153,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,153,153,153,-997,153,153,153,153,153,153,-308,-327,-321,-298,-377,-454,-455,-456,-460,153,-445,153,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,153,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,153,153,153,153,153,153,153,153,153,-318,-537,-510,-593,-939,-941,-942,-440,153,-442,-382,-383,-385,-509,-511,-513,153,-515,-516,-521,-522,153,-534,-536,-539,-540,-545,-550,-728,153,-729,153,-734,153,-736,153,-741,-658,-662,-663,153,-668,153,-669,153,-674,-676,153,-679,153,153,153,-689,-691,153,-694,153,153,-746,153,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,153,153,153,153,153,-879,153,-882,-910,-922,-927,-390,-391,153,-396,153,-399,153,-404,153,-405,153,-410,153,-415,153,-419,153,-420,153,-425,153,-428,-901,-902,-645,-587,-1896,-903,153,153,153,-802,153,153,-806,153,-809,-835,153,-820,153,-822,153,-824,-810,153,-826,153,-853,-854,153,153,-813,153,-648,-904,-906,-650,-651,-647,153,-707,-708,153,-644,-905,-649,-652,-605,-716,153,153,-607,-588,153,153,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,153,153,-711,-712,153,-718,153,153,153,153,153,153,-940,153,-441,-443,-749,153,-893,153,-717,-1896,153,153,153,153,153,-444,-514,-525,153,-730,-735,153,-737,153,-742,153,-664,-670,153,-680,-682,-684,-685,-692,-695,-699,-747,153,153,-876,153,153,-880,153,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,153,-814,153,-816,-803,153,-804,-807,153,-818,-821,-823,-825,-827,153,-828,153,-811,153,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,153,-284,153,153,153,153,-457,153,153,-731,153,-738,153,-743,153,-665,-673,153,153,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,153,-838,-53,153,153,-732,153,-739,153,-744,-666,153,-875,-54,153,153,-733,-740,-745,153,153,153,-874,]),'COMPRESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[154,154,154,1135,-1896,154,154,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,154,154,154,154,-277,-278,1135,-1427,1135,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1135,1135,1135,-492,1135,1135,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1135,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1135,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1850,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,154,-174,-175,-176,-177,-995,154,154,154,154,154,154,154,154,154,154,1135,1135,1135,1135,1135,-292,-293,-283,154,1135,1135,1135,1135,-330,-320,-334,-335,-336,1135,1135,-984,-985,-986,-987,-988,-989,-990,154,154,1135,1135,1135,1135,1135,1135,1135,1135,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1135,1135,1135,-355,-358,154,-325,-326,-143,1135,-144,1135,-145,1135,-432,-937,-938,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1896,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1896,1135,-1896,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1896,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1896,154,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1135,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1135,154,154,-193,-194,154,-996,1135,154,154,154,154,-279,-280,-281,-282,-367,1135,-310,1135,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1135,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1135,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1135,1135,1135,1135,1135,1135,-575,1135,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1135,1135,-725,-726,-727,1135,1850,154,154,154,154,-996,154,1135,-93,-94,154,154,154,1135,-311,-312,-322,1135,-309,-295,-296,-297,1135,154,1135,1135,-620,-635,-592,1135,154,-438,154,-439,1135,-446,-447,-448,-380,-381,1135,1135,1135,-508,1135,1135,-512,1135,1135,1135,1135,-517,-518,-519,-520,1135,1135,-523,-524,1135,-526,-527,-528,-529,-530,-531,-532,-533,1135,-535,1135,1135,1135,-541,-543,-544,1135,-546,-547,-548,-549,1135,1135,1135,1135,1135,1135,-654,-655,-656,-657,154,-659,-660,-661,1135,1135,1135,-667,1135,1135,-671,-672,1135,1135,-675,1135,-677,-678,1135,-681,1135,-683,1135,1135,-686,-687,-688,1135,-690,1135,1135,-693,1135,1135,-696,-697,-698,1135,-700,-701,-702,-703,1135,1135,-748,1135,-751,-752,-753,-754,-755,1135,-757,-758,-759,-760,-761,1135,-768,-769,-771,1135,-773,-774,-775,-784,-858,-860,-862,-864,1135,1135,1135,1135,-870,1135,-872,1135,1135,1135,1135,1135,1135,1135,-908,-909,1135,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1135,-923,-926,1135,-936,1135,-387,-388,-389,1135,1135,-392,-393,-394,-395,1135,-398,1135,-401,-402,1135,-403,1135,-408,-409,1135,-412,-413,-414,1135,-417,1135,-418,1135,-423,-424,1135,-427,1135,-430,-431,-1896,-1896,1135,-621,-622,-623,-624,-625,-636,-586,-626,-799,1135,1135,1135,1135,1135,-833,1135,1135,-808,1135,-834,1135,1135,1135,1135,-800,1135,-855,-801,1135,1135,1135,1135,1135,1135,-856,-857,1135,-836,-832,-837,1135,-627,1135,-628,-629,-630,-631,-576,1135,1135,-632,-633,-634,1135,1135,1135,1135,1135,1135,-637,-638,-639,-594,-1896,-604,1135,-640,-641,-715,-642,-606,1135,-574,-579,-582,-585,1135,1135,1135,-600,-603,1135,-610,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1135,154,154,-997,154,1135,154,154,154,1135,-308,-327,-321,-298,-377,-454,-455,-456,-460,154,-445,1135,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1135,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,154,154,154,154,154,154,154,154,1135,-318,-537,-510,-593,-939,-941,-942,-440,1135,-442,-382,-383,-385,-509,-511,-513,1135,-515,-516,-521,-522,1135,-534,-536,-539,-540,-545,-550,-728,1135,-729,1135,-734,1135,-736,1135,-741,-658,-662,-663,1135,-668,1135,-669,1135,-674,-676,1135,-679,1135,1135,1135,-689,-691,1135,-694,1135,1135,-746,1135,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1135,1135,1135,1135,1135,-879,1135,-882,-910,-922,-927,-390,-391,1135,-396,1135,-399,1135,-404,1135,-405,1135,-410,1135,-415,1135,-419,1135,-420,1135,-425,1135,-428,-901,-902,-645,-587,-1896,-903,1135,1135,1135,-802,1135,1135,-806,1135,-809,-835,1135,-820,1135,-822,1135,-824,-810,1135,-826,1135,-853,-854,1135,1135,-813,1135,-648,-904,-906,-650,-651,-647,1135,-707,-708,1135,-644,-905,-649,-652,-605,-716,1135,1135,-607,-588,1135,1135,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1135,1135,-711,-712,1135,-718,1135,154,154,154,1135,1135,-940,154,-441,-443,-749,1135,-893,1850,-717,-1896,1135,1135,154,154,1135,-444,-514,-525,1135,-730,-735,1135,-737,1135,-742,1135,-664,-670,1135,-680,-682,-684,-685,-692,-695,-699,-747,1135,1135,-876,1135,1135,-880,1135,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1135,-814,1135,-816,-803,1135,-804,-807,1135,-818,-821,-823,-825,-827,1135,-828,1135,-811,1135,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,154,-284,154,1135,154,1135,-457,1135,1135,-731,1135,-738,1135,-743,1135,-665,-673,1135,1135,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1135,-838,-53,154,1135,-732,1135,-739,1135,-744,-666,1135,-875,-54,154,154,-733,-740,-745,1135,154,1135,-874,]),'COMPRESSED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[155,155,155,155,-1896,155,155,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,155,155,155,155,-277,-278,155,-1427,155,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,155,155,155,-492,155,155,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,155,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,155,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,155,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,155,-174,-175,-176,-177,-995,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-292,-293,-283,155,155,155,155,155,-330,-320,-334,-335,-336,155,155,-984,-985,-986,-987,-988,-989,-990,155,155,155,155,155,155,155,155,155,155,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,155,155,155,-355,-358,155,-325,-326,-143,155,-144,155,-145,155,-432,-937,-938,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-1896,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-1896,155,-1896,155,155,155,155,155,155,155,155,155,155,155,155,-1896,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-1896,155,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,155,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,155,155,155,-193,-194,155,-996,155,155,155,155,155,-279,-280,-281,-282,-367,155,-310,155,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,155,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,155,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,155,155,155,155,155,155,-575,155,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,155,155,-725,-726,-727,155,155,155,155,155,155,-996,155,155,-93,-94,155,155,155,155,-311,-312,-322,155,-309,-295,-296,-297,155,155,155,155,-620,-635,-592,155,155,-438,155,-439,155,-446,-447,-448,-380,-381,155,155,155,-508,155,155,-512,155,155,155,155,-517,-518,-519,-520,155,155,-523,-524,155,-526,-527,-528,-529,-530,-531,-532,-533,155,-535,155,155,155,-541,-543,-544,155,-546,-547,-548,-549,155,155,155,155,155,155,-654,-655,-656,-657,155,-659,-660,-661,155,155,155,-667,155,155,-671,-672,155,155,-675,155,-677,-678,155,-681,155,-683,155,155,-686,-687,-688,155,-690,155,155,-693,155,155,-696,-697,-698,155,-700,-701,-702,-703,155,155,-748,155,-751,-752,-753,-754,-755,155,-757,-758,-759,-760,-761,155,-768,-769,-771,155,-773,-774,-775,-784,-858,-860,-862,-864,155,155,155,155,-870,155,-872,155,155,155,155,155,155,155,-908,-909,155,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,155,-923,-926,155,-936,155,-387,-388,-389,155,155,-392,-393,-394,-395,155,-398,155,-401,-402,155,-403,155,-408,-409,155,-412,-413,-414,155,-417,155,-418,155,-423,-424,155,-427,155,-430,-431,-1896,-1896,155,-621,-622,-623,-624,-625,-636,-586,-626,-799,155,155,155,155,155,-833,155,155,-808,155,-834,155,155,155,155,-800,155,-855,-801,155,155,155,155,155,155,-856,-857,155,-836,-832,-837,155,-627,155,-628,-629,-630,-631,-576,155,155,-632,-633,-634,155,155,155,155,155,155,-637,-638,-639,-594,-1896,-604,155,-640,-641,-715,-642,-606,155,-574,-579,-582,-585,155,155,155,-600,-603,155,-610,155,155,155,155,155,155,155,155,155,155,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,155,155,155,-997,155,155,155,155,155,155,-308,-327,-321,-298,-377,-454,-455,-456,-460,155,-445,155,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,155,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,155,155,155,155,155,155,155,155,155,-318,-537,-510,-593,-939,-941,-942,-440,155,-442,-382,-383,-385,-509,-511,-513,155,-515,-516,-521,-522,155,-534,-536,-539,-540,-545,-550,-728,155,-729,155,-734,155,-736,155,-741,-658,-662,-663,155,-668,155,-669,155,-674,-676,155,-679,155,155,155,-689,-691,155,-694,155,155,-746,155,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,155,155,155,155,155,-879,155,-882,-910,-922,-927,-390,-391,155,-396,155,-399,155,-404,155,-405,155,-410,155,-415,155,-419,155,-420,155,-425,155,-428,-901,-902,-645,-587,-1896,-903,155,155,155,-802,155,155,-806,155,-809,-835,155,-820,155,-822,155,-824,-810,155,-826,155,-853,-854,155,155,-813,155,-648,-904,-906,-650,-651,-647,155,-707,-708,155,-644,-905,-649,-652,-605,-716,155,155,-607,-588,155,155,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,155,155,-711,-712,155,-718,155,155,155,155,155,155,-940,155,-441,-443,-749,155,-893,155,-717,-1896,155,155,155,155,155,-444,-514,-525,155,-730,-735,155,-737,155,-742,155,-664,-670,155,-680,-682,-684,-685,-692,-695,-699,-747,155,155,-876,155,155,-880,155,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,155,-814,155,-816,-803,155,-804,-807,155,-818,-821,-823,-825,-827,155,-828,155,-811,155,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,155,-284,155,155,155,155,-457,155,155,-731,155,-738,155,-743,155,-665,-673,155,155,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,155,-838,-53,155,155,-732,155,-739,155,-744,-666,155,-875,-54,155,155,-733,-740,-745,155,155,155,-874,]),'COMPRESSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[156,156,156,156,-1896,156,156,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,156,156,156,156,-277,-278,156,-1427,156,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,156,156,156,-492,156,156,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,156,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,156,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,156,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,156,-174,-175,-176,-177,-995,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-292,-293,-283,156,156,156,156,156,-330,-320,-334,-335,-336,156,156,-984,-985,-986,-987,-988,-989,-990,156,156,156,156,156,156,156,156,156,156,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,156,156,156,-355,-358,156,-325,-326,-143,156,-144,156,-145,156,-432,-937,-938,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-1896,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-1896,156,-1896,156,156,156,156,156,156,156,156,156,156,156,156,-1896,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-1896,156,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,156,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,156,156,156,-193,-194,156,-996,156,156,156,156,156,-279,-280,-281,-282,-367,156,-310,156,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,156,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,156,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,156,156,156,156,156,156,-575,156,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,156,156,-725,-726,-727,156,156,156,156,156,156,-996,156,156,-93,-94,156,156,156,156,-311,-312,-322,156,-309,-295,-296,-297,156,156,156,156,-620,-635,-592,156,156,-438,156,-439,156,-446,-447,-448,-380,-381,156,156,156,-508,156,156,-512,156,156,156,156,-517,-518,-519,-520,156,156,-523,-524,156,-526,-527,-528,-529,-530,-531,-532,-533,156,-535,156,156,156,-541,-543,-544,156,-546,-547,-548,-549,156,156,156,156,156,156,-654,-655,-656,-657,156,-659,-660,-661,156,156,156,-667,156,156,-671,-672,156,156,-675,156,-677,-678,156,-681,156,-683,156,156,-686,-687,-688,156,-690,156,156,-693,156,156,-696,-697,-698,156,-700,-701,-702,-703,156,156,-748,156,-751,-752,-753,-754,-755,156,-757,-758,-759,-760,-761,156,-768,-769,-771,156,-773,-774,-775,-784,-858,-860,-862,-864,156,156,156,156,-870,156,-872,156,156,156,156,156,156,156,-908,-909,156,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,156,-923,-926,156,-936,156,-387,-388,-389,156,156,-392,-393,-394,-395,156,-398,156,-401,-402,156,-403,156,-408,-409,156,-412,-413,-414,156,-417,156,-418,156,-423,-424,156,-427,156,-430,-431,-1896,-1896,156,-621,-622,-623,-624,-625,-636,-586,-626,-799,156,156,156,156,156,-833,156,156,-808,156,-834,156,156,156,156,-800,156,-855,-801,156,156,156,156,156,156,-856,-857,156,-836,-832,-837,156,-627,156,-628,-629,-630,-631,-576,156,156,-632,-633,-634,156,156,156,156,156,156,-637,-638,-639,-594,-1896,-604,156,-640,-641,-715,-642,-606,156,-574,-579,-582,-585,156,156,156,-600,-603,156,-610,156,156,156,156,156,156,156,156,156,156,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,156,156,3187,156,-997,156,156,156,156,156,156,-308,-327,-321,-298,-377,-454,-455,-456,-460,156,-445,156,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,156,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,156,156,156,156,156,156,156,156,156,-318,-537,-510,-593,-939,-941,-942,-440,156,-442,-382,-383,-385,-509,-511,-513,156,-515,-516,-521,-522,156,-534,-536,-539,-540,-545,-550,-728,156,-729,156,-734,156,-736,156,-741,-658,-662,-663,156,-668,156,-669,156,-674,-676,156,-679,156,156,156,-689,-691,156,-694,156,156,-746,156,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,156,156,156,156,156,-879,156,-882,-910,-922,-927,-390,-391,156,-396,156,-399,156,-404,156,-405,156,-410,156,-415,156,-419,156,-420,156,-425,156,-428,-901,-902,-645,-587,-1896,-903,156,156,156,-802,156,156,-806,156,-809,-835,156,-820,156,-822,156,-824,-810,156,-826,156,-853,-854,156,156,-813,156,-648,-904,-906,-650,-651,-647,156,-707,-708,156,-644,-905,-649,-652,-605,-716,156,156,-607,-588,156,156,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,156,156,-711,-712,156,-718,156,156,156,156,3187,156,156,-940,156,-441,-443,-749,156,-893,156,-717,-1896,156,156,3187,156,3187,3187,3187,3187,3187,3187,3187,3187,3187,156,156,-444,-514,-525,156,-730,-735,156,-737,156,-742,156,-664,-670,156,-680,-682,-684,-685,-692,-695,-699,-747,156,156,-876,156,156,-880,156,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,156,-814,156,-816,-803,156,-804,-807,156,-818,-821,-823,-825,-827,156,-828,156,-811,156,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,156,3187,-284,156,156,156,156,-457,156,156,-731,156,-738,156,-743,156,-665,-673,156,156,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,156,-838,-53,156,156,-732,156,-739,156,-744,-666,156,-875,-54,156,156,-733,-740,-745,156,156,156,-874,]),'CONCAT_WS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[157,157,157,1089,-1896,157,157,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,157,157,157,157,-277,-278,1089,-1427,1089,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1089,1089,1089,-492,1089,1089,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1089,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1089,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1851,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,157,-174,-175,-176,-177,-995,157,157,157,157,157,157,157,157,157,157,1089,1089,1089,1089,1089,-292,-293,-283,157,1089,1089,1089,1089,-330,-320,-334,-335,-336,1089,1089,-984,-985,-986,-987,-988,-989,-990,157,157,1089,1089,1089,1089,1089,1089,1089,1089,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1089,1089,1089,-355,-358,157,-325,-326,-143,1089,-144,1089,-145,1089,-432,-937,-938,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1896,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1896,1089,-1896,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1896,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1896,157,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1089,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1089,157,157,-193,-194,157,-996,1089,157,157,157,157,-279,-280,-281,-282,-367,1089,-310,1089,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1089,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1089,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1089,1089,1089,1089,1089,1089,-575,1089,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1089,1089,-725,-726,-727,1089,1851,157,157,157,157,-996,157,1089,-93,-94,157,157,157,1089,-311,-312,-322,1089,-309,-295,-296,-297,1089,157,1089,1089,-620,-635,-592,1089,157,-438,157,-439,1089,-446,-447,-448,-380,-381,1089,1089,1089,-508,1089,1089,-512,1089,1089,1089,1089,-517,-518,-519,-520,1089,1089,-523,-524,1089,-526,-527,-528,-529,-530,-531,-532,-533,1089,-535,1089,1089,1089,-541,-543,-544,1089,-546,-547,-548,-549,1089,1089,1089,1089,1089,1089,-654,-655,-656,-657,157,-659,-660,-661,1089,1089,1089,-667,1089,1089,-671,-672,1089,1089,-675,1089,-677,-678,1089,-681,1089,-683,1089,1089,-686,-687,-688,1089,-690,1089,1089,-693,1089,1089,-696,-697,-698,1089,-700,-701,-702,-703,1089,1089,-748,1089,-751,-752,-753,-754,-755,1089,-757,-758,-759,-760,-761,1089,-768,-769,-771,1089,-773,-774,-775,-784,-858,-860,-862,-864,1089,1089,1089,1089,-870,1089,-872,1089,1089,1089,1089,1089,1089,1089,-908,-909,1089,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1089,-923,-926,1089,-936,1089,-387,-388,-389,1089,1089,-392,-393,-394,-395,1089,-398,1089,-401,-402,1089,-403,1089,-408,-409,1089,-412,-413,-414,1089,-417,1089,-418,1089,-423,-424,1089,-427,1089,-430,-431,-1896,-1896,1089,-621,-622,-623,-624,-625,-636,-586,-626,-799,1089,1089,1089,1089,1089,-833,1089,1089,-808,1089,-834,1089,1089,1089,1089,-800,1089,-855,-801,1089,1089,1089,1089,1089,1089,-856,-857,1089,-836,-832,-837,1089,-627,1089,-628,-629,-630,-631,-576,1089,1089,-632,-633,-634,1089,1089,1089,1089,1089,1089,-637,-638,-639,-594,-1896,-604,1089,-640,-641,-715,-642,-606,1089,-574,-579,-582,-585,1089,1089,1089,-600,-603,1089,-610,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1089,157,157,-997,157,1089,157,157,157,1089,-308,-327,-321,-298,-377,-454,-455,-456,-460,157,-445,1089,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1089,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,157,157,157,157,157,157,157,157,1089,-318,-537,-510,-593,-939,-941,-942,-440,1089,-442,-382,-383,-385,-509,-511,-513,1089,-515,-516,-521,-522,1089,-534,-536,-539,-540,-545,-550,-728,1089,-729,1089,-734,1089,-736,1089,-741,-658,-662,-663,1089,-668,1089,-669,1089,-674,-676,1089,-679,1089,1089,1089,-689,-691,1089,-694,1089,1089,-746,1089,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1089,1089,1089,1089,1089,-879,1089,-882,-910,-922,-927,-390,-391,1089,-396,1089,-399,1089,-404,1089,-405,1089,-410,1089,-415,1089,-419,1089,-420,1089,-425,1089,-428,-901,-902,-645,-587,-1896,-903,1089,1089,1089,-802,1089,1089,-806,1089,-809,-835,1089,-820,1089,-822,1089,-824,-810,1089,-826,1089,-853,-854,1089,1089,-813,1089,-648,-904,-906,-650,-651,-647,1089,-707,-708,1089,-644,-905,-649,-652,-605,-716,1089,1089,-607,-588,1089,1089,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1089,1089,-711,-712,1089,-718,1089,157,157,157,1089,1089,-940,157,-441,-443,-749,1089,-893,1851,-717,-1896,1089,1089,157,157,1089,-444,-514,-525,1089,-730,-735,1089,-737,1089,-742,1089,-664,-670,1089,-680,-682,-684,-685,-692,-695,-699,-747,1089,1089,-876,1089,1089,-880,1089,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1089,-814,1089,-816,-803,1089,-804,-807,1089,-818,-821,-823,-825,-827,1089,-828,1089,-811,1089,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,157,-284,157,1089,157,1089,-457,1089,1089,-731,1089,-738,1089,-743,1089,-665,-673,1089,1089,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1089,-838,-53,157,1089,-732,1089,-739,1089,-744,-666,1089,-875,-54,157,157,-733,-740,-745,1089,157,1089,-874,]),'CONCURRENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[158,158,158,158,-1896,158,158,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,158,158,158,158,-277,-278,158,-1427,158,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,158,158,158,-492,158,158,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,158,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,158,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,158,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,158,-174,-175,-176,-177,-995,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-292,-293,-283,158,158,158,158,158,-330,-320,-334,-335,-336,158,158,-984,-985,-986,-987,-988,-989,-990,158,158,158,158,158,158,158,158,158,158,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,158,158,158,-355,-358,158,-325,-326,-143,158,-144,158,-145,158,-432,-937,-938,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-1896,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-1896,158,-1896,158,158,158,158,158,158,158,158,158,158,158,158,-1896,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-1896,158,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,158,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,158,158,158,-193,-194,158,-996,158,158,158,158,158,-279,-280,-281,-282,-367,158,-310,158,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,158,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,158,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,158,158,158,158,158,158,-575,158,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,158,158,-725,-726,-727,158,158,158,158,158,158,-996,158,158,-93,-94,158,158,158,158,-311,-312,-322,158,-309,-295,-296,-297,158,158,158,158,-620,-635,-592,158,158,-438,158,-439,158,-446,-447,-448,-380,-381,158,158,158,-508,158,158,-512,158,158,158,158,-517,-518,-519,-520,158,158,-523,-524,158,-526,-527,-528,-529,-530,-531,-532,-533,158,-535,158,158,158,-541,-543,-544,158,-546,-547,-548,-549,158,158,158,158,158,158,-654,-655,-656,-657,158,-659,-660,-661,158,158,158,-667,158,158,-671,-672,158,158,-675,158,-677,-678,158,-681,158,-683,158,158,-686,-687,-688,158,-690,158,158,-693,158,158,-696,-697,-698,158,-700,-701,-702,-703,158,158,-748,158,-751,-752,-753,-754,-755,158,-757,-758,-759,-760,-761,158,-768,-769,-771,158,-773,-774,-775,-784,-858,-860,-862,-864,158,158,158,158,-870,158,-872,158,158,158,158,158,158,158,-908,-909,158,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,158,-923,-926,158,-936,158,-387,-388,-389,158,158,-392,-393,-394,-395,158,-398,158,-401,-402,158,-403,158,-408,-409,158,-412,-413,-414,158,-417,158,-418,158,-423,-424,158,-427,158,-430,-431,-1896,-1896,158,-621,-622,-623,-624,-625,-636,-586,-626,-799,158,158,158,158,158,-833,158,158,-808,158,-834,158,158,158,158,-800,158,-855,-801,158,158,158,158,158,158,-856,-857,158,-836,-832,-837,158,-627,158,-628,-629,-630,-631,-576,158,158,-632,-633,-634,158,158,158,158,158,158,-637,-638,-639,-594,-1896,-604,158,-640,-641,-715,-642,-606,158,-574,-579,-582,-585,158,158,158,-600,-603,158,-610,158,158,158,158,158,158,158,158,158,158,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,158,158,158,-997,158,158,158,158,158,158,-308,-327,-321,-298,-377,-454,-455,-456,-460,158,-445,158,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,158,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,158,158,158,158,158,158,158,158,158,-318,-537,-510,-593,-939,-941,-942,-440,158,-442,-382,-383,-385,-509,-511,-513,158,-515,-516,-521,-522,158,-534,-536,-539,-540,-545,-550,-728,158,-729,158,-734,158,-736,158,-741,-658,-662,-663,158,-668,158,-669,158,-674,-676,158,-679,158,158,158,-689,-691,158,-694,158,158,-746,158,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,158,158,158,158,158,-879,158,-882,-910,-922,-927,-390,-391,158,-396,158,-399,158,-404,158,-405,158,-410,158,-415,158,-419,158,-420,158,-425,158,-428,-901,-902,-645,-587,-1896,-903,158,158,158,-802,158,158,-806,158,-809,-835,158,-820,158,-822,158,-824,-810,158,-826,158,-853,-854,158,158,-813,158,-648,-904,-906,-650,-651,-647,158,-707,-708,158,-644,-905,-649,-652,-605,-716,158,158,-607,-588,158,158,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,158,158,-711,-712,158,-718,158,158,158,158,158,158,-940,158,-441,-443,-749,158,-893,158,-717,-1896,158,158,158,158,158,-444,-514,-525,158,-730,-735,158,-737,158,-742,158,-664,-670,158,-680,-682,-684,-685,-692,-695,-699,-747,158,158,-876,158,158,-880,158,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,158,-814,158,-816,-803,158,-804,-807,158,-818,-821,-823,-825,-827,158,-828,158,-811,158,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,158,-284,158,158,158,158,-457,158,158,-731,158,-738,158,-743,158,-665,-673,158,158,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,158,-838,-53,158,158,-732,158,-739,158,-744,-666,158,-875,-54,158,158,-733,-740,-745,158,158,158,-874,]),'CONNECTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[159,159,159,159,-1896,159,159,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,159,159,159,159,-277,-278,159,-1427,159,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,159,159,159,-492,159,159,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,159,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,159,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,159,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,159,-174,-175,-176,-177,-995,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-292,-293,-283,159,159,159,159,159,-330,-320,-334,-335,-336,159,159,-984,-985,-986,-987,-988,-989,-990,159,159,159,159,159,159,159,159,159,159,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,159,159,159,-355,-358,159,-325,-326,-143,159,-144,159,-145,159,-432,-937,-938,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-1896,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-1896,159,-1896,159,159,159,159,159,159,159,159,159,159,159,159,-1896,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-1896,159,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,159,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,159,159,159,-193,-194,159,-996,159,159,159,159,159,-279,-280,-281,-282,-367,159,-310,159,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,159,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,159,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,159,159,159,159,159,159,-575,159,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,159,159,-725,-726,-727,159,159,159,159,159,159,-996,159,159,-93,-94,159,159,159,159,-311,-312,-322,159,-309,-295,-296,-297,159,159,159,159,-620,-635,-592,159,159,-438,159,-439,159,-446,-447,-448,-380,-381,159,159,159,-508,159,159,-512,159,159,159,159,-517,-518,-519,-520,159,159,-523,-524,159,-526,-527,-528,-529,-530,-531,-532,-533,159,-535,159,159,159,-541,-543,-544,159,-546,-547,-548,-549,159,159,159,159,159,159,-654,-655,-656,-657,159,-659,-660,-661,159,159,159,-667,159,159,-671,-672,159,159,-675,159,-677,-678,159,-681,159,-683,159,159,-686,-687,-688,159,-690,159,159,-693,159,159,-696,-697,-698,159,-700,-701,-702,-703,159,159,-748,159,-751,-752,-753,-754,-755,159,-757,-758,-759,-760,-761,159,-768,-769,-771,159,-773,-774,-775,-784,-858,-860,-862,-864,159,159,159,159,-870,159,-872,159,159,159,159,159,159,159,-908,-909,159,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,159,-923,-926,159,-936,159,-387,-388,-389,159,159,-392,-393,-394,-395,159,-398,159,-401,-402,159,-403,159,-408,-409,159,-412,-413,-414,159,-417,159,-418,159,-423,-424,159,-427,159,-430,-431,-1896,-1896,159,-621,-622,-623,-624,-625,-636,-586,-626,-799,159,159,159,159,159,-833,159,159,-808,159,-834,159,159,159,159,-800,159,-855,-801,159,159,159,159,159,159,-856,-857,159,-836,-832,-837,159,-627,159,-628,-629,-630,-631,-576,159,159,-632,-633,-634,159,159,159,159,159,159,-637,-638,-639,-594,-1896,-604,159,-640,-641,-715,-642,-606,159,-574,-579,-582,-585,159,159,159,-600,-603,159,-610,159,159,159,159,159,159,159,159,159,159,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,159,159,159,-997,159,159,159,159,159,159,-308,-327,-321,-298,-377,-454,-455,-456,-460,159,-445,159,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,159,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,159,159,159,159,159,159,159,159,159,-318,-537,-510,-593,-939,-941,-942,-440,159,-442,-382,-383,-385,-509,-511,-513,159,-515,-516,-521,-522,159,-534,-536,-539,-540,-545,-550,-728,159,-729,159,-734,159,-736,159,-741,-658,-662,-663,159,-668,159,-669,159,-674,-676,159,-679,159,159,159,-689,-691,159,-694,159,159,-746,159,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,159,159,159,159,159,-879,159,-882,-910,-922,-927,-390,-391,159,-396,159,-399,159,-404,159,-405,159,-410,159,-415,159,-419,159,-420,159,-425,159,-428,-901,-902,-645,-587,-1896,-903,159,159,159,-802,159,159,-806,159,-809,-835,159,-820,159,-822,159,-824,-810,159,-826,159,-853,-854,159,159,-813,159,-648,-904,-906,-650,-651,-647,159,-707,-708,159,-644,-905,-649,-652,-605,-716,159,159,-607,-588,159,159,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,159,159,-711,-712,159,-718,159,159,159,159,159,159,-940,159,-441,-443,-749,159,-893,159,-717,-1896,159,159,159,159,159,-444,-514,-525,159,-730,-735,159,-737,159,-742,159,-664,-670,159,-680,-682,-684,-685,-692,-695,-699,-747,159,159,-876,159,159,-880,159,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,159,-814,159,-816,-803,159,-804,-807,159,-818,-821,-823,-825,-827,159,-828,159,-811,159,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,159,-284,159,159,159,159,-457,159,159,-731,159,-738,159,-743,159,-665,-673,159,159,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,159,-838,-53,159,159,-732,159,-739,159,-744,-666,159,-875,-54,159,159,-733,-740,-745,159,159,159,-874,]),'CONNECTION_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[160,160,160,1162,-1896,160,160,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,160,160,160,160,-277,-278,1162,-1427,1162,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1162,1162,1162,-492,1162,1162,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1162,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1162,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1852,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,160,-174,-175,-176,-177,-995,160,160,160,160,160,160,160,160,160,160,1162,1162,1162,1162,1162,-292,-293,-283,160,1162,1162,1162,1162,-330,-320,-334,-335,-336,1162,1162,-984,-985,-986,-987,-988,-989,-990,160,160,1162,1162,1162,1162,1162,1162,1162,1162,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1162,1162,1162,-355,-358,160,-325,-326,-143,1162,-144,1162,-145,1162,-432,-937,-938,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1896,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1896,1162,-1896,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1896,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1896,160,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1162,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1162,160,160,-193,-194,160,-996,1162,160,160,160,160,-279,-280,-281,-282,-367,1162,-310,1162,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1162,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1162,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1162,1162,1162,1162,1162,1162,-575,1162,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1162,1162,-725,-726,-727,1162,1852,160,160,160,160,-996,160,1162,-93,-94,160,160,160,1162,-311,-312,-322,1162,-309,-295,-296,-297,1162,160,1162,1162,-620,-635,-592,1162,160,-438,160,-439,1162,-446,-447,-448,-380,-381,1162,1162,1162,-508,1162,1162,-512,1162,1162,1162,1162,-517,-518,-519,-520,1162,1162,-523,-524,1162,-526,-527,-528,-529,-530,-531,-532,-533,1162,-535,1162,1162,1162,-541,-543,-544,1162,-546,-547,-548,-549,1162,1162,1162,1162,1162,1162,-654,-655,-656,-657,160,-659,-660,-661,1162,1162,1162,-667,1162,1162,-671,-672,1162,1162,-675,1162,-677,-678,1162,-681,1162,-683,1162,1162,-686,-687,-688,1162,-690,1162,1162,-693,1162,1162,-696,-697,-698,1162,-700,-701,-702,-703,1162,1162,-748,1162,-751,-752,-753,-754,-755,1162,-757,-758,-759,-760,-761,1162,-768,-769,-771,1162,-773,-774,-775,-784,-858,-860,-862,-864,1162,1162,1162,1162,-870,1162,-872,1162,1162,1162,1162,1162,1162,1162,-908,-909,1162,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1162,-923,-926,1162,-936,1162,-387,-388,-389,1162,1162,-392,-393,-394,-395,1162,-398,1162,-401,-402,1162,-403,1162,-408,-409,1162,-412,-413,-414,1162,-417,1162,-418,1162,-423,-424,1162,-427,1162,-430,-431,-1896,-1896,1162,-621,-622,-623,-624,-625,-636,-586,-626,-799,1162,1162,1162,1162,1162,-833,1162,1162,-808,1162,-834,1162,1162,1162,1162,-800,1162,-855,-801,1162,1162,1162,1162,1162,1162,-856,-857,1162,-836,-832,-837,1162,-627,1162,-628,-629,-630,-631,-576,1162,1162,-632,-633,-634,1162,1162,1162,1162,1162,1162,-637,-638,-639,-594,-1896,-604,1162,-640,-641,-715,-642,-606,1162,-574,-579,-582,-585,1162,1162,1162,-600,-603,1162,-610,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1162,160,160,-997,160,1162,160,160,160,1162,-308,-327,-321,-298,-377,-454,-455,-456,-460,160,-445,1162,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1162,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,160,160,160,160,160,160,160,160,1162,-318,-537,-510,-593,-939,-941,-942,-440,1162,-442,-382,-383,-385,-509,-511,-513,1162,-515,-516,-521,-522,1162,-534,-536,-539,-540,-545,-550,-728,1162,-729,1162,-734,1162,-736,1162,-741,-658,-662,-663,1162,-668,1162,-669,1162,-674,-676,1162,-679,1162,1162,1162,-689,-691,1162,-694,1162,1162,-746,1162,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1162,1162,1162,1162,1162,-879,1162,-882,-910,-922,-927,-390,-391,1162,-396,1162,-399,1162,-404,1162,-405,1162,-410,1162,-415,1162,-419,1162,-420,1162,-425,1162,-428,-901,-902,-645,-587,-1896,-903,1162,1162,1162,-802,1162,1162,-806,1162,-809,-835,1162,-820,1162,-822,1162,-824,-810,1162,-826,1162,-853,-854,1162,1162,-813,1162,-648,-904,-906,-650,-651,-647,1162,-707,-708,1162,-644,-905,-649,-652,-605,-716,1162,1162,-607,-588,1162,1162,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1162,1162,-711,-712,1162,-718,1162,160,160,160,1162,1162,-940,160,-441,-443,-749,1162,-893,1852,-717,-1896,1162,1162,160,160,1162,-444,-514,-525,1162,-730,-735,1162,-737,1162,-742,1162,-664,-670,1162,-680,-682,-684,-685,-692,-695,-699,-747,1162,1162,-876,1162,1162,-880,1162,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1162,-814,1162,-816,-803,1162,-804,-807,1162,-818,-821,-823,-825,-827,1162,-828,1162,-811,1162,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,160,-284,160,1162,160,1162,-457,1162,1162,-731,1162,-738,1162,-743,1162,-665,-673,1162,1162,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1162,-838,-53,160,1162,-732,1162,-739,1162,-744,-666,1162,-875,-54,160,160,-733,-740,-745,1162,160,1162,-874,]),'CONSISTENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[161,161,161,161,-1896,161,161,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,161,161,161,161,-277,-278,161,-1427,161,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,161,161,161,-492,161,161,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,161,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,161,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,161,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,161,-174,-175,-176,-177,-995,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-292,-293,-283,161,161,161,161,161,-330,-320,-334,-335,-336,161,161,-984,-985,-986,-987,-988,-989,-990,161,161,161,161,161,161,161,161,161,161,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,161,161,161,-355,-358,161,-325,-326,-143,161,-144,161,-145,161,-432,-937,-938,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-1896,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-1896,161,-1896,161,161,161,161,161,161,161,161,161,161,161,161,-1896,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-1896,161,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,161,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,161,161,161,-193,-194,161,-996,161,161,161,161,161,-279,-280,-281,-282,-367,161,-310,161,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,161,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,161,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,161,161,161,161,161,161,-575,161,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,161,161,-725,-726,-727,161,161,161,161,161,161,-996,161,161,-93,-94,161,161,161,161,-311,-312,-322,161,-309,-295,-296,-297,161,161,161,161,-620,-635,-592,161,161,-438,161,-439,161,-446,-447,-448,-380,-381,161,161,161,-508,161,161,-512,161,161,161,161,-517,-518,-519,-520,161,161,-523,-524,161,-526,-527,-528,-529,-530,-531,-532,-533,161,-535,161,161,161,-541,-543,-544,161,-546,-547,-548,-549,161,161,161,161,161,161,-654,-655,-656,-657,161,-659,-660,-661,161,161,161,-667,161,161,-671,-672,161,161,-675,161,-677,-678,161,-681,161,-683,161,161,-686,-687,-688,161,-690,161,161,-693,161,161,-696,-697,-698,161,-700,-701,-702,-703,161,161,-748,161,-751,-752,-753,-754,-755,161,-757,-758,-759,-760,-761,161,-768,-769,-771,161,-773,-774,-775,-784,-858,-860,-862,-864,161,161,161,161,-870,161,-872,161,161,161,161,161,161,161,-908,-909,161,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,161,-923,-926,161,-936,161,-387,-388,-389,161,161,-392,-393,-394,-395,161,-398,161,-401,-402,161,-403,161,-408,-409,161,-412,-413,-414,161,-417,161,-418,161,-423,-424,161,-427,161,-430,-431,-1896,-1896,161,-621,-622,-623,-624,-625,-636,-586,-626,-799,161,161,161,161,161,-833,161,161,-808,161,-834,161,161,161,161,-800,161,-855,-801,161,161,161,161,161,161,-856,-857,161,-836,-832,-837,161,-627,161,-628,-629,-630,-631,-576,161,161,-632,-633,-634,161,161,161,161,161,161,-637,-638,-639,-594,-1896,-604,161,-640,-641,-715,-642,-606,161,-574,-579,-582,-585,161,161,161,-600,-603,161,-610,161,161,161,161,161,161,161,161,161,161,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,161,161,161,-997,161,161,161,161,161,161,-308,-327,-321,-298,-377,-454,-455,-456,-460,161,-445,161,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,161,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,161,161,161,161,161,161,161,161,161,-318,-537,-510,-593,-939,-941,-942,-440,161,-442,-382,-383,-385,-509,-511,-513,161,-515,-516,-521,-522,161,-534,-536,-539,-540,-545,-550,-728,161,-729,161,-734,161,-736,161,-741,-658,-662,-663,161,-668,161,-669,161,-674,-676,161,-679,161,161,161,-689,-691,161,-694,161,161,-746,161,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,161,161,161,161,161,-879,161,-882,-910,-922,-927,-390,-391,161,-396,161,-399,161,-404,161,-405,161,-410,161,-415,161,-419,161,-420,161,-425,161,-428,-901,-902,-645,-587,-1896,-903,161,161,161,-802,161,161,-806,161,-809,-835,161,-820,161,-822,161,-824,-810,161,-826,161,-853,-854,161,161,-813,161,-648,-904,-906,-650,-651,-647,161,-707,-708,161,-644,-905,-649,-652,-605,-716,161,161,-607,-588,161,161,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,161,161,-711,-712,161,-718,161,161,161,161,161,161,-940,161,-441,-443,-749,161,-893,161,-717,-1896,161,161,161,161,161,-444,-514,-525,161,-730,-735,161,-737,161,-742,161,-664,-670,161,-680,-682,-684,-685,-692,-695,-699,-747,161,161,-876,161,161,-880,161,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,161,-814,161,-816,-803,161,-804,-807,161,-818,-821,-823,-825,-827,161,-828,161,-811,161,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,161,-284,161,161,161,161,-457,161,161,-731,161,-738,161,-743,161,-665,-673,161,161,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,161,-838,-53,161,161,-732,161,-739,161,-744,-666,161,-875,-54,161,161,-733,-740,-745,161,161,161,-874,]),'CONSISTENT_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[162,162,162,162,-1896,162,162,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,162,162,162,162,-277,-278,162,-1427,162,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,162,162,162,-492,162,162,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,162,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,162,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,162,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,162,-174,-175,-176,-177,-995,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-292,-293,-283,162,162,162,162,162,-330,-320,-334,-335,-336,162,162,-984,-985,-986,-987,-988,-989,-990,162,162,162,162,162,162,162,162,162,162,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,162,162,162,-355,-358,162,-325,-326,-143,162,-144,162,-145,162,-432,-937,-938,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-1896,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-1896,162,-1896,162,162,162,162,162,162,162,162,162,162,162,162,-1896,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-1896,162,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,162,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,162,162,162,-193,-194,162,-996,162,162,162,162,162,-279,-280,-281,-282,-367,162,-310,162,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,162,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,162,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,162,162,162,162,162,162,-575,162,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,162,162,-725,-726,-727,162,162,162,162,162,162,-996,162,162,-93,-94,162,162,162,162,-311,-312,-322,162,-309,-295,-296,-297,162,162,162,162,-620,-635,-592,162,162,-438,162,-439,162,-446,-447,-448,-380,-381,162,162,162,-508,162,162,-512,162,162,162,162,-517,-518,-519,-520,162,162,-523,-524,162,-526,-527,-528,-529,-530,-531,-532,-533,162,-535,162,162,162,-541,-543,-544,162,-546,-547,-548,-549,162,162,162,162,162,162,-654,-655,-656,-657,162,-659,-660,-661,162,162,162,-667,162,162,-671,-672,162,162,-675,162,-677,-678,162,-681,162,-683,162,162,-686,-687,-688,162,-690,162,162,-693,162,162,-696,-697,-698,162,-700,-701,-702,-703,162,162,-748,162,-751,-752,-753,-754,-755,162,-757,-758,-759,-760,-761,162,-768,-769,-771,162,-773,-774,-775,-784,-858,-860,-862,-864,162,162,162,162,-870,162,-872,162,162,162,162,162,162,162,-908,-909,162,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,162,-923,-926,162,-936,162,-387,-388,-389,162,162,-392,-393,-394,-395,162,-398,162,-401,-402,162,-403,162,-408,-409,162,-412,-413,-414,162,-417,162,-418,162,-423,-424,162,-427,162,-430,-431,-1896,-1896,162,-621,-622,-623,-624,-625,-636,-586,-626,-799,162,162,162,162,162,-833,162,162,-808,162,-834,162,162,162,162,-800,162,-855,-801,162,162,162,162,162,162,-856,-857,162,-836,-832,-837,162,-627,162,-628,-629,-630,-631,-576,162,162,-632,-633,-634,162,162,162,162,162,162,-637,-638,-639,-594,-1896,-604,162,-640,-641,-715,-642,-606,162,-574,-579,-582,-585,162,162,162,-600,-603,162,-610,162,162,162,162,162,162,162,162,162,162,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,162,162,162,-997,162,162,162,162,162,162,-308,-327,-321,-298,-377,-454,-455,-456,-460,162,-445,162,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,162,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,162,162,162,162,162,162,162,162,162,-318,-537,-510,-593,-939,-941,-942,-440,162,-442,-382,-383,-385,-509,-511,-513,162,-515,-516,-521,-522,162,-534,-536,-539,-540,-545,-550,-728,162,-729,162,-734,162,-736,162,-741,-658,-662,-663,162,-668,162,-669,162,-674,-676,162,-679,162,162,162,-689,-691,162,-694,162,162,-746,162,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,162,162,162,162,162,-879,162,-882,-910,-922,-927,-390,-391,162,-396,162,-399,162,-404,162,-405,162,-410,162,-415,162,-419,162,-420,162,-425,162,-428,-901,-902,-645,-587,-1896,-903,162,162,162,-802,162,162,-806,162,-809,-835,162,-820,162,-822,162,-824,-810,162,-826,162,-853,-854,162,162,-813,162,-648,-904,-906,-650,-651,-647,162,-707,-708,162,-644,-905,-649,-652,-605,-716,162,162,-607,-588,162,162,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,162,162,-711,-712,162,-718,162,162,162,162,162,162,-940,162,-441,-443,-749,162,-893,162,-717,-1896,162,162,162,162,162,-444,-514,-525,162,-730,-735,162,-737,162,-742,162,-664,-670,162,-680,-682,-684,-685,-692,-695,-699,-747,162,162,-876,162,162,-880,162,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,162,-814,162,-816,-803,162,-804,-807,162,-818,-821,-823,-825,-827,162,-828,162,-811,162,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,162,-284,162,162,162,162,-457,162,162,-731,162,-738,162,-743,162,-665,-673,162,162,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,162,-838,-53,162,162,-732,162,-739,162,-744,-666,162,-875,-54,162,162,-733,-740,-745,162,162,162,-874,]),'CONSTRAINT_CATALOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[163,163,163,163,-1896,163,163,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,163,163,163,163,-277,-278,163,-1427,163,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,163,163,163,-492,163,163,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,163,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,163,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,163,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,163,-174,-175,-176,-177,-995,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-292,-293,-283,163,163,163,163,163,-330,-320,-334,-335,-336,163,163,-984,-985,-986,-987,-988,-989,-990,163,163,163,163,163,163,163,163,163,163,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,163,163,163,-355,-358,163,-325,-326,-143,163,-144,163,-145,163,-432,-937,-938,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-1896,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-1896,163,-1896,163,163,163,163,163,163,163,163,163,163,163,163,-1896,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-1896,163,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,163,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,163,163,163,-193,-194,163,-996,163,163,163,163,163,-279,-280,-281,-282,-367,163,-310,163,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,163,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,163,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,163,163,163,163,163,163,-575,163,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,163,163,-725,-726,-727,163,163,163,163,163,163,-996,163,163,-93,-94,163,163,163,163,-311,-312,-322,163,-309,-295,-296,-297,163,163,163,163,-620,-635,-592,163,163,-438,163,-439,163,-446,-447,-448,-380,-381,163,163,163,-508,163,163,-512,163,163,163,163,-517,-518,-519,-520,163,163,-523,-524,163,-526,-527,-528,-529,-530,-531,-532,-533,163,-535,163,163,163,-541,-543,-544,163,-546,-547,-548,-549,163,163,163,163,163,163,-654,-655,-656,-657,163,-659,-660,-661,163,163,163,-667,163,163,-671,-672,163,163,-675,163,-677,-678,163,-681,163,-683,163,163,-686,-687,-688,163,-690,163,163,-693,163,163,-696,-697,-698,163,-700,-701,-702,-703,163,163,-748,163,-751,-752,-753,-754,-755,163,-757,-758,-759,-760,-761,163,-768,-769,-771,163,-773,-774,-775,-784,-858,-860,-862,-864,163,163,163,163,-870,163,-872,163,163,163,163,163,163,163,-908,-909,163,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,163,-923,-926,163,-936,163,-387,-388,-389,163,163,-392,-393,-394,-395,163,-398,163,-401,-402,163,-403,163,-408,-409,163,-412,-413,-414,163,-417,163,-418,163,-423,-424,163,-427,163,-430,-431,-1896,-1896,163,-621,-622,-623,-624,-625,-636,-586,-626,-799,163,163,163,163,163,-833,163,163,-808,163,-834,163,163,163,163,-800,163,-855,-801,163,163,163,163,163,163,-856,-857,163,-836,-832,-837,163,-627,163,-628,-629,-630,-631,-576,163,163,-632,-633,-634,163,163,163,163,163,163,-637,-638,-639,-594,-1896,-604,163,-640,-641,-715,-642,-606,163,-574,-579,-582,-585,163,163,163,-600,-603,163,-610,163,163,163,163,163,163,163,163,163,163,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,163,163,163,-997,163,163,163,163,163,163,-308,-327,-321,-298,-377,-454,-455,-456,-460,163,-445,163,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,163,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,163,163,163,163,163,163,163,163,163,-318,-537,-510,-593,-939,-941,-942,-440,163,-442,-382,-383,-385,-509,-511,-513,163,-515,-516,-521,-522,163,-534,-536,-539,-540,-545,-550,-728,163,-729,163,-734,163,-736,163,-741,-658,-662,-663,163,-668,163,-669,163,-674,-676,163,-679,163,163,163,-689,-691,163,-694,163,163,-746,163,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,163,163,163,163,163,-879,163,-882,-910,-922,-927,-390,-391,163,-396,163,-399,163,-404,163,-405,163,-410,163,-415,163,-419,163,-420,163,-425,163,-428,-901,-902,-645,-587,-1896,-903,163,163,163,-802,163,163,-806,163,-809,-835,163,-820,163,-822,163,-824,-810,163,-826,163,-853,-854,163,163,-813,163,-648,-904,-906,-650,-651,-647,163,-707,-708,163,-644,-905,-649,-652,-605,-716,163,163,-607,-588,163,163,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,163,163,-711,-712,163,-718,163,163,163,163,163,163,-940,163,-441,-443,-749,163,-893,163,-717,-1896,163,163,163,163,163,-444,-514,-525,163,-730,-735,163,-737,163,-742,163,-664,-670,163,-680,-682,-684,-685,-692,-695,-699,-747,163,163,-876,163,163,-880,163,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,163,-814,163,-816,-803,163,-804,-807,163,-818,-821,-823,-825,-827,163,-828,163,-811,163,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,163,-284,163,163,163,163,-457,163,163,-731,163,-738,163,-743,163,-665,-673,163,163,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,163,-838,-53,163,163,-732,163,-739,163,-744,-666,163,-875,-54,163,163,-733,-740,-745,163,163,163,-874,]),'CONSTRAINT_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[164,164,164,164,-1896,164,164,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,164,164,164,164,-277,-278,164,-1427,164,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,164,164,164,-492,164,164,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,164,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,164,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,164,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,164,-174,-175,-176,-177,-995,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-292,-293,-283,164,164,164,164,164,-330,-320,-334,-335,-336,164,164,-984,-985,-986,-987,-988,-989,-990,164,164,164,164,164,164,164,164,164,164,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,164,164,164,-355,-358,164,-325,-326,-143,164,-144,164,-145,164,-432,-937,-938,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-1896,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-1896,164,-1896,164,164,164,164,164,164,164,164,164,164,164,164,-1896,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-1896,164,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,164,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,164,164,164,-193,-194,164,-996,164,164,164,164,164,-279,-280,-281,-282,-367,164,-310,164,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,164,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,164,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,164,164,164,164,164,164,-575,164,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,164,164,-725,-726,-727,164,164,164,164,164,164,-996,164,164,-93,-94,164,164,164,164,-311,-312,-322,164,-309,-295,-296,-297,164,164,164,164,-620,-635,-592,164,164,-438,164,-439,164,-446,-447,-448,-380,-381,164,164,164,-508,164,164,-512,164,164,164,164,-517,-518,-519,-520,164,164,-523,-524,164,-526,-527,-528,-529,-530,-531,-532,-533,164,-535,164,164,164,-541,-543,-544,164,-546,-547,-548,-549,164,164,164,164,164,164,-654,-655,-656,-657,164,-659,-660,-661,164,164,164,-667,164,164,-671,-672,164,164,-675,164,-677,-678,164,-681,164,-683,164,164,-686,-687,-688,164,-690,164,164,-693,164,164,-696,-697,-698,164,-700,-701,-702,-703,164,164,-748,164,-751,-752,-753,-754,-755,164,-757,-758,-759,-760,-761,164,-768,-769,-771,164,-773,-774,-775,-784,-858,-860,-862,-864,164,164,164,164,-870,164,-872,164,164,164,164,164,164,164,-908,-909,164,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,164,-923,-926,164,-936,164,-387,-388,-389,164,164,-392,-393,-394,-395,164,-398,164,-401,-402,164,-403,164,-408,-409,164,-412,-413,-414,164,-417,164,-418,164,-423,-424,164,-427,164,-430,-431,-1896,-1896,164,-621,-622,-623,-624,-625,-636,-586,-626,-799,164,164,164,164,164,-833,164,164,-808,164,-834,164,164,164,164,-800,164,-855,-801,164,164,164,164,164,164,-856,-857,164,-836,-832,-837,164,-627,164,-628,-629,-630,-631,-576,164,164,-632,-633,-634,164,164,164,164,164,164,-637,-638,-639,-594,-1896,-604,164,-640,-641,-715,-642,-606,164,-574,-579,-582,-585,164,164,164,-600,-603,164,-610,164,164,164,164,164,164,164,164,164,164,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,164,164,164,-997,164,164,164,164,164,164,-308,-327,-321,-298,-377,-454,-455,-456,-460,164,-445,164,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,164,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,164,164,164,164,164,164,164,164,164,-318,-537,-510,-593,-939,-941,-942,-440,164,-442,-382,-383,-385,-509,-511,-513,164,-515,-516,-521,-522,164,-534,-536,-539,-540,-545,-550,-728,164,-729,164,-734,164,-736,164,-741,-658,-662,-663,164,-668,164,-669,164,-674,-676,164,-679,164,164,164,-689,-691,164,-694,164,164,-746,164,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,164,164,164,164,164,-879,164,-882,-910,-922,-927,-390,-391,164,-396,164,-399,164,-404,164,-405,164,-410,164,-415,164,-419,164,-420,164,-425,164,-428,-901,-902,-645,-587,-1896,-903,164,164,164,-802,164,164,-806,164,-809,-835,164,-820,164,-822,164,-824,-810,164,-826,164,-853,-854,164,164,-813,164,-648,-904,-906,-650,-651,-647,164,-707,-708,164,-644,-905,-649,-652,-605,-716,164,164,-607,-588,164,164,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,164,164,-711,-712,164,-718,164,164,164,164,164,164,-940,164,-441,-443,-749,164,-893,164,-717,-1896,164,164,164,164,164,-444,-514,-525,164,-730,-735,164,-737,164,-742,164,-664,-670,164,-680,-682,-684,-685,-692,-695,-699,-747,164,164,-876,164,164,-880,164,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,164,-814,164,-816,-803,164,-804,-807,164,-818,-821,-823,-825,-827,164,-828,164,-811,164,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,164,-284,164,164,164,164,-457,164,164,-731,164,-738,164,-743,164,-665,-673,164,164,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,164,-838,-53,164,164,-732,164,-739,164,-744,-666,164,-875,-54,164,164,-733,-740,-745,164,164,164,-874,]),'CONSTRAINT_SCHEMA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[165,165,165,165,-1896,165,165,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,165,165,165,165,-277,-278,165,-1427,165,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,165,165,165,-492,165,165,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,165,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,165,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,165,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,165,-174,-175,-176,-177,-995,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-292,-293,-283,165,165,165,165,165,-330,-320,-334,-335,-336,165,165,-984,-985,-986,-987,-988,-989,-990,165,165,165,165,165,165,165,165,165,165,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,165,165,165,-355,-358,165,-325,-326,-143,165,-144,165,-145,165,-432,-937,-938,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-1896,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-1896,165,-1896,165,165,165,165,165,165,165,165,165,165,165,165,-1896,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-1896,165,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,165,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,165,165,165,-193,-194,165,-996,165,165,165,165,165,-279,-280,-281,-282,-367,165,-310,165,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,165,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,165,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,165,165,165,165,165,165,-575,165,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,165,165,-725,-726,-727,165,165,165,165,165,165,-996,165,165,-93,-94,165,165,165,165,-311,-312,-322,165,-309,-295,-296,-297,165,165,165,165,-620,-635,-592,165,165,-438,165,-439,165,-446,-447,-448,-380,-381,165,165,165,-508,165,165,-512,165,165,165,165,-517,-518,-519,-520,165,165,-523,-524,165,-526,-527,-528,-529,-530,-531,-532,-533,165,-535,165,165,165,-541,-543,-544,165,-546,-547,-548,-549,165,165,165,165,165,165,-654,-655,-656,-657,165,-659,-660,-661,165,165,165,-667,165,165,-671,-672,165,165,-675,165,-677,-678,165,-681,165,-683,165,165,-686,-687,-688,165,-690,165,165,-693,165,165,-696,-697,-698,165,-700,-701,-702,-703,165,165,-748,165,-751,-752,-753,-754,-755,165,-757,-758,-759,-760,-761,165,-768,-769,-771,165,-773,-774,-775,-784,-858,-860,-862,-864,165,165,165,165,-870,165,-872,165,165,165,165,165,165,165,-908,-909,165,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,165,-923,-926,165,-936,165,-387,-388,-389,165,165,-392,-393,-394,-395,165,-398,165,-401,-402,165,-403,165,-408,-409,165,-412,-413,-414,165,-417,165,-418,165,-423,-424,165,-427,165,-430,-431,-1896,-1896,165,-621,-622,-623,-624,-625,-636,-586,-626,-799,165,165,165,165,165,-833,165,165,-808,165,-834,165,165,165,165,-800,165,-855,-801,165,165,165,165,165,165,-856,-857,165,-836,-832,-837,165,-627,165,-628,-629,-630,-631,-576,165,165,-632,-633,-634,165,165,165,165,165,165,-637,-638,-639,-594,-1896,-604,165,-640,-641,-715,-642,-606,165,-574,-579,-582,-585,165,165,165,-600,-603,165,-610,165,165,165,165,165,165,165,165,165,165,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,165,165,165,-997,165,165,165,165,165,165,-308,-327,-321,-298,-377,-454,-455,-456,-460,165,-445,165,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,165,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,165,165,165,165,165,165,165,165,165,-318,-537,-510,-593,-939,-941,-942,-440,165,-442,-382,-383,-385,-509,-511,-513,165,-515,-516,-521,-522,165,-534,-536,-539,-540,-545,-550,-728,165,-729,165,-734,165,-736,165,-741,-658,-662,-663,165,-668,165,-669,165,-674,-676,165,-679,165,165,165,-689,-691,165,-694,165,165,-746,165,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,165,165,165,165,165,-879,165,-882,-910,-922,-927,-390,-391,165,-396,165,-399,165,-404,165,-405,165,-410,165,-415,165,-419,165,-420,165,-425,165,-428,-901,-902,-645,-587,-1896,-903,165,165,165,-802,165,165,-806,165,-809,-835,165,-820,165,-822,165,-824,-810,165,-826,165,-853,-854,165,165,-813,165,-648,-904,-906,-650,-651,-647,165,-707,-708,165,-644,-905,-649,-652,-605,-716,165,165,-607,-588,165,165,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,165,165,-711,-712,165,-718,165,165,165,165,165,165,-940,165,-441,-443,-749,165,-893,165,-717,-1896,165,165,165,165,165,-444,-514,-525,165,-730,-735,165,-737,165,-742,165,-664,-670,165,-680,-682,-684,-685,-692,-695,-699,-747,165,165,-876,165,165,-880,165,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,165,-814,165,-816,-803,165,-804,-807,165,-818,-821,-823,-825,-827,165,-828,165,-811,165,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,165,-284,165,165,165,165,-457,165,165,-731,165,-738,165,-743,165,-665,-673,165,165,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,165,-838,-53,165,165,-732,165,-739,165,-744,-666,165,-875,-54,165,165,-733,-740,-745,165,165,165,-874,]),'CONTAINS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[166,166,166,166,-1896,166,166,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,166,166,166,166,-277,-278,166,-1427,166,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,166,166,166,-492,166,166,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,166,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,166,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,166,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,166,-174,-175,-176,-177,-995,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-292,-293,-283,166,166,166,166,166,-330,-320,-334,-335,-336,166,166,-984,-985,-986,-987,-988,-989,-990,166,166,166,166,166,166,166,166,166,166,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,166,166,166,-355,-358,166,-325,-326,-143,166,-144,166,-145,166,-432,-937,-938,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-1896,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-1896,166,-1896,166,166,166,166,166,166,166,166,166,166,166,166,-1896,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-1896,166,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,166,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,166,166,166,-193,-194,166,-996,166,166,166,166,166,-279,-280,-281,-282,-367,166,-310,166,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,166,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,166,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,166,166,166,166,166,166,-575,166,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,166,166,-725,-726,-727,166,166,166,166,166,166,-996,166,166,-93,-94,166,166,166,166,-311,-312,-322,166,-309,-295,-296,-297,166,166,166,166,-620,-635,-592,166,166,-438,166,-439,166,-446,-447,-448,-380,-381,166,166,166,-508,166,166,-512,166,166,166,166,-517,-518,-519,-520,166,166,-523,-524,166,-526,-527,-528,-529,-530,-531,-532,-533,166,-535,166,166,166,-541,-543,-544,166,-546,-547,-548,-549,166,166,166,166,166,166,-654,-655,-656,-657,166,-659,-660,-661,166,166,166,-667,166,166,-671,-672,166,166,-675,166,-677,-678,166,-681,166,-683,166,166,-686,-687,-688,166,-690,166,166,-693,166,166,-696,-697,-698,166,-700,-701,-702,-703,166,166,-748,166,-751,-752,-753,-754,-755,166,-757,-758,-759,-760,-761,166,-768,-769,-771,166,-773,-774,-775,-784,-858,-860,-862,-864,166,166,166,166,-870,166,-872,166,166,166,166,166,166,166,-908,-909,166,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,166,-923,-926,166,-936,166,-387,-388,-389,166,166,-392,-393,-394,-395,166,-398,166,-401,-402,166,-403,166,-408,-409,166,-412,-413,-414,166,-417,166,-418,166,-423,-424,166,-427,166,-430,-431,-1896,-1896,166,-621,-622,-623,-624,-625,-636,-586,-626,-799,166,166,166,166,166,-833,166,166,-808,166,-834,166,166,166,166,-800,166,-855,-801,166,166,166,166,166,166,-856,-857,166,-836,-832,-837,166,-627,166,-628,-629,-630,-631,-576,166,166,-632,-633,-634,166,166,166,166,166,166,-637,-638,-639,-594,-1896,-604,166,-640,-641,-715,-642,-606,166,-574,-579,-582,-585,166,166,166,-600,-603,166,-610,166,166,166,166,166,166,166,166,166,166,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,166,166,166,-997,166,166,166,166,166,166,-308,-327,-321,-298,-377,-454,-455,-456,-460,166,-445,166,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,166,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,166,166,166,166,166,166,166,166,166,-318,-537,-510,-593,-939,-941,-942,-440,166,-442,-382,-383,-385,-509,-511,-513,166,-515,-516,-521,-522,166,-534,-536,-539,-540,-545,-550,-728,166,-729,166,-734,166,-736,166,-741,-658,-662,-663,166,-668,166,-669,166,-674,-676,166,-679,166,166,166,-689,-691,166,-694,166,166,-746,166,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,166,166,166,166,166,-879,166,-882,-910,-922,-927,-390,-391,166,-396,166,-399,166,-404,166,-405,166,-410,166,-415,166,-419,166,-420,166,-425,166,-428,-901,-902,-645,-587,-1896,-903,166,166,166,-802,166,166,-806,166,-809,-835,166,-820,166,-822,166,-824,-810,166,-826,166,-853,-854,166,166,-813,166,-648,-904,-906,-650,-651,-647,166,-707,-708,166,-644,-905,-649,-652,-605,-716,166,166,-607,-588,166,166,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,166,166,-711,-712,166,-718,166,166,166,166,166,166,-940,166,-441,-443,-749,166,-893,166,-717,-1896,166,166,166,166,166,-444,-514,-525,166,-730,-735,166,-737,166,-742,166,-664,-670,166,-680,-682,-684,-685,-692,-695,-699,-747,166,166,-876,166,166,-880,166,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,166,-814,166,-816,-803,166,-804,-807,166,-818,-821,-823,-825,-827,166,-828,166,-811,166,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,166,-284,166,166,166,166,-457,166,166,-731,166,-738,166,-743,166,-665,-673,166,166,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,166,-838,-53,166,166,-732,166,-739,166,-744,-666,166,-875,-54,166,166,-733,-740,-745,166,166,166,-874,]),'CONTEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[167,167,167,167,-1896,167,167,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,167,167,167,167,-277,-278,167,-1427,167,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,167,167,167,-492,167,167,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,167,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,167,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,167,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,167,-174,-175,-176,-177,-995,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-292,-293,-283,167,167,167,167,167,-330,-320,-334,-335,-336,167,167,-984,-985,-986,-987,-988,-989,-990,167,167,167,167,167,167,167,167,167,167,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,167,167,167,-355,-358,167,-325,-326,-143,167,-144,167,-145,167,-432,-937,-938,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-1896,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-1896,167,-1896,167,167,167,167,167,167,167,167,167,167,167,167,-1896,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-1896,167,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,167,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,167,167,167,-193,-194,167,-996,167,167,167,167,167,-279,-280,-281,-282,-367,167,-310,167,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,167,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,167,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,167,167,167,167,167,167,-575,167,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,167,167,-725,-726,-727,167,167,167,167,167,167,-996,167,167,-93,-94,167,167,167,167,-311,-312,-322,167,-309,-295,-296,-297,167,167,167,167,-620,-635,-592,167,167,-438,167,-439,167,-446,-447,-448,-380,-381,167,167,167,-508,167,167,-512,167,167,167,167,-517,-518,-519,-520,167,167,-523,-524,167,-526,-527,-528,-529,-530,-531,-532,-533,167,-535,167,167,167,-541,-543,-544,167,-546,-547,-548,-549,167,167,167,167,167,167,-654,-655,-656,-657,167,-659,-660,-661,167,167,167,-667,167,167,-671,-672,167,167,-675,167,-677,-678,167,-681,167,-683,167,167,-686,-687,-688,167,-690,167,167,-693,167,167,-696,-697,-698,167,-700,-701,-702,-703,167,167,-748,167,-751,-752,-753,-754,-755,167,-757,-758,-759,-760,-761,167,-768,-769,-771,167,-773,-774,-775,-784,-858,-860,-862,-864,167,167,167,167,-870,167,-872,167,167,167,167,167,167,167,-908,-909,167,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,167,-923,-926,167,-936,167,-387,-388,-389,167,167,-392,-393,-394,-395,167,-398,167,-401,-402,167,-403,167,-408,-409,167,-412,-413,-414,167,-417,167,-418,167,-423,-424,167,-427,167,-430,-431,-1896,-1896,167,-621,-622,-623,-624,-625,-636,-586,-626,-799,167,167,167,167,167,-833,167,167,-808,167,-834,167,167,167,167,-800,167,-855,-801,167,167,167,167,167,167,-856,-857,167,-836,-832,-837,167,-627,167,-628,-629,-630,-631,-576,167,167,-632,-633,-634,167,167,167,167,167,167,-637,-638,-639,-594,-1896,-604,167,-640,-641,-715,-642,-606,167,-574,-579,-582,-585,167,167,167,-600,-603,167,-610,167,167,167,167,167,167,167,167,167,167,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,167,167,167,-997,167,167,167,167,167,167,-308,-327,-321,-298,-377,-454,-455,-456,-460,167,-445,167,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,167,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,167,167,167,167,167,167,167,167,167,-318,-537,-510,-593,-939,-941,-942,-440,167,-442,-382,-383,-385,-509,-511,-513,167,-515,-516,-521,-522,167,-534,-536,-539,-540,-545,-550,-728,167,-729,167,-734,167,-736,167,-741,-658,-662,-663,167,-668,167,-669,167,-674,-676,167,-679,167,167,167,-689,-691,167,-694,167,167,-746,167,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,167,167,167,167,167,-879,167,-882,-910,-922,-927,-390,-391,167,-396,167,-399,167,-404,167,-405,167,-410,167,-415,167,-419,167,-420,167,-425,167,-428,-901,-902,-645,-587,-1896,-903,167,167,167,-802,167,167,-806,167,-809,-835,167,-820,167,-822,167,-824,-810,167,-826,167,-853,-854,167,167,-813,167,-648,-904,-906,-650,-651,-647,167,-707,-708,167,-644,-905,-649,-652,-605,-716,167,167,-607,-588,167,167,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,167,167,-711,-712,167,-718,167,167,167,167,167,167,-940,167,-441,-443,-749,167,-893,167,-717,-1896,167,167,167,167,167,-444,-514,-525,167,-730,-735,167,-737,167,-742,167,-664,-670,167,-680,-682,-684,-685,-692,-695,-699,-747,167,167,-876,167,167,-880,167,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,167,-814,167,-816,-803,167,-804,-807,167,-818,-821,-823,-825,-827,167,-828,167,-811,167,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,167,-284,167,167,167,167,-457,167,167,-731,167,-738,167,-743,167,-665,-673,167,167,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,167,-838,-53,167,167,-732,167,-739,167,-744,-666,167,-875,-54,167,167,-733,-740,-745,167,167,167,-874,]),'CONTRIBUTORS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[168,168,168,168,-1896,168,168,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,168,168,168,168,-277,-278,168,-1427,168,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,168,168,168,-492,168,168,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,168,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,168,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,168,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,168,-174,-175,-176,-177,-995,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-292,-293,-283,168,168,168,168,168,-330,-320,-334,-335,-336,168,168,-984,-985,-986,-987,-988,-989,-990,168,168,168,168,168,168,168,168,168,168,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,168,168,168,-355,-358,168,-325,-326,-143,168,-144,168,-145,168,-432,-937,-938,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-1896,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-1896,168,-1896,168,168,168,168,168,168,168,168,168,168,168,168,-1896,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-1896,168,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,168,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,168,168,168,-193,-194,168,-996,168,168,168,168,168,-279,-280,-281,-282,-367,168,-310,168,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,168,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,168,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,168,168,168,168,168,168,-575,168,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,168,168,-725,-726,-727,168,168,168,168,168,168,-996,168,168,-93,-94,168,168,168,168,-311,-312,-322,168,-309,-295,-296,-297,168,168,168,168,-620,-635,-592,168,168,-438,168,-439,168,-446,-447,-448,-380,-381,168,168,168,-508,168,168,-512,168,168,168,168,-517,-518,-519,-520,168,168,-523,-524,168,-526,-527,-528,-529,-530,-531,-532,-533,168,-535,168,168,168,-541,-543,-544,168,-546,-547,-548,-549,168,168,168,168,168,168,-654,-655,-656,-657,168,-659,-660,-661,168,168,168,-667,168,168,-671,-672,168,168,-675,168,-677,-678,168,-681,168,-683,168,168,-686,-687,-688,168,-690,168,168,-693,168,168,-696,-697,-698,168,-700,-701,-702,-703,168,168,-748,168,-751,-752,-753,-754,-755,168,-757,-758,-759,-760,-761,168,-768,-769,-771,168,-773,-774,-775,-784,-858,-860,-862,-864,168,168,168,168,-870,168,-872,168,168,168,168,168,168,168,-908,-909,168,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,168,-923,-926,168,-936,168,-387,-388,-389,168,168,-392,-393,-394,-395,168,-398,168,-401,-402,168,-403,168,-408,-409,168,-412,-413,-414,168,-417,168,-418,168,-423,-424,168,-427,168,-430,-431,-1896,-1896,168,-621,-622,-623,-624,-625,-636,-586,-626,-799,168,168,168,168,168,-833,168,168,-808,168,-834,168,168,168,168,-800,168,-855,-801,168,168,168,168,168,168,-856,-857,168,-836,-832,-837,168,-627,168,-628,-629,-630,-631,-576,168,168,-632,-633,-634,168,168,168,168,168,168,-637,-638,-639,-594,-1896,-604,168,-640,-641,-715,-642,-606,168,-574,-579,-582,-585,168,168,168,-600,-603,168,-610,168,168,168,168,168,168,168,168,168,168,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,168,168,168,-997,168,168,168,168,168,168,-308,-327,-321,-298,-377,-454,-455,-456,-460,168,-445,168,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,168,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,168,168,168,168,168,168,168,168,168,-318,-537,-510,-593,-939,-941,-942,-440,168,-442,-382,-383,-385,-509,-511,-513,168,-515,-516,-521,-522,168,-534,-536,-539,-540,-545,-550,-728,168,-729,168,-734,168,-736,168,-741,-658,-662,-663,168,-668,168,-669,168,-674,-676,168,-679,168,168,168,-689,-691,168,-694,168,168,-746,168,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,168,168,168,168,168,-879,168,-882,-910,-922,-927,-390,-391,168,-396,168,-399,168,-404,168,-405,168,-410,168,-415,168,-419,168,-420,168,-425,168,-428,-901,-902,-645,-587,-1896,-903,168,168,168,-802,168,168,-806,168,-809,-835,168,-820,168,-822,168,-824,-810,168,-826,168,-853,-854,168,168,-813,168,-648,-904,-906,-650,-651,-647,168,-707,-708,168,-644,-905,-649,-652,-605,-716,168,168,-607,-588,168,168,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,168,168,-711,-712,168,-718,168,168,168,168,168,168,-940,168,-441,-443,-749,168,-893,168,-717,-1896,168,168,168,168,168,-444,-514,-525,168,-730,-735,168,-737,168,-742,168,-664,-670,168,-680,-682,-684,-685,-692,-695,-699,-747,168,168,-876,168,168,-880,168,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,168,-814,168,-816,-803,168,-804,-807,168,-818,-821,-823,-825,-827,168,-828,168,-811,168,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,168,-284,168,168,168,168,-457,168,168,-731,168,-738,168,-743,168,-665,-673,168,168,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,168,-838,-53,168,168,-732,168,-739,168,-744,-666,168,-875,-54,168,168,-733,-740,-745,168,168,168,-874,]),'CONY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[169,169,169,1055,-1896,169,169,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,169,169,169,169,-277,-278,1055,-1427,1055,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1055,1055,1055,-492,1055,1055,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1055,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1055,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1853,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,169,-174,-175,-176,-177,-995,169,169,169,169,169,169,169,169,169,169,1055,1055,1055,1055,1055,-292,-293,-283,169,1055,1055,1055,1055,-330,-320,-334,-335,-336,1055,1055,-984,-985,-986,-987,-988,-989,-990,169,169,1055,1055,1055,1055,1055,1055,1055,1055,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1055,1055,1055,-355,-358,169,-325,-326,-143,1055,-144,1055,-145,1055,-432,-937,-938,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1896,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1896,1055,-1896,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1896,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1896,169,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1055,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1055,169,169,-193,-194,169,-996,1055,169,169,169,169,-279,-280,-281,-282,-367,1055,-310,1055,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1055,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1055,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1055,1055,1055,1055,1055,1055,-575,1055,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1055,1055,-725,-726,-727,1055,1853,169,169,169,169,-996,169,1055,-93,-94,169,169,169,1055,-311,-312,-322,1055,-309,-295,-296,-297,1055,169,1055,1055,-620,-635,-592,1055,169,-438,169,-439,1055,-446,-447,-448,-380,-381,1055,1055,1055,-508,1055,1055,-512,1055,1055,1055,1055,-517,-518,-519,-520,1055,1055,-523,-524,1055,-526,-527,-528,-529,-530,-531,-532,-533,1055,-535,1055,1055,1055,-541,-543,-544,1055,-546,-547,-548,-549,1055,1055,1055,1055,1055,1055,-654,-655,-656,-657,169,-659,-660,-661,1055,1055,1055,-667,1055,1055,-671,-672,1055,1055,-675,1055,-677,-678,1055,-681,1055,-683,1055,1055,-686,-687,-688,1055,-690,1055,1055,-693,1055,1055,-696,-697,-698,1055,-700,-701,-702,-703,1055,1055,-748,1055,-751,-752,-753,-754,-755,1055,-757,-758,-759,-760,-761,1055,-768,-769,-771,1055,-773,-774,-775,-784,-858,-860,-862,-864,1055,1055,1055,1055,-870,1055,-872,1055,1055,1055,1055,1055,1055,1055,-908,-909,1055,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1055,-923,-926,1055,-936,1055,-387,-388,-389,1055,1055,-392,-393,-394,-395,1055,-398,1055,-401,-402,1055,-403,1055,-408,-409,1055,-412,-413,-414,1055,-417,1055,-418,1055,-423,-424,1055,-427,1055,-430,-431,-1896,-1896,1055,-621,-622,-623,-624,-625,-636,-586,-626,-799,1055,1055,1055,1055,1055,-833,1055,1055,-808,1055,-834,1055,1055,1055,1055,-800,1055,-855,-801,1055,1055,1055,1055,1055,1055,-856,-857,1055,-836,-832,-837,1055,-627,1055,-628,-629,-630,-631,-576,1055,1055,-632,-633,-634,1055,1055,1055,1055,1055,1055,-637,-638,-639,-594,-1896,-604,1055,-640,-641,-715,-642,-606,1055,-574,-579,-582,-585,1055,1055,1055,-600,-603,1055,-610,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1055,169,169,-997,169,1055,169,169,169,1055,-308,-327,-321,-298,-377,-454,-455,-456,-460,169,-445,1055,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1055,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,169,169,169,169,169,169,169,169,1055,-318,-537,-510,-593,-939,-941,-942,-440,1055,-442,-382,-383,-385,-509,-511,-513,1055,-515,-516,-521,-522,1055,-534,-536,-539,-540,-545,-550,-728,1055,-729,1055,-734,1055,-736,1055,-741,-658,-662,-663,1055,-668,1055,-669,1055,-674,-676,1055,-679,1055,1055,1055,-689,-691,1055,-694,1055,1055,-746,1055,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1055,1055,1055,1055,1055,-879,1055,-882,-910,-922,-927,-390,-391,1055,-396,1055,-399,1055,-404,1055,-405,1055,-410,1055,-415,1055,-419,1055,-420,1055,-425,1055,-428,-901,-902,-645,-587,-1896,-903,1055,1055,1055,-802,1055,1055,-806,1055,-809,-835,1055,-820,1055,-822,1055,-824,-810,1055,-826,1055,-853,-854,1055,1055,-813,1055,-648,-904,-906,-650,-651,-647,1055,-707,-708,1055,-644,-905,-649,-652,-605,-716,1055,1055,-607,-588,1055,1055,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1055,1055,-711,-712,1055,-718,1055,169,169,169,1055,1055,-940,169,-441,-443,-749,1055,-893,1853,-717,-1896,1055,1055,169,169,1055,-444,-514,-525,1055,-730,-735,1055,-737,1055,-742,1055,-664,-670,1055,-680,-682,-684,-685,-692,-695,-699,-747,1055,1055,-876,1055,1055,-880,1055,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1055,-814,1055,-816,-803,1055,-804,-807,1055,-818,-821,-823,-825,-827,1055,-828,1055,-811,1055,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,169,-284,169,1055,169,1055,-457,1055,1055,-731,1055,-738,1055,-743,1055,-665,-673,1055,1055,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1055,-838,-53,169,1055,-732,1055,-739,1055,-744,-666,1055,-875,-54,169,169,-733,-740,-745,1055,169,1055,-874,]),'COS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[170,170,170,1056,-1896,170,170,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,170,170,170,170,-277,-278,1056,-1427,1056,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1056,1056,1056,-492,1056,1056,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1056,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1056,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1854,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,170,-174,-175,-176,-177,-995,170,170,170,170,170,170,170,170,170,170,1056,1056,1056,1056,1056,-292,-293,-283,170,1056,1056,1056,1056,-330,-320,-334,-335,-336,1056,1056,-984,-985,-986,-987,-988,-989,-990,170,170,1056,1056,1056,1056,1056,1056,1056,1056,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1056,1056,1056,-355,-358,170,-325,-326,-143,1056,-144,1056,-145,1056,-432,-937,-938,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1896,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1896,1056,-1896,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1896,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1896,170,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1056,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1056,170,170,-193,-194,170,-996,1056,170,170,170,170,-279,-280,-281,-282,-367,1056,-310,1056,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1056,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1056,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1056,1056,1056,1056,1056,1056,-575,1056,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1056,1056,-725,-726,-727,1056,1854,170,170,170,170,-996,170,1056,-93,-94,170,170,170,1056,-311,-312,-322,1056,-309,-295,-296,-297,1056,170,1056,1056,-620,-635,-592,1056,170,-438,170,-439,1056,-446,-447,-448,-380,-381,1056,1056,1056,-508,1056,1056,-512,1056,1056,1056,1056,-517,-518,-519,-520,1056,1056,-523,-524,1056,-526,-527,-528,-529,-530,-531,-532,-533,1056,-535,1056,1056,1056,-541,-543,-544,1056,-546,-547,-548,-549,1056,1056,1056,1056,1056,1056,-654,-655,-656,-657,170,-659,-660,-661,1056,1056,1056,-667,1056,1056,-671,-672,1056,1056,-675,1056,-677,-678,1056,-681,1056,-683,1056,1056,-686,-687,-688,1056,-690,1056,1056,-693,1056,1056,-696,-697,-698,1056,-700,-701,-702,-703,1056,1056,-748,1056,-751,-752,-753,-754,-755,1056,-757,-758,-759,-760,-761,1056,-768,-769,-771,1056,-773,-774,-775,-784,-858,-860,-862,-864,1056,1056,1056,1056,-870,1056,-872,1056,1056,1056,1056,1056,1056,1056,-908,-909,1056,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1056,-923,-926,1056,-936,1056,-387,-388,-389,1056,1056,-392,-393,-394,-395,1056,-398,1056,-401,-402,1056,-403,1056,-408,-409,1056,-412,-413,-414,1056,-417,1056,-418,1056,-423,-424,1056,-427,1056,-430,-431,-1896,-1896,1056,-621,-622,-623,-624,-625,-636,-586,-626,-799,1056,1056,1056,1056,1056,-833,1056,1056,-808,1056,-834,1056,1056,1056,1056,-800,1056,-855,-801,1056,1056,1056,1056,1056,1056,-856,-857,1056,-836,-832,-837,1056,-627,1056,-628,-629,-630,-631,-576,1056,1056,-632,-633,-634,1056,1056,1056,1056,1056,1056,-637,-638,-639,-594,-1896,-604,1056,-640,-641,-715,-642,-606,1056,-574,-579,-582,-585,1056,1056,1056,-600,-603,1056,-610,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1056,170,170,-997,170,1056,170,170,170,1056,-308,-327,-321,-298,-377,-454,-455,-456,-460,170,-445,1056,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1056,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,170,170,170,170,170,170,170,170,1056,-318,-537,-510,-593,-939,-941,-942,-440,1056,-442,-382,-383,-385,-509,-511,-513,1056,-515,-516,-521,-522,1056,-534,-536,-539,-540,-545,-550,-728,1056,-729,1056,-734,1056,-736,1056,-741,-658,-662,-663,1056,-668,1056,-669,1056,-674,-676,1056,-679,1056,1056,1056,-689,-691,1056,-694,1056,1056,-746,1056,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1056,1056,1056,1056,1056,-879,1056,-882,-910,-922,-927,-390,-391,1056,-396,1056,-399,1056,-404,1056,-405,1056,-410,1056,-415,1056,-419,1056,-420,1056,-425,1056,-428,-901,-902,-645,-587,-1896,-903,1056,1056,1056,-802,1056,1056,-806,1056,-809,-835,1056,-820,1056,-822,1056,-824,-810,1056,-826,1056,-853,-854,1056,1056,-813,1056,-648,-904,-906,-650,-651,-647,1056,-707,-708,1056,-644,-905,-649,-652,-605,-716,1056,1056,-607,-588,1056,1056,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1056,1056,-711,-712,1056,-718,1056,170,170,170,1056,1056,-940,170,-441,-443,-749,1056,-893,1854,-717,-1896,1056,1056,170,170,1056,-444,-514,-525,1056,-730,-735,1056,-737,1056,-742,1056,-664,-670,1056,-680,-682,-684,-685,-692,-695,-699,-747,1056,1056,-876,1056,1056,-880,1056,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1056,-814,1056,-816,-803,1056,-804,-807,1056,-818,-821,-823,-825,-827,1056,-828,1056,-811,1056,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,170,-284,170,1056,170,1056,-457,1056,1056,-731,1056,-738,1056,-743,1056,-665,-673,1056,1056,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1056,-838,-53,170,1056,-732,1056,-739,1056,-744,-666,1056,-875,-54,170,170,-733,-740,-745,1056,170,1056,-874,]),'COT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[171,171,171,1057,-1896,171,171,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,171,171,171,171,-277,-278,1057,-1427,1057,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1057,1057,1057,-492,1057,1057,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1057,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1057,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1855,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,171,-174,-175,-176,-177,-995,171,171,171,171,171,171,171,171,171,171,1057,1057,1057,1057,1057,-292,-293,-283,171,1057,1057,1057,1057,-330,-320,-334,-335,-336,1057,1057,-984,-985,-986,-987,-988,-989,-990,171,171,1057,1057,1057,1057,1057,1057,1057,1057,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1057,1057,1057,-355,-358,171,-325,-326,-143,1057,-144,1057,-145,1057,-432,-937,-938,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1896,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1896,1057,-1896,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1896,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1896,171,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1057,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1057,171,171,-193,-194,171,-996,1057,171,171,171,171,-279,-280,-281,-282,-367,1057,-310,1057,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1057,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1057,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1057,1057,1057,1057,1057,1057,-575,1057,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1057,1057,-725,-726,-727,1057,1855,171,171,171,171,-996,171,1057,-93,-94,171,171,171,1057,-311,-312,-322,1057,-309,-295,-296,-297,1057,171,1057,1057,-620,-635,-592,1057,171,-438,171,-439,1057,-446,-447,-448,-380,-381,1057,1057,1057,-508,1057,1057,-512,1057,1057,1057,1057,-517,-518,-519,-520,1057,1057,-523,-524,1057,-526,-527,-528,-529,-530,-531,-532,-533,1057,-535,1057,1057,1057,-541,-543,-544,1057,-546,-547,-548,-549,1057,1057,1057,1057,1057,1057,-654,-655,-656,-657,171,-659,-660,-661,1057,1057,1057,-667,1057,1057,-671,-672,1057,1057,-675,1057,-677,-678,1057,-681,1057,-683,1057,1057,-686,-687,-688,1057,-690,1057,1057,-693,1057,1057,-696,-697,-698,1057,-700,-701,-702,-703,1057,1057,-748,1057,-751,-752,-753,-754,-755,1057,-757,-758,-759,-760,-761,1057,-768,-769,-771,1057,-773,-774,-775,-784,-858,-860,-862,-864,1057,1057,1057,1057,-870,1057,-872,1057,1057,1057,1057,1057,1057,1057,-908,-909,1057,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1057,-923,-926,1057,-936,1057,-387,-388,-389,1057,1057,-392,-393,-394,-395,1057,-398,1057,-401,-402,1057,-403,1057,-408,-409,1057,-412,-413,-414,1057,-417,1057,-418,1057,-423,-424,1057,-427,1057,-430,-431,-1896,-1896,1057,-621,-622,-623,-624,-625,-636,-586,-626,-799,1057,1057,1057,1057,1057,-833,1057,1057,-808,1057,-834,1057,1057,1057,1057,-800,1057,-855,-801,1057,1057,1057,1057,1057,1057,-856,-857,1057,-836,-832,-837,1057,-627,1057,-628,-629,-630,-631,-576,1057,1057,-632,-633,-634,1057,1057,1057,1057,1057,1057,-637,-638,-639,-594,-1896,-604,1057,-640,-641,-715,-642,-606,1057,-574,-579,-582,-585,1057,1057,1057,-600,-603,1057,-610,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1057,171,171,-997,171,1057,171,171,171,1057,-308,-327,-321,-298,-377,-454,-455,-456,-460,171,-445,1057,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1057,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,171,171,171,171,171,171,171,171,1057,-318,-537,-510,-593,-939,-941,-942,-440,1057,-442,-382,-383,-385,-509,-511,-513,1057,-515,-516,-521,-522,1057,-534,-536,-539,-540,-545,-550,-728,1057,-729,1057,-734,1057,-736,1057,-741,-658,-662,-663,1057,-668,1057,-669,1057,-674,-676,1057,-679,1057,1057,1057,-689,-691,1057,-694,1057,1057,-746,1057,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1057,1057,1057,1057,1057,-879,1057,-882,-910,-922,-927,-390,-391,1057,-396,1057,-399,1057,-404,1057,-405,1057,-410,1057,-415,1057,-419,1057,-420,1057,-425,1057,-428,-901,-902,-645,-587,-1896,-903,1057,1057,1057,-802,1057,1057,-806,1057,-809,-835,1057,-820,1057,-822,1057,-824,-810,1057,-826,1057,-853,-854,1057,1057,-813,1057,-648,-904,-906,-650,-651,-647,1057,-707,-708,1057,-644,-905,-649,-652,-605,-716,1057,1057,-607,-588,1057,1057,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1057,1057,-711,-712,1057,-718,1057,171,171,171,1057,1057,-940,171,-441,-443,-749,1057,-893,1855,-717,-1896,1057,1057,171,171,1057,-444,-514,-525,1057,-730,-735,1057,-737,1057,-742,1057,-664,-670,1057,-680,-682,-684,-685,-692,-695,-699,-747,1057,1057,-876,1057,1057,-880,1057,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1057,-814,1057,-816,-803,1057,-804,-807,1057,-818,-821,-823,-825,-827,1057,-828,1057,-811,1057,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,171,-284,171,1057,171,1057,-457,1057,1057,-731,1057,-738,1057,-743,1057,-665,-673,1057,1057,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1057,-838,-53,171,1057,-732,1057,-739,1057,-744,-666,1057,-875,-54,171,171,-733,-740,-745,1057,171,1057,-874,]),'COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[172,172,172,1244,-1896,172,172,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,172,172,172,172,-277,-278,1244,-1427,1244,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1244,1244,1244,-492,1244,1244,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1244,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1244,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1244,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,172,-174,-175,-176,-177,-995,172,172,172,172,172,172,172,172,172,172,1244,1244,1244,1244,1244,-292,-293,-283,172,1244,1244,1244,1244,-330,-320,-334,-335,-336,1244,1244,-984,-985,-986,-987,-988,-989,-990,172,172,1244,1244,1244,1244,1244,1244,1244,1244,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1244,1244,1244,-355,-358,172,-325,-326,-143,1244,-144,1244,-145,1244,-432,-937,-938,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1896,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1896,1244,-1896,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1896,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1896,172,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1244,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1244,172,172,-193,-194,172,-996,1244,172,172,172,172,-279,-280,-281,-282,-367,1244,-310,1244,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1244,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1244,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1244,1244,1244,1244,1244,1244,-575,1244,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1244,1244,-725,-726,-727,1244,1244,172,172,172,172,-996,172,1244,-93,-94,172,172,172,1244,-311,-312,-322,1244,-309,-295,-296,-297,1244,172,1244,1244,-620,-635,-592,1244,172,-438,172,-439,1244,-446,-447,-448,-380,-381,1244,1244,1244,-508,1244,1244,-512,1244,1244,1244,1244,-517,-518,-519,-520,1244,1244,-523,-524,1244,-526,-527,-528,-529,-530,-531,-532,-533,1244,-535,1244,1244,1244,-541,-543,-544,1244,-546,-547,-548,-549,1244,1244,1244,1244,1244,1244,-654,-655,-656,-657,172,-659,-660,-661,1244,1244,1244,-667,1244,1244,-671,-672,1244,1244,-675,1244,-677,-678,1244,-681,1244,-683,1244,1244,-686,-687,-688,1244,-690,1244,1244,-693,1244,1244,-696,-697,-698,1244,-700,-701,-702,-703,1244,1244,-748,1244,-751,-752,-753,-754,-755,1244,-757,-758,-759,-760,-761,1244,-768,-769,-771,1244,-773,-774,-775,-784,-858,-860,-862,-864,1244,1244,1244,1244,-870,1244,-872,1244,1244,1244,1244,1244,1244,1244,-908,-909,1244,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1244,-923,-926,1244,-936,1244,-387,-388,-389,1244,1244,-392,-393,-394,-395,1244,-398,1244,-401,-402,1244,-403,1244,-408,-409,1244,-412,-413,-414,1244,-417,1244,-418,1244,-423,-424,1244,-427,1244,-430,-431,-1896,-1896,1244,-621,-622,-623,-624,-625,-636,-586,-626,-799,1244,1244,1244,1244,1244,-833,1244,1244,-808,1244,-834,1244,1244,1244,1244,-800,1244,-855,-801,1244,1244,1244,1244,1244,1244,-856,-857,1244,-836,-832,-837,1244,-627,1244,-628,-629,-630,-631,-576,1244,1244,-632,-633,-634,1244,1244,1244,1244,1244,1244,-637,-638,-639,-594,-1896,-604,1244,-640,-641,-715,-642,-606,1244,-574,-579,-582,-585,1244,1244,1244,-600,-603,1244,-610,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1244,172,172,-997,172,1244,172,172,172,1244,-308,-327,-321,-298,-377,-454,-455,-456,-460,172,-445,1244,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1244,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,172,172,172,172,172,172,172,172,1244,-318,-537,-510,-593,-939,-941,-942,-440,1244,-442,-382,-383,-385,-509,-511,-513,1244,-515,-516,-521,-522,1244,-534,-536,-539,-540,-545,-550,-728,1244,-729,1244,-734,1244,-736,1244,-741,-658,-662,-663,1244,-668,1244,-669,1244,-674,-676,1244,-679,1244,1244,1244,-689,-691,1244,-694,1244,1244,-746,1244,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1244,1244,1244,1244,1244,-879,1244,-882,-910,-922,-927,-390,-391,1244,-396,1244,-399,1244,-404,1244,-405,1244,-410,1244,-415,1244,-419,1244,-420,1244,-425,1244,-428,-901,-902,-645,-587,-1896,-903,1244,1244,1244,-802,1244,1244,-806,1244,-809,-835,1244,-820,1244,-822,1244,-824,-810,1244,-826,1244,-853,-854,1244,1244,-813,1244,-648,-904,-906,-650,-651,-647,1244,-707,-708,1244,-644,-905,-649,-652,-605,-716,1244,1244,-607,-588,1244,1244,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1244,1244,-711,-712,1244,-718,1244,172,172,172,1244,1244,-940,172,-441,-443,-749,1244,-893,1244,-717,-1896,1244,1244,172,172,1244,-444,-514,-525,1244,-730,-735,1244,-737,1244,-742,1244,-664,-670,1244,-680,-682,-684,-685,-692,-695,-699,-747,1244,1244,-876,1244,1244,-880,1244,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1244,-814,1244,-816,-803,1244,-804,-807,1244,-818,-821,-823,-825,-827,1244,-828,1244,-811,1244,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,172,-284,172,1244,172,1244,-457,1244,1244,-731,1244,-738,1244,-743,1244,-665,-673,1244,1244,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1244,-838,-53,172,1244,-732,1244,-739,1244,-744,-666,1244,-875,-54,172,172,-733,-740,-745,1244,172,1244,-874,]),'CPU':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[173,173,173,173,-1896,173,173,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,173,173,173,173,-277,-278,173,-1427,173,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,173,173,173,-492,173,173,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,173,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,173,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,173,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,173,-174,-175,-176,-177,-995,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-292,-293,-283,173,173,173,173,173,-330,-320,-334,-335,-336,173,173,-984,-985,-986,-987,-988,-989,-990,173,173,173,173,173,173,173,173,173,173,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,173,173,173,-355,-358,173,-325,-326,-143,173,-144,173,-145,173,-432,-937,-938,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-1896,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-1896,173,-1896,173,173,173,173,173,173,173,173,173,173,173,173,-1896,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-1896,173,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,173,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,173,173,173,-193,-194,173,-996,173,173,173,173,173,-279,-280,-281,-282,-367,173,-310,173,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,173,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,173,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,173,173,173,173,173,173,-575,173,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,173,173,-725,-726,-727,173,173,173,173,173,173,-996,173,173,-93,-94,173,173,173,173,-311,-312,-322,173,-309,-295,-296,-297,173,173,173,173,-620,-635,-592,173,173,-438,173,-439,173,-446,-447,-448,-380,-381,173,173,173,-508,173,173,-512,173,173,173,173,-517,-518,-519,-520,173,173,-523,-524,173,-526,-527,-528,-529,-530,-531,-532,-533,173,-535,173,173,173,-541,-543,-544,173,-546,-547,-548,-549,173,173,173,173,173,173,-654,-655,-656,-657,173,-659,-660,-661,173,173,173,-667,173,173,-671,-672,173,173,-675,173,-677,-678,173,-681,173,-683,173,173,-686,-687,-688,173,-690,173,173,-693,173,173,-696,-697,-698,173,-700,-701,-702,-703,173,173,-748,173,-751,-752,-753,-754,-755,173,-757,-758,-759,-760,-761,173,-768,-769,-771,173,-773,-774,-775,-784,-858,-860,-862,-864,173,173,173,173,-870,173,-872,173,173,173,173,173,173,173,-908,-909,173,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,173,-923,-926,173,-936,173,-387,-388,-389,173,173,-392,-393,-394,-395,173,-398,173,-401,-402,173,-403,173,-408,-409,173,-412,-413,-414,173,-417,173,-418,173,-423,-424,173,-427,173,-430,-431,-1896,-1896,173,-621,-622,-623,-624,-625,-636,-586,-626,-799,173,173,173,173,173,-833,173,173,-808,173,-834,173,173,173,173,-800,173,-855,-801,173,173,173,173,173,173,-856,-857,173,-836,-832,-837,173,-627,173,-628,-629,-630,-631,-576,173,173,-632,-633,-634,173,173,173,173,173,173,-637,-638,-639,-594,-1896,-604,173,-640,-641,-715,-642,-606,173,-574,-579,-582,-585,173,173,173,-600,-603,173,-610,173,173,173,173,173,173,173,173,173,173,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,173,173,173,-997,173,173,173,173,173,173,-308,-327,-321,-298,-377,-454,-455,-456,-460,173,-445,173,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,173,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,173,173,173,173,173,173,173,173,173,-318,-537,-510,-593,-939,-941,-942,-440,173,-442,-382,-383,-385,-509,-511,-513,173,-515,-516,-521,-522,173,-534,-536,-539,-540,-545,-550,-728,173,-729,173,-734,173,-736,173,-741,-658,-662,-663,173,-668,173,-669,173,-674,-676,173,-679,173,173,173,-689,-691,173,-694,173,173,-746,173,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,173,173,173,173,173,-879,173,-882,-910,-922,-927,-390,-391,173,-396,173,-399,173,-404,173,-405,173,-410,173,-415,173,-419,173,-420,173,-425,173,-428,-901,-902,-645,-587,-1896,-903,173,173,173,-802,173,173,-806,173,-809,-835,173,-820,173,-822,173,-824,-810,173,-826,173,-853,-854,173,173,-813,173,-648,-904,-906,-650,-651,-647,173,-707,-708,173,-644,-905,-649,-652,-605,-716,173,173,-607,-588,173,173,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,173,173,-711,-712,173,-718,173,173,173,173,173,173,-940,173,-441,-443,-749,173,-893,173,-717,-1896,173,173,173,173,173,-444,-514,-525,173,-730,-735,173,-737,173,-742,173,-664,-670,173,-680,-682,-684,-685,-692,-695,-699,-747,173,173,-876,173,173,-880,173,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,173,-814,173,-816,-803,173,-804,-807,173,-818,-821,-823,-825,-827,173,-828,173,-811,173,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,173,-284,173,173,173,173,-457,173,173,-731,173,-738,173,-743,173,-665,-673,173,173,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,173,-838,-53,173,173,-732,173,-739,173,-744,-666,173,-875,-54,173,173,-733,-740,-745,173,173,173,-874,]),'CRC32':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[174,174,174,1058,-1896,174,174,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,174,174,174,174,-277,-278,1058,-1427,1058,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1058,1058,1058,-492,1058,1058,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1058,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1058,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1856,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,174,-174,-175,-176,-177,-995,174,174,174,174,174,174,174,174,174,174,1058,1058,1058,1058,1058,-292,-293,-283,174,1058,1058,1058,1058,-330,-320,-334,-335,-336,1058,1058,-984,-985,-986,-987,-988,-989,-990,174,174,1058,1058,1058,1058,1058,1058,1058,1058,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1058,1058,1058,-355,-358,174,-325,-326,-143,1058,-144,1058,-145,1058,-432,-937,-938,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1896,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1896,1058,-1896,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1896,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1896,174,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1058,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1058,174,174,-193,-194,174,-996,1058,174,174,174,174,-279,-280,-281,-282,-367,1058,-310,1058,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1058,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1058,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1058,1058,1058,1058,1058,1058,-575,1058,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1058,1058,-725,-726,-727,1058,1856,174,174,174,174,-996,174,1058,-93,-94,174,174,174,1058,-311,-312,-322,1058,-309,-295,-296,-297,1058,174,1058,1058,-620,-635,-592,1058,174,-438,174,-439,1058,-446,-447,-448,-380,-381,1058,1058,1058,-508,1058,1058,-512,1058,1058,1058,1058,-517,-518,-519,-520,1058,1058,-523,-524,1058,-526,-527,-528,-529,-530,-531,-532,-533,1058,-535,1058,1058,1058,-541,-543,-544,1058,-546,-547,-548,-549,1058,1058,1058,1058,1058,1058,-654,-655,-656,-657,174,-659,-660,-661,1058,1058,1058,-667,1058,1058,-671,-672,1058,1058,-675,1058,-677,-678,1058,-681,1058,-683,1058,1058,-686,-687,-688,1058,-690,1058,1058,-693,1058,1058,-696,-697,-698,1058,-700,-701,-702,-703,1058,1058,-748,1058,-751,-752,-753,-754,-755,1058,-757,-758,-759,-760,-761,1058,-768,-769,-771,1058,-773,-774,-775,-784,-858,-860,-862,-864,1058,1058,1058,1058,-870,1058,-872,1058,1058,1058,1058,1058,1058,1058,-908,-909,1058,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1058,-923,-926,1058,-936,1058,-387,-388,-389,1058,1058,-392,-393,-394,-395,1058,-398,1058,-401,-402,1058,-403,1058,-408,-409,1058,-412,-413,-414,1058,-417,1058,-418,1058,-423,-424,1058,-427,1058,-430,-431,-1896,-1896,1058,-621,-622,-623,-624,-625,-636,-586,-626,-799,1058,1058,1058,1058,1058,-833,1058,1058,-808,1058,-834,1058,1058,1058,1058,-800,1058,-855,-801,1058,1058,1058,1058,1058,1058,-856,-857,1058,-836,-832,-837,1058,-627,1058,-628,-629,-630,-631,-576,1058,1058,-632,-633,-634,1058,1058,1058,1058,1058,1058,-637,-638,-639,-594,-1896,-604,1058,-640,-641,-715,-642,-606,1058,-574,-579,-582,-585,1058,1058,1058,-600,-603,1058,-610,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1058,174,174,-997,174,1058,174,174,174,1058,-308,-327,-321,-298,-377,-454,-455,-456,-460,174,-445,1058,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1058,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,174,174,174,174,174,174,174,174,1058,-318,-537,-510,-593,-939,-941,-942,-440,1058,-442,-382,-383,-385,-509,-511,-513,1058,-515,-516,-521,-522,1058,-534,-536,-539,-540,-545,-550,-728,1058,-729,1058,-734,1058,-736,1058,-741,-658,-662,-663,1058,-668,1058,-669,1058,-674,-676,1058,-679,1058,1058,1058,-689,-691,1058,-694,1058,1058,-746,1058,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1058,1058,1058,1058,1058,-879,1058,-882,-910,-922,-927,-390,-391,1058,-396,1058,-399,1058,-404,1058,-405,1058,-410,1058,-415,1058,-419,1058,-420,1058,-425,1058,-428,-901,-902,-645,-587,-1896,-903,1058,1058,1058,-802,1058,1058,-806,1058,-809,-835,1058,-820,1058,-822,1058,-824,-810,1058,-826,1058,-853,-854,1058,1058,-813,1058,-648,-904,-906,-650,-651,-647,1058,-707,-708,1058,-644,-905,-649,-652,-605,-716,1058,1058,-607,-588,1058,1058,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1058,1058,-711,-712,1058,-718,1058,174,174,174,1058,1058,-940,174,-441,-443,-749,1058,-893,1856,-717,-1896,1058,1058,174,174,1058,-444,-514,-525,1058,-730,-735,1058,-737,1058,-742,1058,-664,-670,1058,-680,-682,-684,-685,-692,-695,-699,-747,1058,1058,-876,1058,1058,-880,1058,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1058,-814,1058,-816,-803,1058,-804,-807,1058,-818,-821,-823,-825,-827,1058,-828,1058,-811,1058,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,174,-284,174,1058,174,1058,-457,1058,1058,-731,1058,-738,1058,-743,1058,-665,-673,1058,1058,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1058,-838,-53,174,1058,-732,1058,-739,1058,-744,-666,1058,-875,-54,174,174,-733,-740,-745,1058,174,1058,-874,]),'CREATE_TIMESTAMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[175,175,175,175,-1896,175,175,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,175,175,175,175,-277,-278,175,-1427,175,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,175,175,175,-492,175,175,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,175,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,175,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,175,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,175,-174,-175,-176,-177,-995,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-292,-293,-283,175,175,175,175,175,-330,-320,-334,-335,-336,175,175,-984,-985,-986,-987,-988,-989,-990,175,175,175,175,175,175,175,175,175,175,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,175,175,175,-355,-358,175,-325,-326,-143,175,-144,175,-145,175,-432,-937,-938,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-1896,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-1896,175,-1896,175,175,175,175,175,175,175,175,175,175,175,175,-1896,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-1896,175,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,175,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,175,175,175,-193,-194,175,-996,175,175,175,175,175,-279,-280,-281,-282,-367,175,-310,175,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,175,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,175,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,175,175,175,175,175,175,-575,175,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,175,175,-725,-726,-727,175,175,175,175,175,175,-996,175,175,-93,-94,175,175,175,175,-311,-312,-322,175,-309,-295,-296,-297,175,175,175,175,-620,-635,-592,175,175,-438,175,-439,175,-446,-447,-448,-380,-381,175,175,175,-508,175,175,-512,175,175,175,175,-517,-518,-519,-520,175,175,-523,-524,175,-526,-527,-528,-529,-530,-531,-532,-533,175,-535,175,175,175,-541,-543,-544,175,-546,-547,-548,-549,175,175,175,175,175,175,-654,-655,-656,-657,175,-659,-660,-661,175,175,175,-667,175,175,-671,-672,175,175,-675,175,-677,-678,175,-681,175,-683,175,175,-686,-687,-688,175,-690,175,175,-693,175,175,-696,-697,-698,175,-700,-701,-702,-703,175,175,-748,175,-751,-752,-753,-754,-755,175,-757,-758,-759,-760,-761,175,-768,-769,-771,175,-773,-774,-775,-784,-858,-860,-862,-864,175,175,175,175,-870,175,-872,175,175,175,175,175,175,175,-908,-909,175,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,175,-923,-926,175,-936,175,-387,-388,-389,175,175,-392,-393,-394,-395,175,-398,175,-401,-402,175,-403,175,-408,-409,175,-412,-413,-414,175,-417,175,-418,175,-423,-424,175,-427,175,-430,-431,-1896,-1896,175,-621,-622,-623,-624,-625,-636,-586,-626,-799,175,175,175,175,175,-833,175,175,-808,175,-834,175,175,175,175,-800,175,-855,-801,175,175,175,175,175,175,-856,-857,175,-836,-832,-837,175,-627,175,-628,-629,-630,-631,-576,175,175,-632,-633,-634,175,175,175,175,175,175,-637,-638,-639,-594,-1896,-604,175,-640,-641,-715,-642,-606,175,-574,-579,-582,-585,175,175,175,-600,-603,175,-610,175,175,175,175,175,175,175,175,175,175,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,175,175,175,-997,175,175,175,175,175,175,-308,-327,-321,-298,-377,-454,-455,-456,-460,175,-445,175,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,175,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,175,175,175,175,175,175,175,175,175,-318,-537,-510,-593,-939,-941,-942,-440,175,-442,-382,-383,-385,-509,-511,-513,175,-515,-516,-521,-522,175,-534,-536,-539,-540,-545,-550,-728,175,-729,175,-734,175,-736,175,-741,-658,-662,-663,175,-668,175,-669,175,-674,-676,175,-679,175,175,175,-689,-691,175,-694,175,175,-746,175,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,175,175,175,175,175,-879,175,-882,-910,-922,-927,-390,-391,175,-396,175,-399,175,-404,175,-405,175,-410,175,-415,175,-419,175,-420,175,-425,175,-428,-901,-902,-645,-587,-1896,-903,175,175,175,-802,175,175,-806,175,-809,-835,175,-820,175,-822,175,-824,-810,175,-826,175,-853,-854,175,175,-813,175,-648,-904,-906,-650,-651,-647,175,-707,-708,175,-644,-905,-649,-652,-605,-716,175,175,-607,-588,175,175,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,175,175,-711,-712,175,-718,175,175,175,175,175,175,-940,175,-441,-443,-749,175,-893,175,-717,-1896,175,175,175,175,175,-444,-514,-525,175,-730,-735,175,-737,175,-742,175,-664,-670,175,-680,-682,-684,-685,-692,-695,-699,-747,175,175,-876,175,175,-880,175,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,175,-814,175,-816,-803,175,-804,-807,175,-818,-821,-823,-825,-827,175,-828,175,-811,175,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,175,-284,175,175,175,175,-457,175,175,-731,175,-738,175,-743,175,-665,-673,175,175,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,175,-838,-53,175,175,-732,175,-739,175,-744,-666,175,-875,-54,175,175,-733,-740,-745,175,175,175,-874,]),'CTXCAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[176,176,176,176,-1896,176,176,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,176,176,176,176,-277,-278,176,-1427,176,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,176,176,176,-492,176,176,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,176,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,176,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,176,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,176,-174,-175,-176,-177,-995,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-292,-293,-283,176,176,176,176,176,-330,-320,-334,-335,-336,176,176,-984,-985,-986,-987,-988,-989,-990,176,176,176,176,176,176,176,176,176,176,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,176,176,176,-355,-358,176,-325,-326,-143,176,-144,176,-145,176,-432,-937,-938,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-1896,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-1896,176,-1896,176,176,176,176,176,176,176,176,176,176,176,176,-1896,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-1896,176,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,176,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,176,176,176,-193,-194,176,-996,176,176,176,176,176,-279,-280,-281,-282,-367,176,-310,176,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,176,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,176,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,176,176,176,176,176,176,-575,176,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,176,176,-725,-726,-727,176,176,176,176,176,176,-996,176,176,-93,-94,176,176,176,176,-311,-312,-322,176,-309,-295,-296,-297,176,176,176,176,-620,-635,-592,176,176,-438,176,-439,176,-446,-447,-448,-380,-381,176,176,176,-508,176,176,-512,176,176,176,176,-517,-518,-519,-520,176,176,-523,-524,176,-526,-527,-528,-529,-530,-531,-532,-533,176,-535,176,176,176,-541,-543,-544,176,-546,-547,-548,-549,176,176,176,176,176,176,-654,-655,-656,-657,176,-659,-660,-661,176,176,176,-667,176,176,-671,-672,176,176,-675,176,-677,-678,176,-681,176,-683,176,176,-686,-687,-688,176,-690,176,176,-693,176,176,-696,-697,-698,176,-700,-701,-702,-703,176,176,-748,176,-751,-752,-753,-754,-755,176,-757,-758,-759,-760,-761,176,-768,-769,-771,176,-773,-774,-775,-784,-858,-860,-862,-864,176,176,176,176,-870,176,-872,176,176,176,176,176,176,176,-908,-909,176,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,176,-923,-926,176,-936,176,-387,-388,-389,176,176,-392,-393,-394,-395,176,-398,176,-401,-402,176,-403,176,-408,-409,176,-412,-413,-414,176,-417,176,-418,176,-423,-424,176,-427,176,-430,-431,-1896,-1896,176,-621,-622,-623,-624,-625,-636,-586,-626,-799,176,176,176,176,176,-833,176,176,-808,176,-834,176,176,176,176,-800,176,-855,-801,176,176,176,176,176,176,-856,-857,176,-836,-832,-837,176,-627,176,-628,-629,-630,-631,-576,176,176,-632,-633,-634,176,176,176,176,176,176,-637,-638,-639,-594,-1896,-604,176,-640,-641,-715,-642,-606,176,-574,-579,-582,-585,176,176,176,-600,-603,176,-610,176,176,176,176,176,176,176,176,176,176,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,176,176,176,-997,176,176,176,176,176,176,-308,-327,-321,-298,-377,-454,-455,-456,-460,176,-445,176,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,176,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,176,176,176,176,176,176,176,176,176,-318,-537,-510,-593,-939,-941,-942,-440,176,-442,-382,-383,-385,-509,-511,-513,176,-515,-516,-521,-522,176,-534,-536,-539,-540,-545,-550,-728,176,-729,176,-734,176,-736,176,-741,-658,-662,-663,176,-668,176,-669,176,-674,-676,176,-679,176,176,176,-689,-691,176,-694,176,176,-746,176,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,176,176,176,176,176,-879,176,-882,-910,-922,-927,-390,-391,176,-396,176,-399,176,-404,176,-405,176,-410,176,-415,176,-419,176,-420,176,-425,176,-428,-901,-902,-645,-587,-1896,-903,176,176,176,-802,176,176,-806,176,-809,-835,176,-820,176,-822,176,-824,-810,176,-826,176,-853,-854,176,176,-813,176,-648,-904,-906,-650,-651,-647,176,-707,-708,176,-644,-905,-649,-652,-605,-716,176,176,-607,-588,176,176,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,176,176,-711,-712,176,-718,176,176,176,176,176,176,-940,176,-441,-443,-749,176,-893,176,-717,-1896,176,176,176,176,176,-444,-514,-525,176,-730,-735,176,-737,176,-742,176,-664,-670,176,-680,-682,-684,-685,-692,-695,-699,-747,176,176,-876,176,176,-880,176,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,176,-814,176,-816,-803,176,-804,-807,176,-818,-821,-823,-825,-827,176,-828,176,-811,176,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,176,-284,176,176,176,176,-457,176,176,-731,176,-738,176,-743,176,-665,-673,176,176,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,176,-838,-53,176,176,-732,176,-739,176,-744,-666,176,-875,-54,176,176,-733,-740,-745,176,176,176,-874,]),'CTX_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[177,177,177,177,-1896,177,177,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,177,177,177,177,-277,-278,177,-1427,177,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,177,177,177,-492,177,177,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,177,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,177,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,177,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,177,-174,-175,-176,-177,-995,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-292,-293,-283,177,177,177,177,177,-330,-320,-334,-335,-336,177,177,-984,-985,-986,-987,-988,-989,-990,177,177,177,177,177,177,177,177,177,177,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,177,177,177,-355,-358,177,-325,-326,-143,177,-144,177,-145,177,-432,-937,-938,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-1896,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-1896,177,-1896,177,177,177,177,177,177,177,177,177,177,177,177,-1896,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-1896,177,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,177,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,177,177,177,-193,-194,177,-996,177,177,177,177,177,-279,-280,-281,-282,-367,177,-310,177,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,177,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,177,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,177,177,177,177,177,177,-575,177,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,177,177,-725,-726,-727,177,177,177,177,177,177,-996,177,177,-93,-94,177,177,177,177,-311,-312,-322,177,-309,-295,-296,-297,177,177,177,177,-620,-635,-592,177,177,-438,177,-439,177,-446,-447,-448,-380,-381,177,177,177,-508,177,177,-512,177,177,177,177,-517,-518,-519,-520,177,177,-523,-524,177,-526,-527,-528,-529,-530,-531,-532,-533,177,-535,177,177,177,-541,-543,-544,177,-546,-547,-548,-549,177,177,177,177,177,177,-654,-655,-656,-657,177,-659,-660,-661,177,177,177,-667,177,177,-671,-672,177,177,-675,177,-677,-678,177,-681,177,-683,177,177,-686,-687,-688,177,-690,177,177,-693,177,177,-696,-697,-698,177,-700,-701,-702,-703,177,177,-748,177,-751,-752,-753,-754,-755,177,-757,-758,-759,-760,-761,177,-768,-769,-771,177,-773,-774,-775,-784,-858,-860,-862,-864,177,177,177,177,-870,177,-872,177,177,177,177,177,177,177,-908,-909,177,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,177,-923,-926,177,-936,177,-387,-388,-389,177,177,-392,-393,-394,-395,177,-398,177,-401,-402,177,-403,177,-408,-409,177,-412,-413,-414,177,-417,177,-418,177,-423,-424,177,-427,177,-430,-431,-1896,-1896,177,-621,-622,-623,-624,-625,-636,-586,-626,-799,177,177,177,177,177,-833,177,177,-808,177,-834,177,177,177,177,-800,177,-855,-801,177,177,177,177,177,177,-856,-857,177,-836,-832,-837,177,-627,177,-628,-629,-630,-631,-576,177,177,-632,-633,-634,177,177,177,177,177,177,-637,-638,-639,-594,-1896,-604,177,-640,-641,-715,-642,-606,177,-574,-579,-582,-585,177,177,177,-600,-603,177,-610,177,177,177,177,177,177,177,177,177,177,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,177,177,177,-997,177,177,177,177,177,177,-308,-327,-321,-298,-377,-454,-455,-456,-460,177,-445,177,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,177,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,177,177,177,177,177,177,177,177,177,-318,-537,-510,-593,-939,-941,-942,-440,177,-442,-382,-383,-385,-509,-511,-513,177,-515,-516,-521,-522,177,-534,-536,-539,-540,-545,-550,-728,177,-729,177,-734,177,-736,177,-741,-658,-662,-663,177,-668,177,-669,177,-674,-676,177,-679,177,177,177,-689,-691,177,-694,177,177,-746,177,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,177,177,177,177,177,-879,177,-882,-910,-922,-927,-390,-391,177,-396,177,-399,177,-404,177,-405,177,-410,177,-415,177,-419,177,-420,177,-425,177,-428,-901,-902,-645,-587,-1896,-903,177,177,177,-802,177,177,-806,177,-809,-835,177,-820,177,-822,177,-824,-810,177,-826,177,-853,-854,177,177,-813,177,-648,-904,-906,-650,-651,-647,177,-707,-708,177,-644,-905,-649,-652,-605,-716,177,177,-607,-588,177,177,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,177,177,-711,-712,177,-718,177,177,177,177,177,177,-940,177,-441,-443,-749,177,-893,177,-717,-1896,177,177,177,177,177,-444,-514,-525,177,-730,-735,177,-737,177,-742,177,-664,-670,177,-680,-682,-684,-685,-692,-695,-699,-747,177,177,-876,177,177,-880,177,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,177,-814,177,-816,-803,177,-804,-807,177,-818,-821,-823,-825,-827,177,-828,177,-811,177,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,177,-284,177,177,177,177,-457,177,177,-731,177,-738,177,-743,177,-665,-673,177,177,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,177,-838,-53,177,177,-732,177,-739,177,-744,-666,177,-875,-54,177,177,-733,-740,-745,177,177,177,-874,]),'CUBE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[178,178,178,178,-1896,178,178,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,178,178,178,178,-277,-278,178,-1427,178,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,178,178,178,-492,178,178,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,178,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,178,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,178,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,178,-174,-175,-176,-177,-995,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-292,-293,-283,178,178,178,178,178,-330,-320,-334,-335,-336,178,178,-984,-985,-986,-987,-988,-989,-990,178,178,178,178,178,178,178,178,178,178,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,178,178,178,-355,-358,178,-325,-326,-143,178,-144,178,-145,178,-432,-937,-938,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-1896,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-1896,178,-1896,178,178,178,178,178,178,178,178,178,178,178,178,-1896,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-1896,178,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,178,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,178,178,178,-193,-194,178,-996,178,178,178,178,178,-279,-280,-281,-282,-367,178,-310,178,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,178,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,178,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,178,178,178,178,178,178,-575,178,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,178,178,-725,-726,-727,178,178,178,178,178,178,-996,178,178,-93,-94,178,178,178,178,-311,-312,-322,178,-309,-295,-296,-297,178,178,178,178,-620,-635,-592,178,178,-438,178,-439,178,-446,-447,-448,-380,-381,178,178,178,-508,178,178,-512,178,178,178,178,-517,-518,-519,-520,178,178,-523,-524,178,-526,-527,-528,-529,-530,-531,-532,-533,178,-535,178,178,178,-541,-543,-544,178,-546,-547,-548,-549,178,178,178,178,178,178,-654,-655,-656,-657,178,-659,-660,-661,178,178,178,-667,178,178,-671,-672,178,178,-675,178,-677,-678,178,-681,178,-683,178,178,-686,-687,-688,178,-690,178,178,-693,178,178,-696,-697,-698,178,-700,-701,-702,-703,178,178,-748,178,-751,-752,-753,-754,-755,178,-757,-758,-759,-760,-761,178,-768,-769,-771,178,-773,-774,-775,-784,-858,-860,-862,-864,178,178,178,178,-870,178,-872,178,178,178,178,178,178,178,-908,-909,178,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,178,-923,-926,178,-936,178,-387,-388,-389,178,178,-392,-393,-394,-395,178,-398,178,-401,-402,178,-403,178,-408,-409,178,-412,-413,-414,178,-417,178,-418,178,-423,-424,178,-427,178,-430,-431,-1896,-1896,178,-621,-622,-623,-624,-625,-636,-586,-626,-799,178,178,178,178,178,-833,178,178,-808,178,-834,178,178,178,178,-800,178,-855,-801,178,178,178,178,178,178,-856,-857,178,-836,-832,-837,178,-627,178,-628,-629,-630,-631,-576,178,178,-632,-633,-634,178,178,178,178,178,178,-637,-638,-639,-594,-1896,-604,178,-640,-641,-715,-642,-606,178,-574,-579,-582,-585,178,178,178,-600,-603,178,-610,178,178,178,178,178,178,178,178,178,178,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,178,178,178,-997,178,178,178,178,178,178,-308,-327,-321,-298,-377,-454,-455,-456,-460,178,-445,178,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,178,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,178,178,178,178,178,178,178,178,178,-318,-537,-510,-593,-939,-941,-942,-440,178,-442,-382,-383,-385,-509,-511,-513,178,-515,-516,-521,-522,178,-534,-536,-539,-540,-545,-550,-728,178,-729,178,-734,178,-736,178,-741,-658,-662,-663,178,-668,178,-669,178,-674,-676,178,-679,178,178,178,-689,-691,178,-694,178,178,-746,178,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,178,178,178,178,178,-879,178,-882,-910,-922,-927,-390,-391,178,-396,178,-399,178,-404,178,-405,178,-410,178,-415,178,-419,178,-420,178,-425,178,-428,-901,-902,-645,-587,-1896,-903,178,178,178,-802,178,178,-806,178,-809,-835,178,-820,178,-822,178,-824,-810,178,-826,178,-853,-854,178,178,-813,178,-648,-904,-906,-650,-651,-647,178,-707,-708,178,-644,-905,-649,-652,-605,-716,178,178,-607,-588,178,178,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,178,178,-711,-712,178,-718,178,178,178,178,178,178,-940,178,-441,-443,-749,178,-893,178,-717,-1896,178,178,178,178,178,-444,-514,-525,178,-730,-735,178,-737,178,-742,178,-664,-670,178,-680,-682,-684,-685,-692,-695,-699,-747,178,178,-876,178,178,-880,178,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,178,-814,178,-816,-803,178,-804,-807,178,-818,-821,-823,-825,-827,178,-828,178,-811,178,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,178,-284,178,178,178,178,-457,178,178,-731,178,-738,178,-743,178,-665,-673,178,178,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,178,-838,-53,178,178,-732,178,-739,178,-744,-666,178,-875,-54,178,178,-733,-740,-745,178,178,178,-874,]),'CURRENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3746,3748,3749,3756,3769,3773,3788,3795,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3851,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[179,179,179,179,-1896,179,179,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,179,179,179,179,-277,-278,179,-1427,179,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,179,179,179,-492,179,179,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,179,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,179,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,179,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,179,-174,-175,-176,-177,-995,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-292,-293,-283,179,179,179,179,179,-330,-320,-334,-335,-336,179,179,-984,-985,-986,-987,-988,-989,-990,179,179,179,179,179,179,179,179,179,179,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,179,179,179,-355,-358,179,-325,-326,-143,179,-144,179,-145,179,-432,-937,-938,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-1896,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-1896,179,-1896,179,179,179,179,179,179,179,179,179,179,179,179,-1896,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-1896,179,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,179,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,179,179,179,-193,-194,179,-996,179,179,179,179,179,-279,-280,-281,-282,-367,179,-310,179,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,179,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,179,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,179,179,179,179,179,179,-575,179,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,179,179,-725,-726,-727,179,179,179,179,179,179,-996,179,179,-93,-94,179,179,179,179,-311,-312,-322,179,-309,-295,-296,-297,179,179,179,179,-620,-635,-592,179,179,-438,179,-439,179,-446,-447,-448,-380,-381,179,179,179,-508,179,179,-512,179,179,179,179,-517,-518,-519,-520,179,179,-523,-524,179,-526,-527,-528,-529,-530,-531,-532,-533,179,-535,179,179,179,-541,-543,-544,179,-546,-547,-548,-549,179,179,179,179,179,179,-654,-655,-656,-657,179,-659,-660,-661,179,179,179,-667,179,179,-671,-672,179,179,-675,179,-677,-678,179,-681,179,-683,179,179,-686,-687,-688,179,-690,179,179,-693,179,179,-696,-697,-698,179,-700,-701,-702,-703,179,179,-748,179,-751,-752,-753,-754,-755,179,-757,-758,-759,-760,-761,179,-768,-769,-771,179,-773,-774,-775,-784,-858,-860,-862,-864,179,179,179,179,-870,179,-872,179,179,179,179,179,179,179,-908,-909,179,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,179,-923,-926,179,-936,179,-387,-388,-389,179,179,-392,-393,-394,-395,179,-398,179,-401,-402,179,-403,179,-408,-409,179,-412,-413,-414,179,-417,179,-418,179,-423,-424,179,-427,179,-430,-431,-1896,-1896,179,-621,-622,-623,-624,-625,-636,-586,-626,-799,179,179,179,179,179,-833,179,179,-808,179,-834,179,179,179,179,-800,179,-855,-801,179,179,179,179,179,179,-856,-857,179,-836,-832,-837,179,-627,179,-628,-629,-630,-631,-576,179,179,-632,-633,-634,179,179,179,179,179,179,-637,-638,-639,-594,-1896,-604,179,-640,-641,-715,-642,-606,179,-574,-579,-582,-585,179,179,179,-600,-603,179,-610,179,179,179,179,179,179,179,179,179,179,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,179,179,179,-997,179,179,179,179,179,179,-308,-327,-321,-298,-377,-454,-455,-456,-460,179,-445,179,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,179,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,179,179,179,179,179,179,179,179,179,-318,-537,-510,-593,-939,-941,-942,-440,179,-442,-382,-383,-385,-509,-511,-513,179,-515,-516,-521,-522,179,-534,-536,-539,-540,-545,-550,-728,179,-729,179,-734,179,-736,179,-741,-658,-662,-663,179,-668,179,-669,179,-674,-676,179,-679,179,179,179,-689,-691,179,-694,179,179,-746,179,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,179,179,179,179,179,-879,179,-882,-910,-922,-927,-390,-391,179,-396,179,-399,179,-404,179,-405,179,-410,179,-415,179,-419,179,-420,179,-425,179,-428,-901,-902,-645,-587,-1896,-903,179,179,179,-802,179,179,-806,179,-809,-835,179,-820,179,-822,179,-824,-810,179,-826,179,-853,-854,179,179,-813,179,-648,-904,-906,-650,-651,-647,179,-707,-708,179,-644,-905,-649,-652,-605,-716,179,179,-607,-588,179,179,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,179,179,-711,-712,179,-718,179,179,179,179,179,179,-940,179,-441,-443,-749,179,-893,179,-717,-1896,179,179,179,179,179,-444,-514,-525,179,-730,-735,179,-737,179,-742,179,-664,-670,179,-680,-682,-684,-685,-692,-695,-699,-747,179,179,-876,179,179,-880,179,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,179,-814,179,-816,-803,179,-804,-807,179,-818,-821,-823,-825,-827,179,-828,179,-811,179,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,179,-284,179,3792,-470,-471,179,179,179,-457,3792,179,179,-731,179,-738,179,-743,179,-665,-673,179,179,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,179,-838,-53,179,3792,179,-732,179,-739,179,-744,-666,179,-875,-54,179,179,-733,-740,-745,179,179,179,-874,]),'CURSOR_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[180,180,180,180,-1896,180,180,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,180,180,180,180,-277,-278,180,-1427,180,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,180,180,180,-492,180,180,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,180,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,180,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,180,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,180,-174,-175,-176,-177,-995,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-292,-293,-283,180,180,180,180,180,-330,-320,-334,-335,-336,180,180,-984,-985,-986,-987,-988,-989,-990,180,180,180,180,180,180,180,180,180,180,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,180,180,180,-355,-358,180,-325,-326,-143,180,-144,180,-145,180,-432,-937,-938,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-1896,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-1896,180,-1896,180,180,180,180,180,180,180,180,180,180,180,180,-1896,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-1896,180,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,180,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,180,180,180,-193,-194,180,-996,180,180,180,180,180,-279,-280,-281,-282,-367,180,-310,180,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,180,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,180,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,180,180,180,180,180,180,-575,180,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,180,180,-725,-726,-727,180,180,180,180,180,180,-996,180,180,-93,-94,180,180,180,180,-311,-312,-322,180,-309,-295,-296,-297,180,180,180,180,-620,-635,-592,180,180,-438,180,-439,180,-446,-447,-448,-380,-381,180,180,180,-508,180,180,-512,180,180,180,180,-517,-518,-519,-520,180,180,-523,-524,180,-526,-527,-528,-529,-530,-531,-532,-533,180,-535,180,180,180,-541,-543,-544,180,-546,-547,-548,-549,180,180,180,180,180,180,-654,-655,-656,-657,180,-659,-660,-661,180,180,180,-667,180,180,-671,-672,180,180,-675,180,-677,-678,180,-681,180,-683,180,180,-686,-687,-688,180,-690,180,180,-693,180,180,-696,-697,-698,180,-700,-701,-702,-703,180,180,-748,180,-751,-752,-753,-754,-755,180,-757,-758,-759,-760,-761,180,-768,-769,-771,180,-773,-774,-775,-784,-858,-860,-862,-864,180,180,180,180,-870,180,-872,180,180,180,180,180,180,180,-908,-909,180,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,180,-923,-926,180,-936,180,-387,-388,-389,180,180,-392,-393,-394,-395,180,-398,180,-401,-402,180,-403,180,-408,-409,180,-412,-413,-414,180,-417,180,-418,180,-423,-424,180,-427,180,-430,-431,-1896,-1896,180,-621,-622,-623,-624,-625,-636,-586,-626,-799,180,180,180,180,180,-833,180,180,-808,180,-834,180,180,180,180,-800,180,-855,-801,180,180,180,180,180,180,-856,-857,180,-836,-832,-837,180,-627,180,-628,-629,-630,-631,-576,180,180,-632,-633,-634,180,180,180,180,180,180,-637,-638,-639,-594,-1896,-604,180,-640,-641,-715,-642,-606,180,-574,-579,-582,-585,180,180,180,-600,-603,180,-610,180,180,180,180,180,180,180,180,180,180,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,180,180,180,-997,180,180,180,180,180,180,-308,-327,-321,-298,-377,-454,-455,-456,-460,180,-445,180,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,180,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,180,180,180,180,180,180,180,180,180,-318,-537,-510,-593,-939,-941,-942,-440,180,-442,-382,-383,-385,-509,-511,-513,180,-515,-516,-521,-522,180,-534,-536,-539,-540,-545,-550,-728,180,-729,180,-734,180,-736,180,-741,-658,-662,-663,180,-668,180,-669,180,-674,-676,180,-679,180,180,180,-689,-691,180,-694,180,180,-746,180,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,180,180,180,180,180,-879,180,-882,-910,-922,-927,-390,-391,180,-396,180,-399,180,-404,180,-405,180,-410,180,-415,180,-419,180,-420,180,-425,180,-428,-901,-902,-645,-587,-1896,-903,180,180,180,-802,180,180,-806,180,-809,-835,180,-820,180,-822,180,-824,-810,180,-826,180,-853,-854,180,180,-813,180,-648,-904,-906,-650,-651,-647,180,-707,-708,180,-644,-905,-649,-652,-605,-716,180,180,-607,-588,180,180,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,180,180,-711,-712,180,-718,180,180,180,180,180,180,-940,180,-441,-443,-749,180,-893,180,-717,-1896,180,180,180,180,180,-444,-514,-525,180,-730,-735,180,-737,180,-742,180,-664,-670,180,-680,-682,-684,-685,-692,-695,-699,-747,180,180,-876,180,180,-880,180,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,180,-814,180,-816,-803,180,-804,-807,180,-818,-821,-823,-825,-827,180,-828,180,-811,180,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,180,-284,180,180,180,180,-457,180,180,-731,180,-738,180,-743,180,-665,-673,180,180,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,180,-838,-53,180,180,-732,180,-739,180,-744,-666,180,-875,-54,180,180,-733,-740,-745,180,180,180,-874,]),'CYCLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[181,181,181,181,-1896,181,181,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,181,181,181,181,-277,-278,181,-1427,181,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,181,181,181,-492,181,181,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,181,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,181,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,181,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,181,-174,-175,-176,-177,-995,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-292,-293,-283,181,181,181,181,181,-330,-320,-334,-335,-336,181,181,-984,-985,-986,-987,-988,-989,-990,181,181,181,181,181,181,181,181,181,181,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,181,181,181,-355,-358,181,-325,-326,-143,181,-144,181,-145,181,-432,-937,-938,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-1896,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-1896,181,-1896,181,181,181,181,181,181,181,181,181,181,181,181,-1896,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-1896,181,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,181,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,181,181,181,-193,-194,181,-996,181,181,181,181,181,-279,-280,-281,-282,-367,181,-310,181,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,181,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,181,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,181,181,181,181,181,181,-575,181,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,181,181,-725,-726,-727,181,181,181,181,181,181,-996,181,181,-93,-94,181,181,181,181,-311,-312,-322,181,-309,-295,-296,-297,181,181,181,181,-620,-635,-592,181,181,-438,181,-439,181,-446,-447,-448,-380,-381,181,181,181,-508,181,181,-512,181,181,181,181,-517,-518,-519,-520,181,181,-523,-524,181,-526,-527,-528,-529,-530,-531,-532,-533,181,-535,181,181,181,-541,-543,-544,181,-546,-547,-548,-549,181,181,181,181,181,181,-654,-655,-656,-657,181,-659,-660,-661,181,181,181,-667,181,181,-671,-672,181,181,-675,181,-677,-678,181,-681,181,-683,181,181,-686,-687,-688,181,-690,181,181,-693,181,181,-696,-697,-698,181,-700,-701,-702,-703,181,181,-748,181,-751,-752,-753,-754,-755,181,-757,-758,-759,-760,-761,181,-768,-769,-771,181,-773,-774,-775,-784,-858,-860,-862,-864,181,181,181,181,-870,181,-872,181,181,181,181,181,181,181,-908,-909,181,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,181,-923,-926,181,-936,181,-387,-388,-389,181,181,-392,-393,-394,-395,181,-398,181,-401,-402,181,-403,181,-408,-409,181,-412,-413,-414,181,-417,181,-418,181,-423,-424,181,-427,181,-430,-431,-1896,-1896,181,-621,-622,-623,-624,-625,-636,-586,-626,-799,181,181,181,181,181,-833,181,181,-808,181,-834,181,181,181,181,-800,181,-855,-801,181,181,181,181,181,181,-856,-857,181,-836,-832,-837,181,-627,181,-628,-629,-630,-631,-576,181,181,-632,-633,-634,181,181,181,181,181,181,-637,-638,-639,-594,-1896,-604,181,-640,-641,-715,-642,-606,181,-574,-579,-582,-585,181,181,181,-600,-603,181,-610,181,181,181,181,181,181,181,181,181,181,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,181,181,181,-997,181,181,181,181,181,181,-308,-327,-321,-298,-377,-454,-455,-456,-460,181,-445,181,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,181,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,181,181,181,181,181,181,181,181,181,-318,-537,-510,-593,-939,-941,-942,-440,181,-442,-382,-383,-385,-509,-511,-513,181,-515,-516,-521,-522,181,-534,-536,-539,-540,-545,-550,-728,181,-729,181,-734,181,-736,181,-741,-658,-662,-663,181,-668,181,-669,181,-674,-676,181,-679,181,181,181,-689,-691,181,-694,181,181,-746,181,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,181,181,181,181,181,-879,181,-882,-910,-922,-927,-390,-391,181,-396,181,-399,181,-404,181,-405,181,-410,181,-415,181,-419,181,-420,181,-425,181,-428,-901,-902,-645,-587,-1896,-903,181,181,181,-802,181,181,-806,181,-809,-835,181,-820,181,-822,181,-824,-810,181,-826,181,-853,-854,181,181,-813,181,-648,-904,-906,-650,-651,-647,181,-707,-708,181,-644,-905,-649,-652,-605,-716,181,181,-607,-588,181,181,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,181,181,-711,-712,181,-718,181,181,181,181,181,181,-940,181,-441,-443,-749,181,-893,181,-717,-1896,181,181,181,181,181,-444,-514,-525,181,-730,-735,181,-737,181,-742,181,-664,-670,181,-680,-682,-684,-685,-692,-695,-699,-747,181,181,-876,181,181,-880,181,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,181,-814,181,-816,-803,181,-804,-807,181,-818,-821,-823,-825,-827,181,-828,181,-811,181,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,181,-284,181,181,181,181,-457,181,181,-731,181,-738,181,-743,181,-665,-673,181,181,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,181,-838,-53,181,181,-732,181,-739,181,-744,-666,181,-875,-54,181,181,-733,-740,-745,181,181,181,-874,]),'DATA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[182,182,182,182,-1896,182,182,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,182,182,182,182,-277,-278,182,-1427,182,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,182,182,182,-492,182,182,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,182,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,182,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,182,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,182,-174,-175,-176,-177,-995,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-292,-293,-283,182,182,182,182,182,-330,-320,-334,-335,-336,182,182,-984,-985,-986,-987,-988,-989,-990,182,182,182,182,182,182,182,182,182,182,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,182,182,182,-355,-358,182,-325,-326,-143,182,-144,182,-145,182,-432,-937,-938,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-1896,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-1896,182,-1896,182,182,182,182,182,182,182,182,182,182,182,182,-1896,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-1896,182,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,182,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,182,182,182,-193,-194,182,-996,182,182,182,182,182,-279,-280,-281,-282,-367,182,-310,182,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,182,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,182,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,182,182,182,182,182,182,-575,182,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,182,182,-725,-726,-727,182,182,182,182,182,182,-996,182,182,-93,-94,182,182,182,182,-311,-312,-322,182,-309,-295,-296,-297,182,182,182,182,-620,-635,-592,182,182,-438,182,-439,182,-446,-447,-448,-380,-381,182,182,182,-508,182,182,-512,182,182,182,182,-517,-518,-519,-520,182,182,-523,-524,182,-526,-527,-528,-529,-530,-531,-532,-533,182,-535,182,182,182,-541,-543,-544,182,-546,-547,-548,-549,182,182,182,182,182,182,-654,-655,-656,-657,182,-659,-660,-661,182,182,182,-667,182,182,-671,-672,182,182,-675,182,-677,-678,182,-681,182,-683,182,182,-686,-687,-688,182,-690,182,182,-693,182,182,-696,-697,-698,182,-700,-701,-702,-703,182,182,-748,182,-751,-752,-753,-754,-755,182,-757,-758,-759,-760,-761,182,-768,-769,-771,182,-773,-774,-775,-784,-858,-860,-862,-864,182,182,182,182,-870,182,-872,182,182,182,182,182,182,182,-908,-909,182,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,182,-923,-926,182,-936,182,-387,-388,-389,182,182,-392,-393,-394,-395,182,-398,182,-401,-402,182,-403,182,-408,-409,182,-412,-413,-414,182,-417,182,-418,182,-423,-424,182,-427,182,-430,-431,-1896,-1896,182,-621,-622,-623,-624,-625,-636,-586,-626,-799,182,182,182,182,182,-833,182,182,-808,182,-834,182,182,182,182,-800,182,-855,-801,182,182,182,182,182,182,-856,-857,182,-836,-832,-837,182,-627,182,-628,-629,-630,-631,-576,182,182,-632,-633,-634,182,182,182,182,182,182,-637,-638,-639,-594,-1896,-604,182,-640,-641,-715,-642,-606,182,-574,-579,-582,-585,182,182,182,-600,-603,182,-610,182,182,182,182,182,182,182,182,182,182,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,182,182,182,-997,182,182,182,182,182,182,-308,-327,-321,-298,-377,-454,-455,-456,-460,182,-445,182,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,182,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,182,182,182,182,182,182,182,182,182,-318,-537,-510,-593,-939,-941,-942,-440,182,-442,-382,-383,-385,-509,-511,-513,182,-515,-516,-521,-522,182,-534,-536,-539,-540,-545,-550,-728,182,-729,182,-734,182,-736,182,-741,-658,-662,-663,182,-668,182,-669,182,-674,-676,182,-679,182,182,182,-689,-691,182,-694,182,182,-746,182,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,182,182,182,182,182,-879,182,-882,-910,-922,-927,-390,-391,182,-396,182,-399,182,-404,182,-405,182,-410,182,-415,182,-419,182,-420,182,-425,182,-428,-901,-902,-645,-587,-1896,-903,182,182,182,-802,182,182,-806,182,-809,-835,182,-820,182,-822,182,-824,-810,182,-826,182,-853,-854,182,182,-813,182,-648,-904,-906,-650,-651,-647,182,-707,-708,182,-644,-905,-649,-652,-605,-716,182,182,-607,-588,182,182,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,182,182,-711,-712,182,-718,182,182,182,182,182,182,-940,182,-441,-443,-749,182,-893,182,-717,-1896,182,182,182,182,182,-444,-514,-525,182,-730,-735,182,-737,182,-742,182,-664,-670,182,-680,-682,-684,-685,-692,-695,-699,-747,182,182,-876,182,182,-880,182,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,182,-814,182,-816,-803,182,-804,-807,182,-818,-821,-823,-825,-827,182,-828,182,-811,182,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,182,-284,182,182,182,182,-457,182,182,-731,182,-738,182,-743,182,-665,-673,182,182,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,182,-838,-53,182,182,-732,182,-739,182,-744,-666,182,-875,-54,182,182,-733,-740,-745,182,182,182,-874,]),'DATABASE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[183,183,183,183,-1896,183,183,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,183,183,183,183,-277,-278,183,-1427,183,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,183,183,183,-492,183,183,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,183,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,183,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,183,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,183,-174,-175,-176,-177,-995,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-292,-293,-283,183,183,183,183,183,-330,-320,-334,-335,-336,183,183,-984,-985,-986,-987,-988,-989,-990,183,183,183,183,183,183,183,183,183,183,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,183,183,183,-355,-358,183,-325,-326,-143,183,-144,183,-145,183,-432,-937,-938,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-1896,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-1896,183,-1896,183,183,183,183,183,183,183,183,183,183,183,183,-1896,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-1896,183,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,183,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,183,183,183,-193,-194,183,-996,183,183,183,183,183,-279,-280,-281,-282,-367,183,-310,183,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,183,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,183,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,183,183,183,183,183,183,-575,183,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,183,183,-725,-726,-727,183,183,183,183,183,183,-996,183,183,-93,-94,183,183,183,183,-311,-312,-322,183,-309,-295,-296,-297,183,183,183,183,-620,-635,-592,183,183,-438,183,-439,183,-446,-447,-448,-380,-381,183,183,183,-508,183,183,-512,183,183,183,183,-517,-518,-519,-520,183,183,-523,-524,183,-526,-527,-528,-529,-530,-531,-532,-533,183,-535,183,183,183,-541,-543,-544,183,-546,-547,-548,-549,183,183,183,183,183,183,-654,-655,-656,-657,183,-659,-660,-661,183,183,183,-667,183,183,-671,-672,183,183,-675,183,-677,-678,183,-681,183,-683,183,183,-686,-687,-688,183,-690,183,183,-693,183,183,-696,-697,-698,183,-700,-701,-702,-703,183,183,-748,183,-751,-752,-753,-754,-755,183,-757,-758,-759,-760,-761,183,-768,-769,-771,183,-773,-774,-775,-784,-858,-860,-862,-864,183,183,183,183,-870,183,-872,183,183,183,183,183,183,183,-908,-909,183,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,183,-923,-926,183,-936,183,-387,-388,-389,183,183,-392,-393,-394,-395,183,-398,183,-401,-402,183,-403,183,-408,-409,183,-412,-413,-414,183,-417,183,-418,183,-423,-424,183,-427,183,-430,-431,-1896,-1896,183,-621,-622,-623,-624,-625,-636,-586,-626,-799,183,183,183,183,183,-833,183,183,-808,183,-834,183,183,183,183,-800,183,-855,-801,183,183,183,183,183,183,-856,-857,183,-836,-832,-837,183,-627,183,-628,-629,-630,-631,-576,183,183,-632,-633,-634,183,183,183,183,183,183,-637,-638,-639,-594,-1896,-604,183,-640,-641,-715,-642,-606,183,-574,-579,-582,-585,183,183,183,-600,-603,183,-610,183,183,183,183,183,183,183,183,183,183,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,183,183,183,-997,183,183,183,183,183,183,-308,-327,-321,-298,-377,-454,-455,-456,-460,183,-445,183,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,183,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,183,183,183,183,183,183,183,183,183,-318,-537,-510,-593,-939,-941,-942,-440,183,-442,-382,-383,-385,-509,-511,-513,183,-515,-516,-521,-522,183,-534,-536,-539,-540,-545,-550,-728,183,-729,183,-734,183,-736,183,-741,-658,-662,-663,183,-668,183,-669,183,-674,-676,183,-679,183,183,183,-689,-691,183,-694,183,183,-746,183,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,183,183,183,183,183,-879,183,-882,-910,-922,-927,-390,-391,183,-396,183,-399,183,-404,183,-405,183,-410,183,-415,183,-419,183,-420,183,-425,183,-428,-901,-902,-645,-587,-1896,-903,183,183,183,-802,183,183,-806,183,-809,-835,183,-820,183,-822,183,-824,-810,183,-826,183,-853,-854,183,183,-813,183,-648,-904,-906,-650,-651,-647,183,-707,-708,183,-644,-905,-649,-652,-605,-716,183,183,-607,-588,183,183,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,183,183,-711,-712,183,-718,183,183,183,183,183,183,-940,183,-441,-443,-749,183,-893,183,-717,-1896,183,183,183,183,183,-444,-514,-525,183,-730,-735,183,-737,183,-742,183,-664,-670,183,-680,-682,-684,-685,-692,-695,-699,-747,183,183,-876,183,183,-880,183,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,183,-814,183,-816,-803,183,-804,-807,183,-818,-821,-823,-825,-827,183,-828,183,-811,183,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,183,-284,183,183,183,183,-457,183,183,-731,183,-738,183,-743,183,-665,-673,183,183,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,183,-838,-53,183,183,-732,183,-739,183,-744,-666,183,-875,-54,183,183,-733,-740,-745,183,183,183,-874,]),'DATAFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[184,184,184,184,-1896,184,184,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,184,184,184,184,-277,-278,184,-1427,184,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,184,184,184,-492,184,184,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,184,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,184,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,184,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,184,-174,-175,-176,-177,-995,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-292,-293,-283,184,184,184,184,184,-330,-320,-334,-335,-336,184,184,-984,-985,-986,-987,-988,-989,-990,184,184,184,184,184,184,184,184,184,184,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,184,184,184,-355,-358,184,-325,-326,-143,184,-144,184,-145,184,-432,-937,-938,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-1896,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-1896,184,-1896,184,184,184,184,184,184,184,184,184,184,184,184,-1896,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-1896,184,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,184,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,184,184,184,-193,-194,184,-996,184,184,184,184,184,-279,-280,-281,-282,-367,184,-310,184,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,184,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,184,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,184,184,184,184,184,184,-575,184,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,184,184,-725,-726,-727,184,184,184,184,184,184,-996,184,184,-93,-94,184,184,184,184,-311,-312,-322,184,-309,-295,-296,-297,184,184,184,184,-620,-635,-592,184,184,-438,184,-439,184,-446,-447,-448,-380,-381,184,184,184,-508,184,184,-512,184,184,184,184,-517,-518,-519,-520,184,184,-523,-524,184,-526,-527,-528,-529,-530,-531,-532,-533,184,-535,184,184,184,-541,-543,-544,184,-546,-547,-548,-549,184,184,184,184,184,184,-654,-655,-656,-657,184,-659,-660,-661,184,184,184,-667,184,184,-671,-672,184,184,-675,184,-677,-678,184,-681,184,-683,184,184,-686,-687,-688,184,-690,184,184,-693,184,184,-696,-697,-698,184,-700,-701,-702,-703,184,184,-748,184,-751,-752,-753,-754,-755,184,-757,-758,-759,-760,-761,184,-768,-769,-771,184,-773,-774,-775,-784,-858,-860,-862,-864,184,184,184,184,-870,184,-872,184,184,184,184,184,184,184,-908,-909,184,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,184,-923,-926,184,-936,184,-387,-388,-389,184,184,-392,-393,-394,-395,184,-398,184,-401,-402,184,-403,184,-408,-409,184,-412,-413,-414,184,-417,184,-418,184,-423,-424,184,-427,184,-430,-431,-1896,-1896,184,-621,-622,-623,-624,-625,-636,-586,-626,-799,184,184,184,184,184,-833,184,184,-808,184,-834,184,184,184,184,-800,184,-855,-801,184,184,184,184,184,184,-856,-857,184,-836,-832,-837,184,-627,184,-628,-629,-630,-631,-576,184,184,-632,-633,-634,184,184,184,184,184,184,-637,-638,-639,-594,-1896,-604,184,-640,-641,-715,-642,-606,184,-574,-579,-582,-585,184,184,184,-600,-603,184,-610,184,184,184,184,184,184,184,184,184,184,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,184,184,184,-997,184,184,184,184,184,184,-308,-327,-321,-298,-377,-454,-455,-456,-460,184,-445,184,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,184,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,184,184,184,184,184,184,184,184,184,-318,-537,-510,-593,-939,-941,-942,-440,184,-442,-382,-383,-385,-509,-511,-513,184,-515,-516,-521,-522,184,-534,-536,-539,-540,-545,-550,-728,184,-729,184,-734,184,-736,184,-741,-658,-662,-663,184,-668,184,-669,184,-674,-676,184,-679,184,184,184,-689,-691,184,-694,184,184,-746,184,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,184,184,184,184,184,-879,184,-882,-910,-922,-927,-390,-391,184,-396,184,-399,184,-404,184,-405,184,-410,184,-415,184,-419,184,-420,184,-425,184,-428,-901,-902,-645,-587,-1896,-903,184,184,184,-802,184,184,-806,184,-809,-835,184,-820,184,-822,184,-824,-810,184,-826,184,-853,-854,184,184,-813,184,-648,-904,-906,-650,-651,-647,184,-707,-708,184,-644,-905,-649,-652,-605,-716,184,184,-607,-588,184,184,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,184,184,-711,-712,184,-718,184,184,184,184,184,184,-940,184,-441,-443,-749,184,-893,184,-717,-1896,184,184,184,184,184,-444,-514,-525,184,-730,-735,184,-737,184,-742,184,-664,-670,184,-680,-682,-684,-685,-692,-695,-699,-747,184,184,-876,184,184,-880,184,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,184,-814,184,-816,-803,184,-804,-807,184,-818,-821,-823,-825,-827,184,-828,184,-811,184,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,184,-284,184,184,184,184,-457,184,184,-731,184,-738,184,-743,184,-665,-673,184,184,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,184,-838,-53,184,184,-732,184,-739,184,-744,-666,184,-875,-54,184,184,-733,-740,-745,184,184,184,-874,]),'DATA_TABLE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[185,185,185,185,-1896,185,185,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,185,185,185,185,-277,-278,185,-1427,185,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,185,185,185,-492,185,185,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,185,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,185,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,185,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,185,-174,-175,-176,-177,-995,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-292,-293,-283,185,185,185,185,185,-330,-320,-334,-335,-336,185,185,-984,-985,-986,-987,-988,-989,-990,185,185,185,185,185,185,185,185,185,185,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,185,185,185,-355,-358,185,-325,-326,-143,185,-144,185,-145,185,-432,-937,-938,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-1896,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-1896,185,-1896,185,185,185,185,185,185,185,185,185,185,185,185,-1896,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-1896,185,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,185,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,185,185,185,-193,-194,185,-996,185,185,185,185,185,-279,-280,-281,-282,-367,185,-310,185,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,185,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,185,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,185,185,185,185,185,185,-575,185,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,185,185,-725,-726,-727,185,185,185,185,185,185,-996,185,185,-93,-94,185,185,185,185,-311,-312,-322,185,-309,-295,-296,-297,185,185,185,185,-620,-635,-592,185,185,-438,185,-439,185,-446,-447,-448,-380,-381,185,185,185,-508,185,185,-512,185,185,185,185,-517,-518,-519,-520,185,185,-523,-524,185,-526,-527,-528,-529,-530,-531,-532,-533,185,-535,185,185,185,-541,-543,-544,185,-546,-547,-548,-549,185,185,185,185,185,185,-654,-655,-656,-657,185,-659,-660,-661,185,185,185,-667,185,185,-671,-672,185,185,-675,185,-677,-678,185,-681,185,-683,185,185,-686,-687,-688,185,-690,185,185,-693,185,185,-696,-697,-698,185,-700,-701,-702,-703,185,185,-748,185,-751,-752,-753,-754,-755,185,-757,-758,-759,-760,-761,185,-768,-769,-771,185,-773,-774,-775,-784,-858,-860,-862,-864,185,185,185,185,-870,185,-872,185,185,185,185,185,185,185,-908,-909,185,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,185,-923,-926,185,-936,185,-387,-388,-389,185,185,-392,-393,-394,-395,185,-398,185,-401,-402,185,-403,185,-408,-409,185,-412,-413,-414,185,-417,185,-418,185,-423,-424,185,-427,185,-430,-431,-1896,-1896,185,-621,-622,-623,-624,-625,-636,-586,-626,-799,185,185,185,185,185,-833,185,185,-808,185,-834,185,185,185,185,-800,185,-855,-801,185,185,185,185,185,185,-856,-857,185,-836,-832,-837,185,-627,185,-628,-629,-630,-631,-576,185,185,-632,-633,-634,185,185,185,185,185,185,-637,-638,-639,-594,-1896,-604,185,-640,-641,-715,-642,-606,185,-574,-579,-582,-585,185,185,185,-600,-603,185,-610,185,185,185,185,185,185,185,185,185,185,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,185,185,185,-997,185,185,185,185,185,185,-308,-327,-321,-298,-377,-454,-455,-456,-460,185,-445,185,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,185,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,185,185,185,185,185,185,185,185,185,-318,-537,-510,-593,-939,-941,-942,-440,185,-442,-382,-383,-385,-509,-511,-513,185,-515,-516,-521,-522,185,-534,-536,-539,-540,-545,-550,-728,185,-729,185,-734,185,-736,185,-741,-658,-662,-663,185,-668,185,-669,185,-674,-676,185,-679,185,185,185,-689,-691,185,-694,185,185,-746,185,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,185,185,185,185,185,-879,185,-882,-910,-922,-927,-390,-391,185,-396,185,-399,185,-404,185,-405,185,-410,185,-415,185,-419,185,-420,185,-425,185,-428,-901,-902,-645,-587,-1896,-903,185,185,185,-802,185,185,-806,185,-809,-835,185,-820,185,-822,185,-824,-810,185,-826,185,-853,-854,185,185,-813,185,-648,-904,-906,-650,-651,-647,185,-707,-708,185,-644,-905,-649,-652,-605,-716,185,185,-607,-588,185,185,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,185,185,-711,-712,185,-718,185,185,185,185,185,185,-940,185,-441,-443,-749,185,-893,185,-717,-1896,185,185,185,185,185,-444,-514,-525,185,-730,-735,185,-737,185,-742,185,-664,-670,185,-680,-682,-684,-685,-692,-695,-699,-747,185,185,-876,185,185,-880,185,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,185,-814,185,-816,-803,185,-804,-807,185,-818,-821,-823,-825,-827,185,-828,185,-811,185,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,185,-284,185,185,185,185,-457,185,185,-731,185,-738,185,-743,185,-665,-673,185,185,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,185,-838,-53,185,185,-732,185,-739,185,-744,-666,185,-875,-54,185,185,-733,-740,-745,185,185,185,-874,]),'DATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[186,186,186,977,-1896,186,186,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,186,186,186,186,-277,-278,977,-1427,977,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,977,977,977,-492,977,977,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,977,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,977,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1857,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,186,-174,-175,-176,-177,-995,186,186,186,186,186,186,186,186,186,186,977,977,977,977,977,-292,-293,-283,186,977,977,977,977,-330,-320,-334,-335,-336,977,977,-984,-985,-986,-987,-988,-989,-990,186,186,977,977,977,977,977,977,977,977,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,977,977,977,-355,-358,186,-325,-326,-143,977,-144,977,-145,977,-432,-937,-938,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,-1896,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,-1896,977,-1896,977,977,977,977,977,977,977,977,977,977,977,977,-1896,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,2433,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,-1896,186,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,977,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,977,186,186,-193,-194,186,-996,977,186,186,186,186,-279,-280,-281,-282,-367,977,-310,977,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,977,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,977,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,977,977,977,977,977,977,-575,977,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,977,977,-725,-726,-727,977,1857,186,186,186,186,-996,186,977,-93,-94,186,186,186,977,-311,-312,-322,977,-309,-295,-296,-297,977,186,977,977,-620,-635,-592,977,2961,2961,186,-438,186,-439,977,-446,-447,-448,-380,-381,977,977,977,-508,977,977,-512,977,977,977,977,-517,-518,-519,-520,977,977,-523,-524,977,-526,-527,-528,-529,-530,-531,-532,-533,977,-535,977,977,977,-541,-543,-544,977,-546,-547,-548,-549,977,977,977,977,977,977,-654,-655,-656,-657,186,-659,-660,-661,977,977,977,-667,977,977,-671,-672,977,977,-675,977,-677,-678,977,-681,977,-683,977,977,-686,-687,-688,977,-690,977,977,-693,977,977,-696,-697,-698,977,-700,-701,-702,-703,977,977,-748,977,-751,-752,-753,-754,-755,977,-757,-758,-759,-760,-761,977,-768,-769,-771,977,-773,-774,-775,-784,-858,-860,-862,-864,977,977,977,977,-870,977,-872,977,977,977,977,977,977,977,-908,-909,977,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,977,-923,-926,977,-936,977,-387,-388,-389,977,977,-392,-393,-394,-395,977,-398,977,-401,-402,977,-403,977,-408,-409,977,-412,-413,-414,977,-417,977,-418,977,-423,-424,977,-427,977,-430,-431,-1896,-1896,977,-621,-622,-623,-624,-625,-636,-586,-626,-799,977,977,977,977,977,-833,977,977,-808,977,-834,977,977,977,977,-800,977,-855,-801,977,977,977,977,977,977,-856,-857,977,-836,-832,-837,977,-627,977,-628,-629,-630,-631,-576,977,977,-632,-633,-634,977,977,977,977,977,977,-637,-638,-639,-594,-1896,-604,977,-640,-641,-715,-642,-606,977,-574,-579,-582,-585,977,977,977,-600,-603,977,-610,977,977,977,977,977,977,977,977,977,977,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,977,186,186,-997,186,977,186,186,186,977,-308,-327,-321,-298,-377,-454,-455,-456,-460,186,-445,977,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,977,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,186,186,186,186,186,186,186,186,977,-318,-537,-510,-593,-939,-941,-942,-440,977,-442,-382,-383,-385,-509,-511,-513,977,-515,-516,-521,-522,977,-534,-536,-539,-540,-545,-550,-728,977,-729,977,-734,977,-736,977,-741,-658,-662,-663,977,-668,977,-669,977,-674,-676,977,-679,977,977,977,-689,-691,977,-694,977,977,-746,977,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,977,977,977,977,977,-879,977,-882,-910,-922,-927,-390,-391,977,-396,977,-399,977,-404,977,-405,977,-410,977,-415,977,-419,977,-420,977,-425,977,-428,-901,-902,-645,-587,-1896,-903,977,977,977,-802,977,977,-806,977,-809,-835,977,-820,977,-822,977,-824,-810,977,-826,977,-853,-854,977,977,-813,977,-648,-904,-906,-650,-651,-647,977,-707,-708,977,-644,-905,-649,-652,-605,-716,977,977,-607,-588,977,977,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,977,977,-711,-712,977,-718,977,186,186,186,977,977,-940,186,-441,-443,-749,977,-893,1857,-717,-1896,977,977,186,186,977,-444,-514,-525,977,-730,-735,977,-737,977,-742,977,-664,-670,977,-680,-682,-684,-685,-692,-695,-699,-747,977,977,-876,977,977,-880,977,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,977,-814,977,-816,-803,977,-804,-807,977,-818,-821,-823,-825,-827,977,-828,977,-811,977,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,186,-284,186,977,186,977,-457,977,977,-731,977,-738,977,-743,977,-665,-673,977,977,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,977,-838,-53,186,977,-732,977,-739,977,-744,-666,977,-875,-54,186,186,-733,-740,-745,977,186,977,-874,]),'DATETIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2492,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[187,187,187,187,-1896,187,187,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,187,187,187,187,-277,-278,187,-1427,187,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,187,187,187,-492,187,187,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,187,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,187,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,187,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,187,-174,-175,-176,-177,-995,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-292,-293,-283,187,187,187,187,187,-330,-320,-334,-335,-336,187,187,-984,-985,-986,-987,-988,-989,-990,187,187,187,187,187,187,187,187,187,187,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,187,187,187,-355,-358,187,-325,-326,-143,187,-144,187,-145,187,-432,-937,-938,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-1896,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-1896,187,-1896,187,187,187,187,187,187,187,187,187,187,187,187,-1896,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,2434,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-1896,187,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,187,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,187,187,187,-193,-194,187,-996,187,187,187,187,187,-279,-280,-281,-282,-367,187,-310,187,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,187,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,187,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,187,187,187,187,187,187,-575,187,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,187,187,-725,-726,-727,187,187,187,187,2904,187,187,-996,187,187,-93,-94,187,187,187,187,-311,-312,-322,187,-309,-295,-296,-297,187,187,187,187,-620,-635,-592,187,2963,2963,187,-438,187,-439,187,-446,-447,-448,-380,-381,187,187,187,-508,187,187,-512,187,187,187,187,-517,-518,-519,-520,187,187,-523,-524,187,-526,-527,-528,-529,-530,-531,-532,-533,187,-535,187,187,187,-541,-543,-544,187,-546,-547,-548,-549,187,187,187,187,187,187,-654,-655,-656,-657,187,-659,-660,-661,187,187,187,-667,187,187,-671,-672,187,187,-675,187,-677,-678,187,-681,187,-683,187,187,-686,-687,-688,187,-690,187,187,-693,187,187,-696,-697,-698,187,-700,-701,-702,-703,187,187,-748,187,-751,-752,-753,-754,-755,187,-757,-758,-759,-760,-761,187,-768,-769,-771,187,-773,-774,-775,-784,-858,-860,-862,-864,187,187,187,187,-870,187,-872,187,187,187,187,187,187,187,-908,-909,187,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,187,-923,-926,187,-936,187,-387,-388,-389,187,187,-392,-393,-394,-395,187,-398,187,-401,-402,187,-403,187,-408,-409,187,-412,-413,-414,187,-417,187,-418,187,-423,-424,187,-427,187,-430,-431,-1896,-1896,187,-621,-622,-623,-624,-625,-636,-586,-626,-799,187,187,187,187,187,-833,187,187,-808,187,-834,187,187,187,187,-800,187,-855,-801,187,187,187,187,187,187,-856,-857,187,-836,-832,-837,187,-627,187,-628,-629,-630,-631,-576,187,187,-632,-633,-634,187,187,187,187,187,187,-637,-638,-639,-594,-1896,-604,187,-640,-641,-715,-642,-606,187,-574,-579,-582,-585,187,187,187,-600,-603,187,-610,187,187,187,187,187,187,187,187,187,187,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,187,187,187,-997,187,187,187,187,187,187,-308,-327,-321,-298,-377,-454,-455,-456,-460,187,-445,187,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,187,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,187,187,187,187,187,187,187,187,187,-318,-537,-510,-593,-939,-941,-942,-440,187,-442,-382,-383,-385,-509,-511,-513,187,-515,-516,-521,-522,187,-534,-536,-539,-540,-545,-550,-728,187,-729,187,-734,187,-736,187,-741,-658,-662,-663,187,-668,187,-669,187,-674,-676,187,-679,187,187,187,-689,-691,187,-694,187,187,-746,187,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,187,187,187,187,187,-879,187,-882,-910,-922,-927,-390,-391,187,-396,187,-399,187,-404,187,-405,187,-410,187,-415,187,-419,187,-420,187,-425,187,-428,-901,-902,-645,-587,-1896,-903,187,187,187,-802,187,187,-806,187,-809,-835,187,-820,187,-822,187,-824,-810,187,-826,187,-853,-854,187,187,-813,187,-648,-904,-906,-650,-651,-647,187,-707,-708,187,-644,-905,-649,-652,-605,-716,187,187,-607,-588,187,187,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,187,187,-711,-712,187,-718,187,187,187,187,187,187,-940,187,-441,-443,-749,187,-893,187,-717,-1896,187,187,187,187,187,-444,-514,-525,187,-730,-735,187,-737,187,-742,187,-664,-670,187,-680,-682,-684,-685,-692,-695,-699,-747,187,187,-876,187,187,-880,187,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,187,-814,187,-816,-803,187,-804,-807,187,-818,-821,-823,-825,-827,187,-828,187,-811,187,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,187,-284,187,187,187,187,-457,187,187,-731,187,-738,187,-743,187,-665,-673,187,187,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,187,-838,-53,187,187,-732,187,-739,187,-744,-666,187,-875,-54,187,187,-733,-740,-745,187,187,187,-874,]),'DATE_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[188,188,188,1245,-1896,188,188,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,188,188,188,188,-277,-278,1245,-1427,1245,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1245,1245,1245,-492,1245,1245,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1245,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1245,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1245,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,188,-174,-175,-176,-177,-995,188,188,188,188,188,188,188,188,188,188,1245,1245,1245,1245,1245,-292,-293,-283,188,1245,1245,1245,1245,-330,-320,-334,-335,-336,1245,1245,-984,-985,-986,-987,-988,-989,-990,188,188,1245,1245,1245,1245,1245,1245,1245,1245,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1245,1245,1245,-355,-358,188,-325,-326,-143,1245,-144,1245,-145,1245,-432,-937,-938,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1896,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1896,1245,-1896,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1896,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1896,188,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1245,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1245,188,188,-193,-194,188,-996,1245,188,188,188,188,-279,-280,-281,-282,-367,1245,-310,1245,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1245,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1245,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1245,1245,1245,1245,1245,1245,-575,1245,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1245,1245,-725,-726,-727,1245,1245,188,188,188,188,-996,188,1245,-93,-94,188,188,188,1245,-311,-312,-322,1245,-309,-295,-296,-297,1245,188,1245,1245,-620,-635,-592,1245,188,-438,188,-439,1245,-446,-447,-448,-380,-381,1245,1245,1245,-508,1245,1245,-512,1245,1245,1245,1245,-517,-518,-519,-520,1245,1245,-523,-524,1245,-526,-527,-528,-529,-530,-531,-532,-533,1245,-535,1245,1245,1245,-541,-543,-544,1245,-546,-547,-548,-549,1245,1245,1245,1245,1245,1245,-654,-655,-656,-657,188,-659,-660,-661,1245,1245,1245,-667,1245,1245,-671,-672,1245,1245,-675,1245,-677,-678,1245,-681,1245,-683,1245,1245,-686,-687,-688,1245,-690,1245,1245,-693,1245,1245,-696,-697,-698,1245,-700,-701,-702,-703,1245,1245,-748,1245,-751,-752,-753,-754,-755,1245,-757,-758,-759,-760,-761,1245,-768,-769,-771,1245,-773,-774,-775,-784,-858,-860,-862,-864,1245,1245,1245,1245,-870,1245,-872,1245,1245,1245,1245,1245,1245,1245,-908,-909,1245,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1245,-923,-926,1245,-936,1245,-387,-388,-389,1245,1245,-392,-393,-394,-395,1245,-398,1245,-401,-402,1245,-403,1245,-408,-409,1245,-412,-413,-414,1245,-417,1245,-418,1245,-423,-424,1245,-427,1245,-430,-431,-1896,-1896,1245,-621,-622,-623,-624,-625,-636,-586,-626,-799,1245,1245,1245,1245,1245,-833,1245,1245,-808,1245,-834,1245,1245,1245,1245,-800,1245,-855,-801,1245,1245,1245,1245,1245,1245,-856,-857,1245,-836,-832,-837,1245,-627,1245,-628,-629,-630,-631,-576,1245,1245,-632,-633,-634,1245,1245,1245,1245,1245,1245,-637,-638,-639,-594,-1896,-604,1245,-640,-641,-715,-642,-606,1245,-574,-579,-582,-585,1245,1245,1245,-600,-603,1245,-610,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1245,188,188,-997,188,1245,188,188,188,1245,-308,-327,-321,-298,-377,-454,-455,-456,-460,188,-445,1245,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1245,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,188,188,188,188,188,188,188,188,1245,-318,-537,-510,-593,-939,-941,-942,-440,1245,-442,-382,-383,-385,-509,-511,-513,1245,-515,-516,-521,-522,1245,-534,-536,-539,-540,-545,-550,-728,1245,-729,1245,-734,1245,-736,1245,-741,-658,-662,-663,1245,-668,1245,-669,1245,-674,-676,1245,-679,1245,1245,1245,-689,-691,1245,-694,1245,1245,-746,1245,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1245,1245,1245,1245,1245,-879,1245,-882,-910,-922,-927,-390,-391,1245,-396,1245,-399,1245,-404,1245,-405,1245,-410,1245,-415,1245,-419,1245,-420,1245,-425,1245,-428,-901,-902,-645,-587,-1896,-903,1245,1245,1245,-802,1245,1245,-806,1245,-809,-835,1245,-820,1245,-822,1245,-824,-810,1245,-826,1245,-853,-854,1245,1245,-813,1245,-648,-904,-906,-650,-651,-647,1245,-707,-708,1245,-644,-905,-649,-652,-605,-716,1245,1245,-607,-588,1245,1245,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1245,1245,-711,-712,1245,-718,1245,188,188,188,1245,1245,-940,188,-441,-443,-749,1245,-893,1245,-717,-1896,1245,1245,188,188,1245,-444,-514,-525,1245,-730,-735,1245,-737,1245,-742,1245,-664,-670,1245,-680,-682,-684,-685,-692,-695,-699,-747,1245,1245,-876,1245,1245,-880,1245,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1245,-814,1245,-816,-803,1245,-804,-807,1245,-818,-821,-823,-825,-827,1245,-828,1245,-811,1245,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,188,-284,188,1245,188,1245,-457,1245,1245,-731,1245,-738,1245,-743,1245,-665,-673,1245,1245,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1245,-838,-53,188,1245,-732,1245,-739,1245,-744,-666,1245,-875,-54,188,188,-733,-740,-745,1245,188,1245,-874,]),'DAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[189,189,189,1246,-1896,189,189,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,189,189,189,189,-277,-278,1246,-1427,1246,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1246,1246,1246,-492,1246,1246,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1246,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1246,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1246,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,189,-174,-175,-176,-177,-995,189,189,189,189,189,189,189,189,189,189,1246,1246,1246,1246,1246,-292,-293,-283,189,1246,1246,1246,1246,-330,-320,-334,-335,-336,1246,1246,-984,-985,-986,-987,-988,-989,-990,189,189,1246,1246,1246,1246,1246,1246,1246,1246,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1246,1246,2108,1246,-355,-358,189,-325,-326,-143,1246,-144,1246,-145,1246,-432,-937,-938,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1896,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1896,1246,-1896,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1896,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,2108,2108,1246,1246,2108,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1896,189,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1246,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1246,189,189,-193,-194,189,-996,1246,189,189,189,189,-279,-280,-281,-282,-367,1246,-310,1246,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1246,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1246,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1246,1246,1246,1246,1246,1246,-575,1246,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1246,1246,-725,-726,-727,1246,1246,189,189,189,189,-996,189,1246,-93,-94,189,189,189,1246,-311,-312,-322,1246,-309,-295,-296,-297,1246,189,1246,1246,-620,-635,-592,1246,189,-438,189,-439,1246,-446,-447,-448,-380,-381,1246,1246,1246,-508,1246,1246,-512,1246,1246,1246,1246,-517,-518,-519,-520,1246,1246,-523,-524,1246,-526,-527,-528,-529,-530,-531,-532,-533,1246,-535,1246,1246,1246,-541,-543,-544,1246,-546,-547,-548,-549,1246,1246,1246,1246,1246,1246,-654,-655,-656,-657,189,-659,-660,-661,1246,1246,1246,-667,1246,1246,-671,-672,1246,1246,-675,1246,-677,-678,1246,-681,1246,-683,1246,1246,-686,-687,-688,1246,-690,1246,1246,-693,1246,1246,-696,-697,-698,1246,-700,-701,-702,-703,1246,1246,-748,1246,-751,-752,-753,-754,-755,1246,-757,-758,-759,-760,-761,1246,-768,-769,-771,1246,-773,-774,-775,-784,-858,-860,-862,-864,1246,1246,1246,1246,-870,1246,-872,1246,1246,1246,1246,1246,1246,1246,-908,-909,1246,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1246,-923,-926,1246,-936,1246,-387,-388,-389,1246,1246,-392,-393,-394,-395,1246,-398,1246,-401,-402,1246,-403,1246,-408,-409,1246,-412,-413,-414,1246,-417,1246,-418,1246,-423,-424,1246,-427,1246,-430,-431,-1896,-1896,1246,-621,-622,-623,-624,-625,-636,-586,-626,-799,1246,1246,1246,1246,1246,-833,1246,1246,-808,1246,-834,1246,1246,1246,1246,-800,1246,-855,-801,1246,1246,1246,1246,1246,1246,-856,-857,1246,-836,-832,-837,1246,-627,1246,-628,-629,-630,-631,-576,1246,1246,-632,-633,-634,1246,1246,1246,1246,1246,1246,-637,-638,-639,-594,-1896,-604,1246,-640,-641,-715,-642,-606,1246,-574,-579,-582,-585,1246,1246,1246,-600,-603,1246,-610,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1246,189,189,-997,189,1246,189,189,189,1246,-308,-327,-321,-298,-377,-454,-455,-456,-460,189,-445,1246,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1246,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,189,189,189,189,189,189,189,189,1246,-318,-537,-510,-593,-939,-941,-942,-440,1246,-442,-382,-383,-385,-509,-511,-513,1246,-515,-516,-521,-522,1246,-534,-536,-539,-540,-545,-550,-728,1246,-729,1246,-734,1246,-736,1246,-741,-658,-662,-663,1246,-668,1246,-669,1246,-674,-676,1246,-679,1246,1246,1246,-689,-691,1246,-694,1246,1246,-746,1246,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1246,1246,1246,1246,1246,-879,1246,-882,-910,-922,-927,-390,-391,1246,-396,1246,-399,1246,-404,1246,-405,1246,-410,1246,-415,1246,-419,1246,-420,1246,-425,1246,-428,-901,-902,-645,-587,-1896,-903,1246,1246,1246,-802,1246,1246,-806,1246,-809,-835,1246,-820,1246,-822,1246,-824,-810,1246,-826,1246,-853,-854,1246,1246,-813,1246,-648,-904,-906,-650,-651,-647,1246,-707,-708,1246,-644,-905,-649,-652,-605,-716,1246,1246,-607,-588,1246,1246,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1246,1246,-711,-712,1246,-718,1246,189,189,189,1246,1246,-940,189,-441,-443,-749,1246,-893,1246,-717,-1896,1246,1246,189,189,1246,-444,-514,-525,1246,-730,-735,1246,-737,1246,-742,1246,-664,-670,1246,-680,-682,-684,-685,-692,-695,-699,-747,1246,1246,-876,1246,1246,-880,1246,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1246,-814,1246,-816,-803,1246,-804,-807,1246,-818,-821,-823,-825,-827,1246,-828,1246,-811,1246,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,189,-284,189,1246,189,1246,-457,1246,1246,-731,1246,-738,1246,-743,1246,-665,-673,1246,1246,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1246,-838,-53,189,1246,-732,1246,-739,1246,-744,-666,1246,-875,-54,189,189,-733,-740,-745,1246,189,1246,-874,]),'DAYNAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[190,190,190,1247,-1896,190,190,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,190,190,190,190,-277,-278,1247,-1427,1247,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1247,1247,1247,-492,1247,1247,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1247,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1247,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1247,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,190,-174,-175,-176,-177,-995,190,190,190,190,190,190,190,190,190,190,1247,1247,1247,1247,1247,-292,-293,-283,190,1247,1247,1247,1247,-330,-320,-334,-335,-336,1247,1247,-984,-985,-986,-987,-988,-989,-990,190,190,1247,1247,1247,1247,1247,1247,1247,1247,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1247,1247,1247,-355,-358,190,-325,-326,-143,1247,-144,1247,-145,1247,-432,-937,-938,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1896,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1896,1247,-1896,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1896,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1896,190,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1247,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1247,190,190,-193,-194,190,-996,1247,190,190,190,190,-279,-280,-281,-282,-367,1247,-310,1247,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1247,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1247,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1247,1247,1247,1247,1247,1247,-575,1247,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1247,1247,-725,-726,-727,1247,1247,190,190,190,190,-996,190,1247,-93,-94,190,190,190,1247,-311,-312,-322,1247,-309,-295,-296,-297,1247,190,1247,1247,-620,-635,-592,1247,190,-438,190,-439,1247,-446,-447,-448,-380,-381,1247,1247,1247,-508,1247,1247,-512,1247,1247,1247,1247,-517,-518,-519,-520,1247,1247,-523,-524,1247,-526,-527,-528,-529,-530,-531,-532,-533,1247,-535,1247,1247,1247,-541,-543,-544,1247,-546,-547,-548,-549,1247,1247,1247,1247,1247,1247,-654,-655,-656,-657,190,-659,-660,-661,1247,1247,1247,-667,1247,1247,-671,-672,1247,1247,-675,1247,-677,-678,1247,-681,1247,-683,1247,1247,-686,-687,-688,1247,-690,1247,1247,-693,1247,1247,-696,-697,-698,1247,-700,-701,-702,-703,1247,1247,-748,1247,-751,-752,-753,-754,-755,1247,-757,-758,-759,-760,-761,1247,-768,-769,-771,1247,-773,-774,-775,-784,-858,-860,-862,-864,1247,1247,1247,1247,-870,1247,-872,1247,1247,1247,1247,1247,1247,1247,-908,-909,1247,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1247,-923,-926,1247,-936,1247,-387,-388,-389,1247,1247,-392,-393,-394,-395,1247,-398,1247,-401,-402,1247,-403,1247,-408,-409,1247,-412,-413,-414,1247,-417,1247,-418,1247,-423,-424,1247,-427,1247,-430,-431,-1896,-1896,1247,-621,-622,-623,-624,-625,-636,-586,-626,-799,1247,1247,1247,1247,1247,-833,1247,1247,-808,1247,-834,1247,1247,1247,1247,-800,1247,-855,-801,1247,1247,1247,1247,1247,1247,-856,-857,1247,-836,-832,-837,1247,-627,1247,-628,-629,-630,-631,-576,1247,1247,-632,-633,-634,1247,1247,1247,1247,1247,1247,-637,-638,-639,-594,-1896,-604,1247,-640,-641,-715,-642,-606,1247,-574,-579,-582,-585,1247,1247,1247,-600,-603,1247,-610,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1247,190,190,-997,190,1247,190,190,190,1247,-308,-327,-321,-298,-377,-454,-455,-456,-460,190,-445,1247,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1247,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,190,190,190,190,190,190,190,190,1247,-318,-537,-510,-593,-939,-941,-942,-440,1247,-442,-382,-383,-385,-509,-511,-513,1247,-515,-516,-521,-522,1247,-534,-536,-539,-540,-545,-550,-728,1247,-729,1247,-734,1247,-736,1247,-741,-658,-662,-663,1247,-668,1247,-669,1247,-674,-676,1247,-679,1247,1247,1247,-689,-691,1247,-694,1247,1247,-746,1247,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1247,1247,1247,1247,1247,-879,1247,-882,-910,-922,-927,-390,-391,1247,-396,1247,-399,1247,-404,1247,-405,1247,-410,1247,-415,1247,-419,1247,-420,1247,-425,1247,-428,-901,-902,-645,-587,-1896,-903,1247,1247,1247,-802,1247,1247,-806,1247,-809,-835,1247,-820,1247,-822,1247,-824,-810,1247,-826,1247,-853,-854,1247,1247,-813,1247,-648,-904,-906,-650,-651,-647,1247,-707,-708,1247,-644,-905,-649,-652,-605,-716,1247,1247,-607,-588,1247,1247,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1247,1247,-711,-712,1247,-718,1247,190,190,190,1247,1247,-940,190,-441,-443,-749,1247,-893,1247,-717,-1896,1247,1247,190,190,1247,-444,-514,-525,1247,-730,-735,1247,-737,1247,-742,1247,-664,-670,1247,-680,-682,-684,-685,-692,-695,-699,-747,1247,1247,-876,1247,1247,-880,1247,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1247,-814,1247,-816,-803,1247,-804,-807,1247,-818,-821,-823,-825,-827,1247,-828,1247,-811,1247,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,190,-284,190,1247,190,1247,-457,1247,1247,-731,1247,-738,1247,-743,1247,-665,-673,1247,1247,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1247,-838,-53,190,1247,-732,1247,-739,1247,-744,-666,1247,-875,-54,190,190,-733,-740,-745,1247,190,1247,-874,]),'DAYOFMONTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[191,191,191,1248,-1896,191,191,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,191,191,191,191,-277,-278,1248,-1427,1248,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1248,1248,1248,-492,1248,1248,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1248,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1248,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1248,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,191,-174,-175,-176,-177,-995,191,191,191,191,191,191,191,191,191,191,1248,1248,1248,1248,1248,-292,-293,-283,191,1248,1248,1248,1248,-330,-320,-334,-335,-336,1248,1248,-984,-985,-986,-987,-988,-989,-990,191,191,1248,1248,1248,1248,1248,1248,1248,1248,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1248,1248,1248,-355,-358,191,-325,-326,-143,1248,-144,1248,-145,1248,-432,-937,-938,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1896,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1896,1248,-1896,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1896,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1896,191,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1248,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1248,191,191,-193,-194,191,-996,1248,191,191,191,191,-279,-280,-281,-282,-367,1248,-310,1248,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1248,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1248,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1248,1248,1248,1248,1248,1248,-575,1248,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1248,1248,-725,-726,-727,1248,1248,191,191,191,191,-996,191,1248,-93,-94,191,191,191,1248,-311,-312,-322,1248,-309,-295,-296,-297,1248,191,1248,1248,-620,-635,-592,1248,191,-438,191,-439,1248,-446,-447,-448,-380,-381,1248,1248,1248,-508,1248,1248,-512,1248,1248,1248,1248,-517,-518,-519,-520,1248,1248,-523,-524,1248,-526,-527,-528,-529,-530,-531,-532,-533,1248,-535,1248,1248,1248,-541,-543,-544,1248,-546,-547,-548,-549,1248,1248,1248,1248,1248,1248,-654,-655,-656,-657,191,-659,-660,-661,1248,1248,1248,-667,1248,1248,-671,-672,1248,1248,-675,1248,-677,-678,1248,-681,1248,-683,1248,1248,-686,-687,-688,1248,-690,1248,1248,-693,1248,1248,-696,-697,-698,1248,-700,-701,-702,-703,1248,1248,-748,1248,-751,-752,-753,-754,-755,1248,-757,-758,-759,-760,-761,1248,-768,-769,-771,1248,-773,-774,-775,-784,-858,-860,-862,-864,1248,1248,1248,1248,-870,1248,-872,1248,1248,1248,1248,1248,1248,1248,-908,-909,1248,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1248,-923,-926,1248,-936,1248,-387,-388,-389,1248,1248,-392,-393,-394,-395,1248,-398,1248,-401,-402,1248,-403,1248,-408,-409,1248,-412,-413,-414,1248,-417,1248,-418,1248,-423,-424,1248,-427,1248,-430,-431,-1896,-1896,1248,-621,-622,-623,-624,-625,-636,-586,-626,-799,1248,1248,1248,1248,1248,-833,1248,1248,-808,1248,-834,1248,1248,1248,1248,-800,1248,-855,-801,1248,1248,1248,1248,1248,1248,-856,-857,1248,-836,-832,-837,1248,-627,1248,-628,-629,-630,-631,-576,1248,1248,-632,-633,-634,1248,1248,1248,1248,1248,1248,-637,-638,-639,-594,-1896,-604,1248,-640,-641,-715,-642,-606,1248,-574,-579,-582,-585,1248,1248,1248,-600,-603,1248,-610,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1248,191,191,-997,191,1248,191,191,191,1248,-308,-327,-321,-298,-377,-454,-455,-456,-460,191,-445,1248,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1248,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,191,191,191,191,191,191,191,191,1248,-318,-537,-510,-593,-939,-941,-942,-440,1248,-442,-382,-383,-385,-509,-511,-513,1248,-515,-516,-521,-522,1248,-534,-536,-539,-540,-545,-550,-728,1248,-729,1248,-734,1248,-736,1248,-741,-658,-662,-663,1248,-668,1248,-669,1248,-674,-676,1248,-679,1248,1248,1248,-689,-691,1248,-694,1248,1248,-746,1248,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1248,1248,1248,1248,1248,-879,1248,-882,-910,-922,-927,-390,-391,1248,-396,1248,-399,1248,-404,1248,-405,1248,-410,1248,-415,1248,-419,1248,-420,1248,-425,1248,-428,-901,-902,-645,-587,-1896,-903,1248,1248,1248,-802,1248,1248,-806,1248,-809,-835,1248,-820,1248,-822,1248,-824,-810,1248,-826,1248,-853,-854,1248,1248,-813,1248,-648,-904,-906,-650,-651,-647,1248,-707,-708,1248,-644,-905,-649,-652,-605,-716,1248,1248,-607,-588,1248,1248,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1248,1248,-711,-712,1248,-718,1248,191,191,191,1248,1248,-940,191,-441,-443,-749,1248,-893,1248,-717,-1896,1248,1248,191,191,1248,-444,-514,-525,1248,-730,-735,1248,-737,1248,-742,1248,-664,-670,1248,-680,-682,-684,-685,-692,-695,-699,-747,1248,1248,-876,1248,1248,-880,1248,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1248,-814,1248,-816,-803,1248,-804,-807,1248,-818,-821,-823,-825,-827,1248,-828,1248,-811,1248,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,191,-284,191,1248,191,1248,-457,1248,1248,-731,1248,-738,1248,-743,1248,-665,-673,1248,1248,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1248,-838,-53,191,1248,-732,1248,-739,1248,-744,-666,1248,-875,-54,191,191,-733,-740,-745,1248,191,1248,-874,]),'DAYOFWEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[192,192,192,1249,-1896,192,192,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,192,192,192,192,-277,-278,1249,-1427,1249,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1249,1249,1249,-492,1249,1249,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1249,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1249,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1249,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,192,-174,-175,-176,-177,-995,192,192,192,192,192,192,192,192,192,192,1249,1249,1249,1249,1249,-292,-293,-283,192,1249,1249,1249,1249,-330,-320,-334,-335,-336,1249,1249,-984,-985,-986,-987,-988,-989,-990,192,192,1249,1249,1249,1249,1249,1249,1249,1249,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1249,1249,1249,-355,-358,192,-325,-326,-143,1249,-144,1249,-145,1249,-432,-937,-938,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1896,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1896,1249,-1896,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1896,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1896,192,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1249,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1249,192,192,-193,-194,192,-996,1249,192,192,192,192,-279,-280,-281,-282,-367,1249,-310,1249,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1249,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1249,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1249,1249,1249,1249,1249,1249,-575,1249,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1249,1249,-725,-726,-727,1249,1249,192,192,192,192,-996,192,1249,-93,-94,192,192,192,1249,-311,-312,-322,1249,-309,-295,-296,-297,1249,192,1249,1249,-620,-635,-592,1249,192,-438,192,-439,1249,-446,-447,-448,-380,-381,1249,1249,1249,-508,1249,1249,-512,1249,1249,1249,1249,-517,-518,-519,-520,1249,1249,-523,-524,1249,-526,-527,-528,-529,-530,-531,-532,-533,1249,-535,1249,1249,1249,-541,-543,-544,1249,-546,-547,-548,-549,1249,1249,1249,1249,1249,1249,-654,-655,-656,-657,192,-659,-660,-661,1249,1249,1249,-667,1249,1249,-671,-672,1249,1249,-675,1249,-677,-678,1249,-681,1249,-683,1249,1249,-686,-687,-688,1249,-690,1249,1249,-693,1249,1249,-696,-697,-698,1249,-700,-701,-702,-703,1249,1249,-748,1249,-751,-752,-753,-754,-755,1249,-757,-758,-759,-760,-761,1249,-768,-769,-771,1249,-773,-774,-775,-784,-858,-860,-862,-864,1249,1249,1249,1249,-870,1249,-872,1249,1249,1249,1249,1249,1249,1249,-908,-909,1249,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1249,-923,-926,1249,-936,1249,-387,-388,-389,1249,1249,-392,-393,-394,-395,1249,-398,1249,-401,-402,1249,-403,1249,-408,-409,1249,-412,-413,-414,1249,-417,1249,-418,1249,-423,-424,1249,-427,1249,-430,-431,-1896,-1896,1249,-621,-622,-623,-624,-625,-636,-586,-626,-799,1249,1249,1249,1249,1249,-833,1249,1249,-808,1249,-834,1249,1249,1249,1249,-800,1249,-855,-801,1249,1249,1249,1249,1249,1249,-856,-857,1249,-836,-832,-837,1249,-627,1249,-628,-629,-630,-631,-576,1249,1249,-632,-633,-634,1249,1249,1249,1249,1249,1249,-637,-638,-639,-594,-1896,-604,1249,-640,-641,-715,-642,-606,1249,-574,-579,-582,-585,1249,1249,1249,-600,-603,1249,-610,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1249,192,192,-997,192,1249,192,192,192,1249,-308,-327,-321,-298,-377,-454,-455,-456,-460,192,-445,1249,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1249,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,192,192,192,192,192,192,192,192,1249,-318,-537,-510,-593,-939,-941,-942,-440,1249,-442,-382,-383,-385,-509,-511,-513,1249,-515,-516,-521,-522,1249,-534,-536,-539,-540,-545,-550,-728,1249,-729,1249,-734,1249,-736,1249,-741,-658,-662,-663,1249,-668,1249,-669,1249,-674,-676,1249,-679,1249,1249,1249,-689,-691,1249,-694,1249,1249,-746,1249,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1249,1249,1249,1249,1249,-879,1249,-882,-910,-922,-927,-390,-391,1249,-396,1249,-399,1249,-404,1249,-405,1249,-410,1249,-415,1249,-419,1249,-420,1249,-425,1249,-428,-901,-902,-645,-587,-1896,-903,1249,1249,1249,-802,1249,1249,-806,1249,-809,-835,1249,-820,1249,-822,1249,-824,-810,1249,-826,1249,-853,-854,1249,1249,-813,1249,-648,-904,-906,-650,-651,-647,1249,-707,-708,1249,-644,-905,-649,-652,-605,-716,1249,1249,-607,-588,1249,1249,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1249,1249,-711,-712,1249,-718,1249,192,192,192,1249,1249,-940,192,-441,-443,-749,1249,-893,1249,-717,-1896,1249,1249,192,192,1249,-444,-514,-525,1249,-730,-735,1249,-737,1249,-742,1249,-664,-670,1249,-680,-682,-684,-685,-692,-695,-699,-747,1249,1249,-876,1249,1249,-880,1249,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1249,-814,1249,-816,-803,1249,-804,-807,1249,-818,-821,-823,-825,-827,1249,-828,1249,-811,1249,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,192,-284,192,1249,192,1249,-457,1249,1249,-731,1249,-738,1249,-743,1249,-665,-673,1249,1249,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1249,-838,-53,192,1249,-732,1249,-739,1249,-744,-666,1249,-875,-54,192,192,-733,-740,-745,1249,192,1249,-874,]),'DAYOFYEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[193,193,193,1250,-1896,193,193,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,193,193,193,193,-277,-278,1250,-1427,1250,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1250,1250,1250,-492,1250,1250,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1250,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1250,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1250,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,193,-174,-175,-176,-177,-995,193,193,193,193,193,193,193,193,193,193,1250,1250,1250,1250,1250,-292,-293,-283,193,1250,1250,1250,1250,-330,-320,-334,-335,-336,1250,1250,-984,-985,-986,-987,-988,-989,-990,193,193,1250,1250,1250,1250,1250,1250,1250,1250,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1250,1250,1250,-355,-358,193,-325,-326,-143,1250,-144,1250,-145,1250,-432,-937,-938,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1896,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1896,1250,-1896,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1896,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1896,193,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1250,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1250,193,193,-193,-194,193,-996,1250,193,193,193,193,-279,-280,-281,-282,-367,1250,-310,1250,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1250,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1250,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1250,1250,1250,1250,1250,1250,-575,1250,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1250,1250,-725,-726,-727,1250,1250,193,193,193,193,-996,193,1250,-93,-94,193,193,193,1250,-311,-312,-322,1250,-309,-295,-296,-297,1250,193,1250,1250,-620,-635,-592,1250,193,-438,193,-439,1250,-446,-447,-448,-380,-381,1250,1250,1250,-508,1250,1250,-512,1250,1250,1250,1250,-517,-518,-519,-520,1250,1250,-523,-524,1250,-526,-527,-528,-529,-530,-531,-532,-533,1250,-535,1250,1250,1250,-541,-543,-544,1250,-546,-547,-548,-549,1250,1250,1250,1250,1250,1250,-654,-655,-656,-657,193,-659,-660,-661,1250,1250,1250,-667,1250,1250,-671,-672,1250,1250,-675,1250,-677,-678,1250,-681,1250,-683,1250,1250,-686,-687,-688,1250,-690,1250,1250,-693,1250,1250,-696,-697,-698,1250,-700,-701,-702,-703,1250,1250,-748,1250,-751,-752,-753,-754,-755,1250,-757,-758,-759,-760,-761,1250,-768,-769,-771,1250,-773,-774,-775,-784,-858,-860,-862,-864,1250,1250,1250,1250,-870,1250,-872,1250,1250,1250,1250,1250,1250,1250,-908,-909,1250,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1250,-923,-926,1250,-936,1250,-387,-388,-389,1250,1250,-392,-393,-394,-395,1250,-398,1250,-401,-402,1250,-403,1250,-408,-409,1250,-412,-413,-414,1250,-417,1250,-418,1250,-423,-424,1250,-427,1250,-430,-431,-1896,-1896,1250,-621,-622,-623,-624,-625,-636,-586,-626,-799,1250,1250,1250,1250,1250,-833,1250,1250,-808,1250,-834,1250,1250,1250,1250,-800,1250,-855,-801,1250,1250,1250,1250,1250,1250,-856,-857,1250,-836,-832,-837,1250,-627,1250,-628,-629,-630,-631,-576,1250,1250,-632,-633,-634,1250,1250,1250,1250,1250,1250,-637,-638,-639,-594,-1896,-604,1250,-640,-641,-715,-642,-606,1250,-574,-579,-582,-585,1250,1250,1250,-600,-603,1250,-610,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1250,193,193,-997,193,1250,193,193,193,1250,-308,-327,-321,-298,-377,-454,-455,-456,-460,193,-445,1250,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1250,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,193,193,193,193,193,193,193,193,1250,-318,-537,-510,-593,-939,-941,-942,-440,1250,-442,-382,-383,-385,-509,-511,-513,1250,-515,-516,-521,-522,1250,-534,-536,-539,-540,-545,-550,-728,1250,-729,1250,-734,1250,-736,1250,-741,-658,-662,-663,1250,-668,1250,-669,1250,-674,-676,1250,-679,1250,1250,1250,-689,-691,1250,-694,1250,1250,-746,1250,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1250,1250,1250,1250,1250,-879,1250,-882,-910,-922,-927,-390,-391,1250,-396,1250,-399,1250,-404,1250,-405,1250,-410,1250,-415,1250,-419,1250,-420,1250,-425,1250,-428,-901,-902,-645,-587,-1896,-903,1250,1250,1250,-802,1250,1250,-806,1250,-809,-835,1250,-820,1250,-822,1250,-824,-810,1250,-826,1250,-853,-854,1250,1250,-813,1250,-648,-904,-906,-650,-651,-647,1250,-707,-708,1250,-644,-905,-649,-652,-605,-716,1250,1250,-607,-588,1250,1250,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1250,1250,-711,-712,1250,-718,1250,193,193,193,1250,1250,-940,193,-441,-443,-749,1250,-893,1250,-717,-1896,1250,1250,193,193,1250,-444,-514,-525,1250,-730,-735,1250,-737,1250,-742,1250,-664,-670,1250,-680,-682,-684,-685,-692,-695,-699,-747,1250,1250,-876,1250,1250,-880,1250,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1250,-814,1250,-816,-803,1250,-804,-807,1250,-818,-821,-823,-825,-827,1250,-828,1250,-811,1250,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,193,-284,193,1250,193,1250,-457,1250,1250,-731,1250,-738,1250,-743,1250,-665,-673,1250,1250,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1250,-838,-53,193,1250,-732,1250,-739,1250,-744,-666,1250,-875,-54,193,193,-733,-740,-745,1250,193,1250,-874,]),'DEALLOCATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[194,194,194,194,-1896,194,194,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,194,194,194,194,-277,-278,194,-1427,194,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,194,194,194,-492,194,194,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,194,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,194,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,194,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,194,-174,-175,-176,-177,-995,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-292,-293,-283,194,194,194,194,194,-330,-320,-334,-335,-336,194,194,-984,-985,-986,-987,-988,-989,-990,194,194,194,194,194,194,194,194,194,194,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,194,194,194,-355,-358,194,-325,-326,-143,194,-144,194,-145,194,-432,-937,-938,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-1896,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-1896,194,-1896,194,194,194,194,194,194,194,194,194,194,194,194,-1896,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-1896,194,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,194,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,194,194,194,-193,-194,194,-996,194,194,194,194,194,-279,-280,-281,-282,-367,194,-310,194,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,194,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,194,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,194,194,194,194,194,194,-575,194,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,194,194,-725,-726,-727,194,194,194,194,194,194,-996,194,194,-93,-94,194,194,194,194,-311,-312,-322,194,-309,-295,-296,-297,194,194,194,194,-620,-635,-592,194,194,-438,194,-439,194,-446,-447,-448,-380,-381,194,194,194,-508,194,194,-512,194,194,194,194,-517,-518,-519,-520,194,194,-523,-524,194,-526,-527,-528,-529,-530,-531,-532,-533,194,-535,194,194,194,-541,-543,-544,194,-546,-547,-548,-549,194,194,194,194,194,194,-654,-655,-656,-657,194,-659,-660,-661,194,194,194,-667,194,194,-671,-672,194,194,-675,194,-677,-678,194,-681,194,-683,194,194,-686,-687,-688,194,-690,194,194,-693,194,194,-696,-697,-698,194,-700,-701,-702,-703,194,194,-748,194,-751,-752,-753,-754,-755,194,-757,-758,-759,-760,-761,194,-768,-769,-771,194,-773,-774,-775,-784,-858,-860,-862,-864,194,194,194,194,-870,194,-872,194,194,194,194,194,194,194,-908,-909,194,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,194,-923,-926,194,-936,194,-387,-388,-389,194,194,-392,-393,-394,-395,194,-398,194,-401,-402,194,-403,194,-408,-409,194,-412,-413,-414,194,-417,194,-418,194,-423,-424,194,-427,194,-430,-431,-1896,-1896,194,-621,-622,-623,-624,-625,-636,-586,-626,-799,194,194,194,194,194,-833,194,194,-808,194,-834,194,194,194,194,-800,194,-855,-801,194,194,194,194,194,194,-856,-857,194,-836,-832,-837,194,-627,194,-628,-629,-630,-631,-576,194,194,-632,-633,-634,194,194,194,194,194,194,-637,-638,-639,-594,-1896,-604,194,-640,-641,-715,-642,-606,194,-574,-579,-582,-585,194,194,194,-600,-603,194,-610,194,194,194,194,194,194,194,194,194,194,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,194,194,194,-997,194,194,194,194,194,194,-308,-327,-321,-298,-377,-454,-455,-456,-460,194,-445,194,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,194,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,194,194,194,194,194,194,194,194,194,-318,-537,-510,-593,-939,-941,-942,-440,194,-442,-382,-383,-385,-509,-511,-513,194,-515,-516,-521,-522,194,-534,-536,-539,-540,-545,-550,-728,194,-729,194,-734,194,-736,194,-741,-658,-662,-663,194,-668,194,-669,194,-674,-676,194,-679,194,194,194,-689,-691,194,-694,194,194,-746,194,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,194,194,194,194,194,-879,194,-882,-910,-922,-927,-390,-391,194,-396,194,-399,194,-404,194,-405,194,-410,194,-415,194,-419,194,-420,194,-425,194,-428,-901,-902,-645,-587,-1896,-903,194,194,194,-802,194,194,-806,194,-809,-835,194,-820,194,-822,194,-824,-810,194,-826,194,-853,-854,194,194,-813,194,-648,-904,-906,-650,-651,-647,194,-707,-708,194,-644,-905,-649,-652,-605,-716,194,194,-607,-588,194,194,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,194,194,-711,-712,194,-718,194,194,194,194,194,194,-940,194,-441,-443,-749,194,-893,194,-717,-1896,194,194,194,194,194,-444,-514,-525,194,-730,-735,194,-737,194,-742,194,-664,-670,194,-680,-682,-684,-685,-692,-695,-699,-747,194,194,-876,194,194,-880,194,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,194,-814,194,-816,-803,194,-804,-807,194,-818,-821,-823,-825,-827,194,-828,194,-811,194,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,194,-284,194,194,194,194,-457,194,194,-731,194,-738,194,-743,194,-665,-673,194,194,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,194,-838,-53,194,194,-732,194,-739,194,-744,-666,194,-875,-54,194,194,-733,-740,-745,194,194,194,-874,]),'DEC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[195,195,195,195,-1896,195,195,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,195,195,195,195,-277,-278,195,-1427,195,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,195,195,195,-492,195,195,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,195,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,195,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,195,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,195,-174,-175,-176,-177,-995,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-292,-293,-283,195,195,195,195,195,-330,-320,-334,-335,-336,195,195,-984,-985,-986,-987,-988,-989,-990,195,195,195,195,195,195,195,195,195,195,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,195,195,195,-355,-358,195,-325,-326,-143,195,-144,195,-145,195,-432,-937,-938,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-1896,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-1896,195,-1896,195,195,195,195,195,195,195,195,195,195,195,195,-1896,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-1896,195,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,195,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,195,195,195,-193,-194,195,-996,195,195,195,195,195,-279,-280,-281,-282,-367,195,-310,195,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,195,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,195,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,195,195,195,195,195,195,-575,195,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,195,195,-725,-726,-727,195,195,195,195,195,195,-996,195,195,-93,-94,195,195,195,195,-311,-312,-322,195,-309,-295,-296,-297,195,195,195,195,-620,-635,-592,195,2965,2965,195,-438,195,-439,195,-446,-447,-448,-380,-381,195,195,195,-508,195,195,-512,195,195,195,195,-517,-518,-519,-520,195,195,-523,-524,195,-526,-527,-528,-529,-530,-531,-532,-533,195,-535,195,195,195,-541,-543,-544,195,-546,-547,-548,-549,195,195,195,195,195,195,-654,-655,-656,-657,195,-659,-660,-661,195,195,195,-667,195,195,-671,-672,195,195,-675,195,-677,-678,195,-681,195,-683,195,195,-686,-687,-688,195,-690,195,195,-693,195,195,-696,-697,-698,195,-700,-701,-702,-703,195,195,-748,195,-751,-752,-753,-754,-755,195,-757,-758,-759,-760,-761,195,-768,-769,-771,195,-773,-774,-775,-784,-858,-860,-862,-864,195,195,195,195,-870,195,-872,195,195,195,195,195,195,195,-908,-909,195,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,195,-923,-926,195,-936,195,-387,-388,-389,195,195,-392,-393,-394,-395,195,-398,195,-401,-402,195,-403,195,-408,-409,195,-412,-413,-414,195,-417,195,-418,195,-423,-424,195,-427,195,-430,-431,-1896,-1896,195,-621,-622,-623,-624,-625,-636,-586,-626,-799,195,195,195,195,195,-833,195,195,-808,195,-834,195,195,195,195,-800,195,-855,-801,195,195,195,195,195,195,-856,-857,195,-836,-832,-837,195,-627,195,-628,-629,-630,-631,-576,195,195,-632,-633,-634,195,195,195,195,195,195,-637,-638,-639,-594,-1896,-604,195,-640,-641,-715,-642,-606,195,-574,-579,-582,-585,195,195,195,-600,-603,195,-610,195,195,195,195,195,195,195,195,195,195,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,195,195,195,-997,195,195,195,195,195,195,-308,-327,-321,-298,-377,-454,-455,-456,-460,195,-445,195,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,195,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,195,195,195,195,195,195,195,195,195,-318,-537,-510,-593,-939,-941,-942,-440,195,-442,-382,-383,-385,-509,-511,-513,195,-515,-516,-521,-522,195,-534,-536,-539,-540,-545,-550,-728,195,-729,195,-734,195,-736,195,-741,-658,-662,-663,195,-668,195,-669,195,-674,-676,195,-679,195,195,195,-689,-691,195,-694,195,195,-746,195,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,195,195,195,195,195,-879,195,-882,-910,-922,-927,-390,-391,195,-396,195,-399,195,-404,195,-405,195,-410,195,-415,195,-419,195,-420,195,-425,195,-428,-901,-902,-645,-587,-1896,-903,195,195,195,-802,195,195,-806,195,-809,-835,195,-820,195,-822,195,-824,-810,195,-826,195,-853,-854,195,195,-813,195,-648,-904,-906,-650,-651,-647,195,-707,-708,195,-644,-905,-649,-652,-605,-716,195,195,-607,-588,195,195,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,195,195,-711,-712,195,-718,195,195,195,195,195,195,-940,195,-441,-443,-749,195,-893,195,-717,-1896,195,195,195,195,195,-444,-514,-525,195,-730,-735,195,-737,195,-742,195,-664,-670,195,-680,-682,-684,-685,-692,-695,-699,-747,195,195,-876,195,195,-880,195,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,195,-814,195,-816,-803,195,-804,-807,195,-818,-821,-823,-825,-827,195,-828,195,-811,195,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,195,-284,195,195,195,195,-457,195,195,-731,195,-738,195,-743,195,-665,-673,195,195,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,195,-838,-53,195,195,-732,195,-739,195,-744,-666,195,-875,-54,195,195,-733,-740,-745,195,195,195,-874,]),'DECLARE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[196,196,196,196,-1896,196,196,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,196,196,196,196,-277,-278,196,-1427,196,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,196,196,196,-492,196,196,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,196,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,196,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,196,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,196,-174,-175,-176,-177,-995,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-292,-293,-283,196,196,196,196,196,-330,-320,-334,-335,-336,196,196,-984,-985,-986,-987,-988,-989,-990,196,196,196,196,196,196,196,196,196,196,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,196,196,196,-355,-358,196,-325,-326,-143,196,-144,196,-145,196,-432,-937,-938,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-1896,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-1896,196,-1896,196,196,196,196,196,196,196,196,196,196,196,196,-1896,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-1896,196,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,196,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,196,196,196,-193,-194,196,-996,196,196,196,196,196,-279,-280,-281,-282,-367,196,-310,196,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,196,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,196,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,196,196,196,196,196,196,-575,196,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,196,196,-725,-726,-727,196,196,196,196,196,196,-996,196,196,-93,-94,196,196,196,196,-311,-312,-322,196,-309,-295,-296,-297,196,196,196,196,-620,-635,-592,196,196,-438,196,-439,196,-446,-447,-448,-380,-381,196,196,196,-508,196,196,-512,196,196,196,196,-517,-518,-519,-520,196,196,-523,-524,196,-526,-527,-528,-529,-530,-531,-532,-533,196,-535,196,196,196,-541,-543,-544,196,-546,-547,-548,-549,196,196,196,196,196,196,-654,-655,-656,-657,196,-659,-660,-661,196,196,196,-667,196,196,-671,-672,196,196,-675,196,-677,-678,196,-681,196,-683,196,196,-686,-687,-688,196,-690,196,196,-693,196,196,-696,-697,-698,196,-700,-701,-702,-703,196,196,-748,196,-751,-752,-753,-754,-755,196,-757,-758,-759,-760,-761,196,-768,-769,-771,196,-773,-774,-775,-784,-858,-860,-862,-864,196,196,196,196,-870,196,-872,196,196,196,196,196,196,196,-908,-909,196,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,196,-923,-926,196,-936,196,-387,-388,-389,196,196,-392,-393,-394,-395,196,-398,196,-401,-402,196,-403,196,-408,-409,196,-412,-413,-414,196,-417,196,-418,196,-423,-424,196,-427,196,-430,-431,-1896,-1896,196,-621,-622,-623,-624,-625,-636,-586,-626,-799,196,196,196,196,196,-833,196,196,-808,196,-834,196,196,196,196,-800,196,-855,-801,196,196,196,196,196,196,-856,-857,196,-836,-832,-837,196,-627,196,-628,-629,-630,-631,-576,196,196,-632,-633,-634,196,196,196,196,196,196,-637,-638,-639,-594,-1896,-604,196,-640,-641,-715,-642,-606,196,-574,-579,-582,-585,196,196,196,-600,-603,196,-610,196,196,196,196,196,196,196,196,196,196,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,196,196,196,-997,196,196,196,196,196,196,-308,-327,-321,-298,-377,-454,-455,-456,-460,196,-445,196,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,196,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,196,196,196,196,196,196,196,196,196,-318,-537,-510,-593,-939,-941,-942,-440,196,-442,-382,-383,-385,-509,-511,-513,196,-515,-516,-521,-522,196,-534,-536,-539,-540,-545,-550,-728,196,-729,196,-734,196,-736,196,-741,-658,-662,-663,196,-668,196,-669,196,-674,-676,196,-679,196,196,196,-689,-691,196,-694,196,196,-746,196,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,196,196,196,196,196,-879,196,-882,-910,-922,-927,-390,-391,196,-396,196,-399,196,-404,196,-405,196,-410,196,-415,196,-419,196,-420,196,-425,196,-428,-901,-902,-645,-587,-1896,-903,196,196,196,-802,196,196,-806,196,-809,-835,196,-820,196,-822,196,-824,-810,196,-826,196,-853,-854,196,196,-813,196,-648,-904,-906,-650,-651,-647,196,-707,-708,196,-644,-905,-649,-652,-605,-716,196,196,-607,-588,196,196,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,196,196,-711,-712,196,-718,196,196,196,196,196,196,-940,196,-441,-443,-749,196,-893,196,-717,-1896,196,196,196,196,196,-444,-514,-525,196,-730,-735,196,-737,196,-742,196,-664,-670,196,-680,-682,-684,-685,-692,-695,-699,-747,196,196,-876,196,196,-880,196,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,196,-814,196,-816,-803,196,-804,-807,196,-818,-821,-823,-825,-827,196,-828,196,-811,196,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,196,-284,196,196,196,196,-457,196,196,-731,196,-738,196,-743,196,-665,-673,196,196,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,196,-838,-53,196,196,-732,196,-739,196,-744,-666,196,-875,-54,196,196,-733,-740,-745,196,196,196,-874,]),'DECODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[197,197,197,1018,-1896,197,197,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,197,197,197,197,-277,-278,1018,-1427,1018,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1018,1018,1018,-492,1018,1018,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1018,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1018,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1858,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,197,-174,-175,-176,-177,-995,197,197,197,197,197,197,197,197,197,197,1018,1018,1018,1018,1018,-292,-293,-283,197,1018,1018,1018,1018,-330,-320,-334,-335,-336,1018,1018,-984,-985,-986,-987,-988,-989,-990,197,197,1018,1018,1018,1018,1018,1018,1018,1018,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1018,1018,1018,-355,-358,197,-325,-326,-143,1018,-144,1018,-145,1018,-432,-937,-938,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1896,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1896,1018,-1896,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1896,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1896,197,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1018,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1018,197,197,-193,-194,197,-996,1018,197,197,197,197,-279,-280,-281,-282,-367,1018,-310,1018,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1018,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1018,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1018,1018,1018,1018,1018,1018,-575,1018,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1018,1018,-725,-726,-727,1018,1858,197,197,197,197,-996,197,1018,-93,-94,197,197,197,1018,-311,-312,-322,1018,-309,-295,-296,-297,1018,197,1018,1018,-620,-635,-592,1018,197,-438,197,-439,1018,-446,-447,-448,-380,-381,1018,1018,1018,-508,1018,1018,-512,1018,1018,1018,1018,-517,-518,-519,-520,1018,1018,-523,-524,1018,-526,-527,-528,-529,-530,-531,-532,-533,1018,-535,1018,1018,1018,-541,-543,-544,1018,-546,-547,-548,-549,1018,1018,1018,1018,1018,1018,-654,-655,-656,-657,197,-659,-660,-661,1018,1018,1018,-667,1018,1018,-671,-672,1018,1018,-675,1018,-677,-678,1018,-681,1018,-683,1018,1018,-686,-687,-688,1018,-690,1018,1018,-693,1018,1018,-696,-697,-698,1018,-700,-701,-702,-703,1018,1018,-748,1018,-751,-752,-753,-754,-755,1018,-757,-758,-759,-760,-761,1018,-768,-769,-771,1018,-773,-774,-775,-784,-858,-860,-862,-864,1018,1018,1018,1018,-870,1018,-872,1018,1018,1018,1018,1018,1018,1018,-908,-909,1018,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1018,-923,-926,1018,-936,1018,-387,-388,-389,1018,1018,-392,-393,-394,-395,1018,-398,1018,-401,-402,1018,-403,1018,-408,-409,1018,-412,-413,-414,1018,-417,1018,-418,1018,-423,-424,1018,-427,1018,-430,-431,-1896,-1896,1018,-621,-622,-623,-624,-625,-636,-586,-626,-799,1018,1018,1018,1018,1018,-833,1018,1018,-808,1018,-834,1018,1018,1018,1018,-800,1018,-855,-801,1018,1018,1018,1018,1018,1018,-856,-857,1018,-836,-832,-837,1018,-627,1018,-628,-629,-630,-631,-576,1018,1018,-632,-633,-634,1018,1018,1018,1018,1018,1018,-637,-638,-639,-594,-1896,-604,1018,-640,-641,-715,-642,-606,1018,-574,-579,-582,-585,1018,1018,1018,-600,-603,1018,-610,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1018,197,197,-997,197,1018,197,197,197,1018,-308,-327,-321,-298,-377,-454,-455,-456,-460,197,-445,1018,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1018,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,197,197,197,197,197,197,197,197,1018,-318,-537,-510,-593,-939,-941,-942,-440,1018,-442,-382,-383,-385,-509,-511,-513,1018,-515,-516,-521,-522,1018,-534,-536,-539,-540,-545,-550,-728,1018,-729,1018,-734,1018,-736,1018,-741,-658,-662,-663,1018,-668,1018,-669,1018,-674,-676,1018,-679,1018,1018,1018,-689,-691,1018,-694,1018,1018,-746,1018,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1018,1018,1018,1018,1018,-879,1018,-882,-910,-922,-927,-390,-391,1018,-396,1018,-399,1018,-404,1018,-405,1018,-410,1018,-415,1018,-419,1018,-420,1018,-425,1018,-428,-901,-902,-645,-587,-1896,-903,1018,1018,1018,-802,1018,1018,-806,1018,-809,-835,1018,-820,1018,-822,1018,-824,-810,1018,-826,1018,-853,-854,1018,1018,-813,1018,-648,-904,-906,-650,-651,-647,1018,-707,-708,1018,-644,-905,-649,-652,-605,-716,1018,1018,-607,-588,1018,1018,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1018,1018,-711,-712,1018,-718,1018,197,197,197,1018,1018,-940,197,-441,-443,-749,1018,-893,1858,-717,-1896,1018,1018,197,197,1018,-444,-514,-525,1018,-730,-735,1018,-737,1018,-742,1018,-664,-670,1018,-680,-682,-684,-685,-692,-695,-699,-747,1018,1018,-876,1018,1018,-880,1018,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1018,-814,1018,-816,-803,1018,-804,-807,1018,-818,-821,-823,-825,-827,1018,-828,1018,-811,1018,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,197,-284,197,1018,197,1018,-457,1018,1018,-731,1018,-738,1018,-743,1018,-665,-673,1018,1018,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1018,-838,-53,197,1018,-732,1018,-739,1018,-744,-666,1018,-875,-54,197,197,-733,-740,-745,1018,197,1018,-874,]),'DEFAULT_AUTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[198,198,198,198,-1896,198,198,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,198,198,198,198,-277,-278,198,-1427,198,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,198,198,198,-492,198,198,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,198,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,198,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,198,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,198,-174,-175,-176,-177,-995,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-292,-293,-283,198,198,198,198,198,-330,-320,-334,-335,-336,198,198,-984,-985,-986,-987,-988,-989,-990,198,198,198,198,198,198,198,198,198,198,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,198,198,198,-355,-358,198,-325,-326,-143,198,-144,198,-145,198,-432,-937,-938,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-1896,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-1896,198,-1896,198,198,198,198,198,198,198,198,198,198,198,198,-1896,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-1896,198,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,198,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,198,198,198,-193,-194,198,-996,198,198,198,198,198,-279,-280,-281,-282,-367,198,-310,198,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,198,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,198,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,198,198,198,198,198,198,-575,198,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,198,198,-725,-726,-727,198,198,198,198,198,198,-996,198,198,-93,-94,198,198,198,198,-311,-312,-322,198,-309,-295,-296,-297,198,198,198,198,-620,-635,-592,198,198,-438,198,-439,198,-446,-447,-448,-380,-381,198,198,198,-508,198,198,-512,198,198,198,198,-517,-518,-519,-520,198,198,-523,-524,198,-526,-527,-528,-529,-530,-531,-532,-533,198,-535,198,198,198,-541,-543,-544,198,-546,-547,-548,-549,198,198,198,198,198,198,-654,-655,-656,-657,198,-659,-660,-661,198,198,198,-667,198,198,-671,-672,198,198,-675,198,-677,-678,198,-681,198,-683,198,198,-686,-687,-688,198,-690,198,198,-693,198,198,-696,-697,-698,198,-700,-701,-702,-703,198,198,-748,198,-751,-752,-753,-754,-755,198,-757,-758,-759,-760,-761,198,-768,-769,-771,198,-773,-774,-775,-784,-858,-860,-862,-864,198,198,198,198,-870,198,-872,198,198,198,198,198,198,198,-908,-909,198,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,198,-923,-926,198,-936,198,-387,-388,-389,198,198,-392,-393,-394,-395,198,-398,198,-401,-402,198,-403,198,-408,-409,198,-412,-413,-414,198,-417,198,-418,198,-423,-424,198,-427,198,-430,-431,-1896,-1896,198,-621,-622,-623,-624,-625,-636,-586,-626,-799,198,198,198,198,198,-833,198,198,-808,198,-834,198,198,198,198,-800,198,-855,-801,198,198,198,198,198,198,-856,-857,198,-836,-832,-837,198,-627,198,-628,-629,-630,-631,-576,198,198,-632,-633,-634,198,198,198,198,198,198,-637,-638,-639,-594,-1896,-604,198,-640,-641,-715,-642,-606,198,-574,-579,-582,-585,198,198,198,-600,-603,198,-610,198,198,198,198,198,198,198,198,198,198,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,198,198,198,-997,198,198,198,198,198,198,-308,-327,-321,-298,-377,-454,-455,-456,-460,198,-445,198,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,198,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,198,198,198,198,198,198,198,198,198,-318,-537,-510,-593,-939,-941,-942,-440,198,-442,-382,-383,-385,-509,-511,-513,198,-515,-516,-521,-522,198,-534,-536,-539,-540,-545,-550,-728,198,-729,198,-734,198,-736,198,-741,-658,-662,-663,198,-668,198,-669,198,-674,-676,198,-679,198,198,198,-689,-691,198,-694,198,198,-746,198,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,198,198,198,198,198,-879,198,-882,-910,-922,-927,-390,-391,198,-396,198,-399,198,-404,198,-405,198,-410,198,-415,198,-419,198,-420,198,-425,198,-428,-901,-902,-645,-587,-1896,-903,198,198,198,-802,198,198,-806,198,-809,-835,198,-820,198,-822,198,-824,-810,198,-826,198,-853,-854,198,198,-813,198,-648,-904,-906,-650,-651,-647,198,-707,-708,198,-644,-905,-649,-652,-605,-716,198,198,-607,-588,198,198,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,198,198,-711,-712,198,-718,198,198,198,198,198,198,-940,198,-441,-443,-749,198,-893,198,-717,-1896,198,198,198,198,198,-444,-514,-525,198,-730,-735,198,-737,198,-742,198,-664,-670,198,-680,-682,-684,-685,-692,-695,-699,-747,198,198,-876,198,198,-880,198,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,198,-814,198,-816,-803,198,-804,-807,198,-818,-821,-823,-825,-827,198,-828,198,-811,198,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,198,-284,198,198,198,198,-457,198,198,-731,198,-738,198,-743,198,-665,-673,198,198,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,198,-838,-53,198,198,-732,198,-739,198,-744,-666,198,-875,-54,198,198,-733,-740,-745,198,198,198,-874,]),'DEFAULT_TABLEGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[199,199,199,199,-1896,199,199,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,199,199,199,199,-277,-278,199,-1427,199,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,199,199,199,-492,199,199,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,199,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,199,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,199,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,199,-174,-175,-176,-177,-995,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-292,-293,-283,199,199,199,199,199,-330,-320,-334,-335,-336,199,199,-984,-985,-986,-987,-988,-989,-990,199,199,199,199,199,199,199,199,199,199,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,199,199,199,-355,-358,199,-325,-326,-143,199,-144,199,-145,199,-432,-937,-938,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-1896,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-1896,199,-1896,199,199,199,199,199,199,199,199,199,199,199,199,-1896,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-1896,199,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,199,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,199,199,199,-193,-194,199,-996,199,199,199,199,199,-279,-280,-281,-282,-367,199,-310,199,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,199,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,199,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,199,199,199,199,199,199,-575,199,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,199,199,-725,-726,-727,199,199,199,199,199,199,-996,199,199,-93,-94,199,199,199,199,-311,-312,-322,199,-309,-295,-296,-297,199,199,199,199,-620,-635,-592,199,199,-438,199,-439,199,-446,-447,-448,-380,-381,199,199,199,-508,199,199,-512,199,199,199,199,-517,-518,-519,-520,199,199,-523,-524,199,-526,-527,-528,-529,-530,-531,-532,-533,199,-535,199,199,199,-541,-543,-544,199,-546,-547,-548,-549,199,199,199,199,199,199,-654,-655,-656,-657,199,-659,-660,-661,199,199,199,-667,199,199,-671,-672,199,199,-675,199,-677,-678,199,-681,199,-683,199,199,-686,-687,-688,199,-690,199,199,-693,199,199,-696,-697,-698,199,-700,-701,-702,-703,199,199,-748,199,-751,-752,-753,-754,-755,199,-757,-758,-759,-760,-761,199,-768,-769,-771,199,-773,-774,-775,-784,-858,-860,-862,-864,199,199,199,199,-870,199,-872,199,199,199,199,199,199,199,-908,-909,199,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,199,-923,-926,199,-936,199,-387,-388,-389,199,199,-392,-393,-394,-395,199,-398,199,-401,-402,199,-403,199,-408,-409,199,-412,-413,-414,199,-417,199,-418,199,-423,-424,199,-427,199,-430,-431,-1896,-1896,199,-621,-622,-623,-624,-625,-636,-586,-626,-799,199,199,199,199,199,-833,199,199,-808,199,-834,199,199,199,199,-800,199,-855,-801,199,199,199,199,199,199,-856,-857,199,-836,-832,-837,199,-627,199,-628,-629,-630,-631,-576,199,199,-632,-633,-634,199,199,199,199,199,199,-637,-638,-639,-594,-1896,-604,199,-640,-641,-715,-642,-606,199,-574,-579,-582,-585,199,199,199,-600,-603,199,-610,199,199,199,199,199,199,199,199,199,199,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,199,199,199,-997,199,199,199,199,199,199,-308,-327,-321,-298,-377,-454,-455,-456,-460,199,-445,199,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,199,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,199,199,199,199,199,199,199,199,199,-318,-537,-510,-593,-939,-941,-942,-440,199,-442,-382,-383,-385,-509,-511,-513,199,-515,-516,-521,-522,199,-534,-536,-539,-540,-545,-550,-728,199,-729,199,-734,199,-736,199,-741,-658,-662,-663,199,-668,199,-669,199,-674,-676,199,-679,199,199,199,-689,-691,199,-694,199,199,-746,199,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,199,199,199,199,199,-879,199,-882,-910,-922,-927,-390,-391,199,-396,199,-399,199,-404,199,-405,199,-410,199,-415,199,-419,199,-420,199,-425,199,-428,-901,-902,-645,-587,-1896,-903,199,199,199,-802,199,199,-806,199,-809,-835,199,-820,199,-822,199,-824,-810,199,-826,199,-853,-854,199,199,-813,199,-648,-904,-906,-650,-651,-647,199,-707,-708,199,-644,-905,-649,-652,-605,-716,199,199,-607,-588,199,199,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,199,199,-711,-712,199,-718,199,199,199,199,199,199,-940,199,-441,-443,-749,199,-893,199,-717,-1896,199,199,199,199,199,-444,-514,-525,199,-730,-735,199,-737,199,-742,199,-664,-670,199,-680,-682,-684,-685,-692,-695,-699,-747,199,199,-876,199,199,-880,199,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,199,-814,199,-816,-803,199,-804,-807,199,-818,-821,-823,-825,-827,199,-828,199,-811,199,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,199,-284,199,199,199,199,-457,199,199,-731,199,-738,199,-743,199,-665,-673,199,199,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,199,-838,-53,199,199,-732,199,-739,199,-744,-666,199,-875,-54,199,199,-733,-740,-745,199,199,199,-874,]),'DEFINER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[200,200,200,200,-1896,200,200,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,200,200,200,200,-277,-278,200,-1427,200,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,200,200,200,-492,200,200,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,200,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,200,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,200,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,200,-174,-175,-176,-177,-995,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-292,-293,-283,200,200,200,200,200,-330,-320,-334,-335,-336,200,200,-984,-985,-986,-987,-988,-989,-990,200,200,200,200,200,200,200,200,200,200,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,200,200,200,-355,-358,200,-325,-326,-143,200,-144,200,-145,200,-432,-937,-938,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-1896,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-1896,200,-1896,200,200,200,200,200,200,200,200,200,200,200,200,-1896,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-1896,200,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,200,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,200,200,200,-193,-194,200,-996,200,200,200,200,200,-279,-280,-281,-282,-367,200,-310,200,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,200,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,200,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,200,200,200,200,200,200,-575,200,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,200,200,-725,-726,-727,200,200,200,200,200,200,-996,200,200,-93,-94,200,200,200,200,-311,-312,-322,200,-309,-295,-296,-297,200,200,200,200,-620,-635,-592,200,200,-438,200,-439,200,-446,-447,-448,-380,-381,200,200,200,-508,200,200,-512,200,200,200,200,-517,-518,-519,-520,200,200,-523,-524,200,-526,-527,-528,-529,-530,-531,-532,-533,200,-535,200,200,200,-541,-543,-544,200,-546,-547,-548,-549,200,200,200,200,200,200,-654,-655,-656,-657,200,-659,-660,-661,200,200,200,-667,200,200,-671,-672,200,200,-675,200,-677,-678,200,-681,200,-683,200,200,-686,-687,-688,200,-690,200,200,-693,200,200,-696,-697,-698,200,-700,-701,-702,-703,200,200,-748,200,-751,-752,-753,-754,-755,200,-757,-758,-759,-760,-761,200,-768,-769,-771,200,-773,-774,-775,-784,-858,-860,-862,-864,200,200,200,200,-870,200,-872,200,200,200,200,200,200,200,-908,-909,200,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,200,-923,-926,200,-936,200,-387,-388,-389,200,200,-392,-393,-394,-395,200,-398,200,-401,-402,200,-403,200,-408,-409,200,-412,-413,-414,200,-417,200,-418,200,-423,-424,200,-427,200,-430,-431,-1896,-1896,200,-621,-622,-623,-624,-625,-636,-586,-626,-799,200,200,200,200,200,-833,200,200,-808,200,-834,200,200,200,200,-800,200,-855,-801,200,200,200,200,200,200,-856,-857,200,-836,-832,-837,200,-627,200,-628,-629,-630,-631,-576,200,200,-632,-633,-634,200,200,200,200,200,200,-637,-638,-639,-594,-1896,-604,200,-640,-641,-715,-642,-606,200,-574,-579,-582,-585,200,200,200,-600,-603,200,-610,200,200,200,200,200,200,200,200,200,200,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,200,200,200,-997,200,200,200,200,200,200,-308,-327,-321,-298,-377,-454,-455,-456,-460,200,-445,200,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,200,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,200,200,200,200,200,200,200,200,200,-318,-537,-510,-593,-939,-941,-942,-440,200,-442,-382,-383,-385,-509,-511,-513,200,-515,-516,-521,-522,200,-534,-536,-539,-540,-545,-550,-728,200,-729,200,-734,200,-736,200,-741,-658,-662,-663,200,-668,200,-669,200,-674,-676,200,-679,200,200,200,-689,-691,200,-694,200,200,-746,200,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,200,200,200,200,200,-879,200,-882,-910,-922,-927,-390,-391,200,-396,200,-399,200,-404,200,-405,200,-410,200,-415,200,-419,200,-420,200,-425,200,-428,-901,-902,-645,-587,-1896,-903,200,200,200,-802,200,200,-806,200,-809,-835,200,-820,200,-822,200,-824,-810,200,-826,200,-853,-854,200,200,-813,200,-648,-904,-906,-650,-651,-647,200,-707,-708,200,-644,-905,-649,-652,-605,-716,200,200,-607,-588,200,200,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,200,200,-711,-712,200,-718,200,200,200,200,200,200,-940,200,-441,-443,-749,200,-893,200,-717,-1896,200,200,200,200,200,-444,-514,-525,200,-730,-735,200,-737,200,-742,200,-664,-670,200,-680,-682,-684,-685,-692,-695,-699,-747,200,200,-876,200,200,-880,200,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,200,-814,200,-816,-803,200,-804,-807,200,-818,-821,-823,-825,-827,200,-828,200,-811,200,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,200,-284,200,200,200,200,-457,200,200,-731,200,-738,200,-743,200,-665,-673,200,200,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,200,-838,-53,200,200,-732,200,-739,200,-744,-666,200,-875,-54,200,200,-733,-740,-745,200,200,200,-874,]),'DEGREES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[201,201,201,1059,-1896,201,201,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,201,201,201,201,-277,-278,1059,-1427,1059,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1059,1059,1059,-492,1059,1059,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1059,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1059,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1859,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,201,-174,-175,-176,-177,-995,201,201,201,201,201,201,201,201,201,201,1059,1059,1059,1059,1059,-292,-293,-283,201,1059,1059,1059,1059,-330,-320,-334,-335,-336,1059,1059,-984,-985,-986,-987,-988,-989,-990,201,201,1059,1059,1059,1059,1059,1059,1059,1059,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1059,1059,1059,-355,-358,201,-325,-326,-143,1059,-144,1059,-145,1059,-432,-937,-938,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1896,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1896,1059,-1896,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1896,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1896,201,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1059,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1059,201,201,-193,-194,201,-996,1059,201,201,201,201,-279,-280,-281,-282,-367,1059,-310,1059,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1059,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1059,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1059,1059,1059,1059,1059,1059,-575,1059,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1059,1059,-725,-726,-727,1059,1859,201,201,201,201,-996,201,1059,-93,-94,201,201,201,1059,-311,-312,-322,1059,-309,-295,-296,-297,1059,201,1059,1059,-620,-635,-592,1059,201,-438,201,-439,1059,-446,-447,-448,-380,-381,1059,1059,1059,-508,1059,1059,-512,1059,1059,1059,1059,-517,-518,-519,-520,1059,1059,-523,-524,1059,-526,-527,-528,-529,-530,-531,-532,-533,1059,-535,1059,1059,1059,-541,-543,-544,1059,-546,-547,-548,-549,1059,1059,1059,1059,1059,1059,-654,-655,-656,-657,201,-659,-660,-661,1059,1059,1059,-667,1059,1059,-671,-672,1059,1059,-675,1059,-677,-678,1059,-681,1059,-683,1059,1059,-686,-687,-688,1059,-690,1059,1059,-693,1059,1059,-696,-697,-698,1059,-700,-701,-702,-703,1059,1059,-748,1059,-751,-752,-753,-754,-755,1059,-757,-758,-759,-760,-761,1059,-768,-769,-771,1059,-773,-774,-775,-784,-858,-860,-862,-864,1059,1059,1059,1059,-870,1059,-872,1059,1059,1059,1059,1059,1059,1059,-908,-909,1059,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1059,-923,-926,1059,-936,1059,-387,-388,-389,1059,1059,-392,-393,-394,-395,1059,-398,1059,-401,-402,1059,-403,1059,-408,-409,1059,-412,-413,-414,1059,-417,1059,-418,1059,-423,-424,1059,-427,1059,-430,-431,-1896,-1896,1059,-621,-622,-623,-624,-625,-636,-586,-626,-799,1059,1059,1059,1059,1059,-833,1059,1059,-808,1059,-834,1059,1059,1059,1059,-800,1059,-855,-801,1059,1059,1059,1059,1059,1059,-856,-857,1059,-836,-832,-837,1059,-627,1059,-628,-629,-630,-631,-576,1059,1059,-632,-633,-634,1059,1059,1059,1059,1059,1059,-637,-638,-639,-594,-1896,-604,1059,-640,-641,-715,-642,-606,1059,-574,-579,-582,-585,1059,1059,1059,-600,-603,1059,-610,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1059,201,201,-997,201,1059,201,201,201,1059,-308,-327,-321,-298,-377,-454,-455,-456,-460,201,-445,1059,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1059,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,201,201,201,201,201,201,201,201,1059,-318,-537,-510,-593,-939,-941,-942,-440,1059,-442,-382,-383,-385,-509,-511,-513,1059,-515,-516,-521,-522,1059,-534,-536,-539,-540,-545,-550,-728,1059,-729,1059,-734,1059,-736,1059,-741,-658,-662,-663,1059,-668,1059,-669,1059,-674,-676,1059,-679,1059,1059,1059,-689,-691,1059,-694,1059,1059,-746,1059,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1059,1059,1059,1059,1059,-879,1059,-882,-910,-922,-927,-390,-391,1059,-396,1059,-399,1059,-404,1059,-405,1059,-410,1059,-415,1059,-419,1059,-420,1059,-425,1059,-428,-901,-902,-645,-587,-1896,-903,1059,1059,1059,-802,1059,1059,-806,1059,-809,-835,1059,-820,1059,-822,1059,-824,-810,1059,-826,1059,-853,-854,1059,1059,-813,1059,-648,-904,-906,-650,-651,-647,1059,-707,-708,1059,-644,-905,-649,-652,-605,-716,1059,1059,-607,-588,1059,1059,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1059,1059,-711,-712,1059,-718,1059,201,201,201,1059,1059,-940,201,-441,-443,-749,1059,-893,1859,-717,-1896,1059,1059,201,201,1059,-444,-514,-525,1059,-730,-735,1059,-737,1059,-742,1059,-664,-670,1059,-680,-682,-684,-685,-692,-695,-699,-747,1059,1059,-876,1059,1059,-880,1059,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1059,-814,1059,-816,-803,1059,-804,-807,1059,-818,-821,-823,-825,-827,1059,-828,1059,-811,1059,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,201,-284,201,1059,201,1059,-457,1059,1059,-731,1059,-738,1059,-743,1059,-665,-673,1059,1059,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1059,-838,-53,201,1059,-732,1059,-739,1059,-744,-666,1059,-875,-54,201,201,-733,-740,-745,1059,201,1059,-874,]),'DELAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[202,202,202,202,-1896,202,202,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,202,202,202,202,-277,-278,202,-1427,202,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,202,202,202,-492,202,202,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,202,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,202,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,202,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,202,-174,-175,-176,-177,-995,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-292,-293,-283,202,202,202,202,202,-330,-320,-334,-335,-336,202,202,-984,-985,-986,-987,-988,-989,-990,202,202,202,202,202,202,202,202,202,202,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,202,202,202,-355,-358,202,-325,-326,-143,202,-144,202,-145,202,-432,-937,-938,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-1896,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-1896,202,-1896,202,202,202,202,202,202,202,202,202,202,202,202,-1896,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-1896,202,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,202,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,202,202,202,-193,-194,202,-996,202,202,202,202,202,-279,-280,-281,-282,-367,202,-310,202,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,202,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,202,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,202,202,202,202,202,202,-575,202,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,202,202,-725,-726,-727,202,202,202,202,202,202,-996,202,202,-93,-94,202,202,202,202,-311,-312,-322,202,-309,-295,-296,-297,202,202,202,202,-620,-635,-592,202,202,-438,202,-439,202,-446,-447,-448,-380,-381,202,202,202,-508,202,202,-512,202,202,202,202,-517,-518,-519,-520,202,202,-523,-524,202,-526,-527,-528,-529,-530,-531,-532,-533,202,-535,202,202,202,-541,-543,-544,202,-546,-547,-548,-549,202,202,202,202,202,202,-654,-655,-656,-657,202,-659,-660,-661,202,202,202,-667,202,202,-671,-672,202,202,-675,202,-677,-678,202,-681,202,-683,202,202,-686,-687,-688,202,-690,202,202,-693,202,202,-696,-697,-698,202,-700,-701,-702,-703,202,202,-748,202,-751,-752,-753,-754,-755,202,-757,-758,-759,-760,-761,202,-768,-769,-771,202,-773,-774,-775,-784,-858,-860,-862,-864,202,202,202,202,-870,202,-872,202,202,202,202,202,202,202,-908,-909,202,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,202,-923,-926,202,-936,202,-387,-388,-389,202,202,-392,-393,-394,-395,202,-398,202,-401,-402,202,-403,202,-408,-409,202,-412,-413,-414,202,-417,202,-418,202,-423,-424,202,-427,202,-430,-431,-1896,-1896,202,-621,-622,-623,-624,-625,-636,-586,-626,-799,202,202,202,202,202,-833,202,202,-808,202,-834,202,202,202,202,-800,202,-855,-801,202,202,202,202,202,202,-856,-857,202,-836,-832,-837,202,-627,202,-628,-629,-630,-631,-576,202,202,-632,-633,-634,202,202,202,202,202,202,-637,-638,-639,-594,-1896,-604,202,-640,-641,-715,-642,-606,202,-574,-579,-582,-585,202,202,202,-600,-603,202,-610,202,202,202,202,202,202,202,202,202,202,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,202,202,202,-997,202,202,202,202,202,202,-308,-327,-321,-298,-377,-454,-455,-456,-460,202,-445,202,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,202,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,202,202,202,202,202,202,202,202,202,-318,-537,-510,-593,-939,-941,-942,-440,202,-442,-382,-383,-385,-509,-511,-513,202,-515,-516,-521,-522,202,-534,-536,-539,-540,-545,-550,-728,202,-729,202,-734,202,-736,202,-741,-658,-662,-663,202,-668,202,-669,202,-674,-676,202,-679,202,202,202,-689,-691,202,-694,202,202,-746,202,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,202,202,202,202,202,-879,202,-882,-910,-922,-927,-390,-391,202,-396,202,-399,202,-404,202,-405,202,-410,202,-415,202,-419,202,-420,202,-425,202,-428,-901,-902,-645,-587,-1896,-903,202,202,202,-802,202,202,-806,202,-809,-835,202,-820,202,-822,202,-824,-810,202,-826,202,-853,-854,202,202,-813,202,-648,-904,-906,-650,-651,-647,202,-707,-708,202,-644,-905,-649,-652,-605,-716,202,202,-607,-588,202,202,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,202,202,-711,-712,202,-718,202,202,202,202,202,202,-940,202,-441,-443,-749,202,-893,202,-717,-1896,202,202,202,202,202,-444,-514,-525,202,-730,-735,202,-737,202,-742,202,-664,-670,202,-680,-682,-684,-685,-692,-695,-699,-747,202,202,-876,202,202,-880,202,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,202,-814,202,-816,-803,202,-804,-807,202,-818,-821,-823,-825,-827,202,-828,202,-811,202,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,202,-284,202,202,202,202,-457,202,202,-731,202,-738,202,-743,202,-665,-673,202,202,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,202,-838,-53,202,202,-732,202,-739,202,-744,-666,202,-875,-54,202,202,-733,-740,-745,202,202,202,-874,]),'DELAY_KEY_WRITE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[203,203,203,203,-1896,203,203,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,203,203,203,203,-277,-278,203,-1427,203,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,203,203,203,-492,203,203,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,203,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,203,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,203,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,203,-174,-175,-176,-177,-995,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-292,-293,-283,203,203,203,203,203,-330,-320,-334,-335,-336,203,203,-984,-985,-986,-987,-988,-989,-990,203,203,203,203,203,203,203,203,203,203,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,203,203,203,-355,-358,203,-325,-326,-143,203,-144,203,-145,203,-432,-937,-938,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-1896,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-1896,203,-1896,203,203,203,203,203,203,203,203,203,203,203,203,-1896,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-1896,203,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,203,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,203,203,203,-193,-194,203,-996,203,203,203,203,203,-279,-280,-281,-282,-367,203,-310,203,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,203,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,203,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,203,203,203,203,203,203,-575,203,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,203,203,-725,-726,-727,203,203,203,203,203,203,-996,203,203,-93,-94,203,203,203,203,-311,-312,-322,203,-309,-295,-296,-297,203,203,203,203,-620,-635,-592,203,203,-438,203,-439,203,-446,-447,-448,-380,-381,203,203,203,-508,203,203,-512,203,203,203,203,-517,-518,-519,-520,203,203,-523,-524,203,-526,-527,-528,-529,-530,-531,-532,-533,203,-535,203,203,203,-541,-543,-544,203,-546,-547,-548,-549,203,203,203,203,203,203,-654,-655,-656,-657,203,-659,-660,-661,203,203,203,-667,203,203,-671,-672,203,203,-675,203,-677,-678,203,-681,203,-683,203,203,-686,-687,-688,203,-690,203,203,-693,203,203,-696,-697,-698,203,-700,-701,-702,-703,203,203,-748,203,-751,-752,-753,-754,-755,203,-757,-758,-759,-760,-761,203,-768,-769,-771,203,-773,-774,-775,-784,-858,-860,-862,-864,203,203,203,203,-870,203,-872,203,203,203,203,203,203,203,-908,-909,203,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,203,-923,-926,203,-936,203,-387,-388,-389,203,203,-392,-393,-394,-395,203,-398,203,-401,-402,203,-403,203,-408,-409,203,-412,-413,-414,203,-417,203,-418,203,-423,-424,203,-427,203,-430,-431,-1896,-1896,203,-621,-622,-623,-624,-625,-636,-586,-626,-799,203,203,203,203,203,-833,203,203,-808,203,-834,203,203,203,203,-800,203,-855,-801,203,203,203,203,203,203,-856,-857,203,-836,-832,-837,203,-627,203,-628,-629,-630,-631,-576,203,203,-632,-633,-634,203,203,203,203,203,203,-637,-638,-639,-594,-1896,-604,203,-640,-641,-715,-642,-606,203,-574,-579,-582,-585,203,203,203,-600,-603,203,-610,203,203,203,203,203,203,203,203,203,203,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,203,203,203,-997,203,203,203,203,203,203,-308,-327,-321,-298,-377,-454,-455,-456,-460,203,-445,203,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,203,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,203,203,203,203,203,203,203,203,203,-318,-537,-510,-593,-939,-941,-942,-440,203,-442,-382,-383,-385,-509,-511,-513,203,-515,-516,-521,-522,203,-534,-536,-539,-540,-545,-550,-728,203,-729,203,-734,203,-736,203,-741,-658,-662,-663,203,-668,203,-669,203,-674,-676,203,-679,203,203,203,-689,-691,203,-694,203,203,-746,203,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,203,203,203,203,203,-879,203,-882,-910,-922,-927,-390,-391,203,-396,203,-399,203,-404,203,-405,203,-410,203,-415,203,-419,203,-420,203,-425,203,-428,-901,-902,-645,-587,-1896,-903,203,203,203,-802,203,203,-806,203,-809,-835,203,-820,203,-822,203,-824,-810,203,-826,203,-853,-854,203,203,-813,203,-648,-904,-906,-650,-651,-647,203,-707,-708,203,-644,-905,-649,-652,-605,-716,203,203,-607,-588,203,203,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,203,203,-711,-712,203,-718,203,203,203,203,203,203,-940,203,-441,-443,-749,203,-893,203,-717,-1896,203,203,203,203,203,-444,-514,-525,203,-730,-735,203,-737,203,-742,203,-664,-670,203,-680,-682,-684,-685,-692,-695,-699,-747,203,203,-876,203,203,-880,203,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,203,-814,203,-816,-803,203,-804,-807,203,-818,-821,-823,-825,-827,203,-828,203,-811,203,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,203,-284,203,203,203,203,-457,203,203,-731,203,-738,203,-743,203,-665,-673,203,203,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,203,-838,-53,203,203,-732,203,-739,203,-744,-666,203,-875,-54,203,203,-733,-740,-745,203,203,203,-874,]),'DEPTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[204,204,204,204,-1896,204,204,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,204,204,204,204,-277,-278,204,-1427,204,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,204,204,204,-492,204,204,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,204,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,204,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,204,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,204,-174,-175,-176,-177,-995,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-292,-293,-283,204,204,204,204,204,-330,-320,-334,-335,-336,204,204,-984,-985,-986,-987,-988,-989,-990,204,204,204,204,204,204,204,204,204,204,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,204,204,204,-355,-358,204,-325,-326,-143,204,-144,204,-145,204,-432,-937,-938,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-1896,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-1896,204,-1896,204,204,204,204,204,204,204,204,204,204,204,204,-1896,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-1896,204,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,204,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,204,204,204,-193,-194,204,-996,204,204,204,204,204,-279,-280,-281,-282,-367,204,-310,204,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,204,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,204,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,204,204,204,204,204,204,-575,204,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,204,204,-725,-726,-727,204,204,204,204,204,204,-996,204,204,-93,-94,204,204,204,204,-311,-312,-322,204,-309,-295,-296,-297,204,204,204,204,-620,-635,-592,204,204,-438,204,-439,204,-446,-447,-448,-380,-381,204,204,204,-508,204,204,-512,204,204,204,204,-517,-518,-519,-520,204,204,-523,-524,204,-526,-527,-528,-529,-530,-531,-532,-533,204,-535,204,204,204,-541,-543,-544,204,-546,-547,-548,-549,204,204,204,204,204,204,-654,-655,-656,-657,204,-659,-660,-661,204,204,204,-667,204,204,-671,-672,204,204,-675,204,-677,-678,204,-681,204,-683,204,204,-686,-687,-688,204,-690,204,204,-693,204,204,-696,-697,-698,204,-700,-701,-702,-703,204,204,-748,204,-751,-752,-753,-754,-755,204,-757,-758,-759,-760,-761,204,-768,-769,-771,204,-773,-774,-775,-784,-858,-860,-862,-864,204,204,204,204,-870,204,-872,204,204,204,204,204,204,204,-908,-909,204,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,204,-923,-926,204,-936,204,-387,-388,-389,204,204,-392,-393,-394,-395,204,-398,204,-401,-402,204,-403,204,-408,-409,204,-412,-413,-414,204,-417,204,-418,204,-423,-424,204,-427,204,-430,-431,-1896,-1896,204,-621,-622,-623,-624,-625,-636,-586,-626,-799,204,204,204,204,204,-833,204,204,-808,204,-834,204,204,204,204,-800,204,-855,-801,204,204,204,204,204,204,-856,-857,204,-836,-832,-837,204,-627,204,-628,-629,-630,-631,-576,204,204,-632,-633,-634,204,204,204,204,204,204,-637,-638,-639,-594,-1896,-604,204,-640,-641,-715,-642,-606,204,-574,-579,-582,-585,204,204,204,-600,-603,204,-610,204,204,204,204,204,204,204,204,204,204,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,204,204,204,-997,204,204,204,204,204,204,-308,-327,-321,-298,-377,-454,-455,-456,-460,204,-445,204,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,204,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,204,204,204,204,204,204,204,204,204,-318,-537,-510,-593,-939,-941,-942,-440,204,-442,-382,-383,-385,-509,-511,-513,204,-515,-516,-521,-522,204,-534,-536,-539,-540,-545,-550,-728,204,-729,204,-734,204,-736,204,-741,-658,-662,-663,204,-668,204,-669,204,-674,-676,204,-679,204,204,204,-689,-691,204,-694,204,204,-746,204,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,204,204,204,204,204,-879,204,-882,-910,-922,-927,-390,-391,204,-396,204,-399,204,-404,204,-405,204,-410,204,-415,204,-419,204,-420,204,-425,204,-428,-901,-902,-645,-587,-1896,-903,204,204,204,-802,204,204,-806,204,-809,-835,204,-820,204,-822,204,-824,-810,204,-826,204,-853,-854,204,204,-813,204,-648,-904,-906,-650,-651,-647,204,-707,-708,204,-644,-905,-649,-652,-605,-716,204,204,-607,-588,204,204,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,204,204,-711,-712,204,-718,204,204,204,204,204,204,-940,204,-441,-443,-749,204,-893,204,-717,-1896,204,204,204,204,204,-444,-514,-525,204,-730,-735,204,-737,204,-742,204,-664,-670,204,-680,-682,-684,-685,-692,-695,-699,-747,204,204,-876,204,204,-880,204,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,204,-814,204,-816,-803,204,-804,-807,204,-818,-821,-823,-825,-827,204,-828,204,-811,204,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,204,-284,204,204,204,204,-457,204,204,-731,204,-738,204,-743,204,-665,-673,204,204,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,204,-838,-53,204,204,-732,204,-739,204,-744,-666,204,-875,-54,204,204,-733,-740,-745,204,204,204,-874,]),'DESTINATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[205,205,205,205,-1896,205,205,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,205,205,205,205,-277,-278,205,-1427,205,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,205,205,205,-492,205,205,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,205,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,205,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,205,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,205,-174,-175,-176,-177,-995,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-292,-293,-283,205,205,205,205,205,-330,-320,-334,-335,-336,205,205,-984,-985,-986,-987,-988,-989,-990,205,205,205,205,205,205,205,205,205,205,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,205,205,205,-355,-358,205,-325,-326,-143,205,-144,205,-145,205,-432,-937,-938,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-1896,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-1896,205,-1896,205,205,205,205,205,205,205,205,205,205,205,205,-1896,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-1896,205,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,205,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,205,205,205,-193,-194,205,-996,205,205,205,205,205,-279,-280,-281,-282,-367,205,-310,205,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,205,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,205,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,205,205,205,205,205,205,-575,205,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,205,205,-725,-726,-727,205,205,205,205,205,205,-996,205,205,-93,-94,205,205,205,205,-311,-312,-322,205,-309,-295,-296,-297,205,205,205,205,-620,-635,-592,205,205,-438,205,-439,205,-446,-447,-448,-380,-381,205,205,205,-508,205,205,-512,205,205,205,205,-517,-518,-519,-520,205,205,-523,-524,205,-526,-527,-528,-529,-530,-531,-532,-533,205,-535,205,205,205,-541,-543,-544,205,-546,-547,-548,-549,205,205,205,205,205,205,-654,-655,-656,-657,205,-659,-660,-661,205,205,205,-667,205,205,-671,-672,205,205,-675,205,-677,-678,205,-681,205,-683,205,205,-686,-687,-688,205,-690,205,205,-693,205,205,-696,-697,-698,205,-700,-701,-702,-703,205,205,-748,205,-751,-752,-753,-754,-755,205,-757,-758,-759,-760,-761,205,-768,-769,-771,205,-773,-774,-775,-784,-858,-860,-862,-864,205,205,205,205,-870,205,-872,205,205,205,205,205,205,205,-908,-909,205,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,205,-923,-926,205,-936,205,-387,-388,-389,205,205,-392,-393,-394,-395,205,-398,205,-401,-402,205,-403,205,-408,-409,205,-412,-413,-414,205,-417,205,-418,205,-423,-424,205,-427,205,-430,-431,-1896,-1896,205,-621,-622,-623,-624,-625,-636,-586,-626,-799,205,205,205,205,205,-833,205,205,-808,205,-834,205,205,205,205,-800,205,-855,-801,205,205,205,205,205,205,-856,-857,205,-836,-832,-837,205,-627,205,-628,-629,-630,-631,-576,205,205,-632,-633,-634,205,205,205,205,205,205,-637,-638,-639,-594,-1896,-604,205,-640,-641,-715,-642,-606,205,-574,-579,-582,-585,205,205,205,-600,-603,205,-610,205,205,205,205,205,205,205,205,205,205,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,205,205,205,-997,205,205,205,205,205,205,-308,-327,-321,-298,-377,-454,-455,-456,-460,205,-445,205,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,205,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,205,205,205,205,205,205,205,205,205,-318,-537,-510,-593,-939,-941,-942,-440,205,-442,-382,-383,-385,-509,-511,-513,205,-515,-516,-521,-522,205,-534,-536,-539,-540,-545,-550,-728,205,-729,205,-734,205,-736,205,-741,-658,-662,-663,205,-668,205,-669,205,-674,-676,205,-679,205,205,205,-689,-691,205,-694,205,205,-746,205,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,205,205,205,205,205,-879,205,-882,-910,-922,-927,-390,-391,205,-396,205,-399,205,-404,205,-405,205,-410,205,-415,205,-419,205,-420,205,-425,205,-428,-901,-902,-645,-587,-1896,-903,205,205,205,-802,205,205,-806,205,-809,-835,205,-820,205,-822,205,-824,-810,205,-826,205,-853,-854,205,205,-813,205,-648,-904,-906,-650,-651,-647,205,-707,-708,205,-644,-905,-649,-652,-605,-716,205,205,-607,-588,205,205,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,205,205,-711,-712,205,-718,205,205,205,205,205,205,-940,205,-441,-443,-749,205,-893,205,-717,-1896,205,205,205,205,205,-444,-514,-525,205,-730,-735,205,-737,205,-742,205,-664,-670,205,-680,-682,-684,-685,-692,-695,-699,-747,205,205,-876,205,205,-880,205,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,205,-814,205,-816,-803,205,-804,-807,205,-818,-821,-823,-825,-827,205,-828,205,-811,205,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,205,-284,205,205,205,205,-457,205,205,-731,205,-738,205,-743,205,-665,-673,205,205,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,205,-838,-53,205,205,-732,205,-739,205,-744,-666,205,-875,-54,205,205,-733,-740,-745,205,205,205,-874,]),'DES_KEY_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[206,206,206,206,-1896,206,206,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,206,206,206,206,-277,-278,206,-1427,206,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,206,206,206,-492,206,206,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,206,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,206,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,206,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,206,-174,-175,-176,-177,-995,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-292,-293,-283,206,206,206,206,206,-330,-320,-334,-335,-336,206,206,-984,-985,-986,-987,-988,-989,-990,206,206,206,206,206,206,206,206,206,206,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,206,206,206,-355,-358,206,-325,-326,-143,206,-144,206,-145,206,-432,-937,-938,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-1896,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-1896,206,-1896,206,206,206,206,206,206,206,206,206,206,206,206,-1896,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-1896,206,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,206,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,206,206,206,-193,-194,206,-996,206,206,206,206,206,-279,-280,-281,-282,-367,206,-310,206,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,206,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,206,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,206,206,206,206,206,206,-575,206,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,206,206,-725,-726,-727,206,206,206,206,206,206,-996,206,206,-93,-94,206,206,206,206,-311,-312,-322,206,-309,-295,-296,-297,206,206,206,206,-620,-635,-592,206,206,-438,206,-439,206,-446,-447,-448,-380,-381,206,206,206,-508,206,206,-512,206,206,206,206,-517,-518,-519,-520,206,206,-523,-524,206,-526,-527,-528,-529,-530,-531,-532,-533,206,-535,206,206,206,-541,-543,-544,206,-546,-547,-548,-549,206,206,206,206,206,206,-654,-655,-656,-657,206,-659,-660,-661,206,206,206,-667,206,206,-671,-672,206,206,-675,206,-677,-678,206,-681,206,-683,206,206,-686,-687,-688,206,-690,206,206,-693,206,206,-696,-697,-698,206,-700,-701,-702,-703,206,206,-748,206,-751,-752,-753,-754,-755,206,-757,-758,-759,-760,-761,206,-768,-769,-771,206,-773,-774,-775,-784,-858,-860,-862,-864,206,206,206,206,-870,206,-872,206,206,206,206,206,206,206,-908,-909,206,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,206,-923,-926,206,-936,206,-387,-388,-389,206,206,-392,-393,-394,-395,206,-398,206,-401,-402,206,-403,206,-408,-409,206,-412,-413,-414,206,-417,206,-418,206,-423,-424,206,-427,206,-430,-431,-1896,-1896,206,-621,-622,-623,-624,-625,-636,-586,-626,-799,206,206,206,206,206,-833,206,206,-808,206,-834,206,206,206,206,-800,206,-855,-801,206,206,206,206,206,206,-856,-857,206,-836,-832,-837,206,-627,206,-628,-629,-630,-631,-576,206,206,-632,-633,-634,206,206,206,206,206,206,-637,-638,-639,-594,-1896,-604,206,-640,-641,-715,-642,-606,206,-574,-579,-582,-585,206,206,206,-600,-603,206,-610,206,206,206,206,206,206,206,206,206,206,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,206,206,206,-997,206,206,206,206,206,206,-308,-327,-321,-298,-377,-454,-455,-456,-460,206,-445,206,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,206,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,206,206,206,206,206,206,206,206,206,-318,-537,-510,-593,-939,-941,-942,-440,206,-442,-382,-383,-385,-509,-511,-513,206,-515,-516,-521,-522,206,-534,-536,-539,-540,-545,-550,-728,206,-729,206,-734,206,-736,206,-741,-658,-662,-663,206,-668,206,-669,206,-674,-676,206,-679,206,206,206,-689,-691,206,-694,206,206,-746,206,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,206,206,206,206,206,-879,206,-882,-910,-922,-927,-390,-391,206,-396,206,-399,206,-404,206,-405,206,-410,206,-415,206,-419,206,-420,206,-425,206,-428,-901,-902,-645,-587,-1896,-903,206,206,206,-802,206,206,-806,206,-809,-835,206,-820,206,-822,206,-824,-810,206,-826,206,-853,-854,206,206,-813,206,-648,-904,-906,-650,-651,-647,206,-707,-708,206,-644,-905,-649,-652,-605,-716,206,206,-607,-588,206,206,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,206,206,-711,-712,206,-718,206,206,206,206,206,206,-940,206,-441,-443,-749,206,-893,206,-717,-1896,206,206,206,206,206,-444,-514,-525,206,-730,-735,206,-737,206,-742,206,-664,-670,206,-680,-682,-684,-685,-692,-695,-699,-747,206,206,-876,206,206,-880,206,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,206,-814,206,-816,-803,206,-804,-807,206,-818,-821,-823,-825,-827,206,-828,206,-811,206,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,206,-284,206,206,206,206,-457,206,206,-731,206,-738,206,-743,206,-665,-673,206,206,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,206,-838,-53,206,206,-732,206,-739,206,-744,-666,206,-875,-54,206,206,-733,-740,-745,206,206,206,-874,]),'DETERMINISTIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[207,207,207,207,-1896,207,207,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,207,207,207,207,-277,-278,207,-1427,207,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,207,207,207,-492,207,207,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,207,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,207,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,207,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,207,-174,-175,-176,-177,-995,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-292,-293,-283,207,207,207,207,207,-330,-320,-334,-335,-336,207,207,-984,-985,-986,-987,-988,-989,-990,207,207,207,207,207,207,207,207,207,207,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,207,207,207,-355,-358,207,-325,-326,-143,207,-144,207,-145,207,-432,-937,-938,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-1896,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-1896,207,-1896,207,207,207,207,207,207,207,207,207,207,207,207,-1896,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-1896,207,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,207,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,207,207,207,-193,-194,207,-996,207,207,207,207,207,-279,-280,-281,-282,-367,207,-310,207,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,207,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,207,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,207,207,207,207,207,207,-575,207,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,207,207,-725,-726,-727,207,207,207,207,207,207,-996,207,207,-93,-94,207,207,207,207,-311,-312,-322,207,-309,-295,-296,-297,207,207,207,207,-620,-635,-592,207,207,-438,207,-439,207,-446,-447,-448,-380,-381,207,207,207,-508,207,207,-512,207,207,207,207,-517,-518,-519,-520,207,207,-523,-524,207,-526,-527,-528,-529,-530,-531,-532,-533,207,-535,207,207,207,-541,-543,-544,207,-546,-547,-548,-549,207,207,207,207,207,207,-654,-655,-656,-657,207,-659,-660,-661,207,207,207,-667,207,207,-671,-672,207,207,-675,207,-677,-678,207,-681,207,-683,207,207,-686,-687,-688,207,-690,207,207,-693,207,207,-696,-697,-698,207,-700,-701,-702,-703,207,207,-748,207,-751,-752,-753,-754,-755,207,-757,-758,-759,-760,-761,207,-768,-769,-771,207,-773,-774,-775,-784,-858,-860,-862,-864,207,207,207,207,-870,207,-872,207,207,207,207,207,207,207,-908,-909,207,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,207,-923,-926,207,-936,207,-387,-388,-389,207,207,-392,-393,-394,-395,207,-398,207,-401,-402,207,-403,207,-408,-409,207,-412,-413,-414,207,-417,207,-418,207,-423,-424,207,-427,207,-430,-431,-1896,-1896,207,-621,-622,-623,-624,-625,-636,-586,-626,-799,207,207,207,207,207,-833,207,207,-808,207,-834,207,207,207,207,-800,207,-855,-801,207,207,207,207,207,207,-856,-857,207,-836,-832,-837,207,-627,207,-628,-629,-630,-631,-576,207,207,-632,-633,-634,207,207,207,207,207,207,-637,-638,-639,-594,-1896,-604,207,-640,-641,-715,-642,-606,207,-574,-579,-582,-585,207,207,207,-600,-603,207,-610,207,207,207,207,207,207,207,207,207,207,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,207,207,207,-997,207,207,207,207,207,207,-308,-327,-321,-298,-377,-454,-455,-456,-460,207,-445,207,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,207,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,207,207,207,207,207,207,207,207,207,-318,-537,-510,-593,-939,-941,-942,-440,207,-442,-382,-383,-385,-509,-511,-513,207,-515,-516,-521,-522,207,-534,-536,-539,-540,-545,-550,-728,207,-729,207,-734,207,-736,207,-741,-658,-662,-663,207,-668,207,-669,207,-674,-676,207,-679,207,207,207,-689,-691,207,-694,207,207,-746,207,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,207,207,207,207,207,-879,207,-882,-910,-922,-927,-390,-391,207,-396,207,-399,207,-404,207,-405,207,-410,207,-415,207,-419,207,-420,207,-425,207,-428,-901,-902,-645,-587,-1896,-903,207,207,207,-802,207,207,-806,207,-809,-835,207,-820,207,-822,207,-824,-810,207,-826,207,-853,-854,207,207,-813,207,-648,-904,-906,-650,-651,-647,207,-707,-708,207,-644,-905,-649,-652,-605,-716,207,207,-607,-588,207,207,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,207,207,-711,-712,207,-718,207,207,207,207,207,207,-940,207,-441,-443,-749,207,-893,207,-717,-1896,207,207,207,207,207,-444,-514,-525,207,-730,-735,207,-737,207,-742,207,-664,-670,207,-680,-682,-684,-685,-692,-695,-699,-747,207,207,-876,207,207,-880,207,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,207,-814,207,-816,-803,207,-804,-807,207,-818,-821,-823,-825,-827,207,-828,207,-811,207,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,207,-284,207,207,207,207,-457,207,207,-731,207,-738,207,-743,207,-665,-673,207,207,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,207,-838,-53,207,207,-732,207,-739,207,-744,-666,207,-875,-54,207,207,-733,-740,-745,207,207,207,-874,]),'DIAGNOSTICS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[208,208,208,208,-1896,208,208,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,208,208,208,208,-277,-278,208,-1427,208,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,208,208,208,-492,208,208,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,208,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,208,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,208,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,208,-174,-175,-176,-177,-995,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-292,-293,-283,208,208,208,208,208,-330,-320,-334,-335,-336,208,208,-984,-985,-986,-987,-988,-989,-990,208,208,208,208,208,208,208,208,208,208,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,208,208,208,-355,-358,208,-325,-326,-143,208,-144,208,-145,208,-432,-937,-938,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-1896,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-1896,208,-1896,208,208,208,208,208,208,208,208,208,208,208,208,-1896,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-1896,208,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,208,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,208,208,208,-193,-194,208,-996,208,208,208,208,208,-279,-280,-281,-282,-367,208,-310,208,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,208,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,208,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,208,208,208,208,208,208,-575,208,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,208,208,-725,-726,-727,208,208,208,208,208,208,-996,208,208,-93,-94,208,208,208,208,-311,-312,-322,208,-309,-295,-296,-297,208,208,208,208,-620,-635,-592,208,208,-438,208,-439,208,-446,-447,-448,-380,-381,208,208,208,-508,208,208,-512,208,208,208,208,-517,-518,-519,-520,208,208,-523,-524,208,-526,-527,-528,-529,-530,-531,-532,-533,208,-535,208,208,208,-541,-543,-544,208,-546,-547,-548,-549,208,208,208,208,208,208,-654,-655,-656,-657,208,-659,-660,-661,208,208,208,-667,208,208,-671,-672,208,208,-675,208,-677,-678,208,-681,208,-683,208,208,-686,-687,-688,208,-690,208,208,-693,208,208,-696,-697,-698,208,-700,-701,-702,-703,208,208,-748,208,-751,-752,-753,-754,-755,208,-757,-758,-759,-760,-761,208,-768,-769,-771,208,-773,-774,-775,-784,-858,-860,-862,-864,208,208,208,208,-870,208,-872,208,208,208,208,208,208,208,-908,-909,208,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,208,-923,-926,208,-936,208,-387,-388,-389,208,208,-392,-393,-394,-395,208,-398,208,-401,-402,208,-403,208,-408,-409,208,-412,-413,-414,208,-417,208,-418,208,-423,-424,208,-427,208,-430,-431,-1896,-1896,208,-621,-622,-623,-624,-625,-636,-586,-626,-799,208,208,208,208,208,-833,208,208,-808,208,-834,208,208,208,208,-800,208,-855,-801,208,208,208,208,208,208,-856,-857,208,-836,-832,-837,208,-627,208,-628,-629,-630,-631,-576,208,208,-632,-633,-634,208,208,208,208,208,208,-637,-638,-639,-594,-1896,-604,208,-640,-641,-715,-642,-606,208,-574,-579,-582,-585,208,208,208,-600,-603,208,-610,208,208,208,208,208,208,208,208,208,208,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,208,208,208,-997,208,208,208,208,208,208,-308,-327,-321,-298,-377,-454,-455,-456,-460,208,-445,208,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,208,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,208,208,208,208,208,208,208,208,208,-318,-537,-510,-593,-939,-941,-942,-440,208,-442,-382,-383,-385,-509,-511,-513,208,-515,-516,-521,-522,208,-534,-536,-539,-540,-545,-550,-728,208,-729,208,-734,208,-736,208,-741,-658,-662,-663,208,-668,208,-669,208,-674,-676,208,-679,208,208,208,-689,-691,208,-694,208,208,-746,208,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,208,208,208,208,208,-879,208,-882,-910,-922,-927,-390,-391,208,-396,208,-399,208,-404,208,-405,208,-410,208,-415,208,-419,208,-420,208,-425,208,-428,-901,-902,-645,-587,-1896,-903,208,208,208,-802,208,208,-806,208,-809,-835,208,-820,208,-822,208,-824,-810,208,-826,208,-853,-854,208,208,-813,208,-648,-904,-906,-650,-651,-647,208,-707,-708,208,-644,-905,-649,-652,-605,-716,208,208,-607,-588,208,208,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,208,208,-711,-712,208,-718,208,208,208,208,208,208,-940,208,-441,-443,-749,208,-893,208,-717,-1896,208,208,208,208,208,-444,-514,-525,208,-730,-735,208,-737,208,-742,208,-664,-670,208,-680,-682,-684,-685,-692,-695,-699,-747,208,208,-876,208,208,-880,208,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,208,-814,208,-816,-803,208,-804,-807,208,-818,-821,-823,-825,-827,208,-828,208,-811,208,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,208,-284,208,208,208,208,-457,208,208,-731,208,-738,208,-743,208,-665,-673,208,208,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,208,-838,-53,208,208,-732,208,-739,208,-744,-666,208,-875,-54,208,208,-733,-740,-745,208,208,208,-874,]),'DIRECTORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[209,209,209,209,-1896,209,209,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,209,209,209,209,-277,-278,209,-1427,209,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,209,209,209,-492,209,209,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,209,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,209,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,209,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,209,-174,-175,-176,-177,-995,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-292,-293,-283,209,209,209,209,209,-330,-320,-334,-335,-336,209,209,-984,-985,-986,-987,-988,-989,-990,209,209,209,209,209,209,209,209,209,209,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,209,209,209,-355,-358,209,-325,-326,-143,209,-144,209,-145,209,-432,-937,-938,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-1896,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-1896,209,-1896,209,209,209,209,209,209,209,209,209,209,209,209,-1896,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-1896,209,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,209,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,209,209,209,-193,-194,209,-996,209,209,209,209,209,-279,-280,-281,-282,-367,209,-310,209,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,209,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,209,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,209,209,209,209,209,209,-575,209,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,209,209,-725,-726,-727,209,209,209,209,209,209,-996,209,209,-93,-94,209,209,209,209,-311,-312,-322,209,-309,-295,-296,-297,209,209,209,209,-620,-635,-592,209,209,-438,209,-439,209,-446,-447,-448,-380,-381,209,209,209,-508,209,209,-512,209,209,209,209,-517,-518,-519,-520,209,209,-523,-524,209,-526,-527,-528,-529,-530,-531,-532,-533,209,-535,209,209,209,-541,-543,-544,209,-546,-547,-548,-549,209,209,209,209,209,209,-654,-655,-656,-657,209,-659,-660,-661,209,209,209,-667,209,209,-671,-672,209,209,-675,209,-677,-678,209,-681,209,-683,209,209,-686,-687,-688,209,-690,209,209,-693,209,209,-696,-697,-698,209,-700,-701,-702,-703,209,209,-748,209,-751,-752,-753,-754,-755,209,-757,-758,-759,-760,-761,209,-768,-769,-771,209,-773,-774,-775,-784,-858,-860,-862,-864,209,209,209,209,-870,209,-872,209,209,209,209,209,209,209,-908,-909,209,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,209,-923,-926,209,-936,209,-387,-388,-389,209,209,-392,-393,-394,-395,209,-398,209,-401,-402,209,-403,209,-408,-409,209,-412,-413,-414,209,-417,209,-418,209,-423,-424,209,-427,209,-430,-431,-1896,-1896,209,-621,-622,-623,-624,-625,-636,-586,-626,-799,209,209,209,209,209,-833,209,209,-808,209,-834,209,209,209,209,-800,209,-855,-801,209,209,209,209,209,209,-856,-857,209,-836,-832,-837,209,-627,209,-628,-629,-630,-631,-576,209,209,-632,-633,-634,209,209,209,209,209,209,-637,-638,-639,-594,-1896,-604,209,-640,-641,-715,-642,-606,209,-574,-579,-582,-585,209,209,209,-600,-603,209,-610,209,209,209,209,209,209,209,209,209,209,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,209,209,209,-997,209,209,209,209,209,209,-308,-327,-321,-298,-377,-454,-455,-456,-460,209,-445,209,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,209,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,209,209,209,209,209,209,209,209,209,-318,-537,-510,-593,-939,-941,-942,-440,209,-442,-382,-383,-385,-509,-511,-513,209,-515,-516,-521,-522,209,-534,-536,-539,-540,-545,-550,-728,209,-729,209,-734,209,-736,209,-741,-658,-662,-663,209,-668,209,-669,209,-674,-676,209,-679,209,209,209,-689,-691,209,-694,209,209,-746,209,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,209,209,209,209,209,-879,209,-882,-910,-922,-927,-390,-391,209,-396,209,-399,209,-404,209,-405,209,-410,209,-415,209,-419,209,-420,209,-425,209,-428,-901,-902,-645,-587,-1896,-903,209,209,209,-802,209,209,-806,209,-809,-835,209,-820,209,-822,209,-824,-810,209,-826,209,-853,-854,209,209,-813,209,-648,-904,-906,-650,-651,-647,209,-707,-708,209,-644,-905,-649,-652,-605,-716,209,209,-607,-588,209,209,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,209,209,-711,-712,209,-718,209,209,209,209,209,209,-940,209,-441,-443,-749,209,-893,209,-717,-1896,209,209,209,209,209,-444,-514,-525,209,-730,-735,209,-737,209,-742,209,-664,-670,209,-680,-682,-684,-685,-692,-695,-699,-747,209,209,-876,209,209,-880,209,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,209,-814,209,-816,-803,209,-804,-807,209,-818,-821,-823,-825,-827,209,-828,209,-811,209,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,209,-284,209,209,209,209,-457,209,209,-731,209,-738,209,-743,209,-665,-673,209,209,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,209,-838,-53,209,209,-732,209,-739,209,-744,-666,209,-875,-54,209,209,-733,-740,-745,209,209,209,-874,]),'DISABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[210,210,210,210,-1896,210,210,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,210,210,210,210,-277,-278,210,-1427,210,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,210,210,210,-492,210,210,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,210,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,210,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,210,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,210,-174,-175,-176,-177,-995,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-292,-293,-283,210,210,210,210,210,-330,-320,-334,-335,-336,210,210,-984,-985,-986,-987,-988,-989,-990,210,210,210,210,210,210,210,210,210,210,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,210,210,210,-355,-358,210,-325,-326,-143,210,-144,210,-145,210,-432,-937,-938,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-1896,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-1896,210,-1896,210,210,210,210,210,210,210,210,210,210,210,210,-1896,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-1896,210,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,210,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,210,210,210,-193,-194,210,-996,210,210,210,210,210,-279,-280,-281,-282,-367,210,-310,210,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,210,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,210,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,210,210,210,210,210,210,-575,210,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,210,210,-725,-726,-727,210,210,210,210,210,210,-996,210,210,-93,-94,210,210,210,210,-311,-312,-322,210,-309,-295,-296,-297,210,210,210,210,-620,-635,-592,210,210,-438,210,-439,210,-446,-447,-448,-380,-381,210,210,210,-508,210,210,-512,210,210,210,210,-517,-518,-519,-520,210,210,-523,-524,210,-526,-527,-528,-529,-530,-531,-532,-533,210,-535,210,210,210,-541,-543,-544,210,-546,-547,-548,-549,210,210,210,210,210,210,-654,-655,-656,-657,210,-659,-660,-661,210,210,210,-667,210,210,-671,-672,210,210,-675,210,-677,-678,210,-681,210,-683,210,210,-686,-687,-688,210,-690,210,210,-693,210,210,-696,-697,-698,210,-700,-701,-702,-703,210,210,-748,210,-751,-752,-753,-754,-755,210,-757,-758,-759,-760,-761,210,-768,-769,-771,210,-773,-774,-775,-784,-858,-860,-862,-864,210,210,210,210,-870,210,-872,210,210,210,210,210,210,210,-908,-909,210,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,210,-923,-926,210,-936,210,-387,-388,-389,210,210,-392,-393,-394,-395,210,-398,210,-401,-402,210,-403,210,-408,-409,210,-412,-413,-414,210,-417,210,-418,210,-423,-424,210,-427,210,-430,-431,-1896,-1896,210,-621,-622,-623,-624,-625,-636,-586,-626,-799,210,210,210,210,210,-833,210,210,-808,210,-834,210,210,210,210,-800,210,-855,-801,210,210,210,210,210,210,-856,-857,210,-836,-832,-837,210,-627,210,-628,-629,-630,-631,-576,210,210,-632,-633,-634,210,210,210,210,210,210,-637,-638,-639,-594,-1896,-604,210,-640,-641,-715,-642,-606,210,-574,-579,-582,-585,210,210,210,-600,-603,210,-610,210,210,210,210,210,210,210,210,210,210,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,210,210,210,-997,210,210,210,210,210,210,-308,-327,-321,-298,-377,-454,-455,-456,-460,210,-445,210,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,210,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,210,210,210,210,210,210,210,210,210,-318,-537,-510,-593,-939,-941,-942,-440,210,-442,-382,-383,-385,-509,-511,-513,210,-515,-516,-521,-522,210,-534,-536,-539,-540,-545,-550,-728,210,-729,210,-734,210,-736,210,-741,-658,-662,-663,210,-668,210,-669,210,-674,-676,210,-679,210,210,210,-689,-691,210,-694,210,210,-746,210,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,210,210,210,210,210,-879,210,-882,-910,-922,-927,-390,-391,210,-396,210,-399,210,-404,210,-405,210,-410,210,-415,210,-419,210,-420,210,-425,210,-428,-901,-902,-645,-587,-1896,-903,210,210,210,-802,210,210,-806,210,-809,-835,210,-820,210,-822,210,-824,-810,210,-826,210,-853,-854,210,210,-813,210,-648,-904,-906,-650,-651,-647,210,-707,-708,210,-644,-905,-649,-652,-605,-716,210,210,-607,-588,210,210,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,210,210,-711,-712,210,-718,210,210,210,210,210,210,-940,210,-441,-443,-749,210,-893,210,-717,-1896,210,210,210,210,210,-444,-514,-525,210,-730,-735,210,-737,210,-742,210,-664,-670,210,-680,-682,-684,-685,-692,-695,-699,-747,210,210,-876,210,210,-880,210,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,210,-814,210,-816,-803,210,-804,-807,210,-818,-821,-823,-825,-827,210,-828,210,-811,210,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,210,-284,210,210,210,210,-457,210,210,-731,210,-738,210,-743,210,-665,-673,210,210,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,210,-838,-53,210,210,-732,210,-739,210,-744,-666,210,-875,-54,210,210,-733,-740,-745,210,210,210,-874,]),'DISCARD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[211,211,211,211,-1896,211,211,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,211,211,211,211,-277,-278,211,-1427,211,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,211,211,211,-492,211,211,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,211,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,211,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,211,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,211,-174,-175,-176,-177,-995,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-292,-293,-283,211,211,211,211,211,-330,-320,-334,-335,-336,211,211,-984,-985,-986,-987,-988,-989,-990,211,211,211,211,211,211,211,211,211,211,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,211,211,211,-355,-358,211,-325,-326,-143,211,-144,211,-145,211,-432,-937,-938,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-1896,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-1896,211,-1896,211,211,211,211,211,211,211,211,211,211,211,211,-1896,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-1896,211,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,211,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,211,211,211,-193,-194,211,-996,211,211,211,211,211,-279,-280,-281,-282,-367,211,-310,211,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,211,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,211,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,211,211,211,211,211,211,-575,211,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,211,211,-725,-726,-727,211,211,211,211,211,211,-996,211,211,-93,-94,211,211,211,211,-311,-312,-322,211,-309,-295,-296,-297,211,211,211,211,-620,-635,-592,211,211,-438,211,-439,211,-446,-447,-448,-380,-381,211,211,211,-508,211,211,-512,211,211,211,211,-517,-518,-519,-520,211,211,-523,-524,211,-526,-527,-528,-529,-530,-531,-532,-533,211,-535,211,211,211,-541,-543,-544,211,-546,-547,-548,-549,211,211,211,211,211,211,-654,-655,-656,-657,211,-659,-660,-661,211,211,211,-667,211,211,-671,-672,211,211,-675,211,-677,-678,211,-681,211,-683,211,211,-686,-687,-688,211,-690,211,211,-693,211,211,-696,-697,-698,211,-700,-701,-702,-703,211,211,-748,211,-751,-752,-753,-754,-755,211,-757,-758,-759,-760,-761,211,-768,-769,-771,211,-773,-774,-775,-784,-858,-860,-862,-864,211,211,211,211,-870,211,-872,211,211,211,211,211,211,211,-908,-909,211,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,211,-923,-926,211,-936,211,-387,-388,-389,211,211,-392,-393,-394,-395,211,-398,211,-401,-402,211,-403,211,-408,-409,211,-412,-413,-414,211,-417,211,-418,211,-423,-424,211,-427,211,-430,-431,-1896,-1896,211,-621,-622,-623,-624,-625,-636,-586,-626,-799,211,211,211,211,211,-833,211,211,-808,211,-834,211,211,211,211,-800,211,-855,-801,211,211,211,211,211,211,-856,-857,211,-836,-832,-837,211,-627,211,-628,-629,-630,-631,-576,211,211,-632,-633,-634,211,211,211,211,211,211,-637,-638,-639,-594,-1896,-604,211,-640,-641,-715,-642,-606,211,-574,-579,-582,-585,211,211,211,-600,-603,211,-610,211,211,211,211,211,211,211,211,211,211,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,211,211,211,-997,211,211,211,211,211,211,-308,-327,-321,-298,-377,-454,-455,-456,-460,211,-445,211,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,211,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,211,211,211,211,211,211,211,211,211,-318,-537,-510,-593,-939,-941,-942,-440,211,-442,-382,-383,-385,-509,-511,-513,211,-515,-516,-521,-522,211,-534,-536,-539,-540,-545,-550,-728,211,-729,211,-734,211,-736,211,-741,-658,-662,-663,211,-668,211,-669,211,-674,-676,211,-679,211,211,211,-689,-691,211,-694,211,211,-746,211,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,211,211,211,211,211,-879,211,-882,-910,-922,-927,-390,-391,211,-396,211,-399,211,-404,211,-405,211,-410,211,-415,211,-419,211,-420,211,-425,211,-428,-901,-902,-645,-587,-1896,-903,211,211,211,-802,211,211,-806,211,-809,-835,211,-820,211,-822,211,-824,-810,211,-826,211,-853,-854,211,211,-813,211,-648,-904,-906,-650,-651,-647,211,-707,-708,211,-644,-905,-649,-652,-605,-716,211,211,-607,-588,211,211,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,211,211,-711,-712,211,-718,211,211,211,211,211,211,-940,211,-441,-443,-749,211,-893,211,-717,-1896,211,211,211,211,211,-444,-514,-525,211,-730,-735,211,-737,211,-742,211,-664,-670,211,-680,-682,-684,-685,-692,-695,-699,-747,211,211,-876,211,211,-880,211,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,211,-814,211,-816,-803,211,-804,-807,211,-818,-821,-823,-825,-827,211,-828,211,-811,211,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,211,-284,211,211,211,211,-457,211,211,-731,211,-738,211,-743,211,-665,-673,211,211,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,211,-838,-53,211,211,-732,211,-739,211,-744,-666,211,-875,-54,211,211,-733,-740,-745,211,211,211,-874,]),'DISK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[212,212,212,212,-1896,212,212,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,212,212,212,212,-277,-278,212,-1427,212,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,212,212,212,-492,212,212,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,212,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,212,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,212,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,212,-174,-175,-176,-177,-995,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-292,-293,-283,212,212,212,212,212,-330,-320,-334,-335,-336,212,212,-984,-985,-986,-987,-988,-989,-990,212,212,212,212,212,212,212,212,212,212,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,212,212,212,-355,-358,212,-325,-326,-143,212,-144,212,-145,212,-432,-937,-938,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-1896,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-1896,212,-1896,212,212,212,212,212,212,212,212,212,212,212,212,-1896,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-1896,212,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,212,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,212,212,212,-193,-194,212,-996,212,212,212,212,212,-279,-280,-281,-282,-367,212,-310,212,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,212,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,212,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,212,212,212,212,212,212,-575,212,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,212,212,-725,-726,-727,212,212,212,212,212,212,-996,212,212,-93,-94,212,212,212,212,-311,-312,-322,212,-309,-295,-296,-297,212,212,212,212,-620,-635,-592,212,212,-438,212,-439,212,-446,-447,-448,-380,-381,212,212,212,-508,212,212,-512,212,212,212,212,-517,-518,-519,-520,212,212,-523,-524,212,-526,-527,-528,-529,-530,-531,-532,-533,212,-535,212,212,212,-541,-543,-544,212,-546,-547,-548,-549,212,212,212,212,212,212,-654,-655,-656,-657,212,-659,-660,-661,212,212,212,-667,212,212,-671,-672,212,212,-675,212,-677,-678,212,-681,212,-683,212,212,-686,-687,-688,212,-690,212,212,-693,212,212,-696,-697,-698,212,-700,-701,-702,-703,212,212,-748,212,-751,-752,-753,-754,-755,212,-757,-758,-759,-760,-761,212,-768,-769,-771,212,-773,-774,-775,-784,-858,-860,-862,-864,212,212,212,212,-870,212,-872,212,212,212,212,212,212,212,-908,-909,212,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,212,-923,-926,212,-936,212,-387,-388,-389,212,212,-392,-393,-394,-395,212,-398,212,-401,-402,212,-403,212,-408,-409,212,-412,-413,-414,212,-417,212,-418,212,-423,-424,212,-427,212,-430,-431,-1896,-1896,212,-621,-622,-623,-624,-625,-636,-586,-626,-799,212,212,212,212,212,-833,212,212,-808,212,-834,212,212,212,212,-800,212,-855,-801,212,212,212,212,212,212,-856,-857,212,-836,-832,-837,212,-627,212,-628,-629,-630,-631,-576,212,212,-632,-633,-634,212,212,212,212,212,212,-637,-638,-639,-594,-1896,-604,212,-640,-641,-715,-642,-606,212,-574,-579,-582,-585,212,212,212,-600,-603,212,-610,212,212,212,212,212,212,212,212,212,212,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,212,212,212,-997,212,212,212,212,212,212,-308,-327,-321,-298,-377,-454,-455,-456,-460,212,-445,212,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,212,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,212,212,212,212,212,212,212,212,212,-318,-537,-510,-593,-939,-941,-942,-440,212,-442,-382,-383,-385,-509,-511,-513,212,-515,-516,-521,-522,212,-534,-536,-539,-540,-545,-550,-728,212,-729,212,-734,212,-736,212,-741,-658,-662,-663,212,-668,212,-669,212,-674,-676,212,-679,212,212,212,-689,-691,212,-694,212,212,-746,212,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,212,212,212,212,212,-879,212,-882,-910,-922,-927,-390,-391,212,-396,212,-399,212,-404,212,-405,212,-410,212,-415,212,-419,212,-420,212,-425,212,-428,-901,-902,-645,-587,-1896,-903,212,212,212,-802,212,212,-806,212,-809,-835,212,-820,212,-822,212,-824,-810,212,-826,212,-853,-854,212,212,-813,212,-648,-904,-906,-650,-651,-647,212,-707,-708,212,-644,-905,-649,-652,-605,-716,212,212,-607,-588,212,212,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,212,212,-711,-712,212,-718,212,212,212,212,212,212,-940,212,-441,-443,-749,212,-893,212,-717,-1896,212,212,212,212,212,-444,-514,-525,212,-730,-735,212,-737,212,-742,212,-664,-670,212,-680,-682,-684,-685,-692,-695,-699,-747,212,212,-876,212,212,-880,212,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,212,-814,212,-816,-803,212,-804,-807,212,-818,-821,-823,-825,-827,212,-828,212,-811,212,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,212,-284,212,212,212,212,-457,212,212,-731,212,-738,212,-743,212,-665,-673,212,212,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,212,-838,-53,212,212,-732,212,-739,212,-744,-666,212,-875,-54,212,212,-733,-740,-745,212,212,212,-874,]),'DISKGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[213,213,213,213,-1896,213,213,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,213,213,213,213,-277,-278,213,-1427,213,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,213,213,213,-492,213,213,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,213,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,213,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,213,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,213,-174,-175,-176,-177,-995,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-292,-293,-283,213,213,213,213,213,-330,-320,-334,-335,-336,213,213,-984,-985,-986,-987,-988,-989,-990,213,213,213,213,213,213,213,213,213,213,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,213,213,213,-355,-358,213,-325,-326,-143,213,-144,213,-145,213,-432,-937,-938,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-1896,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-1896,213,-1896,213,213,213,213,213,213,213,213,213,213,213,213,-1896,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-1896,213,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,213,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,213,213,213,-193,-194,213,-996,213,213,213,213,213,-279,-280,-281,-282,-367,213,-310,213,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,213,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,213,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,213,213,213,213,213,213,-575,213,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,213,213,-725,-726,-727,213,213,213,213,213,213,-996,213,213,-93,-94,213,213,213,213,-311,-312,-322,213,-309,-295,-296,-297,213,213,213,213,-620,-635,-592,213,213,-438,213,-439,213,-446,-447,-448,-380,-381,213,213,213,-508,213,213,-512,213,213,213,213,-517,-518,-519,-520,213,213,-523,-524,213,-526,-527,-528,-529,-530,-531,-532,-533,213,-535,213,213,213,-541,-543,-544,213,-546,-547,-548,-549,213,213,213,213,213,213,-654,-655,-656,-657,213,-659,-660,-661,213,213,213,-667,213,213,-671,-672,213,213,-675,213,-677,-678,213,-681,213,-683,213,213,-686,-687,-688,213,-690,213,213,-693,213,213,-696,-697,-698,213,-700,-701,-702,-703,213,213,-748,213,-751,-752,-753,-754,-755,213,-757,-758,-759,-760,-761,213,-768,-769,-771,213,-773,-774,-775,-784,-858,-860,-862,-864,213,213,213,213,-870,213,-872,213,213,213,213,213,213,213,-908,-909,213,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,213,-923,-926,213,-936,213,-387,-388,-389,213,213,-392,-393,-394,-395,213,-398,213,-401,-402,213,-403,213,-408,-409,213,-412,-413,-414,213,-417,213,-418,213,-423,-424,213,-427,213,-430,-431,-1896,-1896,213,-621,-622,-623,-624,-625,-636,-586,-626,-799,213,213,213,213,213,-833,213,213,-808,213,-834,213,213,213,213,-800,213,-855,-801,213,213,213,213,213,213,-856,-857,213,-836,-832,-837,213,-627,213,-628,-629,-630,-631,-576,213,213,-632,-633,-634,213,213,213,213,213,213,-637,-638,-639,-594,-1896,-604,213,-640,-641,-715,-642,-606,213,-574,-579,-582,-585,213,213,213,-600,-603,213,-610,213,213,213,213,213,213,213,213,213,213,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,213,213,213,-997,213,213,213,213,213,213,-308,-327,-321,-298,-377,-454,-455,-456,-460,213,-445,213,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,213,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,213,213,213,213,213,213,213,213,213,-318,-537,-510,-593,-939,-941,-942,-440,213,-442,-382,-383,-385,-509,-511,-513,213,-515,-516,-521,-522,213,-534,-536,-539,-540,-545,-550,-728,213,-729,213,-734,213,-736,213,-741,-658,-662,-663,213,-668,213,-669,213,-674,-676,213,-679,213,213,213,-689,-691,213,-694,213,213,-746,213,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,213,213,213,213,213,-879,213,-882,-910,-922,-927,-390,-391,213,-396,213,-399,213,-404,213,-405,213,-410,213,-415,213,-419,213,-420,213,-425,213,-428,-901,-902,-645,-587,-1896,-903,213,213,213,-802,213,213,-806,213,-809,-835,213,-820,213,-822,213,-824,-810,213,-826,213,-853,-854,213,213,-813,213,-648,-904,-906,-650,-651,-647,213,-707,-708,213,-644,-905,-649,-652,-605,-716,213,213,-607,-588,213,213,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,213,213,-711,-712,213,-718,213,213,213,213,213,213,-940,213,-441,-443,-749,213,-893,213,-717,-1896,213,213,213,213,213,-444,-514,-525,213,-730,-735,213,-737,213,-742,213,-664,-670,213,-680,-682,-684,-685,-692,-695,-699,-747,213,213,-876,213,213,-880,213,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,213,-814,213,-816,-803,213,-804,-807,213,-818,-821,-823,-825,-827,213,-828,213,-811,213,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,213,-284,213,213,213,213,-457,213,213,-731,213,-738,213,-743,213,-665,-673,213,213,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,213,-838,-53,213,213,-732,213,-739,213,-744,-666,213,-875,-54,213,213,-733,-740,-745,213,213,213,-874,]),'DO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[214,214,214,214,-1896,214,214,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,214,214,214,214,-277,-278,214,-1427,214,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,214,214,214,-492,214,214,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,214,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,214,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,214,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,214,-174,-175,-176,-177,-995,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-292,-293,-283,214,214,214,214,214,-330,-320,-334,-335,-336,214,214,-984,-985,-986,-987,-988,-989,-990,214,214,214,214,214,214,214,214,214,214,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,214,214,214,-355,-358,214,-325,-326,-143,214,-144,214,-145,214,-432,-937,-938,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-1896,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-1896,214,-1896,214,214,214,214,214,214,214,214,214,214,214,214,-1896,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-1896,214,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,214,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,214,214,214,-193,-194,214,-996,214,214,214,214,214,-279,-280,-281,-282,-367,214,-310,214,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,214,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,214,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,214,214,214,214,214,214,-575,214,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,214,214,-725,-726,-727,214,214,214,214,214,214,-996,214,214,-93,-94,214,214,214,214,-311,-312,-322,214,-309,-295,-296,-297,214,214,214,214,-620,-635,-592,214,214,-438,214,-439,214,-446,-447,-448,-380,-381,214,214,214,-508,214,214,-512,214,214,214,214,-517,-518,-519,-520,214,214,-523,-524,214,-526,-527,-528,-529,-530,-531,-532,-533,214,-535,214,214,214,-541,-543,-544,214,-546,-547,-548,-549,214,214,214,214,214,214,-654,-655,-656,-657,214,-659,-660,-661,214,214,214,-667,214,214,-671,-672,214,214,-675,214,-677,-678,214,-681,214,-683,214,214,-686,-687,-688,214,-690,214,214,-693,214,214,-696,-697,-698,214,-700,-701,-702,-703,214,214,-748,214,-751,-752,-753,-754,-755,214,-757,-758,-759,-760,-761,214,-768,-769,-771,214,-773,-774,-775,-784,-858,-860,-862,-864,214,214,214,214,-870,214,-872,214,214,214,214,214,214,214,-908,-909,214,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,214,-923,-926,214,-936,214,-387,-388,-389,214,214,-392,-393,-394,-395,214,-398,214,-401,-402,214,-403,214,-408,-409,214,-412,-413,-414,214,-417,214,-418,214,-423,-424,214,-427,214,-430,-431,-1896,-1896,214,-621,-622,-623,-624,-625,-636,-586,-626,-799,214,214,214,214,214,-833,214,214,-808,214,-834,214,214,214,214,-800,214,-855,-801,214,214,214,214,214,214,-856,-857,214,-836,-832,-837,214,-627,214,-628,-629,-630,-631,-576,214,214,-632,-633,-634,214,214,214,214,214,214,-637,-638,-639,-594,-1896,-604,214,-640,-641,-715,-642,-606,214,-574,-579,-582,-585,214,214,214,-600,-603,214,-610,214,214,214,214,214,214,214,214,214,214,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,214,214,214,-997,214,214,214,214,214,214,-308,-327,-321,-298,-377,-454,-455,-456,-460,214,-445,214,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,214,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,214,214,214,214,214,214,214,214,214,-318,-537,-510,-593,-939,-941,-942,-440,214,-442,-382,-383,-385,-509,-511,-513,214,-515,-516,-521,-522,214,-534,-536,-539,-540,-545,-550,-728,214,-729,214,-734,214,-736,214,-741,-658,-662,-663,214,-668,214,-669,214,-674,-676,214,-679,214,214,214,-689,-691,214,-694,214,214,-746,214,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,214,214,214,214,214,-879,214,-882,-910,-922,-927,-390,-391,214,-396,214,-399,214,-404,214,-405,214,-410,214,-415,214,-419,214,-420,214,-425,214,-428,-901,-902,-645,-587,-1896,-903,214,214,214,-802,214,214,-806,214,-809,-835,214,-820,214,-822,214,-824,-810,214,-826,214,-853,-854,214,214,-813,214,-648,-904,-906,-650,-651,-647,214,-707,-708,214,-644,-905,-649,-652,-605,-716,214,214,-607,-588,214,214,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,214,214,-711,-712,214,-718,214,214,214,214,214,214,-940,214,-441,-443,-749,214,-893,214,-717,-1896,214,214,214,214,214,-444,-514,-525,214,-730,-735,214,-737,214,-742,214,-664,-670,214,-680,-682,-684,-685,-692,-695,-699,-747,214,214,-876,214,214,-880,214,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,214,-814,214,-816,-803,214,-804,-807,214,-818,-821,-823,-825,-827,214,-828,214,-811,214,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,214,-284,214,214,214,214,-457,214,214,-731,214,-738,214,-743,214,-665,-673,214,214,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,214,-838,-53,214,214,-732,214,-739,214,-744,-666,214,-875,-54,214,214,-733,-740,-745,214,214,214,-874,]),'DUMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[215,215,215,215,-1896,215,215,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,215,215,215,215,-277,-278,215,-1427,215,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,215,215,215,-492,215,215,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,215,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,215,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,215,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,215,-174,-175,-176,-177,-995,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-292,-293,-283,215,215,215,215,215,-330,-320,-334,-335,-336,215,215,-984,-985,-986,-987,-988,-989,-990,215,215,215,215,215,215,215,215,215,215,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,215,215,215,-355,-358,215,-325,-326,-143,215,-144,215,-145,215,-432,-937,-938,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-1896,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-1896,215,-1896,215,215,215,215,215,215,215,215,215,215,215,215,-1896,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-1896,215,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,215,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,215,215,215,-193,-194,215,-996,215,215,215,215,215,-279,-280,-281,-282,-367,215,-310,215,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,215,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,215,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,215,215,215,215,215,215,-575,215,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,215,215,-725,-726,-727,215,215,215,215,215,215,-996,215,215,-93,-94,215,215,215,215,-311,-312,-322,215,-309,-295,-296,-297,215,215,215,215,-620,-635,-592,215,215,-438,215,-439,215,-446,-447,-448,-380,-381,215,215,215,-508,215,215,-512,215,215,215,215,-517,-518,-519,-520,215,215,-523,-524,215,-526,-527,-528,-529,-530,-531,-532,-533,215,-535,215,215,215,-541,-543,-544,215,-546,-547,-548,-549,215,215,215,215,215,215,-654,-655,-656,-657,215,-659,-660,-661,215,215,215,-667,215,215,-671,-672,215,215,-675,215,-677,-678,215,-681,215,-683,215,215,-686,-687,-688,215,-690,215,215,-693,215,215,-696,-697,-698,215,-700,-701,-702,-703,215,215,-748,215,-751,-752,-753,-754,-755,215,-757,-758,-759,-760,-761,215,-768,-769,-771,215,-773,-774,-775,-784,-858,-860,-862,-864,215,215,215,215,-870,215,-872,215,215,215,215,215,215,215,-908,-909,215,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,215,-923,-926,215,-936,215,-387,-388,-389,215,215,-392,-393,-394,-395,215,-398,215,-401,-402,215,-403,215,-408,-409,215,-412,-413,-414,215,-417,215,-418,215,-423,-424,215,-427,215,-430,-431,-1896,-1896,215,-621,-622,-623,-624,-625,-636,-586,-626,-799,215,215,215,215,215,-833,215,215,-808,215,-834,215,215,215,215,-800,215,-855,-801,215,215,215,215,215,215,-856,-857,215,-836,-832,-837,215,-627,215,-628,-629,-630,-631,-576,215,215,-632,-633,-634,215,215,215,215,215,215,-637,-638,-639,-594,-1896,-604,215,-640,-641,-715,-642,-606,215,-574,-579,-582,-585,215,215,215,-600,-603,215,-610,215,215,215,215,215,215,215,215,215,215,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,215,215,215,-997,215,215,215,215,215,215,-308,-327,-321,-298,-377,-454,-455,-456,-460,215,-445,215,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,215,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,215,215,215,215,215,215,215,215,215,-318,-537,-510,-593,-939,-941,-942,-440,215,-442,-382,-383,-385,-509,-511,-513,215,-515,-516,-521,-522,215,-534,-536,-539,-540,-545,-550,-728,215,-729,215,-734,215,-736,215,-741,-658,-662,-663,215,-668,215,-669,215,-674,-676,215,-679,215,215,215,-689,-691,215,-694,215,215,-746,215,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,215,215,215,215,215,-879,215,-882,-910,-922,-927,-390,-391,215,-396,215,-399,215,-404,215,-405,215,-410,215,-415,215,-419,215,-420,215,-425,215,-428,-901,-902,-645,-587,-1896,-903,215,215,215,-802,215,215,-806,215,-809,-835,215,-820,215,-822,215,-824,-810,215,-826,215,-853,-854,215,215,-813,215,-648,-904,-906,-650,-651,-647,215,-707,-708,215,-644,-905,-649,-652,-605,-716,215,215,-607,-588,215,215,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,215,215,-711,-712,215,-718,215,215,215,215,215,215,-940,215,-441,-443,-749,215,-893,215,-717,-1896,215,215,215,215,215,-444,-514,-525,215,-730,-735,215,-737,215,-742,215,-664,-670,215,-680,-682,-684,-685,-692,-695,-699,-747,215,215,-876,215,215,-880,215,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,215,-814,215,-816,-803,215,-804,-807,215,-818,-821,-823,-825,-827,215,-828,215,-811,215,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,215,-284,215,215,215,215,-457,215,215,-731,215,-738,215,-743,215,-665,-673,215,215,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,215,-838,-53,215,215,-732,215,-739,215,-744,-666,215,-875,-54,215,215,-733,-740,-745,215,215,215,-874,]),'DUMPFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[216,216,216,216,-1896,216,216,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,216,216,216,216,-277,-278,216,-1427,216,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,216,216,216,-492,216,216,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,216,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,216,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,216,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,216,-174,-175,-176,-177,-995,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-292,-293,-283,216,216,216,216,216,-330,-320,-334,-335,-336,216,216,-984,-985,-986,-987,-988,-989,-990,216,216,216,216,216,216,216,216,216,216,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,216,216,216,-355,-358,216,-325,-326,-143,216,-144,216,-145,216,-432,-937,-938,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-1896,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-1896,216,-1896,216,216,216,216,216,216,216,216,216,216,216,216,-1896,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-1896,216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,216,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,216,216,216,-193,-194,216,-996,216,216,216,216,216,-279,-280,-281,-282,-367,216,-310,216,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,216,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,216,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,216,216,216,216,216,216,-575,216,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,216,216,-725,-726,-727,216,216,216,216,216,216,-996,216,216,-93,-94,216,216,216,216,-311,-312,-322,216,-309,-295,-296,-297,216,216,216,216,-620,-635,-592,216,216,-438,216,-439,216,-446,-447,-448,-380,-381,216,216,216,-508,216,216,-512,216,216,216,216,-517,-518,-519,-520,216,216,-523,-524,216,-526,-527,-528,-529,-530,-531,-532,-533,216,-535,216,216,216,-541,-543,-544,216,-546,-547,-548,-549,216,216,216,216,216,216,-654,-655,-656,-657,216,-659,-660,-661,216,216,216,-667,216,216,-671,-672,216,216,-675,216,-677,-678,216,-681,216,-683,216,216,-686,-687,-688,216,-690,216,216,-693,216,216,-696,-697,-698,216,-700,-701,-702,-703,216,216,-748,216,-751,-752,-753,-754,-755,216,-757,-758,-759,-760,-761,216,-768,-769,-771,216,-773,-774,-775,-784,-858,-860,-862,-864,216,216,216,216,-870,216,-872,216,216,216,216,216,216,216,-908,-909,216,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,216,-923,-926,216,-936,216,-387,-388,-389,216,216,-392,-393,-394,-395,216,-398,216,-401,-402,216,-403,216,-408,-409,216,-412,-413,-414,216,-417,216,-418,216,-423,-424,216,-427,216,-430,-431,-1896,-1896,216,-621,-622,-623,-624,-625,-636,-586,-626,-799,216,216,216,216,216,-833,216,216,-808,216,-834,216,216,216,216,-800,216,-855,-801,216,216,216,216,216,216,-856,-857,216,-836,-832,-837,216,-627,216,-628,-629,-630,-631,-576,216,216,-632,-633,-634,216,216,216,216,216,216,-637,-638,-639,-594,-1896,-604,216,-640,-641,-715,-642,-606,216,-574,-579,-582,-585,216,216,216,-600,-603,216,-610,216,216,216,216,216,216,216,216,216,216,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,216,216,216,-997,216,216,216,216,216,216,-308,-327,-321,-298,-377,-454,-455,-456,-460,216,-445,216,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,216,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,216,216,216,216,216,216,216,216,216,-318,-537,-510,-593,-939,-941,-942,-440,216,-442,-382,-383,-385,-509,-511,-513,216,-515,-516,-521,-522,216,-534,-536,-539,-540,-545,-550,-728,216,-729,216,-734,216,-736,216,-741,-658,-662,-663,216,-668,216,-669,216,-674,-676,216,-679,216,216,216,-689,-691,216,-694,216,216,-746,216,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,216,216,216,216,216,-879,216,-882,-910,-922,-927,-390,-391,216,-396,216,-399,216,-404,216,-405,216,-410,216,-415,216,-419,216,-420,216,-425,216,-428,-901,-902,-645,-587,-1896,-903,216,216,216,-802,216,216,-806,216,-809,-835,216,-820,216,-822,216,-824,-810,216,-826,216,-853,-854,216,216,-813,216,-648,-904,-906,-650,-651,-647,216,-707,-708,216,-644,-905,-649,-652,-605,-716,216,216,-607,-588,216,216,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,216,216,-711,-712,216,-718,216,216,216,216,216,216,-940,216,-441,-443,-749,216,-893,216,-717,-1896,216,216,216,216,216,-444,-514,-525,216,-730,-735,216,-737,216,-742,216,-664,-670,216,-680,-682,-684,-685,-692,-695,-699,-747,216,216,-876,216,216,-880,216,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,216,-814,216,-816,-803,216,-804,-807,216,-818,-821,-823,-825,-827,216,-828,216,-811,216,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,216,-284,216,216,216,216,-457,216,216,-731,216,-738,216,-743,216,-665,-673,216,216,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,216,-838,-53,216,216,-732,216,-739,216,-744,-666,216,-875,-54,216,216,-733,-740,-745,216,216,216,-874,]),'DUPLICATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[217,217,217,217,-1896,217,217,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,217,217,217,217,-277,-278,217,-1427,217,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,217,217,217,-492,217,217,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,217,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,217,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,217,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,217,-174,-175,-176,-177,-995,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-292,-293,-283,217,217,217,217,217,-330,-320,-334,-335,-336,217,217,-984,-985,-986,-987,-988,-989,-990,217,217,217,217,217,217,217,217,217,217,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,217,217,217,-355,-358,217,-325,-326,-143,217,-144,217,-145,217,-432,-937,-938,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-1896,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-1896,217,-1896,217,217,217,217,217,217,217,217,217,217,217,217,-1896,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-1896,217,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,217,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,217,217,217,-193,-194,217,-996,217,217,217,217,217,-279,-280,-281,-282,-367,217,-310,217,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,217,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,217,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,217,217,217,217,217,217,-575,217,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,217,217,-725,-726,-727,217,217,217,217,217,217,-996,217,217,-93,-94,217,217,217,217,-311,-312,-322,217,-309,-295,-296,-297,217,217,217,217,-620,-635,-592,217,217,-438,217,-439,217,-446,-447,-448,-380,-381,217,217,217,-508,217,217,-512,217,217,217,217,-517,-518,-519,-520,217,217,-523,-524,217,-526,-527,-528,-529,-530,-531,-532,-533,217,-535,217,217,217,-541,-543,-544,217,-546,-547,-548,-549,217,217,217,217,217,217,-654,-655,-656,-657,217,-659,-660,-661,217,217,217,-667,217,217,-671,-672,217,217,-675,217,-677,-678,217,-681,217,-683,217,217,-686,-687,-688,217,-690,217,217,-693,217,217,-696,-697,-698,217,-700,-701,-702,-703,217,217,-748,217,-751,-752,-753,-754,-755,217,-757,-758,-759,-760,-761,217,-768,-769,-771,217,-773,-774,-775,-784,-858,-860,-862,-864,217,217,217,217,-870,217,-872,217,217,217,217,217,217,217,-908,-909,217,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,217,-923,-926,217,-936,217,-387,-388,-389,217,217,-392,-393,-394,-395,217,-398,217,-401,-402,217,-403,217,-408,-409,217,-412,-413,-414,217,-417,217,-418,217,-423,-424,217,-427,217,-430,-431,-1896,-1896,217,-621,-622,-623,-624,-625,-636,-586,-626,-799,217,217,217,217,217,-833,217,217,-808,217,-834,217,217,217,217,-800,217,-855,-801,217,217,217,217,217,217,-856,-857,217,-836,-832,-837,217,-627,217,-628,-629,-630,-631,-576,217,217,-632,-633,-634,217,217,217,217,217,217,-637,-638,-639,-594,-1896,-604,217,-640,-641,-715,-642,-606,217,-574,-579,-582,-585,217,217,217,-600,-603,217,-610,217,217,217,217,217,217,217,217,217,217,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,217,217,217,-997,217,217,217,217,217,217,-308,-327,-321,-298,-377,-454,-455,-456,-460,217,-445,217,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,217,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,217,217,217,217,217,217,217,217,217,-318,-537,-510,-593,-939,-941,-942,-440,217,-442,-382,-383,-385,-509,-511,-513,217,-515,-516,-521,-522,217,-534,-536,-539,-540,-545,-550,-728,217,-729,217,-734,217,-736,217,-741,-658,-662,-663,217,-668,217,-669,217,-674,-676,217,-679,217,217,217,-689,-691,217,-694,217,217,-746,217,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,217,217,217,217,217,-879,217,-882,-910,-922,-927,-390,-391,217,-396,217,-399,217,-404,217,-405,217,-410,217,-415,217,-419,217,-420,217,-425,217,-428,-901,-902,-645,-587,-1896,-903,217,217,217,-802,217,217,-806,217,-809,-835,217,-820,217,-822,217,-824,-810,217,-826,217,-853,-854,217,217,-813,217,-648,-904,-906,-650,-651,-647,217,-707,-708,217,-644,-905,-649,-652,-605,-716,217,217,-607,-588,217,217,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,217,217,-711,-712,217,-718,217,217,217,217,217,217,-940,217,-441,-443,-749,217,-893,217,-717,-1896,217,217,217,217,217,-444,-514,-525,217,-730,-735,217,-737,217,-742,217,-664,-670,217,-680,-682,-684,-685,-692,-695,-699,-747,217,217,-876,217,217,-880,217,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,217,-814,217,-816,-803,217,-804,-807,217,-818,-821,-823,-825,-827,217,-828,217,-811,217,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,217,-284,217,217,217,217,-457,217,217,-731,217,-738,217,-743,217,-665,-673,217,217,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,217,-838,-53,217,217,-732,217,-739,217,-744,-666,217,-875,-54,217,217,-733,-740,-745,217,217,217,-874,]),'DUPLICATE_SCOPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[218,218,218,218,-1896,218,218,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,218,218,218,218,-277,-278,218,-1427,218,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,218,218,218,-492,218,218,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,218,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,218,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,218,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,218,-174,-175,-176,-177,-995,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-292,-293,-283,218,218,218,218,218,-330,-320,-334,-335,-336,218,218,-984,-985,-986,-987,-988,-989,-990,218,218,218,218,218,218,218,218,218,218,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,218,218,218,-355,-358,218,-325,-326,-143,218,-144,218,-145,218,-432,-937,-938,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-1896,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-1896,218,-1896,218,218,218,218,218,218,218,218,218,218,218,218,-1896,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-1896,218,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,218,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,218,218,218,-193,-194,218,-996,218,218,218,218,218,-279,-280,-281,-282,-367,218,-310,218,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,218,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,218,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,218,218,218,218,218,218,-575,218,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,218,218,-725,-726,-727,218,218,218,218,218,218,-996,218,218,-93,-94,218,218,218,218,-311,-312,-322,218,-309,-295,-296,-297,218,218,218,218,-620,-635,-592,218,218,-438,218,-439,218,-446,-447,-448,-380,-381,218,218,218,-508,218,218,-512,218,218,218,218,-517,-518,-519,-520,218,218,-523,-524,218,-526,-527,-528,-529,-530,-531,-532,-533,218,-535,218,218,218,-541,-543,-544,218,-546,-547,-548,-549,218,218,218,218,218,218,-654,-655,-656,-657,218,-659,-660,-661,218,218,218,-667,218,218,-671,-672,218,218,-675,218,-677,-678,218,-681,218,-683,218,218,-686,-687,-688,218,-690,218,218,-693,218,218,-696,-697,-698,218,-700,-701,-702,-703,218,218,-748,218,-751,-752,-753,-754,-755,218,-757,-758,-759,-760,-761,218,-768,-769,-771,218,-773,-774,-775,-784,-858,-860,-862,-864,218,218,218,218,-870,218,-872,218,218,218,218,218,218,218,-908,-909,218,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,218,-923,-926,218,-936,218,-387,-388,-389,218,218,-392,-393,-394,-395,218,-398,218,-401,-402,218,-403,218,-408,-409,218,-412,-413,-414,218,-417,218,-418,218,-423,-424,218,-427,218,-430,-431,-1896,-1896,218,-621,-622,-623,-624,-625,-636,-586,-626,-799,218,218,218,218,218,-833,218,218,-808,218,-834,218,218,218,218,-800,218,-855,-801,218,218,218,218,218,218,-856,-857,218,-836,-832,-837,218,-627,218,-628,-629,-630,-631,-576,218,218,-632,-633,-634,218,218,218,218,218,218,-637,-638,-639,-594,-1896,-604,218,-640,-641,-715,-642,-606,218,-574,-579,-582,-585,218,218,218,-600,-603,218,-610,218,218,218,218,218,218,218,218,218,218,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,218,218,218,-997,218,218,218,218,218,218,-308,-327,-321,-298,-377,-454,-455,-456,-460,218,-445,218,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,218,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,218,218,218,218,218,218,218,218,218,-318,-537,-510,-593,-939,-941,-942,-440,218,-442,-382,-383,-385,-509,-511,-513,218,-515,-516,-521,-522,218,-534,-536,-539,-540,-545,-550,-728,218,-729,218,-734,218,-736,218,-741,-658,-662,-663,218,-668,218,-669,218,-674,-676,218,-679,218,218,218,-689,-691,218,-694,218,218,-746,218,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,218,218,218,218,218,-879,218,-882,-910,-922,-927,-390,-391,218,-396,218,-399,218,-404,218,-405,218,-410,218,-415,218,-419,218,-420,218,-425,218,-428,-901,-902,-645,-587,-1896,-903,218,218,218,-802,218,218,-806,218,-809,-835,218,-820,218,-822,218,-824,-810,218,-826,218,-853,-854,218,218,-813,218,-648,-904,-906,-650,-651,-647,218,-707,-708,218,-644,-905,-649,-652,-605,-716,218,218,-607,-588,218,218,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,218,218,-711,-712,218,-718,218,218,218,218,218,218,-940,218,-441,-443,-749,218,-893,218,-717,-1896,218,218,218,218,218,-444,-514,-525,218,-730,-735,218,-737,218,-742,218,-664,-670,218,-680,-682,-684,-685,-692,-695,-699,-747,218,218,-876,218,218,-880,218,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,218,-814,218,-816,-803,218,-804,-807,218,-818,-821,-823,-825,-827,218,-828,218,-811,218,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,218,-284,218,218,218,218,-457,218,218,-731,218,-738,218,-743,218,-665,-673,218,218,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,218,-838,-53,218,218,-732,218,-739,218,-744,-666,218,-875,-54,218,218,-733,-740,-745,218,218,218,-874,]),'DYNAMIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[219,219,219,219,-1896,219,219,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,219,219,219,219,-277,-278,219,-1427,219,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,219,219,219,-492,219,219,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,219,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,219,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,219,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,219,-174,-175,-176,-177,-995,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-292,-293,-283,219,219,219,219,219,-330,-320,-334,-335,-336,219,219,-984,-985,-986,-987,-988,-989,-990,219,219,219,219,219,219,219,219,219,219,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,219,219,219,-355,-358,219,-325,-326,-143,219,-144,219,-145,219,-432,-937,-938,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-1896,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-1896,219,-1896,219,219,219,219,219,219,219,219,219,219,219,219,-1896,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-1896,219,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,219,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,219,219,219,-193,-194,219,-996,219,219,219,219,219,-279,-280,-281,-282,-367,219,-310,219,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,219,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,219,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,219,219,219,219,219,219,-575,219,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,219,219,-725,-726,-727,219,219,219,219,219,219,-996,219,219,-93,-94,219,219,219,219,-311,-312,-322,219,-309,-295,-296,-297,219,219,219,219,-620,-635,-592,219,219,-438,219,-439,219,-446,-447,-448,-380,-381,219,219,219,-508,219,219,-512,219,219,219,219,-517,-518,-519,-520,219,219,-523,-524,219,-526,-527,-528,-529,-530,-531,-532,-533,219,-535,219,219,219,-541,-543,-544,219,-546,-547,-548,-549,219,219,219,219,219,219,-654,-655,-656,-657,219,-659,-660,-661,219,219,219,-667,219,219,-671,-672,219,219,-675,219,-677,-678,219,-681,219,-683,219,219,-686,-687,-688,219,-690,219,219,-693,219,219,-696,-697,-698,219,-700,-701,-702,-703,219,219,-748,219,-751,-752,-753,-754,-755,219,-757,-758,-759,-760,-761,219,-768,-769,-771,219,-773,-774,-775,-784,-858,-860,-862,-864,219,219,219,219,-870,219,-872,219,219,219,219,219,219,219,-908,-909,219,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,219,-923,-926,219,-936,219,-387,-388,-389,219,219,-392,-393,-394,-395,219,-398,219,-401,-402,219,-403,219,-408,-409,219,-412,-413,-414,219,-417,219,-418,219,-423,-424,219,-427,219,-430,-431,-1896,-1896,219,-621,-622,-623,-624,-625,-636,-586,-626,-799,219,219,219,219,219,-833,219,219,-808,219,-834,219,219,219,219,-800,219,-855,-801,219,219,219,219,219,219,-856,-857,219,-836,-832,-837,219,-627,219,-628,-629,-630,-631,-576,219,219,-632,-633,-634,219,219,219,219,219,219,-637,-638,-639,-594,-1896,-604,219,-640,-641,-715,-642,-606,219,-574,-579,-582,-585,219,219,219,-600,-603,219,-610,219,219,219,219,219,219,219,219,219,219,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,219,219,219,-997,219,219,219,219,219,219,-308,-327,-321,-298,-377,-454,-455,-456,-460,219,-445,219,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,219,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,219,219,219,219,219,219,219,219,219,-318,-537,-510,-593,-939,-941,-942,-440,219,-442,-382,-383,-385,-509,-511,-513,219,-515,-516,-521,-522,219,-534,-536,-539,-540,-545,-550,-728,219,-729,219,-734,219,-736,219,-741,-658,-662,-663,219,-668,219,-669,219,-674,-676,219,-679,219,219,219,-689,-691,219,-694,219,219,-746,219,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,219,219,219,219,219,-879,219,-882,-910,-922,-927,-390,-391,219,-396,219,-399,219,-404,219,-405,219,-410,219,-415,219,-419,219,-420,219,-425,219,-428,-901,-902,-645,-587,-1896,-903,219,219,219,-802,219,219,-806,219,-809,-835,219,-820,219,-822,219,-824,-810,219,-826,219,-853,-854,219,219,-813,219,-648,-904,-906,-650,-651,-647,219,-707,-708,219,-644,-905,-649,-652,-605,-716,219,219,-607,-588,219,219,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,219,219,-711,-712,219,-718,219,219,219,219,219,219,-940,219,-441,-443,-749,219,-893,219,-717,-1896,219,219,219,219,219,-444,-514,-525,219,-730,-735,219,-737,219,-742,219,-664,-670,219,-680,-682,-684,-685,-692,-695,-699,-747,219,219,-876,219,219,-880,219,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,219,-814,219,-816,-803,219,-804,-807,219,-818,-821,-823,-825,-827,219,-828,219,-811,219,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,219,-284,219,219,219,219,-457,219,219,-731,219,-738,219,-743,219,-665,-673,219,219,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,219,-838,-53,219,219,-732,219,-739,219,-744,-666,219,-875,-54,219,219,-733,-740,-745,219,219,219,-874,]),'EACH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[220,220,220,220,-1896,220,220,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,220,220,220,220,-277,-278,220,-1427,220,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,220,220,220,-492,220,220,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,220,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,220,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,220,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,220,-174,-175,-176,-177,-995,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-292,-293,-283,220,220,220,220,220,-330,-320,-334,-335,-336,220,220,-984,-985,-986,-987,-988,-989,-990,220,220,220,220,220,220,220,220,220,220,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,220,220,220,-355,-358,220,-325,-326,-143,220,-144,220,-145,220,-432,-937,-938,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-1896,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-1896,220,-1896,220,220,220,220,220,220,220,220,220,220,220,220,-1896,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-1896,220,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,220,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,220,220,220,-193,-194,220,-996,220,220,220,220,220,-279,-280,-281,-282,-367,220,-310,220,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,220,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,220,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,220,220,220,220,220,220,-575,220,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,220,220,-725,-726,-727,220,220,220,220,220,220,-996,220,220,-93,-94,220,220,220,220,-311,-312,-322,220,-309,-295,-296,-297,220,220,220,220,-620,-635,-592,220,220,-438,220,-439,220,-446,-447,-448,-380,-381,220,220,220,-508,220,220,-512,220,220,220,220,-517,-518,-519,-520,220,220,-523,-524,220,-526,-527,-528,-529,-530,-531,-532,-533,220,-535,220,220,220,-541,-543,-544,220,-546,-547,-548,-549,220,220,220,220,220,220,-654,-655,-656,-657,220,-659,-660,-661,220,220,220,-667,220,220,-671,-672,220,220,-675,220,-677,-678,220,-681,220,-683,220,220,-686,-687,-688,220,-690,220,220,-693,220,220,-696,-697,-698,220,-700,-701,-702,-703,220,220,-748,220,-751,-752,-753,-754,-755,220,-757,-758,-759,-760,-761,220,-768,-769,-771,220,-773,-774,-775,-784,-858,-860,-862,-864,220,220,220,220,-870,220,-872,220,220,220,220,220,220,220,-908,-909,220,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,220,-923,-926,220,-936,220,-387,-388,-389,220,220,-392,-393,-394,-395,220,-398,220,-401,-402,220,-403,220,-408,-409,220,-412,-413,-414,220,-417,220,-418,220,-423,-424,220,-427,220,-430,-431,-1896,-1896,220,-621,-622,-623,-624,-625,-636,-586,-626,-799,220,220,220,220,220,-833,220,220,-808,220,-834,220,220,220,220,-800,220,-855,-801,220,220,220,220,220,220,-856,-857,220,-836,-832,-837,220,-627,220,-628,-629,-630,-631,-576,220,220,-632,-633,-634,220,220,220,220,220,220,-637,-638,-639,-594,-1896,-604,220,-640,-641,-715,-642,-606,220,-574,-579,-582,-585,220,220,220,-600,-603,220,-610,220,220,220,220,220,220,220,220,220,220,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,220,220,220,-997,220,220,220,220,220,220,-308,-327,-321,-298,-377,-454,-455,-456,-460,220,-445,220,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,220,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,220,220,220,220,220,220,220,220,220,-318,-537,-510,-593,-939,-941,-942,-440,220,-442,-382,-383,-385,-509,-511,-513,220,-515,-516,-521,-522,220,-534,-536,-539,-540,-545,-550,-728,220,-729,220,-734,220,-736,220,-741,-658,-662,-663,220,-668,220,-669,220,-674,-676,220,-679,220,220,220,-689,-691,220,-694,220,220,-746,220,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,220,220,220,220,220,-879,220,-882,-910,-922,-927,-390,-391,220,-396,220,-399,220,-404,220,-405,220,-410,220,-415,220,-419,220,-420,220,-425,220,-428,-901,-902,-645,-587,-1896,-903,220,220,220,-802,220,220,-806,220,-809,-835,220,-820,220,-822,220,-824,-810,220,-826,220,-853,-854,220,220,-813,220,-648,-904,-906,-650,-651,-647,220,-707,-708,220,-644,-905,-649,-652,-605,-716,220,220,-607,-588,220,220,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,220,220,-711,-712,220,-718,220,220,220,220,220,220,-940,220,-441,-443,-749,220,-893,220,-717,-1896,220,220,220,220,220,-444,-514,-525,220,-730,-735,220,-737,220,-742,220,-664,-670,220,-680,-682,-684,-685,-692,-695,-699,-747,220,220,-876,220,220,-880,220,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,220,-814,220,-816,-803,220,-804,-807,220,-818,-821,-823,-825,-827,220,-828,220,-811,220,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,220,-284,220,220,220,220,-457,220,220,-731,220,-738,220,-743,220,-665,-673,220,220,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,220,-838,-53,220,220,-732,220,-739,220,-744,-666,220,-875,-54,220,220,-733,-740,-745,220,220,220,-874,]),'EFFECTIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[221,221,221,221,-1896,221,221,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,221,221,221,221,-277,-278,221,-1427,221,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,221,221,221,-492,221,221,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,221,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,221,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,221,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,221,-174,-175,-176,-177,-995,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-292,-293,-283,221,221,221,221,221,-330,-320,-334,-335,-336,221,221,-984,-985,-986,-987,-988,-989,-990,221,221,221,221,221,221,221,221,221,221,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,221,221,221,-355,-358,221,-325,-326,-143,221,-144,221,-145,221,-432,-937,-938,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-1896,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-1896,221,-1896,221,221,221,221,221,221,221,221,221,221,221,221,-1896,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-1896,221,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,221,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,221,221,221,-193,-194,221,-996,221,221,221,221,221,-279,-280,-281,-282,-367,221,-310,221,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,221,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,221,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,221,221,221,221,221,221,-575,221,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,221,221,-725,-726,-727,221,221,221,221,221,221,-996,221,221,-93,-94,221,221,221,221,-311,-312,-322,221,-309,-295,-296,-297,221,221,221,221,-620,-635,-592,221,221,-438,221,-439,221,-446,-447,-448,-380,-381,221,221,221,-508,221,221,-512,221,221,221,221,-517,-518,-519,-520,221,221,-523,-524,221,-526,-527,-528,-529,-530,-531,-532,-533,221,-535,221,221,221,-541,-543,-544,221,-546,-547,-548,-549,221,221,221,221,221,221,-654,-655,-656,-657,221,-659,-660,-661,221,221,221,-667,221,221,-671,-672,221,221,-675,221,-677,-678,221,-681,221,-683,221,221,-686,-687,-688,221,-690,221,221,-693,221,221,-696,-697,-698,221,-700,-701,-702,-703,221,221,-748,221,-751,-752,-753,-754,-755,221,-757,-758,-759,-760,-761,221,-768,-769,-771,221,-773,-774,-775,-784,-858,-860,-862,-864,221,221,221,221,-870,221,-872,221,221,221,221,221,221,221,-908,-909,221,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,221,-923,-926,221,-936,221,-387,-388,-389,221,221,-392,-393,-394,-395,221,-398,221,-401,-402,221,-403,221,-408,-409,221,-412,-413,-414,221,-417,221,-418,221,-423,-424,221,-427,221,-430,-431,-1896,-1896,221,-621,-622,-623,-624,-625,-636,-586,-626,-799,221,221,221,221,221,-833,221,221,-808,221,-834,221,221,221,221,-800,221,-855,-801,221,221,221,221,221,221,-856,-857,221,-836,-832,-837,221,-627,221,-628,-629,-630,-631,-576,221,221,-632,-633,-634,221,221,221,221,221,221,-637,-638,-639,-594,-1896,-604,221,-640,-641,-715,-642,-606,221,-574,-579,-582,-585,221,221,221,-600,-603,221,-610,221,221,221,221,221,221,221,221,221,221,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,221,221,221,-997,221,221,221,221,221,221,-308,-327,-321,-298,-377,-454,-455,-456,-460,221,-445,221,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,221,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,221,221,221,221,221,221,221,221,221,-318,-537,-510,-593,-939,-941,-942,-440,221,-442,-382,-383,-385,-509,-511,-513,221,-515,-516,-521,-522,221,-534,-536,-539,-540,-545,-550,-728,221,-729,221,-734,221,-736,221,-741,-658,-662,-663,221,-668,221,-669,221,-674,-676,221,-679,221,221,221,-689,-691,221,-694,221,221,-746,221,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,221,221,221,221,221,-879,221,-882,-910,-922,-927,-390,-391,221,-396,221,-399,221,-404,221,-405,221,-410,221,-415,221,-419,221,-420,221,-425,221,-428,-901,-902,-645,-587,-1896,-903,221,221,221,-802,221,221,-806,221,-809,-835,221,-820,221,-822,221,-824,-810,221,-826,221,-853,-854,221,221,-813,221,-648,-904,-906,-650,-651,-647,221,-707,-708,221,-644,-905,-649,-652,-605,-716,221,221,-607,-588,221,221,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,221,221,-711,-712,221,-718,221,221,221,221,221,221,-940,221,-441,-443,-749,221,-893,221,-717,-1896,221,221,221,221,221,-444,-514,-525,221,-730,-735,221,-737,221,-742,221,-664,-670,221,-680,-682,-684,-685,-692,-695,-699,-747,221,221,-876,221,221,-880,221,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,221,-814,221,-816,-803,221,-804,-807,221,-818,-821,-823,-825,-827,221,-828,221,-811,221,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,221,-284,221,221,221,221,-457,221,221,-731,221,-738,221,-743,221,-665,-673,221,221,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,221,-838,-53,221,221,-732,221,-739,221,-744,-666,221,-875,-54,221,221,-733,-740,-745,221,221,221,-874,]),'EGEXP_INSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[222,222,222,222,-1896,222,222,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,222,222,222,222,-277,-278,222,-1427,222,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,222,222,222,-492,222,222,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,222,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,222,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,222,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,222,-174,-175,-176,-177,-995,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-292,-293,-283,222,222,222,222,222,-330,-320,-334,-335,-336,222,222,-984,-985,-986,-987,-988,-989,-990,222,222,222,222,222,222,222,222,222,222,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,222,222,222,-355,-358,222,-325,-326,-143,222,-144,222,-145,222,-432,-937,-938,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-1896,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-1896,222,-1896,222,222,222,222,222,222,222,222,222,222,222,222,-1896,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-1896,222,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,222,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,222,222,222,-193,-194,222,-996,222,222,222,222,222,-279,-280,-281,-282,-367,222,-310,222,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,222,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,222,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,222,222,222,222,222,222,-575,222,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,222,222,-725,-726,-727,222,222,222,222,222,222,-996,222,222,-93,-94,222,222,222,222,-311,-312,-322,222,-309,-295,-296,-297,222,222,222,222,-620,-635,-592,222,222,-438,222,-439,222,-446,-447,-448,-380,-381,222,222,222,-508,222,222,-512,222,222,222,222,-517,-518,-519,-520,222,222,-523,-524,222,-526,-527,-528,-529,-530,-531,-532,-533,222,-535,222,222,222,-541,-543,-544,222,-546,-547,-548,-549,222,222,222,222,222,222,-654,-655,-656,-657,222,-659,-660,-661,222,222,222,-667,222,222,-671,-672,222,222,-675,222,-677,-678,222,-681,222,-683,222,222,-686,-687,-688,222,-690,222,222,-693,222,222,-696,-697,-698,222,-700,-701,-702,-703,222,222,-748,222,-751,-752,-753,-754,-755,222,-757,-758,-759,-760,-761,222,-768,-769,-771,222,-773,-774,-775,-784,-858,-860,-862,-864,222,222,222,222,-870,222,-872,222,222,222,222,222,222,222,-908,-909,222,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,222,-923,-926,222,-936,222,-387,-388,-389,222,222,-392,-393,-394,-395,222,-398,222,-401,-402,222,-403,222,-408,-409,222,-412,-413,-414,222,-417,222,-418,222,-423,-424,222,-427,222,-430,-431,-1896,-1896,222,-621,-622,-623,-624,-625,-636,-586,-626,-799,222,222,222,222,222,-833,222,222,-808,222,-834,222,222,222,222,-800,222,-855,-801,222,222,222,222,222,222,-856,-857,222,-836,-832,-837,222,-627,222,-628,-629,-630,-631,-576,222,222,-632,-633,-634,222,222,222,222,222,222,-637,-638,-639,-594,-1896,-604,222,-640,-641,-715,-642,-606,222,-574,-579,-582,-585,222,222,222,-600,-603,222,-610,222,222,222,222,222,222,222,222,222,222,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,222,222,222,-997,222,222,222,222,222,222,-308,-327,-321,-298,-377,-454,-455,-456,-460,222,-445,222,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,222,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,222,222,222,222,222,222,222,222,222,-318,-537,-510,-593,-939,-941,-942,-440,222,-442,-382,-383,-385,-509,-511,-513,222,-515,-516,-521,-522,222,-534,-536,-539,-540,-545,-550,-728,222,-729,222,-734,222,-736,222,-741,-658,-662,-663,222,-668,222,-669,222,-674,-676,222,-679,222,222,222,-689,-691,222,-694,222,222,-746,222,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,222,222,222,222,222,-879,222,-882,-910,-922,-927,-390,-391,222,-396,222,-399,222,-404,222,-405,222,-410,222,-415,222,-419,222,-420,222,-425,222,-428,-901,-902,-645,-587,-1896,-903,222,222,222,-802,222,222,-806,222,-809,-835,222,-820,222,-822,222,-824,-810,222,-826,222,-853,-854,222,222,-813,222,-648,-904,-906,-650,-651,-647,222,-707,-708,222,-644,-905,-649,-652,-605,-716,222,222,-607,-588,222,222,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,222,222,-711,-712,222,-718,222,222,222,222,222,222,-940,222,-441,-443,-749,222,-893,222,-717,-1896,222,222,222,222,222,-444,-514,-525,222,-730,-735,222,-737,222,-742,222,-664,-670,222,-680,-682,-684,-685,-692,-695,-699,-747,222,222,-876,222,222,-880,222,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,222,-814,222,-816,-803,222,-804,-807,222,-818,-821,-823,-825,-827,222,-828,222,-811,222,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,222,-284,222,222,222,222,-457,222,222,-731,222,-738,222,-743,222,-665,-673,222,222,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,222,-838,-53,222,222,-732,222,-739,222,-744,-666,222,-875,-54,222,222,-733,-740,-745,222,222,222,-874,]),'ELT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[223,223,223,1090,-1896,223,223,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,223,223,223,223,-277,-278,1090,-1427,1090,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1090,1090,1090,-492,1090,1090,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1090,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1090,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1860,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,223,-174,-175,-176,-177,-995,223,223,223,223,223,223,223,223,223,223,1090,1090,1090,1090,1090,-292,-293,-283,223,1090,1090,1090,1090,-330,-320,-334,-335,-336,1090,1090,-984,-985,-986,-987,-988,-989,-990,223,223,1090,1090,1090,1090,1090,1090,1090,1090,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1090,1090,1090,-355,-358,223,-325,-326,-143,1090,-144,1090,-145,1090,-432,-937,-938,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1896,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1896,1090,-1896,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1896,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1896,223,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1090,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1090,223,223,-193,-194,223,-996,1090,223,223,223,223,-279,-280,-281,-282,-367,1090,-310,1090,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1090,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1090,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1090,1090,1090,1090,1090,1090,-575,1090,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1090,1090,-725,-726,-727,1090,1860,223,223,223,223,-996,223,1090,-93,-94,223,223,223,1090,-311,-312,-322,1090,-309,-295,-296,-297,1090,223,1090,1090,-620,-635,-592,1090,223,-438,223,-439,1090,-446,-447,-448,-380,-381,1090,1090,1090,-508,1090,1090,-512,1090,1090,1090,1090,-517,-518,-519,-520,1090,1090,-523,-524,1090,-526,-527,-528,-529,-530,-531,-532,-533,1090,-535,1090,1090,1090,-541,-543,-544,1090,-546,-547,-548,-549,1090,1090,1090,1090,1090,1090,-654,-655,-656,-657,223,-659,-660,-661,1090,1090,1090,-667,1090,1090,-671,-672,1090,1090,-675,1090,-677,-678,1090,-681,1090,-683,1090,1090,-686,-687,-688,1090,-690,1090,1090,-693,1090,1090,-696,-697,-698,1090,-700,-701,-702,-703,1090,1090,-748,1090,-751,-752,-753,-754,-755,1090,-757,-758,-759,-760,-761,1090,-768,-769,-771,1090,-773,-774,-775,-784,-858,-860,-862,-864,1090,1090,1090,1090,-870,1090,-872,1090,1090,1090,1090,1090,1090,1090,-908,-909,1090,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1090,-923,-926,1090,-936,1090,-387,-388,-389,1090,1090,-392,-393,-394,-395,1090,-398,1090,-401,-402,1090,-403,1090,-408,-409,1090,-412,-413,-414,1090,-417,1090,-418,1090,-423,-424,1090,-427,1090,-430,-431,-1896,-1896,1090,-621,-622,-623,-624,-625,-636,-586,-626,-799,1090,1090,1090,1090,1090,-833,1090,1090,-808,1090,-834,1090,1090,1090,1090,-800,1090,-855,-801,1090,1090,1090,1090,1090,1090,-856,-857,1090,-836,-832,-837,1090,-627,1090,-628,-629,-630,-631,-576,1090,1090,-632,-633,-634,1090,1090,1090,1090,1090,1090,-637,-638,-639,-594,-1896,-604,1090,-640,-641,-715,-642,-606,1090,-574,-579,-582,-585,1090,1090,1090,-600,-603,1090,-610,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1090,223,223,-997,223,1090,223,223,223,1090,-308,-327,-321,-298,-377,-454,-455,-456,-460,223,-445,1090,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1090,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,223,223,223,223,223,223,223,223,1090,-318,-537,-510,-593,-939,-941,-942,-440,1090,-442,-382,-383,-385,-509,-511,-513,1090,-515,-516,-521,-522,1090,-534,-536,-539,-540,-545,-550,-728,1090,-729,1090,-734,1090,-736,1090,-741,-658,-662,-663,1090,-668,1090,-669,1090,-674,-676,1090,-679,1090,1090,1090,-689,-691,1090,-694,1090,1090,-746,1090,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1090,1090,1090,1090,1090,-879,1090,-882,-910,-922,-927,-390,-391,1090,-396,1090,-399,1090,-404,1090,-405,1090,-410,1090,-415,1090,-419,1090,-420,1090,-425,1090,-428,-901,-902,-645,-587,-1896,-903,1090,1090,1090,-802,1090,1090,-806,1090,-809,-835,1090,-820,1090,-822,1090,-824,-810,1090,-826,1090,-853,-854,1090,1090,-813,1090,-648,-904,-906,-650,-651,-647,1090,-707,-708,1090,-644,-905,-649,-652,-605,-716,1090,1090,-607,-588,1090,1090,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1090,1090,-711,-712,1090,-718,1090,223,223,223,1090,1090,-940,223,-441,-443,-749,1090,-893,1860,-717,-1896,1090,1090,223,223,1090,-444,-514,-525,1090,-730,-735,1090,-737,1090,-742,1090,-664,-670,1090,-680,-682,-684,-685,-692,-695,-699,-747,1090,1090,-876,1090,1090,-880,1090,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1090,-814,1090,-816,-803,1090,-804,-807,1090,-818,-821,-823,-825,-827,1090,-828,1090,-811,1090,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,223,-284,223,1090,223,1090,-457,1090,1090,-731,1090,-738,1090,-743,1090,-665,-673,1090,1090,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1090,-838,-53,223,1090,-732,1090,-739,1090,-744,-666,1090,-875,-54,223,223,-733,-740,-745,1090,223,1090,-874,]),'ENABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[224,224,224,224,-1896,224,224,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,224,224,224,224,-277,-278,224,-1427,224,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,224,224,224,-492,224,224,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,224,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,224,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,224,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,224,-174,-175,-176,-177,-995,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-292,-293,-283,224,224,224,224,224,-330,-320,-334,-335,-336,224,224,-984,-985,-986,-987,-988,-989,-990,224,224,224,224,224,224,224,224,224,224,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,224,224,224,-355,-358,224,-325,-326,-143,224,-144,224,-145,224,-432,-937,-938,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-1896,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-1896,224,-1896,224,224,224,224,224,224,224,224,224,224,224,224,-1896,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-1896,224,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,224,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,224,224,224,-193,-194,224,-996,224,224,224,224,224,-279,-280,-281,-282,-367,224,-310,224,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,224,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,224,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,224,224,224,224,224,224,-575,224,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,224,224,-725,-726,-727,224,224,224,224,224,224,-996,224,224,-93,-94,224,224,224,224,-311,-312,-322,224,-309,-295,-296,-297,224,224,224,224,-620,-635,-592,224,224,-438,224,-439,224,-446,-447,-448,-380,-381,224,224,224,-508,224,224,-512,224,224,224,224,-517,-518,-519,-520,224,224,-523,-524,224,-526,-527,-528,-529,-530,-531,-532,-533,224,-535,224,224,224,-541,-543,-544,224,-546,-547,-548,-549,224,224,224,224,224,224,-654,-655,-656,-657,224,-659,-660,-661,224,224,224,-667,224,224,-671,-672,224,224,-675,224,-677,-678,224,-681,224,-683,224,224,-686,-687,-688,224,-690,224,224,-693,224,224,-696,-697,-698,224,-700,-701,-702,-703,224,224,-748,224,-751,-752,-753,-754,-755,224,-757,-758,-759,-760,-761,224,-768,-769,-771,224,-773,-774,-775,-784,-858,-860,-862,-864,224,224,224,224,-870,224,-872,224,224,224,224,224,224,224,-908,-909,224,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,224,-923,-926,224,-936,224,-387,-388,-389,224,224,-392,-393,-394,-395,224,-398,224,-401,-402,224,-403,224,-408,-409,224,-412,-413,-414,224,-417,224,-418,224,-423,-424,224,-427,224,-430,-431,-1896,-1896,224,-621,-622,-623,-624,-625,-636,-586,-626,-799,224,224,224,224,224,-833,224,224,-808,224,-834,224,224,224,224,-800,224,-855,-801,224,224,224,224,224,224,-856,-857,224,-836,-832,-837,224,-627,224,-628,-629,-630,-631,-576,224,224,-632,-633,-634,224,224,224,224,224,224,-637,-638,-639,-594,-1896,-604,224,-640,-641,-715,-642,-606,224,-574,-579,-582,-585,224,224,224,-600,-603,224,-610,224,224,224,224,224,224,224,224,224,224,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,224,224,224,-997,224,224,224,224,224,224,-308,-327,-321,-298,-377,-454,-455,-456,-460,224,-445,224,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,224,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,224,224,224,224,224,224,224,224,224,-318,-537,-510,-593,-939,-941,-942,-440,224,-442,-382,-383,-385,-509,-511,-513,224,-515,-516,-521,-522,224,-534,-536,-539,-540,-545,-550,-728,224,-729,224,-734,224,-736,224,-741,-658,-662,-663,224,-668,224,-669,224,-674,-676,224,-679,224,224,224,-689,-691,224,-694,224,224,-746,224,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,224,224,224,224,224,-879,224,-882,-910,-922,-927,-390,-391,224,-396,224,-399,224,-404,224,-405,224,-410,224,-415,224,-419,224,-420,224,-425,224,-428,-901,-902,-645,-587,-1896,-903,224,224,224,-802,224,224,-806,224,-809,-835,224,-820,224,-822,224,-824,-810,224,-826,224,-853,-854,224,224,-813,224,-648,-904,-906,-650,-651,-647,224,-707,-708,224,-644,-905,-649,-652,-605,-716,224,224,-607,-588,224,224,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,224,224,-711,-712,224,-718,224,224,224,224,224,224,-940,224,-441,-443,-749,224,-893,224,-717,-1896,224,224,224,224,224,-444,-514,-525,224,-730,-735,224,-737,224,-742,224,-664,-670,224,-680,-682,-684,-685,-692,-695,-699,-747,224,224,-876,224,224,-880,224,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,224,-814,224,-816,-803,224,-804,-807,224,-818,-821,-823,-825,-827,224,-828,224,-811,224,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,224,-284,224,224,224,224,-457,224,224,-731,224,-738,224,-743,224,-665,-673,224,224,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,224,-838,-53,224,224,-732,224,-739,224,-744,-666,224,-875,-54,224,224,-733,-740,-745,224,224,224,-874,]),'ENCRYPTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[225,225,225,225,-1896,225,225,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,225,225,225,225,-277,-278,225,-1427,225,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,225,225,225,-492,225,225,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,225,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,225,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,225,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,225,-174,-175,-176,-177,-995,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-292,-293,-283,225,225,225,225,225,-330,-320,-334,-335,-336,225,225,-984,-985,-986,-987,-988,-989,-990,225,225,225,225,225,225,225,225,225,225,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,225,225,225,-355,-358,225,-325,-326,-143,225,-144,225,-145,225,-432,-937,-938,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-1896,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-1896,225,-1896,225,225,225,225,225,225,225,225,225,225,225,225,-1896,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-1896,225,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,225,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,225,225,225,-193,-194,225,-996,225,225,225,225,225,-279,-280,-281,-282,-367,225,-310,225,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,225,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,225,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,225,225,225,225,225,225,-575,225,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,225,225,-725,-726,-727,225,225,225,225,225,225,-996,225,225,-93,-94,225,225,225,225,-311,-312,-322,225,-309,-295,-296,-297,225,225,225,225,-620,-635,-592,225,225,-438,225,-439,225,-446,-447,-448,-380,-381,225,225,225,-508,225,225,-512,225,225,225,225,-517,-518,-519,-520,225,225,-523,-524,225,-526,-527,-528,-529,-530,-531,-532,-533,225,-535,225,225,225,-541,-543,-544,225,-546,-547,-548,-549,225,225,225,225,225,225,-654,-655,-656,-657,225,-659,-660,-661,225,225,225,-667,225,225,-671,-672,225,225,-675,225,-677,-678,225,-681,225,-683,225,225,-686,-687,-688,225,-690,225,225,-693,225,225,-696,-697,-698,225,-700,-701,-702,-703,225,225,-748,225,-751,-752,-753,-754,-755,225,-757,-758,-759,-760,-761,225,-768,-769,-771,225,-773,-774,-775,-784,-858,-860,-862,-864,225,225,225,225,-870,225,-872,225,225,225,225,225,225,225,-908,-909,225,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,225,-923,-926,225,-936,225,-387,-388,-389,225,225,-392,-393,-394,-395,225,-398,225,-401,-402,225,-403,225,-408,-409,225,-412,-413,-414,225,-417,225,-418,225,-423,-424,225,-427,225,-430,-431,-1896,-1896,225,-621,-622,-623,-624,-625,-636,-586,-626,-799,225,225,225,225,225,-833,225,225,-808,225,-834,225,225,225,225,-800,225,-855,-801,225,225,225,225,225,225,-856,-857,225,-836,-832,-837,225,-627,225,-628,-629,-630,-631,-576,225,225,-632,-633,-634,225,225,225,225,225,225,-637,-638,-639,-594,-1896,-604,225,-640,-641,-715,-642,-606,225,-574,-579,-582,-585,225,225,225,-600,-603,225,-610,225,225,225,225,225,225,225,225,225,225,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,225,225,225,-997,225,225,225,225,225,225,-308,-327,-321,-298,-377,-454,-455,-456,-460,225,-445,225,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,225,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,225,225,225,225,225,225,225,225,225,-318,-537,-510,-593,-939,-941,-942,-440,225,-442,-382,-383,-385,-509,-511,-513,225,-515,-516,-521,-522,225,-534,-536,-539,-540,-545,-550,-728,225,-729,225,-734,225,-736,225,-741,-658,-662,-663,225,-668,225,-669,225,-674,-676,225,-679,225,225,225,-689,-691,225,-694,225,225,-746,225,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,225,225,225,225,225,-879,225,-882,-910,-922,-927,-390,-391,225,-396,225,-399,225,-404,225,-405,225,-410,225,-415,225,-419,225,-420,225,-425,225,-428,-901,-902,-645,-587,-1896,-903,225,225,225,-802,225,225,-806,225,-809,-835,225,-820,225,-822,225,-824,-810,225,-826,225,-853,-854,225,225,-813,225,-648,-904,-906,-650,-651,-647,225,-707,-708,225,-644,-905,-649,-652,-605,-716,225,225,-607,-588,225,225,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,225,225,-711,-712,225,-718,225,225,225,225,225,225,-940,225,-441,-443,-749,225,-893,225,-717,-1896,225,225,225,225,225,-444,-514,-525,225,-730,-735,225,-737,225,-742,225,-664,-670,225,-680,-682,-684,-685,-692,-695,-699,-747,225,225,-876,225,225,-880,225,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,225,-814,225,-816,-803,225,-804,-807,225,-818,-821,-823,-825,-827,225,-828,225,-811,225,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,225,-284,225,225,225,225,-457,225,225,-731,225,-738,225,-743,225,-665,-673,225,225,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,225,-838,-53,225,225,-732,225,-739,225,-744,-666,225,-875,-54,225,225,-733,-740,-745,225,225,225,-874,]),'END':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1684,1685,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2312,2313,2314,2315,2316,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2723,2724,2725,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3063,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[226,226,226,226,-1896,226,226,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,226,226,226,226,-277,-278,226,-1427,226,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,226,226,226,-492,226,226,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,226,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,226,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,226,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,226,-174,-175,-176,-177,-995,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-292,-293,-283,226,226,226,226,226,-330,-320,-334,-335,-336,226,226,-984,-985,-986,-987,-988,-989,-990,226,226,226,226,226,226,226,226,226,226,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,226,226,226,-355,-358,226,-325,-326,-143,226,-144,226,-145,226,-432,-937,-938,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1896,-944,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1896,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1896,226,-1896,226,226,226,226,226,226,226,226,226,226,226,226,-1896,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1896,226,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,226,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,226,226,226,-193,-194,226,-996,226,226,226,226,226,-279,-280,-281,-282,-367,226,-310,226,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,226,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,226,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-1896,2724,-943,226,-950,226,226,226,226,226,-575,226,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,226,226,-725,-726,-727,226,226,226,226,226,226,-996,226,226,-93,-94,226,226,226,226,-311,-312,-322,226,-309,-295,-296,-297,226,226,226,226,-620,-635,-592,226,226,-438,226,-439,226,-446,-447,-448,-380,-381,226,226,226,-508,226,226,-512,226,226,226,226,-517,-518,-519,-520,226,226,-523,-524,226,-526,-527,-528,-529,-530,-531,-532,-533,226,-535,226,226,226,-541,-543,-544,226,-546,-547,-548,-549,226,226,226,226,226,226,-654,-655,-656,-657,226,-659,-660,-661,226,226,226,-667,226,226,-671,-672,226,226,-675,226,-677,-678,226,-681,226,-683,226,226,-686,-687,-688,226,-690,226,226,-693,226,226,-696,-697,-698,226,-700,-701,-702,-703,226,226,-748,226,-751,-752,-753,-754,-755,226,-757,-758,-759,-760,-761,226,-768,-769,-771,226,-773,-774,-775,-784,-858,-860,-862,-864,226,226,226,226,-870,226,-872,226,226,226,226,226,226,226,-908,-909,226,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,226,-923,-926,226,3062,-936,-949,226,-387,-388,-389,226,226,-392,-393,-394,-395,226,-398,226,-401,-402,226,-403,226,-408,-409,226,-412,-413,-414,226,-417,226,-418,226,-423,-424,226,-427,226,-430,-431,-1896,-1896,226,-621,-622,-623,-624,-625,-636,-586,-626,-799,226,226,226,226,226,-833,226,226,-808,226,-834,226,226,226,226,-800,226,-855,-801,226,226,226,226,226,226,-856,-857,226,-836,-832,-837,226,-627,226,-628,-629,-630,-631,-576,226,226,-632,-633,-634,226,226,226,226,226,226,-637,-638,-639,-594,-1896,-604,226,-640,-641,-715,-642,-606,226,-574,-579,-582,-585,226,226,226,-600,-603,226,-610,226,226,226,226,226,226,226,226,226,226,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,226,226,226,-997,226,226,226,226,226,226,-308,-327,-321,-298,-377,-454,-455,-456,-460,226,-445,226,-935,-948,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,226,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,226,226,226,226,226,226,226,226,226,-318,-537,-510,-593,-939,-941,-942,-440,226,-442,-382,-383,-385,-509,-511,-513,226,-515,-516,-521,-522,226,-534,-536,-539,-540,-545,-550,-728,226,-729,226,-734,226,-736,226,-741,-658,-662,-663,226,-668,226,-669,226,-674,-676,226,-679,226,226,226,-689,-691,226,-694,226,226,-746,226,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,226,226,226,226,226,-879,226,-882,-910,-922,-927,-390,-391,226,-396,226,-399,226,-404,226,-405,226,-410,226,-415,226,-419,226,-420,226,-425,226,-428,-901,-902,-645,-587,-1896,-903,226,226,226,-802,226,226,-806,226,-809,-835,226,-820,226,-822,226,-824,-810,226,-826,226,-853,-854,226,226,-813,226,-648,-904,-906,-650,-651,-647,226,-707,-708,226,-644,-905,-649,-652,-605,-716,226,226,-607,-588,226,226,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,226,226,-711,-712,226,-718,226,226,226,226,226,226,-940,226,-441,-443,-749,226,-893,226,-717,-1896,226,226,226,226,226,-444,-514,-525,226,-730,-735,226,-737,226,-742,226,-664,-670,226,-680,-682,-684,-685,-692,-695,-699,-747,226,226,-876,226,226,-880,226,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,226,-814,226,-816,-803,226,-804,-807,226,-818,-821,-823,-825,-827,226,-828,226,-811,226,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,226,-284,226,226,226,226,-457,226,226,-731,226,-738,226,-743,226,-665,-673,226,226,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,226,-838,-53,226,226,-732,226,-739,226,-744,-666,226,-875,-54,226,226,-733,-740,-745,226,226,226,-874,]),'ENDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[227,227,227,227,-1896,227,227,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,227,227,227,227,-277,-278,227,-1427,227,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,227,227,227,-492,227,227,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,227,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,227,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,227,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,227,-174,-175,-176,-177,-995,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-292,-293,-283,227,227,227,227,227,-330,-320,-334,-335,-336,227,227,-984,-985,-986,-987,-988,-989,-990,227,227,227,227,227,227,227,227,227,227,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,227,227,227,-355,-358,227,-325,-326,-143,227,-144,227,-145,227,-432,-937,-938,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-1896,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-1896,227,-1896,227,227,227,227,227,227,227,227,227,227,227,227,-1896,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-1896,227,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,227,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,227,227,227,-193,-194,227,-996,227,227,227,227,227,-279,-280,-281,-282,-367,227,-310,227,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,227,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,227,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,227,227,227,227,227,227,-575,227,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,227,227,-725,-726,-727,227,227,227,227,227,227,-996,227,227,-93,-94,227,227,227,227,-311,-312,-322,227,-309,-295,-296,-297,227,227,227,227,-620,-635,-592,227,227,-438,227,-439,227,-446,-447,-448,-380,-381,227,227,227,-508,227,227,-512,227,227,227,227,-517,-518,-519,-520,227,227,-523,-524,227,-526,-527,-528,-529,-530,-531,-532,-533,227,-535,227,227,227,-541,-543,-544,227,-546,-547,-548,-549,227,227,227,227,227,227,-654,-655,-656,-657,227,-659,-660,-661,227,227,227,-667,227,227,-671,-672,227,227,-675,227,-677,-678,227,-681,227,-683,227,227,-686,-687,-688,227,-690,227,227,-693,227,227,-696,-697,-698,227,-700,-701,-702,-703,227,227,-748,227,-751,-752,-753,-754,-755,227,-757,-758,-759,-760,-761,227,-768,-769,-771,227,-773,-774,-775,-784,-858,-860,-862,-864,227,227,227,227,-870,227,-872,227,227,227,227,227,227,227,-908,-909,227,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,227,-923,-926,227,-936,227,-387,-388,-389,227,227,-392,-393,-394,-395,227,-398,227,-401,-402,227,-403,227,-408,-409,227,-412,-413,-414,227,-417,227,-418,227,-423,-424,227,-427,227,-430,-431,-1896,-1896,227,-621,-622,-623,-624,-625,-636,-586,-626,-799,227,227,227,227,227,-833,227,227,-808,227,-834,227,227,227,227,-800,227,-855,-801,227,227,227,227,227,227,-856,-857,227,-836,-832,-837,227,-627,227,-628,-629,-630,-631,-576,227,227,-632,-633,-634,227,227,227,227,227,227,-637,-638,-639,-594,-1896,-604,227,-640,-641,-715,-642,-606,227,-574,-579,-582,-585,227,227,227,-600,-603,227,-610,227,227,227,227,227,227,227,227,227,227,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,227,227,227,-997,227,227,227,227,227,227,-308,-327,-321,-298,-377,-454,-455,-456,-460,227,-445,227,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,227,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,227,227,227,227,227,227,227,227,227,-318,-537,-510,-593,-939,-941,-942,-440,227,-442,-382,-383,-385,-509,-511,-513,227,-515,-516,-521,-522,227,-534,-536,-539,-540,-545,-550,-728,227,-729,227,-734,227,-736,227,-741,-658,-662,-663,227,-668,227,-669,227,-674,-676,227,-679,227,227,227,-689,-691,227,-694,227,227,-746,227,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,227,227,227,227,227,-879,227,-882,-910,-922,-927,-390,-391,227,-396,227,-399,227,-404,227,-405,227,-410,227,-415,227,-419,227,-420,227,-425,227,-428,-901,-902,-645,-587,-1896,-903,227,227,227,-802,227,227,-806,227,-809,-835,227,-820,227,-822,227,-824,-810,227,-826,227,-853,-854,227,227,-813,227,-648,-904,-906,-650,-651,-647,227,-707,-708,227,-644,-905,-649,-652,-605,-716,227,227,-607,-588,227,227,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,227,227,-711,-712,227,-718,227,227,227,227,227,227,-940,227,-441,-443,-749,227,-893,227,-717,-1896,227,227,227,227,227,-444,-514,-525,227,-730,-735,227,-737,227,-742,227,-664,-670,227,-680,-682,-684,-685,-692,-695,-699,-747,227,227,-876,227,227,-880,227,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,227,-814,227,-816,-803,227,-804,-807,227,-818,-821,-823,-825,-827,227,-828,227,-811,227,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,227,-284,227,227,227,227,-457,227,227,-731,227,-738,227,-743,227,-665,-673,227,227,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,227,-838,-53,227,227,-732,227,-739,227,-744,-666,227,-875,-54,227,227,-733,-740,-745,227,227,227,-874,]),'ENGINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[228,228,228,228,-1896,228,228,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,228,228,228,228,-277,-278,228,-1427,228,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,228,228,228,-492,228,228,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,228,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,228,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,228,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,228,-174,-175,-176,-177,-995,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-292,-293,-283,228,228,228,228,228,-330,-320,-334,-335,-336,228,228,-984,-985,-986,-987,-988,-989,-990,228,228,228,228,228,228,228,228,228,228,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,228,228,228,-355,-358,228,-325,-326,-143,228,-144,228,-145,228,-432,-937,-938,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-1896,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-1896,228,-1896,228,228,228,228,228,228,228,228,228,228,228,228,-1896,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-1896,228,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,228,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,228,228,228,-193,-194,228,-996,228,228,228,228,228,-279,-280,-281,-282,-367,228,-310,228,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,228,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,228,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,228,228,228,228,228,228,-575,228,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,228,228,-725,-726,-727,228,228,228,228,228,228,-996,228,228,-93,-94,228,228,228,228,-311,-312,-322,228,-309,-295,-296,-297,228,228,228,228,-620,-635,-592,228,228,-438,228,-439,228,-446,-447,-448,-380,-381,228,228,228,-508,228,228,-512,228,228,228,228,-517,-518,-519,-520,228,228,-523,-524,228,-526,-527,-528,-529,-530,-531,-532,-533,228,-535,228,228,228,-541,-543,-544,228,-546,-547,-548,-549,228,228,228,228,228,228,-654,-655,-656,-657,228,-659,-660,-661,228,228,228,-667,228,228,-671,-672,228,228,-675,228,-677,-678,228,-681,228,-683,228,228,-686,-687,-688,228,-690,228,228,-693,228,228,-696,-697,-698,228,-700,-701,-702,-703,228,228,-748,228,-751,-752,-753,-754,-755,228,-757,-758,-759,-760,-761,228,-768,-769,-771,228,-773,-774,-775,-784,-858,-860,-862,-864,228,228,228,228,-870,228,-872,228,228,228,228,228,228,228,-908,-909,228,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,228,-923,-926,228,-936,228,-387,-388,-389,228,228,-392,-393,-394,-395,228,-398,228,-401,-402,228,-403,228,-408,-409,228,-412,-413,-414,228,-417,228,-418,228,-423,-424,228,-427,228,-430,-431,-1896,-1896,228,-621,-622,-623,-624,-625,-636,-586,-626,-799,228,228,228,228,228,-833,228,228,-808,228,-834,228,228,228,228,-800,228,-855,-801,228,228,228,228,228,228,-856,-857,228,-836,-832,-837,228,-627,228,-628,-629,-630,-631,-576,228,228,-632,-633,-634,228,228,228,228,228,228,-637,-638,-639,-594,-1896,-604,228,-640,-641,-715,-642,-606,228,-574,-579,-582,-585,228,228,228,-600,-603,228,-610,228,228,228,228,228,228,228,228,228,228,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,228,228,3182,228,-997,228,228,228,228,228,228,-308,-327,-321,-298,-377,-454,-455,-456,-460,228,-445,228,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,228,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,228,228,228,228,228,228,228,228,228,-318,-537,-510,-593,-939,-941,-942,-440,228,-442,-382,-383,-385,-509,-511,-513,228,-515,-516,-521,-522,228,-534,-536,-539,-540,-545,-550,-728,228,-729,228,-734,228,-736,228,-741,-658,-662,-663,228,-668,228,-669,228,-674,-676,228,-679,228,228,228,-689,-691,228,-694,228,228,-746,228,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,228,228,228,228,228,-879,228,-882,-910,-922,-927,-390,-391,228,-396,228,-399,228,-404,228,-405,228,-410,228,-415,228,-419,228,-420,228,-425,228,-428,-901,-902,-645,-587,-1896,-903,228,228,228,-802,228,228,-806,228,-809,-835,228,-820,228,-822,228,-824,-810,228,-826,228,-853,-854,228,228,-813,228,-648,-904,-906,-650,-651,-647,228,-707,-708,228,-644,-905,-649,-652,-605,-716,228,228,-607,-588,228,228,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,228,228,-711,-712,228,-718,228,228,228,228,3182,228,228,-940,228,-441,-443,-749,228,-893,228,-717,-1896,228,228,3182,228,3182,3182,3182,3182,3182,3182,3182,3182,3182,228,228,-444,-514,-525,228,-730,-735,228,-737,228,-742,228,-664,-670,228,-680,-682,-684,-685,-692,-695,-699,-747,228,228,-876,228,228,-880,228,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,228,-814,228,-816,-803,228,-804,-807,228,-818,-821,-823,-825,-827,228,-828,228,-811,228,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,228,3182,-284,228,228,228,228,-457,228,228,-731,228,-738,228,-743,228,-665,-673,228,228,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,228,-838,-53,228,228,-732,228,-739,228,-744,-666,228,-875,-54,228,228,-733,-740,-745,228,228,228,-874,]),'ENGINES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[229,229,229,229,-1896,229,229,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,229,229,229,229,-277,-278,229,-1427,229,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,229,229,229,-492,229,229,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,229,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,229,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,229,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,229,-174,-175,-176,-177,-995,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-292,-293,-283,229,229,229,229,229,-330,-320,-334,-335,-336,229,229,-984,-985,-986,-987,-988,-989,-990,229,229,229,229,229,229,229,229,229,229,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,229,229,229,-355,-358,229,-325,-326,-143,229,-144,229,-145,229,-432,-937,-938,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-1896,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-1896,229,-1896,229,229,229,229,229,229,229,229,229,229,229,229,-1896,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-1896,229,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,229,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,229,229,229,-193,-194,229,-996,229,229,229,229,229,-279,-280,-281,-282,-367,229,-310,229,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,229,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,229,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,229,229,229,229,229,229,-575,229,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,229,229,-725,-726,-727,229,229,229,229,229,229,-996,229,229,-93,-94,229,229,229,229,-311,-312,-322,229,-309,-295,-296,-297,229,229,229,229,-620,-635,-592,229,229,-438,229,-439,229,-446,-447,-448,-380,-381,229,229,229,-508,229,229,-512,229,229,229,229,-517,-518,-519,-520,229,229,-523,-524,229,-526,-527,-528,-529,-530,-531,-532,-533,229,-535,229,229,229,-541,-543,-544,229,-546,-547,-548,-549,229,229,229,229,229,229,-654,-655,-656,-657,229,-659,-660,-661,229,229,229,-667,229,229,-671,-672,229,229,-675,229,-677,-678,229,-681,229,-683,229,229,-686,-687,-688,229,-690,229,229,-693,229,229,-696,-697,-698,229,-700,-701,-702,-703,229,229,-748,229,-751,-752,-753,-754,-755,229,-757,-758,-759,-760,-761,229,-768,-769,-771,229,-773,-774,-775,-784,-858,-860,-862,-864,229,229,229,229,-870,229,-872,229,229,229,229,229,229,229,-908,-909,229,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,229,-923,-926,229,-936,229,-387,-388,-389,229,229,-392,-393,-394,-395,229,-398,229,-401,-402,229,-403,229,-408,-409,229,-412,-413,-414,229,-417,229,-418,229,-423,-424,229,-427,229,-430,-431,-1896,-1896,229,-621,-622,-623,-624,-625,-636,-586,-626,-799,229,229,229,229,229,-833,229,229,-808,229,-834,229,229,229,229,-800,229,-855,-801,229,229,229,229,229,229,-856,-857,229,-836,-832,-837,229,-627,229,-628,-629,-630,-631,-576,229,229,-632,-633,-634,229,229,229,229,229,229,-637,-638,-639,-594,-1896,-604,229,-640,-641,-715,-642,-606,229,-574,-579,-582,-585,229,229,229,-600,-603,229,-610,229,229,229,229,229,229,229,229,229,229,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,229,229,229,-997,229,229,229,229,229,229,-308,-327,-321,-298,-377,-454,-455,-456,-460,229,-445,229,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,229,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,229,229,229,229,229,229,229,229,229,-318,-537,-510,-593,-939,-941,-942,-440,229,-442,-382,-383,-385,-509,-511,-513,229,-515,-516,-521,-522,229,-534,-536,-539,-540,-545,-550,-728,229,-729,229,-734,229,-736,229,-741,-658,-662,-663,229,-668,229,-669,229,-674,-676,229,-679,229,229,229,-689,-691,229,-694,229,229,-746,229,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,229,229,229,229,229,-879,229,-882,-910,-922,-927,-390,-391,229,-396,229,-399,229,-404,229,-405,229,-410,229,-415,229,-419,229,-420,229,-425,229,-428,-901,-902,-645,-587,-1896,-903,229,229,229,-802,229,229,-806,229,-809,-835,229,-820,229,-822,229,-824,-810,229,-826,229,-853,-854,229,229,-813,229,-648,-904,-906,-650,-651,-647,229,-707,-708,229,-644,-905,-649,-652,-605,-716,229,229,-607,-588,229,229,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,229,229,-711,-712,229,-718,229,229,229,229,229,229,-940,229,-441,-443,-749,229,-893,229,-717,-1896,229,229,229,229,229,-444,-514,-525,229,-730,-735,229,-737,229,-742,229,-664,-670,229,-680,-682,-684,-685,-692,-695,-699,-747,229,229,-876,229,229,-880,229,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,229,-814,229,-816,-803,229,-804,-807,229,-818,-821,-823,-825,-827,229,-828,229,-811,229,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,229,-284,229,229,229,229,-457,229,229,-731,229,-738,229,-743,229,-665,-673,229,229,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,229,-838,-53,229,229,-732,229,-739,229,-744,-666,229,-875,-54,229,229,-733,-740,-745,229,229,229,-874,]),'ENGINE_':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[230,230,230,230,-1896,230,230,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,230,230,230,230,-277,-278,230,-1427,230,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,230,230,230,-492,230,230,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,230,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,230,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,230,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,230,-174,-175,-176,-177,-995,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-292,-293,-283,230,230,230,230,230,-330,-320,-334,-335,-336,230,230,-984,-985,-986,-987,-988,-989,-990,230,230,230,230,230,230,230,230,230,230,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,230,230,230,-355,-358,230,-325,-326,-143,230,-144,230,-145,230,-432,-937,-938,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-1896,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-1896,230,-1896,230,230,230,230,230,230,230,230,230,230,230,230,-1896,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-1896,230,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,230,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,230,230,230,-193,-194,230,-996,230,230,230,230,230,-279,-280,-281,-282,-367,230,-310,230,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,230,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,230,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,230,230,230,230,230,230,-575,230,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,230,230,-725,-726,-727,230,230,230,230,230,230,-996,230,230,-93,-94,230,230,230,230,-311,-312,-322,230,-309,-295,-296,-297,230,230,230,230,-620,-635,-592,230,230,-438,230,-439,230,-446,-447,-448,-380,-381,230,230,230,-508,230,230,-512,230,230,230,230,-517,-518,-519,-520,230,230,-523,-524,230,-526,-527,-528,-529,-530,-531,-532,-533,230,-535,230,230,230,-541,-543,-544,230,-546,-547,-548,-549,230,230,230,230,230,230,-654,-655,-656,-657,230,-659,-660,-661,230,230,230,-667,230,230,-671,-672,230,230,-675,230,-677,-678,230,-681,230,-683,230,230,-686,-687,-688,230,-690,230,230,-693,230,230,-696,-697,-698,230,-700,-701,-702,-703,230,230,-748,230,-751,-752,-753,-754,-755,230,-757,-758,-759,-760,-761,230,-768,-769,-771,230,-773,-774,-775,-784,-858,-860,-862,-864,230,230,230,230,-870,230,-872,230,230,230,230,230,230,230,-908,-909,230,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,230,-923,-926,230,-936,230,-387,-388,-389,230,230,-392,-393,-394,-395,230,-398,230,-401,-402,230,-403,230,-408,-409,230,-412,-413,-414,230,-417,230,-418,230,-423,-424,230,-427,230,-430,-431,-1896,-1896,230,-621,-622,-623,-624,-625,-636,-586,-626,-799,230,230,230,230,230,-833,230,230,-808,230,-834,230,230,230,230,-800,230,-855,-801,230,230,230,230,230,230,-856,-857,230,-836,-832,-837,230,-627,230,-628,-629,-630,-631,-576,230,230,-632,-633,-634,230,230,230,230,230,230,-637,-638,-639,-594,-1896,-604,230,-640,-641,-715,-642,-606,230,-574,-579,-582,-585,230,230,230,-600,-603,230,-610,230,230,230,230,230,230,230,230,230,230,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,230,230,230,-997,230,230,230,230,230,230,-308,-327,-321,-298,-377,-454,-455,-456,-460,230,-445,230,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,230,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,230,230,230,230,230,230,230,230,230,-318,-537,-510,-593,-939,-941,-942,-440,230,-442,-382,-383,-385,-509,-511,-513,230,-515,-516,-521,-522,230,-534,-536,-539,-540,-545,-550,-728,230,-729,230,-734,230,-736,230,-741,-658,-662,-663,230,-668,230,-669,230,-674,-676,230,-679,230,230,230,-689,-691,230,-694,230,230,-746,230,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,230,230,230,230,230,-879,230,-882,-910,-922,-927,-390,-391,230,-396,230,-399,230,-404,230,-405,230,-410,230,-415,230,-419,230,-420,230,-425,230,-428,-901,-902,-645,-587,-1896,-903,230,230,230,-802,230,230,-806,230,-809,-835,230,-820,230,-822,230,-824,-810,230,-826,230,-853,-854,230,230,-813,230,-648,-904,-906,-650,-651,-647,230,-707,-708,230,-644,-905,-649,-652,-605,-716,230,230,-607,-588,230,230,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,230,230,-711,-712,230,-718,230,230,230,230,230,230,-940,230,-441,-443,-749,230,-893,230,-717,-1896,230,230,230,230,230,-444,-514,-525,230,-730,-735,230,-737,230,-742,230,-664,-670,230,-680,-682,-684,-685,-692,-695,-699,-747,230,230,-876,230,230,-880,230,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,230,-814,230,-816,-803,230,-804,-807,230,-818,-821,-823,-825,-827,230,-828,230,-811,230,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,230,-284,230,230,230,230,-457,230,230,-731,230,-738,230,-743,230,-665,-673,230,230,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,230,-838,-53,230,230,-732,230,-739,230,-744,-666,230,-875,-54,230,230,-733,-740,-745,230,230,230,-874,]),'ENTITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[231,231,231,231,-1896,231,231,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,231,231,231,231,-277,-278,231,-1427,231,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,231,231,231,-492,231,231,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,231,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,231,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,231,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,231,-174,-175,-176,-177,-995,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-292,-293,-283,231,231,231,231,231,-330,-320,-334,-335,-336,231,231,-984,-985,-986,-987,-988,-989,-990,231,231,231,231,231,231,231,231,231,231,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,231,231,231,-355,-358,231,-325,-326,-143,231,-144,231,-145,231,-432,-937,-938,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-1896,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-1896,231,-1896,231,231,231,231,231,231,231,231,231,231,231,231,-1896,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-1896,231,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,231,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,231,231,231,-193,-194,231,-996,231,231,231,231,231,-279,-280,-281,-282,-367,231,-310,231,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,231,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,231,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,231,231,231,231,231,231,-575,231,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,231,231,-725,-726,-727,231,231,231,231,231,231,-996,231,231,-93,-94,231,231,231,231,-311,-312,-322,231,-309,-295,-296,-297,231,231,231,231,-620,-635,-592,231,231,-438,231,-439,231,-446,-447,-448,-380,-381,231,231,231,-508,231,231,-512,231,231,231,231,-517,-518,-519,-520,231,231,-523,-524,231,-526,-527,-528,-529,-530,-531,-532,-533,231,-535,231,231,231,-541,-543,-544,231,-546,-547,-548,-549,231,231,231,231,231,231,-654,-655,-656,-657,231,-659,-660,-661,231,231,231,-667,231,231,-671,-672,231,231,-675,231,-677,-678,231,-681,231,-683,231,231,-686,-687,-688,231,-690,231,231,-693,231,231,-696,-697,-698,231,-700,-701,-702,-703,231,231,-748,231,-751,-752,-753,-754,-755,231,-757,-758,-759,-760,-761,231,-768,-769,-771,231,-773,-774,-775,-784,-858,-860,-862,-864,231,231,231,231,-870,231,-872,231,231,231,231,231,231,231,-908,-909,231,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,231,-923,-926,231,-936,231,-387,-388,-389,231,231,-392,-393,-394,-395,231,-398,231,-401,-402,231,-403,231,-408,-409,231,-412,-413,-414,231,-417,231,-418,231,-423,-424,231,-427,231,-430,-431,-1896,-1896,231,-621,-622,-623,-624,-625,-636,-586,-626,-799,231,231,231,231,231,-833,231,231,-808,231,-834,231,231,231,231,-800,231,-855,-801,231,231,231,231,231,231,-856,-857,231,-836,-832,-837,231,-627,231,-628,-629,-630,-631,-576,231,231,-632,-633,-634,231,231,231,231,231,231,-637,-638,-639,-594,-1896,-604,231,-640,-641,-715,-642,-606,231,-574,-579,-582,-585,231,231,231,-600,-603,231,-610,231,231,231,231,231,231,231,231,231,231,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,231,231,231,-997,231,231,231,231,231,231,-308,-327,-321,-298,-377,-454,-455,-456,-460,231,-445,231,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,231,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,231,231,231,231,231,231,231,231,231,-318,-537,-510,-593,-939,-941,-942,-440,231,-442,-382,-383,-385,-509,-511,-513,231,-515,-516,-521,-522,231,-534,-536,-539,-540,-545,-550,-728,231,-729,231,-734,231,-736,231,-741,-658,-662,-663,231,-668,231,-669,231,-674,-676,231,-679,231,231,231,-689,-691,231,-694,231,231,-746,231,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,231,231,231,231,231,-879,231,-882,-910,-922,-927,-390,-391,231,-396,231,-399,231,-404,231,-405,231,-410,231,-415,231,-419,231,-420,231,-425,231,-428,-901,-902,-645,-587,-1896,-903,231,231,231,-802,231,231,-806,231,-809,-835,231,-820,231,-822,231,-824,-810,231,-826,231,-853,-854,231,231,-813,231,-648,-904,-906,-650,-651,-647,231,-707,-708,231,-644,-905,-649,-652,-605,-716,231,231,-607,-588,231,231,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,231,231,-711,-712,231,-718,231,231,231,231,231,231,-940,231,-441,-443,-749,231,-893,231,-717,-1896,231,231,231,231,231,-444,-514,-525,231,-730,-735,231,-737,231,-742,231,-664,-670,231,-680,-682,-684,-685,-692,-695,-699,-747,231,231,-876,231,231,-880,231,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,231,-814,231,-816,-803,231,-804,-807,231,-818,-821,-823,-825,-827,231,-828,231,-811,231,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,231,-284,231,231,231,231,-457,231,231,-731,231,-738,231,-743,231,-665,-673,231,231,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,231,-838,-53,231,231,-732,231,-739,231,-744,-666,231,-875,-54,231,231,-733,-740,-745,231,231,231,-874,]),'ENUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[232,232,232,232,-1896,232,232,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,232,232,232,232,-277,-278,232,-1427,232,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,232,232,232,-492,232,232,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,232,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,232,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,232,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,232,-174,-175,-176,-177,-995,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-292,-293,-283,232,232,232,232,232,-330,-320,-334,-335,-336,232,232,-984,-985,-986,-987,-988,-989,-990,232,232,232,232,232,232,232,232,232,232,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,232,232,232,-355,-358,232,-325,-326,-143,232,-144,232,-145,232,-432,-937,-938,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-1896,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-1896,232,-1896,232,232,232,232,232,232,232,232,232,232,232,232,-1896,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-1896,232,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,232,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,232,232,232,-193,-194,232,-996,232,232,232,232,232,-279,-280,-281,-282,-367,232,-310,232,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,232,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,232,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,232,232,232,232,232,232,-575,232,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,232,232,-725,-726,-727,232,232,232,232,232,232,-996,232,232,-93,-94,232,232,232,232,-311,-312,-322,232,-309,-295,-296,-297,232,232,232,232,-620,-635,-592,232,232,-438,232,-439,232,-446,-447,-448,-380,-381,232,232,232,-508,232,232,-512,232,232,232,232,-517,-518,-519,-520,232,232,-523,-524,232,-526,-527,-528,-529,-530,-531,-532,-533,232,-535,232,232,232,-541,-543,-544,232,-546,-547,-548,-549,232,232,232,232,232,232,-654,-655,-656,-657,232,-659,-660,-661,232,232,232,-667,232,232,-671,-672,232,232,-675,232,-677,-678,232,-681,232,-683,232,232,-686,-687,-688,232,-690,232,232,-693,232,232,-696,-697,-698,232,-700,-701,-702,-703,232,232,-748,232,-751,-752,-753,-754,-755,232,-757,-758,-759,-760,-761,232,-768,-769,-771,232,-773,-774,-775,-784,-858,-860,-862,-864,232,232,232,232,-870,232,-872,232,232,232,232,232,232,232,-908,-909,232,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,232,-923,-926,232,-936,232,-387,-388,-389,232,232,-392,-393,-394,-395,232,-398,232,-401,-402,232,-403,232,-408,-409,232,-412,-413,-414,232,-417,232,-418,232,-423,-424,232,-427,232,-430,-431,-1896,-1896,232,-621,-622,-623,-624,-625,-636,-586,-626,-799,232,232,232,232,232,-833,232,232,-808,232,-834,232,232,232,232,-800,232,-855,-801,232,232,232,232,232,232,-856,-857,232,-836,-832,-837,232,-627,232,-628,-629,-630,-631,-576,232,232,-632,-633,-634,232,232,232,232,232,232,-637,-638,-639,-594,-1896,-604,232,-640,-641,-715,-642,-606,232,-574,-579,-582,-585,232,232,232,-600,-603,232,-610,232,232,232,232,232,232,232,232,232,232,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,232,232,232,-997,232,232,232,232,232,232,-308,-327,-321,-298,-377,-454,-455,-456,-460,232,-445,232,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,232,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,232,232,232,232,232,232,232,232,232,-318,-537,-510,-593,-939,-941,-942,-440,232,-442,-382,-383,-385,-509,-511,-513,232,-515,-516,-521,-522,232,-534,-536,-539,-540,-545,-550,-728,232,-729,232,-734,232,-736,232,-741,-658,-662,-663,232,-668,232,-669,232,-674,-676,232,-679,232,232,232,-689,-691,232,-694,232,232,-746,232,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,232,232,232,232,232,-879,232,-882,-910,-922,-927,-390,-391,232,-396,232,-399,232,-404,232,-405,232,-410,232,-415,232,-419,232,-420,232,-425,232,-428,-901,-902,-645,-587,-1896,-903,232,232,232,-802,232,232,-806,232,-809,-835,232,-820,232,-822,232,-824,-810,232,-826,232,-853,-854,232,232,-813,232,-648,-904,-906,-650,-651,-647,232,-707,-708,232,-644,-905,-649,-652,-605,-716,232,232,-607,-588,232,232,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,232,232,-711,-712,232,-718,232,232,232,232,232,232,-940,232,-441,-443,-749,232,-893,232,-717,-1896,232,232,232,232,232,-444,-514,-525,232,-730,-735,232,-737,232,-742,232,-664,-670,232,-680,-682,-684,-685,-692,-695,-699,-747,232,232,-876,232,232,-880,232,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,232,-814,232,-816,-803,232,-804,-807,232,-818,-821,-823,-825,-827,232,-828,232,-811,232,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,232,-284,232,232,232,232,-457,232,232,-731,232,-738,232,-743,232,-665,-673,232,232,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,232,-838,-53,232,232,-732,232,-739,232,-744,-666,232,-875,-54,232,232,-733,-740,-745,232,232,232,-874,]),'ERROR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[233,233,233,233,-1896,233,233,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,233,233,233,233,-277,-278,233,-1427,233,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,233,233,233,-492,233,233,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,233,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,233,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,233,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,233,-174,-175,-176,-177,-995,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-292,-293,-283,233,233,233,233,233,-330,-320,-334,-335,-336,233,233,-984,-985,-986,-987,-988,-989,-990,233,233,233,233,233,233,233,233,233,233,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,233,233,233,-355,-358,233,-325,-326,-143,233,-144,233,-145,233,-432,-937,-938,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-1896,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-1896,233,-1896,233,233,233,233,233,233,233,233,233,233,233,233,-1896,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-1896,233,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,233,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,233,233,233,-193,-194,233,-996,233,233,233,233,233,-279,-280,-281,-282,-367,233,-310,233,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,233,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,233,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,233,233,233,233,233,233,-575,233,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,233,233,-725,-726,-727,233,233,233,233,233,233,-996,233,233,-93,-94,233,233,233,233,-311,-312,-322,233,-309,-295,-296,-297,233,233,233,233,-620,-635,-592,233,233,-438,233,-439,233,-446,-447,-448,-380,-381,233,233,233,-508,233,233,-512,233,233,233,233,-517,-518,-519,-520,233,233,-523,-524,233,-526,-527,-528,-529,-530,-531,-532,-533,233,-535,233,233,233,-541,-543,-544,233,-546,-547,-548,-549,233,233,233,233,233,233,-654,-655,-656,-657,233,-659,-660,-661,233,233,233,-667,233,233,-671,-672,233,233,-675,233,-677,-678,233,-681,233,-683,233,233,-686,-687,-688,233,-690,233,233,-693,233,233,-696,-697,-698,233,-700,-701,-702,-703,233,233,-748,233,-751,-752,-753,-754,-755,233,-757,-758,-759,-760,-761,233,-768,-769,-771,233,-773,-774,-775,-784,-858,-860,-862,-864,233,233,233,233,-870,233,-872,233,233,233,233,233,233,233,-908,-909,233,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,233,-923,-926,233,-936,233,-387,-388,-389,233,233,-392,-393,-394,-395,233,-398,233,-401,-402,233,-403,233,-408,-409,233,-412,-413,-414,233,-417,233,-418,233,-423,-424,233,-427,233,-430,-431,-1896,-1896,233,-621,-622,-623,-624,-625,-636,-586,-626,-799,233,233,233,233,233,-833,233,233,-808,233,-834,233,233,233,233,-800,233,-855,-801,233,233,233,233,233,233,-856,-857,233,-836,-832,-837,233,-627,233,-628,-629,-630,-631,-576,233,233,-632,-633,-634,233,233,233,233,233,233,-637,-638,-639,-594,-1896,-604,233,-640,-641,-715,-642,-606,233,-574,-579,-582,-585,233,233,233,-600,-603,233,-610,233,233,233,233,233,233,233,233,233,233,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,233,233,233,-997,233,233,233,233,233,233,-308,-327,-321,-298,-377,-454,-455,-456,-460,233,-445,233,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,233,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,233,233,233,233,233,233,233,233,233,-318,-537,-510,-593,-939,-941,-942,-440,233,-442,-382,-383,-385,-509,-511,-513,233,-515,-516,-521,-522,233,-534,-536,-539,-540,-545,-550,-728,233,-729,233,-734,233,-736,233,-741,-658,-662,-663,233,-668,233,-669,233,-674,-676,233,-679,233,233,233,-689,-691,233,-694,233,233,-746,233,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,233,233,233,233,233,-879,233,-882,-910,-922,-927,-390,-391,233,-396,233,-399,233,-404,233,-405,233,-410,233,-415,233,-419,233,-420,233,-425,233,-428,-901,-902,-645,-587,-1896,-903,233,233,233,-802,233,233,-806,233,-809,-835,233,-820,233,-822,233,-824,-810,233,-826,233,-853,-854,233,233,-813,233,-648,-904,-906,-650,-651,-647,233,-707,-708,233,-644,-905,-649,-652,-605,-716,233,233,-607,-588,233,233,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,233,233,-711,-712,233,-718,233,233,233,233,233,233,-940,233,-441,-443,-749,233,-893,233,-717,-1896,233,233,233,233,233,-444,-514,-525,233,-730,-735,233,-737,233,-742,233,-664,-670,233,-680,-682,-684,-685,-692,-695,-699,-747,233,233,-876,233,233,-880,233,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,233,-814,233,-816,-803,233,-804,-807,233,-818,-821,-823,-825,-827,233,-828,233,-811,233,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,233,-284,233,233,233,233,-457,233,233,-731,233,-738,233,-743,233,-665,-673,233,233,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,233,-838,-53,233,233,-732,233,-739,233,-744,-666,233,-875,-54,233,233,-733,-740,-745,233,233,233,-874,]),'ERRORS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[234,234,234,234,-1896,234,234,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,234,234,234,234,-277,-278,234,-1427,234,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,234,234,234,-492,234,234,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,234,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,234,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,234,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,234,-174,-175,-176,-177,-995,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-292,-293,-283,234,234,234,234,234,-330,-320,-334,-335,-336,234,234,-984,-985,-986,-987,-988,-989,-990,234,234,234,234,234,234,234,234,234,234,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,234,234,234,-355,-358,234,-325,-326,-143,234,-144,234,-145,234,-432,-937,-938,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-1896,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-1896,234,-1896,234,234,234,234,234,234,234,234,234,234,234,234,-1896,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-1896,234,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,234,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,234,234,234,-193,-194,234,-996,234,234,234,234,234,-279,-280,-281,-282,-367,234,-310,234,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,234,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,234,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,234,234,234,234,234,234,-575,234,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,234,234,-725,-726,-727,234,234,234,234,234,234,-996,234,234,-93,-94,234,234,234,234,-311,-312,-322,234,-309,-295,-296,-297,234,234,234,234,-620,-635,-592,234,234,-438,234,-439,234,-446,-447,-448,-380,-381,234,234,234,-508,234,234,-512,234,234,234,234,-517,-518,-519,-520,234,234,-523,-524,234,-526,-527,-528,-529,-530,-531,-532,-533,234,-535,234,234,234,-541,-543,-544,234,-546,-547,-548,-549,234,234,234,234,234,234,-654,-655,-656,-657,234,-659,-660,-661,234,234,234,-667,234,234,-671,-672,234,234,-675,234,-677,-678,234,-681,234,-683,234,234,-686,-687,-688,234,-690,234,234,-693,234,234,-696,-697,-698,234,-700,-701,-702,-703,234,234,-748,234,-751,-752,-753,-754,-755,234,-757,-758,-759,-760,-761,234,-768,-769,-771,234,-773,-774,-775,-784,-858,-860,-862,-864,234,234,234,234,-870,234,-872,234,234,234,234,234,234,234,-908,-909,234,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,234,-923,-926,234,-936,234,-387,-388,-389,234,234,-392,-393,-394,-395,234,-398,234,-401,-402,234,-403,234,-408,-409,234,-412,-413,-414,234,-417,234,-418,234,-423,-424,234,-427,234,-430,-431,-1896,-1896,234,-621,-622,-623,-624,-625,-636,-586,-626,-799,234,234,234,234,234,-833,234,234,-808,234,-834,234,234,234,234,-800,234,-855,-801,234,234,234,234,234,234,-856,-857,234,-836,-832,-837,234,-627,234,-628,-629,-630,-631,-576,234,234,-632,-633,-634,234,234,234,234,234,234,-637,-638,-639,-594,-1896,-604,234,-640,-641,-715,-642,-606,234,-574,-579,-582,-585,234,234,234,-600,-603,234,-610,234,234,234,234,234,234,234,234,234,234,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,234,234,234,-997,234,234,234,234,234,234,-308,-327,-321,-298,-377,-454,-455,-456,-460,234,-445,234,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,234,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,234,234,234,234,234,234,234,234,234,-318,-537,-510,-593,-939,-941,-942,-440,234,-442,-382,-383,-385,-509,-511,-513,234,-515,-516,-521,-522,234,-534,-536,-539,-540,-545,-550,-728,234,-729,234,-734,234,-736,234,-741,-658,-662,-663,234,-668,234,-669,234,-674,-676,234,-679,234,234,234,-689,-691,234,-694,234,234,-746,234,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,234,234,234,234,234,-879,234,-882,-910,-922,-927,-390,-391,234,-396,234,-399,234,-404,234,-405,234,-410,234,-415,234,-419,234,-420,234,-425,234,-428,-901,-902,-645,-587,-1896,-903,234,234,234,-802,234,234,-806,234,-809,-835,234,-820,234,-822,234,-824,-810,234,-826,234,-853,-854,234,234,-813,234,-648,-904,-906,-650,-651,-647,234,-707,-708,234,-644,-905,-649,-652,-605,-716,234,234,-607,-588,234,234,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,234,234,-711,-712,234,-718,234,234,234,234,234,234,-940,234,-441,-443,-749,234,-893,234,-717,-1896,234,234,234,234,234,-444,-514,-525,234,-730,-735,234,-737,234,-742,234,-664,-670,234,-680,-682,-684,-685,-692,-695,-699,-747,234,234,-876,234,234,-880,234,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,234,-814,234,-816,-803,234,-804,-807,234,-818,-821,-823,-825,-827,234,-828,234,-811,234,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,234,-284,234,234,234,234,-457,234,234,-731,234,-738,234,-743,234,-665,-673,234,234,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,234,-838,-53,234,234,-732,234,-739,234,-744,-666,234,-875,-54,234,234,-733,-740,-745,234,234,234,-874,]),'ERROR_CODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[235,235,235,235,-1896,235,235,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,235,235,235,235,-277,-278,235,-1427,235,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,235,235,235,-492,235,235,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,235,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,235,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,235,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,235,-174,-175,-176,-177,-995,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-292,-293,-283,235,235,235,235,235,-330,-320,-334,-335,-336,235,235,-984,-985,-986,-987,-988,-989,-990,235,235,235,235,235,235,235,235,235,235,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,235,235,235,-355,-358,235,-325,-326,-143,235,-144,235,-145,235,-432,-937,-938,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-1896,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-1896,235,-1896,235,235,235,235,235,235,235,235,235,235,235,235,-1896,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-1896,235,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,235,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,235,235,235,-193,-194,235,-996,235,235,235,235,235,-279,-280,-281,-282,-367,235,-310,235,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,235,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,235,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,235,235,235,235,235,235,-575,235,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,235,235,-725,-726,-727,235,235,235,235,235,235,-996,235,235,-93,-94,235,235,235,235,-311,-312,-322,235,-309,-295,-296,-297,235,235,235,235,-620,-635,-592,235,235,-438,235,-439,235,-446,-447,-448,-380,-381,235,235,235,-508,235,235,-512,235,235,235,235,-517,-518,-519,-520,235,235,-523,-524,235,-526,-527,-528,-529,-530,-531,-532,-533,235,-535,235,235,235,-541,-543,-544,235,-546,-547,-548,-549,235,235,235,235,235,235,-654,-655,-656,-657,235,-659,-660,-661,235,235,235,-667,235,235,-671,-672,235,235,-675,235,-677,-678,235,-681,235,-683,235,235,-686,-687,-688,235,-690,235,235,-693,235,235,-696,-697,-698,235,-700,-701,-702,-703,235,235,-748,235,-751,-752,-753,-754,-755,235,-757,-758,-759,-760,-761,235,-768,-769,-771,235,-773,-774,-775,-784,-858,-860,-862,-864,235,235,235,235,-870,235,-872,235,235,235,235,235,235,235,-908,-909,235,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,235,-923,-926,235,-936,235,-387,-388,-389,235,235,-392,-393,-394,-395,235,-398,235,-401,-402,235,-403,235,-408,-409,235,-412,-413,-414,235,-417,235,-418,235,-423,-424,235,-427,235,-430,-431,-1896,-1896,235,-621,-622,-623,-624,-625,-636,-586,-626,-799,235,235,235,235,235,-833,235,235,-808,235,-834,235,235,235,235,-800,235,-855,-801,235,235,235,235,235,235,-856,-857,235,-836,-832,-837,235,-627,235,-628,-629,-630,-631,-576,235,235,-632,-633,-634,235,235,235,235,235,235,-637,-638,-639,-594,-1896,-604,235,-640,-641,-715,-642,-606,235,-574,-579,-582,-585,235,235,235,-600,-603,235,-610,235,235,235,235,235,235,235,235,235,235,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,235,235,235,-997,235,235,235,235,235,235,-308,-327,-321,-298,-377,-454,-455,-456,-460,235,-445,235,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,235,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,235,235,235,235,235,235,235,235,235,-318,-537,-510,-593,-939,-941,-942,-440,235,-442,-382,-383,-385,-509,-511,-513,235,-515,-516,-521,-522,235,-534,-536,-539,-540,-545,-550,-728,235,-729,235,-734,235,-736,235,-741,-658,-662,-663,235,-668,235,-669,235,-674,-676,235,-679,235,235,235,-689,-691,235,-694,235,235,-746,235,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,235,235,235,235,235,-879,235,-882,-910,-922,-927,-390,-391,235,-396,235,-399,235,-404,235,-405,235,-410,235,-415,235,-419,235,-420,235,-425,235,-428,-901,-902,-645,-587,-1896,-903,235,235,235,-802,235,235,-806,235,-809,-835,235,-820,235,-822,235,-824,-810,235,-826,235,-853,-854,235,235,-813,235,-648,-904,-906,-650,-651,-647,235,-707,-708,235,-644,-905,-649,-652,-605,-716,235,235,-607,-588,235,235,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,235,235,-711,-712,235,-718,235,235,235,235,235,235,-940,235,-441,-443,-749,235,-893,235,-717,-1896,235,235,235,235,235,-444,-514,-525,235,-730,-735,235,-737,235,-742,235,-664,-670,235,-680,-682,-684,-685,-692,-695,-699,-747,235,235,-876,235,235,-880,235,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,235,-814,235,-816,-803,235,-804,-807,235,-818,-821,-823,-825,-827,235,-828,235,-811,235,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,235,-284,235,235,235,235,-457,235,235,-731,235,-738,235,-743,235,-665,-673,235,235,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,235,-838,-53,235,235,-732,235,-739,235,-744,-666,235,-875,-54,235,235,-733,-740,-745,235,235,235,-874,]),'ERROR_P':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[236,236,236,236,-1896,236,236,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,236,236,236,236,-277,-278,236,-1427,236,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,236,236,236,-492,236,236,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,236,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,236,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,236,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,236,-174,-175,-176,-177,-995,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-292,-293,-283,236,236,236,236,236,-330,-320,-334,-335,-336,236,236,-984,-985,-986,-987,-988,-989,-990,236,236,236,236,236,236,236,236,236,236,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,236,236,236,-355,-358,236,-325,-326,-143,236,-144,236,-145,236,-432,-937,-938,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-1896,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-1896,236,-1896,236,236,236,236,236,236,236,236,236,236,236,236,-1896,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-1896,236,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,236,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,236,236,236,-193,-194,236,-996,236,236,236,236,236,-279,-280,-281,-282,-367,236,-310,236,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,236,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,236,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,236,236,236,236,236,236,-575,236,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,236,236,-725,-726,-727,236,236,236,236,236,236,-996,236,236,-93,-94,236,236,236,236,-311,-312,-322,236,-309,-295,-296,-297,236,236,236,236,-620,-635,-592,236,236,-438,236,-439,236,-446,-447,-448,-380,-381,236,236,236,-508,236,236,-512,236,236,236,236,-517,-518,-519,-520,236,236,-523,-524,236,-526,-527,-528,-529,-530,-531,-532,-533,236,-535,236,236,236,-541,-543,-544,236,-546,-547,-548,-549,236,236,236,236,236,236,-654,-655,-656,-657,236,-659,-660,-661,236,236,236,-667,236,236,-671,-672,236,236,-675,236,-677,-678,236,-681,236,-683,236,236,-686,-687,-688,236,-690,236,236,-693,236,236,-696,-697,-698,236,-700,-701,-702,-703,236,236,-748,236,-751,-752,-753,-754,-755,236,-757,-758,-759,-760,-761,236,-768,-769,-771,236,-773,-774,-775,-784,-858,-860,-862,-864,236,236,236,236,-870,236,-872,236,236,236,236,236,236,236,-908,-909,236,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,236,-923,-926,236,-936,236,-387,-388,-389,236,236,-392,-393,-394,-395,236,-398,236,-401,-402,236,-403,236,-408,-409,236,-412,-413,-414,236,-417,236,-418,236,-423,-424,236,-427,236,-430,-431,-1896,-1896,236,-621,-622,-623,-624,-625,-636,-586,-626,-799,236,236,236,236,236,-833,236,236,-808,236,-834,236,236,236,236,-800,236,-855,-801,236,236,236,236,236,236,-856,-857,236,-836,-832,-837,236,-627,236,-628,-629,-630,-631,-576,236,236,-632,-633,-634,236,236,236,236,236,236,-637,-638,-639,-594,-1896,-604,236,-640,-641,-715,-642,-606,236,-574,-579,-582,-585,236,236,236,-600,-603,236,-610,236,236,236,236,236,236,236,236,236,236,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,236,236,236,-997,236,236,236,236,236,236,-308,-327,-321,-298,-377,-454,-455,-456,-460,236,-445,236,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,236,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,236,236,236,236,236,236,236,236,236,-318,-537,-510,-593,-939,-941,-942,-440,236,-442,-382,-383,-385,-509,-511,-513,236,-515,-516,-521,-522,236,-534,-536,-539,-540,-545,-550,-728,236,-729,236,-734,236,-736,236,-741,-658,-662,-663,236,-668,236,-669,236,-674,-676,236,-679,236,236,236,-689,-691,236,-694,236,236,-746,236,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,236,236,236,236,236,-879,236,-882,-910,-922,-927,-390,-391,236,-396,236,-399,236,-404,236,-405,236,-410,236,-415,236,-419,236,-420,236,-425,236,-428,-901,-902,-645,-587,-1896,-903,236,236,236,-802,236,236,-806,236,-809,-835,236,-820,236,-822,236,-824,-810,236,-826,236,-853,-854,236,236,-813,236,-648,-904,-906,-650,-651,-647,236,-707,-708,236,-644,-905,-649,-652,-605,-716,236,236,-607,-588,236,236,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,236,236,-711,-712,236,-718,236,236,236,236,236,236,-940,236,-441,-443,-749,236,-893,236,-717,-1896,236,236,236,236,236,-444,-514,-525,236,-730,-735,236,-737,236,-742,236,-664,-670,236,-680,-682,-684,-685,-692,-695,-699,-747,236,236,-876,236,236,-880,236,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,236,-814,236,-816,-803,236,-804,-807,236,-818,-821,-823,-825,-827,236,-828,236,-811,236,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,236,-284,236,236,236,236,-457,236,236,-731,236,-738,236,-743,236,-665,-673,236,236,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,236,-838,-53,236,236,-732,236,-739,236,-744,-666,236,-875,-54,236,236,-733,-740,-745,236,236,236,-874,]),'ERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[237,237,237,237,-1896,237,237,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,237,237,237,237,-277,-278,237,-1427,237,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,237,237,237,-492,237,237,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,237,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,237,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,237,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,237,-174,-175,-176,-177,-995,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-292,-293,-283,237,237,237,237,237,-330,-320,-334,-335,-336,237,237,-984,-985,-986,-987,-988,-989,-990,237,237,237,237,237,237,237,237,237,237,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,237,237,237,-355,-358,237,-325,-326,-143,237,-144,237,-145,237,-432,-937,-938,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-1896,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-1896,237,-1896,237,237,237,237,237,237,237,237,237,237,237,237,-1896,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-1896,237,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,237,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,237,237,237,-193,-194,237,-996,237,237,237,237,237,-279,-280,-281,-282,-367,237,-310,237,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,237,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,237,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,237,237,237,237,237,237,-575,237,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,237,237,-725,-726,-727,237,237,237,237,237,237,-996,237,237,-93,-94,237,237,237,237,-311,-312,-322,237,-309,-295,-296,-297,237,237,237,237,-620,-635,-592,237,237,-438,237,-439,237,-446,-447,-448,-380,-381,237,237,237,-508,237,237,-512,237,237,237,237,-517,-518,-519,-520,237,237,-523,-524,237,-526,-527,-528,-529,-530,-531,-532,-533,237,-535,237,237,237,-541,-543,-544,237,-546,-547,-548,-549,237,237,237,237,237,237,-654,-655,-656,-657,237,-659,-660,-661,237,237,237,-667,237,237,-671,-672,237,237,-675,237,-677,-678,237,-681,237,-683,237,237,-686,-687,-688,237,-690,237,237,-693,237,237,-696,-697,-698,237,-700,-701,-702,-703,237,237,-748,237,-751,-752,-753,-754,-755,237,-757,-758,-759,-760,-761,237,-768,-769,-771,237,-773,-774,-775,-784,-858,-860,-862,-864,237,237,237,237,-870,237,-872,237,237,237,237,237,237,237,-908,-909,237,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,237,-923,-926,237,-936,237,-387,-388,-389,237,237,-392,-393,-394,-395,237,-398,237,-401,-402,237,-403,237,-408,-409,237,-412,-413,-414,237,-417,237,-418,237,-423,-424,237,-427,237,-430,-431,-1896,-1896,237,-621,-622,-623,-624,-625,-636,-586,-626,-799,237,237,237,237,237,-833,237,237,-808,237,-834,237,237,237,237,-800,237,-855,-801,237,237,237,237,237,237,-856,-857,237,-836,-832,-837,237,-627,237,-628,-629,-630,-631,-576,237,237,-632,-633,-634,237,237,237,237,237,237,-637,-638,-639,-594,-1896,-604,237,-640,-641,-715,-642,-606,237,-574,-579,-582,-585,237,237,237,-600,-603,237,-610,237,237,237,237,237,237,237,237,237,237,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,237,237,237,-997,237,237,237,237,237,237,-308,-327,-321,-298,-377,-454,-455,-456,-460,237,-445,237,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,237,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,237,237,237,237,237,237,237,237,237,-318,-537,-510,-593,-939,-941,-942,-440,237,-442,-382,-383,-385,-509,-511,-513,237,-515,-516,-521,-522,237,-534,-536,-539,-540,-545,-550,-728,237,-729,237,-734,237,-736,237,-741,-658,-662,-663,237,-668,237,-669,237,-674,-676,237,-679,237,237,237,-689,-691,237,-694,237,237,-746,237,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,237,237,237,237,237,-879,237,-882,-910,-922,-927,-390,-391,237,-396,237,-399,237,-404,237,-405,237,-410,237,-415,237,-419,237,-420,237,-425,237,-428,-901,-902,-645,-587,-1896,-903,237,237,237,-802,237,237,-806,237,-809,-835,237,-820,237,-822,237,-824,-810,237,-826,237,-853,-854,237,237,-813,237,-648,-904,-906,-650,-651,-647,237,-707,-708,237,-644,-905,-649,-652,-605,-716,237,237,-607,-588,237,237,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,237,237,-711,-712,237,-718,237,237,237,237,237,237,-940,237,-441,-443,-749,237,-893,237,-717,-1896,237,237,237,237,237,-444,-514,-525,237,-730,-735,237,-737,237,-742,237,-664,-670,237,-680,-682,-684,-685,-692,-695,-699,-747,237,237,-876,237,237,-880,237,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,237,-814,237,-816,-803,237,-804,-807,237,-818,-821,-823,-825,-827,237,-828,237,-811,237,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,237,-284,237,237,237,237,-457,237,237,-731,237,-738,237,-743,237,-665,-673,237,237,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,237,-838,-53,237,237,-732,237,-739,237,-744,-666,237,-875,-54,237,237,-733,-740,-745,237,237,237,-874,]),'ESCAPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[238,238,238,238,-1896,238,238,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,238,238,238,238,-277,-278,238,-1427,238,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,238,238,238,-492,238,238,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,238,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,238,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,238,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,238,-174,-175,-176,-177,-995,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-292,-293,-283,238,238,238,238,238,-330,-320,-334,-335,-336,238,238,-984,-985,-986,-987,-988,-989,-990,238,238,238,238,238,238,238,238,238,238,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,238,238,238,-355,-358,238,-325,-326,-143,238,-144,238,-145,238,-432,-937,-938,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-1896,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-1896,238,-1896,238,238,238,238,238,238,238,238,238,238,238,238,-1896,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-1896,238,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,238,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,238,238,238,-193,-194,238,-996,238,238,238,238,238,-279,-280,-281,-282,-367,238,-310,238,-328,-319,-329,-333,2534,-313,-314,-315,-316,-317,238,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,238,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,238,238,238,238,238,238,-575,238,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,238,238,-725,-726,-727,238,238,238,238,238,238,-996,238,238,-93,-94,238,238,238,238,-311,-312,-322,238,-309,-295,-296,-297,238,238,238,238,-620,-635,-592,238,238,-438,238,-439,238,-446,-447,-448,-380,-381,238,238,238,-508,238,238,-512,238,238,238,238,-517,-518,-519,-520,238,238,-523,-524,238,-526,-527,-528,-529,-530,-531,-532,-533,238,-535,238,238,238,-541,-543,-544,238,-546,-547,-548,-549,238,238,238,238,238,238,-654,-655,-656,-657,238,-659,-660,-661,238,238,238,-667,238,238,-671,-672,238,238,-675,238,-677,-678,238,-681,238,-683,238,238,-686,-687,-688,238,-690,238,238,-693,238,238,-696,-697,-698,238,-700,-701,-702,-703,238,238,-748,238,-751,-752,-753,-754,-755,238,-757,-758,-759,-760,-761,238,-768,-769,-771,238,-773,-774,-775,-784,-858,-860,-862,-864,238,238,238,238,-870,238,-872,238,238,238,238,238,238,238,-908,-909,238,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,238,-923,-926,238,-936,238,-387,-388,-389,238,238,-392,-393,-394,-395,238,-398,238,-401,-402,238,-403,238,-408,-409,238,-412,-413,-414,238,-417,238,-418,238,-423,-424,238,-427,238,-430,-431,-1896,-1896,238,-621,-622,-623,-624,-625,-636,-586,-626,-799,238,238,238,238,238,-833,238,238,-808,238,-834,238,238,238,238,-800,238,-855,-801,238,238,238,238,238,238,-856,-857,238,-836,-832,-837,238,-627,238,-628,-629,-630,-631,-576,238,238,-632,-633,-634,238,238,238,238,238,238,-637,-638,-639,-594,-1896,-604,238,-640,-641,-715,-642,-606,238,-574,-579,-582,-585,238,238,238,-600,-603,238,-610,238,238,238,238,238,238,238,238,238,238,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,238,238,238,-997,238,238,238,238,238,238,-308,-327,-321,-298,-377,-454,-455,-456,-460,238,-445,238,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,238,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,238,238,238,238,238,238,238,238,238,-318,-537,-510,-593,-939,-941,-942,-440,238,-442,-382,-383,-385,-509,-511,-513,238,-515,-516,-521,-522,238,-534,-536,-539,-540,-545,-550,-728,238,-729,238,-734,238,-736,238,-741,-658,-662,-663,238,-668,238,-669,238,-674,-676,238,-679,238,238,238,-689,-691,238,-694,238,238,-746,238,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,238,238,238,238,238,-879,238,-882,-910,-922,-927,-390,-391,238,-396,238,-399,238,-404,238,-405,238,-410,238,-415,238,-419,238,-420,238,-425,238,-428,-901,-902,-645,-587,-1896,-903,238,238,238,-802,238,238,-806,238,-809,-835,238,-820,238,-822,238,-824,-810,238,-826,238,-853,-854,238,238,-813,238,-648,-904,-906,-650,-651,-647,238,-707,-708,238,-644,-905,-649,-652,-605,-716,238,238,-607,-588,238,238,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,238,238,-711,-712,238,-718,238,238,238,238,238,238,-940,238,-441,-443,-749,238,-893,238,-717,-1896,238,238,238,238,238,-444,-514,-525,238,-730,-735,238,-737,238,-742,238,-664,-670,238,-680,-682,-684,-685,-692,-695,-699,-747,238,238,-876,238,238,-880,238,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,238,-814,238,-816,-803,238,-804,-807,238,-818,-821,-823,-825,-827,238,-828,238,-811,238,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,238,-284,238,238,238,238,-457,238,238,-731,238,-738,238,-743,238,-665,-673,238,238,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,238,-838,-53,238,238,-732,238,-739,238,-744,-666,238,-875,-54,238,238,-733,-740,-745,238,238,238,-874,]),'EVENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[239,239,239,239,-1896,239,239,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,239,239,239,239,-277,-278,239,-1427,239,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,239,239,239,-492,239,239,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,239,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,239,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,239,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,239,-174,-175,-176,-177,-995,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-292,-293,-283,239,239,239,239,239,-330,-320,-334,-335,-336,239,239,-984,-985,-986,-987,-988,-989,-990,239,239,239,239,239,239,239,239,239,239,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,239,239,239,-355,-358,239,-325,-326,-143,239,-144,239,-145,239,-432,-937,-938,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-1896,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-1896,239,-1896,239,239,239,239,239,239,239,239,239,239,239,239,-1896,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-1896,239,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,239,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,239,239,239,-193,-194,239,-996,239,239,239,239,239,-279,-280,-281,-282,-367,239,-310,239,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,239,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,239,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,239,239,239,239,239,239,-575,239,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,239,239,-725,-726,-727,239,239,239,239,239,239,-996,239,239,-93,-94,239,239,239,239,-311,-312,-322,239,-309,-295,-296,-297,239,239,239,239,-620,-635,-592,239,239,-438,239,-439,239,-446,-447,-448,-380,-381,239,239,239,-508,239,239,-512,239,239,239,239,-517,-518,-519,-520,239,239,-523,-524,239,-526,-527,-528,-529,-530,-531,-532,-533,239,-535,239,239,239,-541,-543,-544,239,-546,-547,-548,-549,239,239,239,239,239,239,-654,-655,-656,-657,239,-659,-660,-661,239,239,239,-667,239,239,-671,-672,239,239,-675,239,-677,-678,239,-681,239,-683,239,239,-686,-687,-688,239,-690,239,239,-693,239,239,-696,-697,-698,239,-700,-701,-702,-703,239,239,-748,239,-751,-752,-753,-754,-755,239,-757,-758,-759,-760,-761,239,-768,-769,-771,239,-773,-774,-775,-784,-858,-860,-862,-864,239,239,239,239,-870,239,-872,239,239,239,239,239,239,239,-908,-909,239,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,239,-923,-926,239,-936,239,-387,-388,-389,239,239,-392,-393,-394,-395,239,-398,239,-401,-402,239,-403,239,-408,-409,239,-412,-413,-414,239,-417,239,-418,239,-423,-424,239,-427,239,-430,-431,-1896,-1896,239,-621,-622,-623,-624,-625,-636,-586,-626,-799,239,239,239,239,239,-833,239,239,-808,239,-834,239,239,239,239,-800,239,-855,-801,239,239,239,239,239,239,-856,-857,239,-836,-832,-837,239,-627,239,-628,-629,-630,-631,-576,239,239,-632,-633,-634,239,239,239,239,239,239,-637,-638,-639,-594,-1896,-604,239,-640,-641,-715,-642,-606,239,-574,-579,-582,-585,239,239,239,-600,-603,239,-610,239,239,239,239,239,239,239,239,239,239,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,239,239,239,-997,239,239,239,239,239,239,-308,-327,-321,-298,-377,-454,-455,-456,-460,239,-445,239,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,239,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,239,239,239,239,239,239,239,239,239,-318,-537,-510,-593,-939,-941,-942,-440,239,-442,-382,-383,-385,-509,-511,-513,239,-515,-516,-521,-522,239,-534,-536,-539,-540,-545,-550,-728,239,-729,239,-734,239,-736,239,-741,-658,-662,-663,239,-668,239,-669,239,-674,-676,239,-679,239,239,239,-689,-691,239,-694,239,239,-746,239,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,239,239,239,239,239,-879,239,-882,-910,-922,-927,-390,-391,239,-396,239,-399,239,-404,239,-405,239,-410,239,-415,239,-419,239,-420,239,-425,239,-428,-901,-902,-645,-587,-1896,-903,239,239,239,-802,239,239,-806,239,-809,-835,239,-820,239,-822,239,-824,-810,239,-826,239,-853,-854,239,239,-813,239,-648,-904,-906,-650,-651,-647,239,-707,-708,239,-644,-905,-649,-652,-605,-716,239,239,-607,-588,239,239,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,239,239,-711,-712,239,-718,239,239,239,239,239,239,-940,239,-441,-443,-749,239,-893,239,-717,-1896,239,239,239,239,239,-444,-514,-525,239,-730,-735,239,-737,239,-742,239,-664,-670,239,-680,-682,-684,-685,-692,-695,-699,-747,239,239,-876,239,239,-880,239,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,239,-814,239,-816,-803,239,-804,-807,239,-818,-821,-823,-825,-827,239,-828,239,-811,239,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,239,-284,239,239,239,239,-457,239,239,-731,239,-738,239,-743,239,-665,-673,239,239,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,239,-838,-53,239,239,-732,239,-739,239,-744,-666,239,-875,-54,239,239,-733,-740,-745,239,239,239,-874,]),'EVENTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[240,240,240,240,-1896,240,240,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,240,240,240,240,-277,-278,240,-1427,240,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,240,240,240,-492,240,240,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,240,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,240,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,240,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,240,-174,-175,-176,-177,-995,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-292,-293,-283,240,240,240,240,240,-330,-320,-334,-335,-336,240,240,-984,-985,-986,-987,-988,-989,-990,240,240,240,240,240,240,240,240,240,240,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,240,240,240,-355,-358,240,-325,-326,-143,240,-144,240,-145,240,-432,-937,-938,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-1896,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-1896,240,-1896,240,240,240,240,240,240,240,240,240,240,240,240,-1896,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-1896,240,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,240,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,240,240,240,-193,-194,240,-996,240,240,240,240,240,-279,-280,-281,-282,-367,240,-310,240,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,240,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,240,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,240,240,240,240,240,240,-575,240,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,240,240,-725,-726,-727,240,240,240,240,240,240,-996,240,240,-93,-94,240,240,240,240,-311,-312,-322,240,-309,-295,-296,-297,240,240,240,240,-620,-635,-592,240,240,-438,240,-439,240,-446,-447,-448,-380,-381,240,240,240,-508,240,240,-512,240,240,240,240,-517,-518,-519,-520,240,240,-523,-524,240,-526,-527,-528,-529,-530,-531,-532,-533,240,-535,240,240,240,-541,-543,-544,240,-546,-547,-548,-549,240,240,240,240,240,240,-654,-655,-656,-657,240,-659,-660,-661,240,240,240,-667,240,240,-671,-672,240,240,-675,240,-677,-678,240,-681,240,-683,240,240,-686,-687,-688,240,-690,240,240,-693,240,240,-696,-697,-698,240,-700,-701,-702,-703,240,240,-748,240,-751,-752,-753,-754,-755,240,-757,-758,-759,-760,-761,240,-768,-769,-771,240,-773,-774,-775,-784,-858,-860,-862,-864,240,240,240,240,-870,240,-872,240,240,240,240,240,240,240,-908,-909,240,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,240,-923,-926,240,-936,240,-387,-388,-389,240,240,-392,-393,-394,-395,240,-398,240,-401,-402,240,-403,240,-408,-409,240,-412,-413,-414,240,-417,240,-418,240,-423,-424,240,-427,240,-430,-431,-1896,-1896,240,-621,-622,-623,-624,-625,-636,-586,-626,-799,240,240,240,240,240,-833,240,240,-808,240,-834,240,240,240,240,-800,240,-855,-801,240,240,240,240,240,240,-856,-857,240,-836,-832,-837,240,-627,240,-628,-629,-630,-631,-576,240,240,-632,-633,-634,240,240,240,240,240,240,-637,-638,-639,-594,-1896,-604,240,-640,-641,-715,-642,-606,240,-574,-579,-582,-585,240,240,240,-600,-603,240,-610,240,240,240,240,240,240,240,240,240,240,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,240,240,240,-997,240,240,240,240,240,240,-308,-327,-321,-298,-377,-454,-455,-456,-460,240,-445,240,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,240,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,240,240,240,240,240,240,240,240,240,-318,-537,-510,-593,-939,-941,-942,-440,240,-442,-382,-383,-385,-509,-511,-513,240,-515,-516,-521,-522,240,-534,-536,-539,-540,-545,-550,-728,240,-729,240,-734,240,-736,240,-741,-658,-662,-663,240,-668,240,-669,240,-674,-676,240,-679,240,240,240,-689,-691,240,-694,240,240,-746,240,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,240,240,240,240,240,-879,240,-882,-910,-922,-927,-390,-391,240,-396,240,-399,240,-404,240,-405,240,-410,240,-415,240,-419,240,-420,240,-425,240,-428,-901,-902,-645,-587,-1896,-903,240,240,240,-802,240,240,-806,240,-809,-835,240,-820,240,-822,240,-824,-810,240,-826,240,-853,-854,240,240,-813,240,-648,-904,-906,-650,-651,-647,240,-707,-708,240,-644,-905,-649,-652,-605,-716,240,240,-607,-588,240,240,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,240,240,-711,-712,240,-718,240,240,240,240,240,240,-940,240,-441,-443,-749,240,-893,240,-717,-1896,240,240,240,240,240,-444,-514,-525,240,-730,-735,240,-737,240,-742,240,-664,-670,240,-680,-682,-684,-685,-692,-695,-699,-747,240,240,-876,240,240,-880,240,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,240,-814,240,-816,-803,240,-804,-807,240,-818,-821,-823,-825,-827,240,-828,240,-811,240,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,240,-284,240,240,240,240,-457,240,240,-731,240,-738,240,-743,240,-665,-673,240,240,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,240,-838,-53,240,240,-732,240,-739,240,-744,-666,240,-875,-54,240,240,-733,-740,-745,240,240,240,-874,]),'EVERY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[241,241,241,241,-1896,241,241,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,241,241,241,241,-277,-278,241,-1427,241,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,241,241,241,-492,241,241,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,241,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,241,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,241,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,241,-174,-175,-176,-177,-995,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-292,-293,-283,241,241,241,241,241,-330,-320,-334,-335,-336,241,241,-984,-985,-986,-987,-988,-989,-990,241,241,241,241,241,241,241,241,241,241,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,241,241,241,-355,-358,241,-325,-326,-143,241,-144,241,-145,241,-432,-937,-938,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-1896,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-1896,241,-1896,241,241,241,241,241,241,241,241,241,241,241,241,-1896,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-1896,241,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,241,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,241,241,241,-193,-194,241,-996,241,241,241,241,241,-279,-280,-281,-282,-367,241,-310,241,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,241,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,241,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,241,241,241,241,241,241,-575,241,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,241,241,-725,-726,-727,241,241,241,241,241,241,-996,241,241,-93,-94,241,241,241,241,-311,-312,-322,241,-309,-295,-296,-297,241,241,241,241,-620,-635,-592,241,241,-438,241,-439,241,-446,-447,-448,-380,-381,241,241,241,-508,241,241,-512,241,241,241,241,-517,-518,-519,-520,241,241,-523,-524,241,-526,-527,-528,-529,-530,-531,-532,-533,241,-535,241,241,241,-541,-543,-544,241,-546,-547,-548,-549,241,241,241,241,241,241,-654,-655,-656,-657,241,-659,-660,-661,241,241,241,-667,241,241,-671,-672,241,241,-675,241,-677,-678,241,-681,241,-683,241,241,-686,-687,-688,241,-690,241,241,-693,241,241,-696,-697,-698,241,-700,-701,-702,-703,241,241,-748,241,-751,-752,-753,-754,-755,241,-757,-758,-759,-760,-761,241,-768,-769,-771,241,-773,-774,-775,-784,-858,-860,-862,-864,241,241,241,241,-870,241,-872,241,241,241,241,241,241,241,-908,-909,241,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,241,-923,-926,241,-936,241,-387,-388,-389,241,241,-392,-393,-394,-395,241,-398,241,-401,-402,241,-403,241,-408,-409,241,-412,-413,-414,241,-417,241,-418,241,-423,-424,241,-427,241,-430,-431,-1896,-1896,241,-621,-622,-623,-624,-625,-636,-586,-626,-799,241,241,241,241,241,-833,241,241,-808,241,-834,241,241,241,241,-800,241,-855,-801,241,241,241,241,241,241,-856,-857,241,-836,-832,-837,241,-627,241,-628,-629,-630,-631,-576,241,241,-632,-633,-634,241,241,241,241,241,241,-637,-638,-639,-594,-1896,-604,241,-640,-641,-715,-642,-606,241,-574,-579,-582,-585,241,241,241,-600,-603,241,-610,241,241,241,241,241,241,241,241,241,241,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,241,241,241,-997,241,241,241,241,241,241,-308,-327,-321,-298,-377,-454,-455,-456,-460,241,-445,241,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,241,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,241,241,241,241,241,241,241,241,241,-318,-537,-510,-593,-939,-941,-942,-440,241,-442,-382,-383,-385,-509,-511,-513,241,-515,-516,-521,-522,241,-534,-536,-539,-540,-545,-550,-728,241,-729,241,-734,241,-736,241,-741,-658,-662,-663,241,-668,241,-669,241,-674,-676,241,-679,241,241,241,-689,-691,241,-694,241,241,-746,241,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,241,241,241,241,241,-879,241,-882,-910,-922,-927,-390,-391,241,-396,241,-399,241,-404,241,-405,241,-410,241,-415,241,-419,241,-420,241,-425,241,-428,-901,-902,-645,-587,-1896,-903,241,241,241,-802,241,241,-806,241,-809,-835,241,-820,241,-822,241,-824,-810,241,-826,241,-853,-854,241,241,-813,241,-648,-904,-906,-650,-651,-647,241,-707,-708,241,-644,-905,-649,-652,-605,-716,241,241,-607,-588,241,241,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,241,241,-711,-712,241,-718,241,241,241,241,241,241,-940,241,-441,-443,-749,241,-893,241,-717,-1896,241,241,241,241,241,-444,-514,-525,241,-730,-735,241,-737,241,-742,241,-664,-670,241,-680,-682,-684,-685,-692,-695,-699,-747,241,241,-876,241,241,-880,241,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,241,-814,241,-816,-803,241,-804,-807,241,-818,-821,-823,-825,-827,241,-828,241,-811,241,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,241,-284,241,241,241,241,-457,241,241,-731,241,-738,241,-743,241,-665,-673,241,241,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,241,-838,-53,241,241,-732,241,-739,241,-744,-666,241,-875,-54,241,241,-733,-740,-745,241,241,241,-874,]),'EXCHANGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[242,242,242,242,-1896,242,242,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,242,242,242,242,-277,-278,242,-1427,242,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,242,242,242,-492,242,242,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,242,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,242,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,242,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,242,-174,-175,-176,-177,-995,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-292,-293,-283,242,242,242,242,242,-330,-320,-334,-335,-336,242,242,-984,-985,-986,-987,-988,-989,-990,242,242,242,242,242,242,242,242,242,242,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,242,242,242,-355,-358,242,-325,-326,-143,242,-144,242,-145,242,-432,-937,-938,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-1896,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-1896,242,-1896,242,242,242,242,242,242,242,242,242,242,242,242,-1896,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-1896,242,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,242,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,242,242,242,-193,-194,242,-996,242,242,242,242,242,-279,-280,-281,-282,-367,242,-310,242,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,242,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,242,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,242,242,242,242,242,242,-575,242,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,242,242,-725,-726,-727,242,242,242,242,242,242,-996,242,242,-93,-94,242,242,242,242,-311,-312,-322,242,-309,-295,-296,-297,242,242,242,242,-620,-635,-592,242,242,-438,242,-439,242,-446,-447,-448,-380,-381,242,242,242,-508,242,242,-512,242,242,242,242,-517,-518,-519,-520,242,242,-523,-524,242,-526,-527,-528,-529,-530,-531,-532,-533,242,-535,242,242,242,-541,-543,-544,242,-546,-547,-548,-549,242,242,242,242,242,242,-654,-655,-656,-657,242,-659,-660,-661,242,242,242,-667,242,242,-671,-672,242,242,-675,242,-677,-678,242,-681,242,-683,242,242,-686,-687,-688,242,-690,242,242,-693,242,242,-696,-697,-698,242,-700,-701,-702,-703,242,242,-748,242,-751,-752,-753,-754,-755,242,-757,-758,-759,-760,-761,242,-768,-769,-771,242,-773,-774,-775,-784,-858,-860,-862,-864,242,242,242,242,-870,242,-872,242,242,242,242,242,242,242,-908,-909,242,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,242,-923,-926,242,-936,242,-387,-388,-389,242,242,-392,-393,-394,-395,242,-398,242,-401,-402,242,-403,242,-408,-409,242,-412,-413,-414,242,-417,242,-418,242,-423,-424,242,-427,242,-430,-431,-1896,-1896,242,-621,-622,-623,-624,-625,-636,-586,-626,-799,242,242,242,242,242,-833,242,242,-808,242,-834,242,242,242,242,-800,242,-855,-801,242,242,242,242,242,242,-856,-857,242,-836,-832,-837,242,-627,242,-628,-629,-630,-631,-576,242,242,-632,-633,-634,242,242,242,242,242,242,-637,-638,-639,-594,-1896,-604,242,-640,-641,-715,-642,-606,242,-574,-579,-582,-585,242,242,242,-600,-603,242,-610,242,242,242,242,242,242,242,242,242,242,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,242,242,242,-997,242,242,242,242,242,242,-308,-327,-321,-298,-377,-454,-455,-456,-460,242,-445,242,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,242,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,242,242,242,242,242,242,242,242,242,-318,-537,-510,-593,-939,-941,-942,-440,242,-442,-382,-383,-385,-509,-511,-513,242,-515,-516,-521,-522,242,-534,-536,-539,-540,-545,-550,-728,242,-729,242,-734,242,-736,242,-741,-658,-662,-663,242,-668,242,-669,242,-674,-676,242,-679,242,242,242,-689,-691,242,-694,242,242,-746,242,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,242,242,242,242,242,-879,242,-882,-910,-922,-927,-390,-391,242,-396,242,-399,242,-404,242,-405,242,-410,242,-415,242,-419,242,-420,242,-425,242,-428,-901,-902,-645,-587,-1896,-903,242,242,242,-802,242,242,-806,242,-809,-835,242,-820,242,-822,242,-824,-810,242,-826,242,-853,-854,242,242,-813,242,-648,-904,-906,-650,-651,-647,242,-707,-708,242,-644,-905,-649,-652,-605,-716,242,242,-607,-588,242,242,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,242,242,-711,-712,242,-718,242,242,242,242,242,242,-940,242,-441,-443,-749,242,-893,242,-717,-1896,242,242,242,242,242,-444,-514,-525,242,-730,-735,242,-737,242,-742,242,-664,-670,242,-680,-682,-684,-685,-692,-695,-699,-747,242,242,-876,242,242,-880,242,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,242,-814,242,-816,-803,242,-804,-807,242,-818,-821,-823,-825,-827,242,-828,242,-811,242,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,242,-284,242,242,242,242,-457,242,242,-731,242,-738,242,-743,242,-665,-673,242,242,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,242,-838,-53,242,242,-732,242,-739,242,-744,-666,242,-875,-54,242,242,-733,-740,-745,242,242,242,-874,]),'EXECUTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[243,243,243,243,-1896,243,243,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,243,243,243,243,-277,-278,243,-1427,243,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,243,243,243,-492,243,243,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,243,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,243,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,243,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,243,-174,-175,-176,-177,-995,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-292,-293,-283,243,243,243,243,243,-330,-320,-334,-335,-336,243,243,-984,-985,-986,-987,-988,-989,-990,243,243,243,243,243,243,243,243,243,243,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,243,243,243,-355,-358,243,-325,-326,-143,243,-144,243,-145,243,-432,-937,-938,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-1896,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-1896,243,-1896,243,243,243,243,243,243,243,243,243,243,243,243,-1896,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-1896,243,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,243,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,243,243,243,-193,-194,243,-996,243,243,243,243,243,-279,-280,-281,-282,-367,243,-310,243,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,243,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,243,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,243,243,243,243,243,243,-575,243,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,243,243,-725,-726,-727,243,243,243,243,243,243,-996,243,243,-93,-94,243,243,243,243,-311,-312,-322,243,-309,-295,-296,-297,243,243,243,243,-620,-635,-592,243,243,-438,243,-439,243,-446,-447,-448,-380,-381,243,243,243,-508,243,243,-512,243,243,243,243,-517,-518,-519,-520,243,243,-523,-524,243,-526,-527,-528,-529,-530,-531,-532,-533,243,-535,243,243,243,-541,-543,-544,243,-546,-547,-548,-549,243,243,243,243,243,243,-654,-655,-656,-657,243,-659,-660,-661,243,243,243,-667,243,243,-671,-672,243,243,-675,243,-677,-678,243,-681,243,-683,243,243,-686,-687,-688,243,-690,243,243,-693,243,243,-696,-697,-698,243,-700,-701,-702,-703,243,243,-748,243,-751,-752,-753,-754,-755,243,-757,-758,-759,-760,-761,243,-768,-769,-771,243,-773,-774,-775,-784,-858,-860,-862,-864,243,243,243,243,-870,243,-872,243,243,243,243,243,243,243,-908,-909,243,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,243,-923,-926,243,-936,243,-387,-388,-389,243,243,-392,-393,-394,-395,243,-398,243,-401,-402,243,-403,243,-408,-409,243,-412,-413,-414,243,-417,243,-418,243,-423,-424,243,-427,243,-430,-431,-1896,-1896,243,-621,-622,-623,-624,-625,-636,-586,-626,-799,243,243,243,243,243,-833,243,243,-808,243,-834,243,243,243,243,-800,243,-855,-801,243,243,243,243,243,243,-856,-857,243,-836,-832,-837,243,-627,243,-628,-629,-630,-631,-576,243,243,-632,-633,-634,243,243,243,243,243,243,-637,-638,-639,-594,-1896,-604,243,-640,-641,-715,-642,-606,243,-574,-579,-582,-585,243,243,243,-600,-603,243,-610,243,243,243,243,243,243,243,243,243,243,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,243,243,243,-997,243,243,243,243,243,243,-308,-327,-321,-298,-377,-454,-455,-456,-460,243,-445,243,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,243,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,243,243,243,243,243,243,243,243,243,-318,-537,-510,-593,-939,-941,-942,-440,243,-442,-382,-383,-385,-509,-511,-513,243,-515,-516,-521,-522,243,-534,-536,-539,-540,-545,-550,-728,243,-729,243,-734,243,-736,243,-741,-658,-662,-663,243,-668,243,-669,243,-674,-676,243,-679,243,243,243,-689,-691,243,-694,243,243,-746,243,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,243,243,243,243,243,-879,243,-882,-910,-922,-927,-390,-391,243,-396,243,-399,243,-404,243,-405,243,-410,243,-415,243,-419,243,-420,243,-425,243,-428,-901,-902,-645,-587,-1896,-903,243,243,243,-802,243,243,-806,243,-809,-835,243,-820,243,-822,243,-824,-810,243,-826,243,-853,-854,243,243,-813,243,-648,-904,-906,-650,-651,-647,243,-707,-708,243,-644,-905,-649,-652,-605,-716,243,243,-607,-588,243,243,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,243,243,-711,-712,243,-718,243,243,243,243,243,243,-940,243,-441,-443,-749,243,-893,243,-717,-1896,243,243,243,243,243,-444,-514,-525,243,-730,-735,243,-737,243,-742,243,-664,-670,243,-680,-682,-684,-685,-692,-695,-699,-747,243,243,-876,243,243,-880,243,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,243,-814,243,-816,-803,243,-804,-807,243,-818,-821,-823,-825,-827,243,-828,243,-811,243,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,243,-284,243,243,243,243,-457,243,243,-731,243,-738,243,-743,243,-665,-673,243,243,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,243,-838,-53,243,243,-732,243,-739,243,-744,-666,243,-875,-54,243,243,-733,-740,-745,243,243,243,-874,]),'EXP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[244,244,244,1060,-1896,244,244,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,244,244,244,244,-277,-278,1060,-1427,1060,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1060,1060,1060,-492,1060,1060,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1060,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1060,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1861,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,244,-174,-175,-176,-177,-995,244,244,244,244,244,244,244,244,244,244,1060,1060,1060,1060,1060,-292,-293,-283,244,1060,1060,1060,1060,-330,-320,-334,-335,-336,1060,1060,-984,-985,-986,-987,-988,-989,-990,244,244,1060,1060,1060,1060,1060,1060,1060,1060,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1060,1060,1060,-355,-358,244,-325,-326,-143,1060,-144,1060,-145,1060,-432,-937,-938,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1896,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1896,1060,-1896,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1896,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1896,244,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1060,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1060,244,244,-193,-194,244,-996,1060,244,244,244,244,-279,-280,-281,-282,-367,1060,-310,1060,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1060,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1060,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1060,1060,1060,1060,1060,1060,-575,1060,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1060,1060,-725,-726,-727,1060,1861,244,244,244,244,-996,244,1060,-93,-94,244,244,244,1060,-311,-312,-322,1060,-309,-295,-296,-297,1060,244,1060,1060,-620,-635,-592,1060,244,-438,244,-439,1060,-446,-447,-448,-380,-381,1060,1060,1060,-508,1060,1060,-512,1060,1060,1060,1060,-517,-518,-519,-520,1060,1060,-523,-524,1060,-526,-527,-528,-529,-530,-531,-532,-533,1060,-535,1060,1060,1060,-541,-543,-544,1060,-546,-547,-548,-549,1060,1060,1060,1060,1060,1060,-654,-655,-656,-657,244,-659,-660,-661,1060,1060,1060,-667,1060,1060,-671,-672,1060,1060,-675,1060,-677,-678,1060,-681,1060,-683,1060,1060,-686,-687,-688,1060,-690,1060,1060,-693,1060,1060,-696,-697,-698,1060,-700,-701,-702,-703,1060,1060,-748,1060,-751,-752,-753,-754,-755,1060,-757,-758,-759,-760,-761,1060,-768,-769,-771,1060,-773,-774,-775,-784,-858,-860,-862,-864,1060,1060,1060,1060,-870,1060,-872,1060,1060,1060,1060,1060,1060,1060,-908,-909,1060,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1060,-923,-926,1060,-936,1060,-387,-388,-389,1060,1060,-392,-393,-394,-395,1060,-398,1060,-401,-402,1060,-403,1060,-408,-409,1060,-412,-413,-414,1060,-417,1060,-418,1060,-423,-424,1060,-427,1060,-430,-431,-1896,-1896,1060,-621,-622,-623,-624,-625,-636,-586,-626,-799,1060,1060,1060,1060,1060,-833,1060,1060,-808,1060,-834,1060,1060,1060,1060,-800,1060,-855,-801,1060,1060,1060,1060,1060,1060,-856,-857,1060,-836,-832,-837,1060,-627,1060,-628,-629,-630,-631,-576,1060,1060,-632,-633,-634,1060,1060,1060,1060,1060,1060,-637,-638,-639,-594,-1896,-604,1060,-640,-641,-715,-642,-606,1060,-574,-579,-582,-585,1060,1060,1060,-600,-603,1060,-610,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1060,244,244,-997,244,1060,244,244,244,1060,-308,-327,-321,-298,-377,-454,-455,-456,-460,244,-445,1060,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1060,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,244,244,244,244,244,244,244,244,1060,-318,-537,-510,-593,-939,-941,-942,-440,1060,-442,-382,-383,-385,-509,-511,-513,1060,-515,-516,-521,-522,1060,-534,-536,-539,-540,-545,-550,-728,1060,-729,1060,-734,1060,-736,1060,-741,-658,-662,-663,1060,-668,1060,-669,1060,-674,-676,1060,-679,1060,1060,1060,-689,-691,1060,-694,1060,1060,-746,1060,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1060,1060,1060,1060,1060,-879,1060,-882,-910,-922,-927,-390,-391,1060,-396,1060,-399,1060,-404,1060,-405,1060,-410,1060,-415,1060,-419,1060,-420,1060,-425,1060,-428,-901,-902,-645,-587,-1896,-903,1060,1060,1060,-802,1060,1060,-806,1060,-809,-835,1060,-820,1060,-822,1060,-824,-810,1060,-826,1060,-853,-854,1060,1060,-813,1060,-648,-904,-906,-650,-651,-647,1060,-707,-708,1060,-644,-905,-649,-652,-605,-716,1060,1060,-607,-588,1060,1060,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1060,1060,-711,-712,1060,-718,1060,244,244,244,1060,1060,-940,244,-441,-443,-749,1060,-893,1861,-717,-1896,1060,1060,244,244,1060,-444,-514,-525,1060,-730,-735,1060,-737,1060,-742,1060,-664,-670,1060,-680,-682,-684,-685,-692,-695,-699,-747,1060,1060,-876,1060,1060,-880,1060,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1060,-814,1060,-816,-803,1060,-804,-807,1060,-818,-821,-823,-825,-827,1060,-828,1060,-811,1060,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,244,-284,244,1060,244,1060,-457,1060,1060,-731,1060,-738,1060,-743,1060,-665,-673,1060,1060,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1060,-838,-53,244,1060,-732,1060,-739,1060,-744,-666,1060,-875,-54,244,244,-733,-740,-745,1060,244,1060,-874,]),'EXPANSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3741,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3866,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[245,245,245,245,-1896,245,245,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,245,245,245,245,-277,-278,245,-1427,245,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,245,245,245,-492,245,245,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,245,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,245,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,245,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,245,-174,-175,-176,-177,-995,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-292,-293,-283,245,245,245,245,245,-330,-320,-334,-335,-336,245,245,-984,-985,-986,-987,-988,-989,-990,245,245,245,245,245,245,245,245,245,245,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,245,245,245,-355,-358,245,-325,-326,-143,245,-144,245,-145,245,-432,-937,-938,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-1896,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-1896,245,-1896,245,245,245,245,245,245,245,245,245,245,245,245,-1896,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-1896,245,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,245,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,245,245,245,-193,-194,245,-996,245,245,245,245,245,-279,-280,-281,-282,-367,245,-310,245,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,245,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,245,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,245,245,245,245,245,245,-575,245,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,245,245,-725,-726,-727,245,245,245,245,245,245,-996,245,245,-93,-94,245,245,245,245,-311,-312,-322,245,-309,-295,-296,-297,245,245,245,245,-620,-635,-592,245,245,-438,245,-439,245,-446,-447,-448,-380,-381,245,245,245,-508,245,245,-512,245,245,245,245,-517,-518,-519,-520,245,245,-523,-524,245,-526,-527,-528,-529,-530,-531,-532,-533,245,-535,245,245,245,-541,-543,-544,245,-546,-547,-548,-549,245,245,245,245,245,245,-654,-655,-656,-657,245,-659,-660,-661,245,245,245,-667,245,245,-671,-672,245,245,-675,245,-677,-678,245,-681,245,-683,245,245,-686,-687,-688,245,-690,245,245,-693,245,245,-696,-697,-698,245,-700,-701,-702,-703,245,245,-748,245,-751,-752,-753,-754,-755,245,-757,-758,-759,-760,-761,245,-768,-769,-771,245,-773,-774,-775,-784,-858,-860,-862,-864,245,245,245,245,-870,245,-872,245,245,245,245,245,245,245,-908,-909,245,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,245,-923,-926,245,-936,245,-387,-388,-389,245,245,-392,-393,-394,-395,245,-398,245,-401,-402,245,-403,245,-408,-409,245,-412,-413,-414,245,-417,245,-418,245,-423,-424,245,-427,245,-430,-431,-1896,-1896,245,-621,-622,-623,-624,-625,-636,-586,-626,-799,245,245,245,245,245,-833,245,245,-808,245,-834,245,245,245,245,-800,245,-855,-801,245,245,245,245,245,245,-856,-857,245,-836,-832,-837,245,-627,245,-628,-629,-630,-631,-576,245,245,-632,-633,-634,245,245,245,245,245,245,-637,-638,-639,-594,-1896,-604,245,-640,-641,-715,-642,-606,245,-574,-579,-582,-585,245,245,245,-600,-603,245,-610,245,245,245,245,245,245,245,245,245,245,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,245,245,245,-997,245,245,245,245,245,245,-308,-327,-321,-298,-377,-454,-455,-456,-460,245,-445,245,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,245,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,245,245,245,245,245,245,245,245,245,-318,-537,-510,-593,-939,-941,-942,-440,245,-442,-382,-383,-385,-509,-511,-513,245,-515,-516,-521,-522,245,-534,-536,-539,-540,-545,-550,-728,245,-729,245,-734,245,-736,245,-741,-658,-662,-663,245,-668,245,-669,245,-674,-676,245,-679,245,245,245,-689,-691,245,-694,245,245,-746,245,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,245,245,245,245,245,-879,245,-882,-910,-922,-927,-390,-391,245,-396,245,-399,245,-404,245,-405,245,-410,245,-415,245,-419,245,-420,245,-425,245,-428,-901,-902,-645,-587,-1896,-903,245,245,245,-802,245,245,-806,245,-809,-835,245,-820,245,-822,245,-824,-810,245,-826,245,-853,-854,245,245,-813,245,-648,-904,-906,-650,-651,-647,245,-707,-708,245,-644,-905,-649,-652,-605,-716,245,245,-607,-588,245,245,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,245,245,-711,-712,245,-718,245,245,245,245,245,245,-940,245,-441,-443,-749,245,-893,245,-717,-1896,245,245,245,245,245,-444,-514,-525,245,-730,-735,245,-737,245,-742,245,-664,-670,245,-680,-682,-684,-685,-692,-695,-699,-747,245,245,-876,245,245,-880,245,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,245,-814,245,-816,-803,245,-804,-807,245,-818,-821,-823,-825,-827,245,-828,245,-811,245,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,245,-284,3785,245,245,245,245,-457,245,245,-731,245,-738,245,-743,245,-665,-673,245,245,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,245,-838,-53,245,245,-732,245,-739,245,-744,-666,245,-875,-54,3876,245,245,-733,-740,-745,245,245,245,-874,]),'EXPIRE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[246,246,246,246,-1896,246,246,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,246,246,246,246,-277,-278,246,-1427,246,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,246,246,246,-492,246,246,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,246,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,246,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,246,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,246,-174,-175,-176,-177,-995,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-292,-293,-283,246,246,246,246,246,-330,-320,-334,-335,-336,246,246,-984,-985,-986,-987,-988,-989,-990,246,246,246,246,246,246,246,246,246,246,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,246,246,246,-355,-358,246,-325,-326,-143,246,-144,246,-145,246,-432,-937,-938,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-1896,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-1896,246,-1896,246,246,246,246,246,246,246,246,246,246,246,246,-1896,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-1896,246,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,246,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,246,246,246,-193,-194,246,-996,246,246,246,246,246,-279,-280,-281,-282,-367,246,-310,246,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,246,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,246,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,246,246,246,246,246,246,-575,246,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,246,246,-725,-726,-727,246,246,246,246,246,246,-996,246,246,-93,-94,246,246,246,246,-311,-312,-322,246,-309,-295,-296,-297,246,246,246,246,-620,-635,-592,246,246,-438,246,-439,246,-446,-447,-448,-380,-381,246,246,246,-508,246,246,-512,246,246,246,246,-517,-518,-519,-520,246,246,-523,-524,246,-526,-527,-528,-529,-530,-531,-532,-533,246,-535,246,246,246,-541,-543,-544,246,-546,-547,-548,-549,246,246,246,246,246,246,-654,-655,-656,-657,246,-659,-660,-661,246,246,246,-667,246,246,-671,-672,246,246,-675,246,-677,-678,246,-681,246,-683,246,246,-686,-687,-688,246,-690,246,246,-693,246,246,-696,-697,-698,246,-700,-701,-702,-703,246,246,-748,246,-751,-752,-753,-754,-755,246,-757,-758,-759,-760,-761,246,-768,-769,-771,246,-773,-774,-775,-784,-858,-860,-862,-864,246,246,246,246,-870,246,-872,246,246,246,246,246,246,246,-908,-909,246,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,246,-923,-926,246,-936,246,-387,-388,-389,246,246,-392,-393,-394,-395,246,-398,246,-401,-402,246,-403,246,-408,-409,246,-412,-413,-414,246,-417,246,-418,246,-423,-424,246,-427,246,-430,-431,-1896,-1896,246,-621,-622,-623,-624,-625,-636,-586,-626,-799,246,246,246,246,246,-833,246,246,-808,246,-834,246,246,246,246,-800,246,-855,-801,246,246,246,246,246,246,-856,-857,246,-836,-832,-837,246,-627,246,-628,-629,-630,-631,-576,246,246,-632,-633,-634,246,246,246,246,246,246,-637,-638,-639,-594,-1896,-604,246,-640,-641,-715,-642,-606,246,-574,-579,-582,-585,246,246,246,-600,-603,246,-610,246,246,246,246,246,246,246,246,246,246,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,246,246,246,-997,246,246,246,246,246,246,-308,-327,-321,-298,-377,-454,-455,-456,-460,246,-445,246,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,246,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,246,246,246,246,246,246,246,246,246,-318,-537,-510,-593,-939,-941,-942,-440,246,-442,-382,-383,-385,-509,-511,-513,246,-515,-516,-521,-522,246,-534,-536,-539,-540,-545,-550,-728,246,-729,246,-734,246,-736,246,-741,-658,-662,-663,246,-668,246,-669,246,-674,-676,246,-679,246,246,246,-689,-691,246,-694,246,246,-746,246,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,246,246,246,246,246,-879,246,-882,-910,-922,-927,-390,-391,246,-396,246,-399,246,-404,246,-405,246,-410,246,-415,246,-419,246,-420,246,-425,246,-428,-901,-902,-645,-587,-1896,-903,246,246,246,-802,246,246,-806,246,-809,-835,246,-820,246,-822,246,-824,-810,246,-826,246,-853,-854,246,246,-813,246,-648,-904,-906,-650,-651,-647,246,-707,-708,246,-644,-905,-649,-652,-605,-716,246,246,-607,-588,246,246,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,246,246,-711,-712,246,-718,246,246,246,246,246,246,-940,246,-441,-443,-749,246,-893,246,-717,-1896,246,246,246,246,246,-444,-514,-525,246,-730,-735,246,-737,246,-742,246,-664,-670,246,-680,-682,-684,-685,-692,-695,-699,-747,246,246,-876,246,246,-880,246,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,246,-814,246,-816,-803,246,-804,-807,246,-818,-821,-823,-825,-827,246,-828,246,-811,246,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,246,-284,246,246,246,246,-457,246,246,-731,246,-738,246,-743,246,-665,-673,246,246,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,246,-838,-53,246,246,-732,246,-739,246,-744,-666,246,-875,-54,246,246,-733,-740,-745,246,246,246,-874,]),'EXPIRED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[247,247,247,247,-1896,247,247,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,247,247,247,247,-277,-278,247,-1427,247,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,247,247,247,-492,247,247,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,247,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,247,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,247,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,247,-174,-175,-176,-177,-995,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-292,-293,-283,247,247,247,247,247,-330,-320,-334,-335,-336,247,247,-984,-985,-986,-987,-988,-989,-990,247,247,247,247,247,247,247,247,247,247,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,247,247,247,-355,-358,247,-325,-326,-143,247,-144,247,-145,247,-432,-937,-938,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-1896,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-1896,247,-1896,247,247,247,247,247,247,247,247,247,247,247,247,-1896,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-1896,247,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,247,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,247,247,247,-193,-194,247,-996,247,247,247,247,247,-279,-280,-281,-282,-367,247,-310,247,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,247,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,247,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,247,247,247,247,247,247,-575,247,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,247,247,-725,-726,-727,247,247,247,247,247,247,-996,247,247,-93,-94,247,247,247,247,-311,-312,-322,247,-309,-295,-296,-297,247,247,247,247,-620,-635,-592,247,247,-438,247,-439,247,-446,-447,-448,-380,-381,247,247,247,-508,247,247,-512,247,247,247,247,-517,-518,-519,-520,247,247,-523,-524,247,-526,-527,-528,-529,-530,-531,-532,-533,247,-535,247,247,247,-541,-543,-544,247,-546,-547,-548,-549,247,247,247,247,247,247,-654,-655,-656,-657,247,-659,-660,-661,247,247,247,-667,247,247,-671,-672,247,247,-675,247,-677,-678,247,-681,247,-683,247,247,-686,-687,-688,247,-690,247,247,-693,247,247,-696,-697,-698,247,-700,-701,-702,-703,247,247,-748,247,-751,-752,-753,-754,-755,247,-757,-758,-759,-760,-761,247,-768,-769,-771,247,-773,-774,-775,-784,-858,-860,-862,-864,247,247,247,247,-870,247,-872,247,247,247,247,247,247,247,-908,-909,247,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,247,-923,-926,247,-936,247,-387,-388,-389,247,247,-392,-393,-394,-395,247,-398,247,-401,-402,247,-403,247,-408,-409,247,-412,-413,-414,247,-417,247,-418,247,-423,-424,247,-427,247,-430,-431,-1896,-1896,247,-621,-622,-623,-624,-625,-636,-586,-626,-799,247,247,247,247,247,-833,247,247,-808,247,-834,247,247,247,247,-800,247,-855,-801,247,247,247,247,247,247,-856,-857,247,-836,-832,-837,247,-627,247,-628,-629,-630,-631,-576,247,247,-632,-633,-634,247,247,247,247,247,247,-637,-638,-639,-594,-1896,-604,247,-640,-641,-715,-642,-606,247,-574,-579,-582,-585,247,247,247,-600,-603,247,-610,247,247,247,247,247,247,247,247,247,247,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,247,247,247,-997,247,247,247,247,247,247,-308,-327,-321,-298,-377,-454,-455,-456,-460,247,-445,247,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,247,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,247,247,247,247,247,247,247,247,247,-318,-537,-510,-593,-939,-941,-942,-440,247,-442,-382,-383,-385,-509,-511,-513,247,-515,-516,-521,-522,247,-534,-536,-539,-540,-545,-550,-728,247,-729,247,-734,247,-736,247,-741,-658,-662,-663,247,-668,247,-669,247,-674,-676,247,-679,247,247,247,-689,-691,247,-694,247,247,-746,247,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,247,247,247,247,247,-879,247,-882,-910,-922,-927,-390,-391,247,-396,247,-399,247,-404,247,-405,247,-410,247,-415,247,-419,247,-420,247,-425,247,-428,-901,-902,-645,-587,-1896,-903,247,247,247,-802,247,247,-806,247,-809,-835,247,-820,247,-822,247,-824,-810,247,-826,247,-853,-854,247,247,-813,247,-648,-904,-906,-650,-651,-647,247,-707,-708,247,-644,-905,-649,-652,-605,-716,247,247,-607,-588,247,247,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,247,247,-711,-712,247,-718,247,247,247,247,247,247,-940,247,-441,-443,-749,247,-893,247,-717,-1896,247,247,247,247,247,-444,-514,-525,247,-730,-735,247,-737,247,-742,247,-664,-670,247,-680,-682,-684,-685,-692,-695,-699,-747,247,247,-876,247,247,-880,247,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,247,-814,247,-816,-803,247,-804,-807,247,-818,-821,-823,-825,-827,247,-828,247,-811,247,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,247,-284,247,247,247,247,-457,247,247,-731,247,-738,247,-743,247,-665,-673,247,247,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,247,-838,-53,247,247,-732,247,-739,247,-744,-666,247,-875,-54,247,247,-733,-740,-745,247,247,247,-874,]),'EXPIRE_INFO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[248,248,248,248,-1896,248,248,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,248,248,248,248,-277,-278,248,-1427,248,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,248,248,248,-492,248,248,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,248,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,248,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,248,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,248,-174,-175,-176,-177,-995,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-292,-293,-283,248,248,248,248,248,-330,-320,-334,-335,-336,248,248,-984,-985,-986,-987,-988,-989,-990,248,248,248,248,248,248,248,248,248,248,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,248,248,248,-355,-358,248,-325,-326,-143,248,-144,248,-145,248,-432,-937,-938,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-1896,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-1896,248,-1896,248,248,248,248,248,248,248,248,248,248,248,248,-1896,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-1896,248,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,248,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,248,248,248,-193,-194,248,-996,248,248,248,248,248,-279,-280,-281,-282,-367,248,-310,248,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,248,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,248,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,248,248,248,248,248,248,-575,248,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,248,248,-725,-726,-727,248,248,248,248,248,248,-996,248,248,-93,-94,248,248,248,248,-311,-312,-322,248,-309,-295,-296,-297,248,248,248,248,-620,-635,-592,248,248,-438,248,-439,248,-446,-447,-448,-380,-381,248,248,248,-508,248,248,-512,248,248,248,248,-517,-518,-519,-520,248,248,-523,-524,248,-526,-527,-528,-529,-530,-531,-532,-533,248,-535,248,248,248,-541,-543,-544,248,-546,-547,-548,-549,248,248,248,248,248,248,-654,-655,-656,-657,248,-659,-660,-661,248,248,248,-667,248,248,-671,-672,248,248,-675,248,-677,-678,248,-681,248,-683,248,248,-686,-687,-688,248,-690,248,248,-693,248,248,-696,-697,-698,248,-700,-701,-702,-703,248,248,-748,248,-751,-752,-753,-754,-755,248,-757,-758,-759,-760,-761,248,-768,-769,-771,248,-773,-774,-775,-784,-858,-860,-862,-864,248,248,248,248,-870,248,-872,248,248,248,248,248,248,248,-908,-909,248,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,248,-923,-926,248,-936,248,-387,-388,-389,248,248,-392,-393,-394,-395,248,-398,248,-401,-402,248,-403,248,-408,-409,248,-412,-413,-414,248,-417,248,-418,248,-423,-424,248,-427,248,-430,-431,-1896,-1896,248,-621,-622,-623,-624,-625,-636,-586,-626,-799,248,248,248,248,248,-833,248,248,-808,248,-834,248,248,248,248,-800,248,-855,-801,248,248,248,248,248,248,-856,-857,248,-836,-832,-837,248,-627,248,-628,-629,-630,-631,-576,248,248,-632,-633,-634,248,248,248,248,248,248,-637,-638,-639,-594,-1896,-604,248,-640,-641,-715,-642,-606,248,-574,-579,-582,-585,248,248,248,-600,-603,248,-610,248,248,248,248,248,248,248,248,248,248,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,248,248,248,-997,248,248,248,248,248,248,-308,-327,-321,-298,-377,-454,-455,-456,-460,248,-445,248,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,248,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,248,248,248,248,248,248,248,248,248,-318,-537,-510,-593,-939,-941,-942,-440,248,-442,-382,-383,-385,-509,-511,-513,248,-515,-516,-521,-522,248,-534,-536,-539,-540,-545,-550,-728,248,-729,248,-734,248,-736,248,-741,-658,-662,-663,248,-668,248,-669,248,-674,-676,248,-679,248,248,248,-689,-691,248,-694,248,248,-746,248,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,248,248,248,248,248,-879,248,-882,-910,-922,-927,-390,-391,248,-396,248,-399,248,-404,248,-405,248,-410,248,-415,248,-419,248,-420,248,-425,248,-428,-901,-902,-645,-587,-1896,-903,248,248,248,-802,248,248,-806,248,-809,-835,248,-820,248,-822,248,-824,-810,248,-826,248,-853,-854,248,248,-813,248,-648,-904,-906,-650,-651,-647,248,-707,-708,248,-644,-905,-649,-652,-605,-716,248,248,-607,-588,248,248,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,248,248,-711,-712,248,-718,248,248,248,248,248,248,-940,248,-441,-443,-749,248,-893,248,-717,-1896,248,248,248,248,248,-444,-514,-525,248,-730,-735,248,-737,248,-742,248,-664,-670,248,-680,-682,-684,-685,-692,-695,-699,-747,248,248,-876,248,248,-880,248,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,248,-814,248,-816,-803,248,-804,-807,248,-818,-821,-823,-825,-827,248,-828,248,-811,248,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,248,-284,248,248,248,248,-457,248,248,-731,248,-738,248,-743,248,-665,-673,248,248,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,248,-838,-53,248,248,-732,248,-739,248,-744,-666,248,-875,-54,248,248,-733,-740,-745,248,248,248,-874,]),'EXPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[249,249,249,249,-1896,249,249,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,249,249,249,249,-277,-278,249,-1427,249,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,249,249,249,-492,249,249,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,249,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,249,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,249,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,249,-174,-175,-176,-177,-995,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-292,-293,-283,249,249,249,249,249,-330,-320,-334,-335,-336,249,249,-984,-985,-986,-987,-988,-989,-990,249,249,249,249,249,249,249,249,249,249,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,249,249,249,-355,-358,249,-325,-326,-143,249,-144,249,-145,249,-432,-937,-938,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-1896,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-1896,249,-1896,249,249,249,249,249,249,249,249,249,249,249,249,-1896,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-1896,249,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,249,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,249,249,249,-193,-194,249,-996,249,249,249,249,249,-279,-280,-281,-282,-367,249,-310,249,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,249,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,249,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,249,249,249,249,249,249,-575,249,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,249,249,-725,-726,-727,249,249,249,249,249,249,-996,249,249,-93,-94,249,249,249,249,-311,-312,-322,249,-309,-295,-296,-297,249,249,249,249,-620,-635,-592,249,249,-438,249,-439,249,-446,-447,-448,-380,-381,249,249,249,-508,249,249,-512,249,249,249,249,-517,-518,-519,-520,249,249,-523,-524,249,-526,-527,-528,-529,-530,-531,-532,-533,249,-535,249,249,249,-541,-543,-544,249,-546,-547,-548,-549,249,249,249,249,249,249,-654,-655,-656,-657,249,-659,-660,-661,249,249,249,-667,249,249,-671,-672,249,249,-675,249,-677,-678,249,-681,249,-683,249,249,-686,-687,-688,249,-690,249,249,-693,249,249,-696,-697,-698,249,-700,-701,-702,-703,249,249,-748,249,-751,-752,-753,-754,-755,249,-757,-758,-759,-760,-761,249,-768,-769,-771,249,-773,-774,-775,-784,-858,-860,-862,-864,249,249,249,249,-870,249,-872,249,249,249,249,249,249,249,-908,-909,249,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,249,-923,-926,249,-936,249,-387,-388,-389,249,249,-392,-393,-394,-395,249,-398,249,-401,-402,249,-403,249,-408,-409,249,-412,-413,-414,249,-417,249,-418,249,-423,-424,249,-427,249,-430,-431,-1896,-1896,249,-621,-622,-623,-624,-625,-636,-586,-626,-799,249,249,249,249,249,-833,249,249,-808,249,-834,249,249,249,249,-800,249,-855,-801,249,249,249,249,249,249,-856,-857,249,-836,-832,-837,249,-627,249,-628,-629,-630,-631,-576,249,249,-632,-633,-634,249,249,249,249,249,249,-637,-638,-639,-594,-1896,-604,249,-640,-641,-715,-642,-606,249,-574,-579,-582,-585,249,249,249,-600,-603,249,-610,249,249,249,249,249,249,249,249,249,249,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,249,249,249,-997,249,249,249,249,249,249,-308,-327,-321,-298,-377,-454,-455,-456,-460,249,-445,249,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,249,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,249,249,249,249,249,249,249,249,249,-318,-537,-510,-593,-939,-941,-942,-440,249,-442,-382,-383,-385,-509,-511,-513,249,-515,-516,-521,-522,249,-534,-536,-539,-540,-545,-550,-728,249,-729,249,-734,249,-736,249,-741,-658,-662,-663,249,-668,249,-669,249,-674,-676,249,-679,249,249,249,-689,-691,249,-694,249,249,-746,249,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,249,249,249,249,249,-879,249,-882,-910,-922,-927,-390,-391,249,-396,249,-399,249,-404,249,-405,249,-410,249,-415,249,-419,249,-420,249,-425,249,-428,-901,-902,-645,-587,-1896,-903,249,249,249,-802,249,249,-806,249,-809,-835,249,-820,249,-822,249,-824,-810,249,-826,249,-853,-854,249,249,-813,249,-648,-904,-906,-650,-651,-647,249,-707,-708,249,-644,-905,-649,-652,-605,-716,249,249,-607,-588,249,249,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,249,249,-711,-712,249,-718,249,249,249,249,249,249,-940,249,-441,-443,-749,249,-893,249,-717,-1896,249,249,249,249,249,-444,-514,-525,249,-730,-735,249,-737,249,-742,249,-664,-670,249,-680,-682,-684,-685,-692,-695,-699,-747,249,249,-876,249,249,-880,249,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,249,-814,249,-816,-803,249,-804,-807,249,-818,-821,-823,-825,-827,249,-828,249,-811,249,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,249,-284,249,249,249,249,-457,249,249,-731,249,-738,249,-743,249,-665,-673,249,249,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,249,-838,-53,249,249,-732,249,-739,249,-744,-666,249,-875,-54,249,249,-733,-740,-745,249,249,249,-874,]),'EXPORT_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[250,250,250,1091,-1896,250,250,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,250,250,250,250,-277,-278,1091,-1427,1091,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1091,1091,1091,-492,1091,1091,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1091,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1091,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1862,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,250,-174,-175,-176,-177,-995,250,250,250,250,250,250,250,250,250,250,1091,1091,1091,1091,1091,-292,-293,-283,250,1091,1091,1091,1091,-330,-320,-334,-335,-336,1091,1091,-984,-985,-986,-987,-988,-989,-990,250,250,1091,1091,1091,1091,1091,1091,1091,1091,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1091,1091,1091,-355,-358,250,-325,-326,-143,1091,-144,1091,-145,1091,-432,-937,-938,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1896,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1896,1091,-1896,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1896,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1896,250,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1091,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1091,250,250,-193,-194,250,-996,1091,250,250,250,250,-279,-280,-281,-282,-367,1091,-310,1091,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1091,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1091,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1091,1091,1091,1091,1091,1091,-575,1091,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1091,1091,-725,-726,-727,1091,1862,250,250,250,250,-996,250,1091,-93,-94,250,250,250,1091,-311,-312,-322,1091,-309,-295,-296,-297,1091,250,1091,1091,-620,-635,-592,1091,250,-438,250,-439,1091,-446,-447,-448,-380,-381,1091,1091,1091,-508,1091,1091,-512,1091,1091,1091,1091,-517,-518,-519,-520,1091,1091,-523,-524,1091,-526,-527,-528,-529,-530,-531,-532,-533,1091,-535,1091,1091,1091,-541,-543,-544,1091,-546,-547,-548,-549,1091,1091,1091,1091,1091,1091,-654,-655,-656,-657,250,-659,-660,-661,1091,1091,1091,-667,1091,1091,-671,-672,1091,1091,-675,1091,-677,-678,1091,-681,1091,-683,1091,1091,-686,-687,-688,1091,-690,1091,1091,-693,1091,1091,-696,-697,-698,1091,-700,-701,-702,-703,1091,1091,-748,1091,-751,-752,-753,-754,-755,1091,-757,-758,-759,-760,-761,1091,-768,-769,-771,1091,-773,-774,-775,-784,-858,-860,-862,-864,1091,1091,1091,1091,-870,1091,-872,1091,1091,1091,1091,1091,1091,1091,-908,-909,1091,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1091,-923,-926,1091,-936,1091,-387,-388,-389,1091,1091,-392,-393,-394,-395,1091,-398,1091,-401,-402,1091,-403,1091,-408,-409,1091,-412,-413,-414,1091,-417,1091,-418,1091,-423,-424,1091,-427,1091,-430,-431,-1896,-1896,1091,-621,-622,-623,-624,-625,-636,-586,-626,-799,1091,1091,1091,1091,1091,-833,1091,1091,-808,1091,-834,1091,1091,1091,1091,-800,1091,-855,-801,1091,1091,1091,1091,1091,1091,-856,-857,1091,-836,-832,-837,1091,-627,1091,-628,-629,-630,-631,-576,1091,1091,-632,-633,-634,1091,1091,1091,1091,1091,1091,-637,-638,-639,-594,-1896,-604,1091,-640,-641,-715,-642,-606,1091,-574,-579,-582,-585,1091,1091,1091,-600,-603,1091,-610,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1091,250,250,-997,250,1091,250,250,250,1091,-308,-327,-321,-298,-377,-454,-455,-456,-460,250,-445,1091,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1091,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,250,250,250,250,250,250,250,250,1091,-318,-537,-510,-593,-939,-941,-942,-440,1091,-442,-382,-383,-385,-509,-511,-513,1091,-515,-516,-521,-522,1091,-534,-536,-539,-540,-545,-550,-728,1091,-729,1091,-734,1091,-736,1091,-741,-658,-662,-663,1091,-668,1091,-669,1091,-674,-676,1091,-679,1091,1091,1091,-689,-691,1091,-694,1091,1091,-746,1091,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1091,1091,1091,1091,1091,-879,1091,-882,-910,-922,-927,-390,-391,1091,-396,1091,-399,1091,-404,1091,-405,1091,-410,1091,-415,1091,-419,1091,-420,1091,-425,1091,-428,-901,-902,-645,-587,-1896,-903,1091,1091,1091,-802,1091,1091,-806,1091,-809,-835,1091,-820,1091,-822,1091,-824,-810,1091,-826,1091,-853,-854,1091,1091,-813,1091,-648,-904,-906,-650,-651,-647,1091,-707,-708,1091,-644,-905,-649,-652,-605,-716,1091,1091,-607,-588,1091,1091,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1091,1091,-711,-712,1091,-718,1091,250,250,250,1091,1091,-940,250,-441,-443,-749,1091,-893,1862,-717,-1896,1091,1091,250,250,1091,-444,-514,-525,1091,-730,-735,1091,-737,1091,-742,1091,-664,-670,1091,-680,-682,-684,-685,-692,-695,-699,-747,1091,1091,-876,1091,1091,-880,1091,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1091,-814,1091,-816,-803,1091,-804,-807,1091,-818,-821,-823,-825,-827,1091,-828,1091,-811,1091,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,250,-284,250,1091,250,1091,-457,1091,1091,-731,1091,-738,1091,-743,1091,-665,-673,1091,1091,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1091,-838,-53,250,1091,-732,1091,-739,1091,-744,-666,1091,-875,-54,250,250,-733,-740,-745,1091,250,1091,-874,]),'EXTENDED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[251,251,251,251,-1896,251,251,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,251,251,251,251,-277,-278,251,-1427,251,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,251,251,251,-492,251,251,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,251,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,251,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,251,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,251,-174,-175,-176,-177,-995,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-292,-293,-283,251,251,251,251,251,-330,-320,-334,-335,-336,251,251,-984,-985,-986,-987,-988,-989,-990,251,251,251,251,251,251,251,251,251,251,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,251,251,251,-355,-358,251,-325,-326,-143,251,-144,251,-145,251,-432,-937,-938,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-1896,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-1896,251,-1896,251,251,251,251,251,251,251,251,251,251,251,251,-1896,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-1896,251,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,251,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,251,251,251,-193,-194,251,-996,251,251,251,251,251,-279,-280,-281,-282,-367,251,-310,251,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,251,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,251,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,251,251,251,251,251,251,-575,251,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,251,251,-725,-726,-727,251,251,251,251,251,251,-996,251,251,-93,-94,251,251,251,251,-311,-312,-322,251,-309,-295,-296,-297,251,251,251,251,-620,-635,-592,251,251,-438,251,-439,251,-446,-447,-448,-380,-381,251,251,251,-508,251,251,-512,251,251,251,251,-517,-518,-519,-520,251,251,-523,-524,251,-526,-527,-528,-529,-530,-531,-532,-533,251,-535,251,251,251,-541,-543,-544,251,-546,-547,-548,-549,251,251,251,251,251,251,-654,-655,-656,-657,251,-659,-660,-661,251,251,251,-667,251,251,-671,-672,251,251,-675,251,-677,-678,251,-681,251,-683,251,251,-686,-687,-688,251,-690,251,251,-693,251,251,-696,-697,-698,251,-700,-701,-702,-703,251,251,-748,251,-751,-752,-753,-754,-755,251,-757,-758,-759,-760,-761,251,-768,-769,-771,251,-773,-774,-775,-784,-858,-860,-862,-864,251,251,251,251,-870,251,-872,251,251,251,251,251,251,251,-908,-909,251,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,251,-923,-926,251,-936,251,-387,-388,-389,251,251,-392,-393,-394,-395,251,-398,251,-401,-402,251,-403,251,-408,-409,251,-412,-413,-414,251,-417,251,-418,251,-423,-424,251,-427,251,-430,-431,-1896,-1896,251,-621,-622,-623,-624,-625,-636,-586,-626,-799,251,251,251,251,251,-833,251,251,-808,251,-834,251,251,251,251,-800,251,-855,-801,251,251,251,251,251,251,-856,-857,251,-836,-832,-837,251,-627,251,-628,-629,-630,-631,-576,251,251,-632,-633,-634,251,251,251,251,251,251,-637,-638,-639,-594,-1896,-604,251,-640,-641,-715,-642,-606,251,-574,-579,-582,-585,251,251,251,-600,-603,251,-610,251,251,251,251,251,251,251,251,251,251,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,251,251,251,-997,251,251,251,251,251,251,-308,-327,-321,-298,-377,-454,-455,-456,-460,251,-445,251,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,251,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,251,251,251,251,251,251,251,251,251,-318,-537,-510,-593,-939,-941,-942,-440,251,-442,-382,-383,-385,-509,-511,-513,251,-515,-516,-521,-522,251,-534,-536,-539,-540,-545,-550,-728,251,-729,251,-734,251,-736,251,-741,-658,-662,-663,251,-668,251,-669,251,-674,-676,251,-679,251,251,251,-689,-691,251,-694,251,251,-746,251,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,251,251,251,251,251,-879,251,-882,-910,-922,-927,-390,-391,251,-396,251,-399,251,-404,251,-405,251,-410,251,-415,251,-419,251,-420,251,-425,251,-428,-901,-902,-645,-587,-1896,-903,251,251,251,-802,251,251,-806,251,-809,-835,251,-820,251,-822,251,-824,-810,251,-826,251,-853,-854,251,251,-813,251,-648,-904,-906,-650,-651,-647,251,-707,-708,251,-644,-905,-649,-652,-605,-716,251,251,-607,-588,251,251,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,251,251,-711,-712,251,-718,251,251,251,251,251,251,-940,251,-441,-443,-749,251,-893,251,-717,-1896,251,251,251,251,251,-444,-514,-525,251,-730,-735,251,-737,251,-742,251,-664,-670,251,-680,-682,-684,-685,-692,-695,-699,-747,251,251,-876,251,251,-880,251,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,251,-814,251,-816,-803,251,-804,-807,251,-818,-821,-823,-825,-827,251,-828,251,-811,251,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,251,-284,251,251,251,251,-457,251,251,-731,251,-738,251,-743,251,-665,-673,251,251,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,251,-838,-53,251,251,-732,251,-739,251,-744,-666,251,-875,-54,251,251,-733,-740,-745,251,251,251,-874,]),'EXTENDED_NOADDR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[252,252,252,252,-1896,252,252,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,252,252,252,252,-277,-278,252,-1427,252,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,252,252,252,-492,252,252,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,252,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,252,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,252,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,252,-174,-175,-176,-177,-995,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-292,-293,-283,252,252,252,252,252,-330,-320,-334,-335,-336,252,252,-984,-985,-986,-987,-988,-989,-990,252,252,252,252,252,252,252,252,252,252,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,252,252,252,-355,-358,252,-325,-326,-143,252,-144,252,-145,252,-432,-937,-938,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-1896,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-1896,252,-1896,252,252,252,252,252,252,252,252,252,252,252,252,-1896,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-1896,252,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,252,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,252,252,252,-193,-194,252,-996,252,252,252,252,252,-279,-280,-281,-282,-367,252,-310,252,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,252,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,252,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,252,252,252,252,252,252,-575,252,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,252,252,-725,-726,-727,252,252,252,252,252,252,-996,252,252,-93,-94,252,252,252,252,-311,-312,-322,252,-309,-295,-296,-297,252,252,252,252,-620,-635,-592,252,252,-438,252,-439,252,-446,-447,-448,-380,-381,252,252,252,-508,252,252,-512,252,252,252,252,-517,-518,-519,-520,252,252,-523,-524,252,-526,-527,-528,-529,-530,-531,-532,-533,252,-535,252,252,252,-541,-543,-544,252,-546,-547,-548,-549,252,252,252,252,252,252,-654,-655,-656,-657,252,-659,-660,-661,252,252,252,-667,252,252,-671,-672,252,252,-675,252,-677,-678,252,-681,252,-683,252,252,-686,-687,-688,252,-690,252,252,-693,252,252,-696,-697,-698,252,-700,-701,-702,-703,252,252,-748,252,-751,-752,-753,-754,-755,252,-757,-758,-759,-760,-761,252,-768,-769,-771,252,-773,-774,-775,-784,-858,-860,-862,-864,252,252,252,252,-870,252,-872,252,252,252,252,252,252,252,-908,-909,252,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,252,-923,-926,252,-936,252,-387,-388,-389,252,252,-392,-393,-394,-395,252,-398,252,-401,-402,252,-403,252,-408,-409,252,-412,-413,-414,252,-417,252,-418,252,-423,-424,252,-427,252,-430,-431,-1896,-1896,252,-621,-622,-623,-624,-625,-636,-586,-626,-799,252,252,252,252,252,-833,252,252,-808,252,-834,252,252,252,252,-800,252,-855,-801,252,252,252,252,252,252,-856,-857,252,-836,-832,-837,252,-627,252,-628,-629,-630,-631,-576,252,252,-632,-633,-634,252,252,252,252,252,252,-637,-638,-639,-594,-1896,-604,252,-640,-641,-715,-642,-606,252,-574,-579,-582,-585,252,252,252,-600,-603,252,-610,252,252,252,252,252,252,252,252,252,252,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,252,252,252,-997,252,252,252,252,252,252,-308,-327,-321,-298,-377,-454,-455,-456,-460,252,-445,252,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,252,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,252,252,252,252,252,252,252,252,252,-318,-537,-510,-593,-939,-941,-942,-440,252,-442,-382,-383,-385,-509,-511,-513,252,-515,-516,-521,-522,252,-534,-536,-539,-540,-545,-550,-728,252,-729,252,-734,252,-736,252,-741,-658,-662,-663,252,-668,252,-669,252,-674,-676,252,-679,252,252,252,-689,-691,252,-694,252,252,-746,252,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,252,252,252,252,252,-879,252,-882,-910,-922,-927,-390,-391,252,-396,252,-399,252,-404,252,-405,252,-410,252,-415,252,-419,252,-420,252,-425,252,-428,-901,-902,-645,-587,-1896,-903,252,252,252,-802,252,252,-806,252,-809,-835,252,-820,252,-822,252,-824,-810,252,-826,252,-853,-854,252,252,-813,252,-648,-904,-906,-650,-651,-647,252,-707,-708,252,-644,-905,-649,-652,-605,-716,252,252,-607,-588,252,252,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,252,252,-711,-712,252,-718,252,252,252,252,252,252,-940,252,-441,-443,-749,252,-893,252,-717,-1896,252,252,252,252,252,-444,-514,-525,252,-730,-735,252,-737,252,-742,252,-664,-670,252,-680,-682,-684,-685,-692,-695,-699,-747,252,252,-876,252,252,-880,252,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,252,-814,252,-816,-803,252,-804,-807,252,-818,-821,-823,-825,-827,252,-828,252,-811,252,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,252,-284,252,252,252,252,-457,252,252,-731,252,-738,252,-743,252,-665,-673,252,252,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,252,-838,-53,252,252,-732,252,-739,252,-744,-666,252,-875,-54,252,252,-733,-740,-745,252,252,252,-874,]),'EXTENT_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[253,253,253,253,-1896,253,253,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,253,253,253,253,-277,-278,253,-1427,253,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,253,253,253,-492,253,253,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,253,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,253,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,253,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,253,-174,-175,-176,-177,-995,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-292,-293,-283,253,253,253,253,253,-330,-320,-334,-335,-336,253,253,-984,-985,-986,-987,-988,-989,-990,253,253,253,253,253,253,253,253,253,253,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,253,253,253,-355,-358,253,-325,-326,-143,253,-144,253,-145,253,-432,-937,-938,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-1896,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-1896,253,-1896,253,253,253,253,253,253,253,253,253,253,253,253,-1896,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-1896,253,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,253,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,253,253,253,-193,-194,253,-996,253,253,253,253,253,-279,-280,-281,-282,-367,253,-310,253,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,253,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,253,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,253,253,253,253,253,253,-575,253,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,253,253,-725,-726,-727,253,253,253,253,253,253,-996,253,253,-93,-94,253,253,253,253,-311,-312,-322,253,-309,-295,-296,-297,253,253,253,253,-620,-635,-592,253,253,-438,253,-439,253,-446,-447,-448,-380,-381,253,253,253,-508,253,253,-512,253,253,253,253,-517,-518,-519,-520,253,253,-523,-524,253,-526,-527,-528,-529,-530,-531,-532,-533,253,-535,253,253,253,-541,-543,-544,253,-546,-547,-548,-549,253,253,253,253,253,253,-654,-655,-656,-657,253,-659,-660,-661,253,253,253,-667,253,253,-671,-672,253,253,-675,253,-677,-678,253,-681,253,-683,253,253,-686,-687,-688,253,-690,253,253,-693,253,253,-696,-697,-698,253,-700,-701,-702,-703,253,253,-748,253,-751,-752,-753,-754,-755,253,-757,-758,-759,-760,-761,253,-768,-769,-771,253,-773,-774,-775,-784,-858,-860,-862,-864,253,253,253,253,-870,253,-872,253,253,253,253,253,253,253,-908,-909,253,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,253,-923,-926,253,-936,253,-387,-388,-389,253,253,-392,-393,-394,-395,253,-398,253,-401,-402,253,-403,253,-408,-409,253,-412,-413,-414,253,-417,253,-418,253,-423,-424,253,-427,253,-430,-431,-1896,-1896,253,-621,-622,-623,-624,-625,-636,-586,-626,-799,253,253,253,253,253,-833,253,253,-808,253,-834,253,253,253,253,-800,253,-855,-801,253,253,253,253,253,253,-856,-857,253,-836,-832,-837,253,-627,253,-628,-629,-630,-631,-576,253,253,-632,-633,-634,253,253,253,253,253,253,-637,-638,-639,-594,-1896,-604,253,-640,-641,-715,-642,-606,253,-574,-579,-582,-585,253,253,253,-600,-603,253,-610,253,253,253,253,253,253,253,253,253,253,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,253,253,253,-997,253,253,253,253,253,253,-308,-327,-321,-298,-377,-454,-455,-456,-460,253,-445,253,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,253,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,253,253,253,253,253,253,253,253,253,-318,-537,-510,-593,-939,-941,-942,-440,253,-442,-382,-383,-385,-509,-511,-513,253,-515,-516,-521,-522,253,-534,-536,-539,-540,-545,-550,-728,253,-729,253,-734,253,-736,253,-741,-658,-662,-663,253,-668,253,-669,253,-674,-676,253,-679,253,253,253,-689,-691,253,-694,253,253,-746,253,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,253,253,253,253,253,-879,253,-882,-910,-922,-927,-390,-391,253,-396,253,-399,253,-404,253,-405,253,-410,253,-415,253,-419,253,-420,253,-425,253,-428,-901,-902,-645,-587,-1896,-903,253,253,253,-802,253,253,-806,253,-809,-835,253,-820,253,-822,253,-824,-810,253,-826,253,-853,-854,253,253,-813,253,-648,-904,-906,-650,-651,-647,253,-707,-708,253,-644,-905,-649,-652,-605,-716,253,253,-607,-588,253,253,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,253,253,-711,-712,253,-718,253,253,253,253,253,253,-940,253,-441,-443,-749,253,-893,253,-717,-1896,253,253,253,253,253,-444,-514,-525,253,-730,-735,253,-737,253,-742,253,-664,-670,253,-680,-682,-684,-685,-692,-695,-699,-747,253,253,-876,253,253,-880,253,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,253,-814,253,-816,-803,253,-804,-807,253,-818,-821,-823,-825,-827,253,-828,253,-811,253,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,253,-284,253,253,253,253,-457,253,253,-731,253,-738,253,-743,253,-665,-673,253,253,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,253,-838,-53,253,253,-732,253,-739,253,-744,-666,253,-875,-54,253,253,-733,-740,-745,253,253,253,-874,]),'EXTRACTVALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[254,254,254,1130,-1896,254,254,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,254,254,254,254,-277,-278,1130,-1427,1130,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1130,1130,1130,-492,1130,1130,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1130,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1130,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1863,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,254,-174,-175,-176,-177,-995,254,254,254,254,254,254,254,254,254,254,1130,1130,1130,1130,1130,-292,-293,-283,254,1130,1130,1130,1130,-330,-320,-334,-335,-336,1130,1130,-984,-985,-986,-987,-988,-989,-990,254,254,1130,1130,1130,1130,1130,1130,1130,1130,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1130,1130,1130,-355,-358,254,-325,-326,-143,1130,-144,1130,-145,1130,-432,-937,-938,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1896,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1896,1130,-1896,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1896,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1896,254,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1130,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1130,254,254,-193,-194,254,-996,1130,254,254,254,254,-279,-280,-281,-282,-367,1130,-310,1130,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1130,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1130,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1130,1130,1130,1130,1130,1130,-575,1130,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1130,1130,-725,-726,-727,1130,1863,254,254,254,254,-996,254,1130,-93,-94,254,254,254,1130,-311,-312,-322,1130,-309,-295,-296,-297,1130,254,1130,1130,-620,-635,-592,1130,254,-438,254,-439,1130,-446,-447,-448,-380,-381,1130,1130,1130,-508,1130,1130,-512,1130,1130,1130,1130,-517,-518,-519,-520,1130,1130,-523,-524,1130,-526,-527,-528,-529,-530,-531,-532,-533,1130,-535,1130,1130,1130,-541,-543,-544,1130,-546,-547,-548,-549,1130,1130,1130,1130,1130,1130,-654,-655,-656,-657,254,-659,-660,-661,1130,1130,1130,-667,1130,1130,-671,-672,1130,1130,-675,1130,-677,-678,1130,-681,1130,-683,1130,1130,-686,-687,-688,1130,-690,1130,1130,-693,1130,1130,-696,-697,-698,1130,-700,-701,-702,-703,1130,1130,-748,1130,-751,-752,-753,-754,-755,1130,-757,-758,-759,-760,-761,1130,-768,-769,-771,1130,-773,-774,-775,-784,-858,-860,-862,-864,1130,1130,1130,1130,-870,1130,-872,1130,1130,1130,1130,1130,1130,1130,-908,-909,1130,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1130,-923,-926,1130,-936,1130,-387,-388,-389,1130,1130,-392,-393,-394,-395,1130,-398,1130,-401,-402,1130,-403,1130,-408,-409,1130,-412,-413,-414,1130,-417,1130,-418,1130,-423,-424,1130,-427,1130,-430,-431,-1896,-1896,1130,-621,-622,-623,-624,-625,-636,-586,-626,-799,1130,1130,1130,1130,1130,-833,1130,1130,-808,1130,-834,1130,1130,1130,1130,-800,1130,-855,-801,1130,1130,1130,1130,1130,1130,-856,-857,1130,-836,-832,-837,1130,-627,1130,-628,-629,-630,-631,-576,1130,1130,-632,-633,-634,1130,1130,1130,1130,1130,1130,-637,-638,-639,-594,-1896,-604,1130,-640,-641,-715,-642,-606,1130,-574,-579,-582,-585,1130,1130,1130,-600,-603,1130,-610,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1130,254,254,-997,254,1130,254,254,254,1130,-308,-327,-321,-298,-377,-454,-455,-456,-460,254,-445,1130,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1130,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,254,254,254,254,254,254,254,254,1130,-318,-537,-510,-593,-939,-941,-942,-440,1130,-442,-382,-383,-385,-509,-511,-513,1130,-515,-516,-521,-522,1130,-534,-536,-539,-540,-545,-550,-728,1130,-729,1130,-734,1130,-736,1130,-741,-658,-662,-663,1130,-668,1130,-669,1130,-674,-676,1130,-679,1130,1130,1130,-689,-691,1130,-694,1130,1130,-746,1130,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1130,1130,1130,1130,1130,-879,1130,-882,-910,-922,-927,-390,-391,1130,-396,1130,-399,1130,-404,1130,-405,1130,-410,1130,-415,1130,-419,1130,-420,1130,-425,1130,-428,-901,-902,-645,-587,-1896,-903,1130,1130,1130,-802,1130,1130,-806,1130,-809,-835,1130,-820,1130,-822,1130,-824,-810,1130,-826,1130,-853,-854,1130,1130,-813,1130,-648,-904,-906,-650,-651,-647,1130,-707,-708,1130,-644,-905,-649,-652,-605,-716,1130,1130,-607,-588,1130,1130,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1130,1130,-711,-712,1130,-718,1130,254,254,254,1130,1130,-940,254,-441,-443,-749,1130,-893,1863,-717,-1896,1130,1130,254,254,1130,-444,-514,-525,1130,-730,-735,1130,-737,1130,-742,1130,-664,-670,1130,-680,-682,-684,-685,-692,-695,-699,-747,1130,1130,-876,1130,1130,-880,1130,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1130,-814,1130,-816,-803,1130,-804,-807,1130,-818,-821,-823,-825,-827,1130,-828,1130,-811,1130,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,254,-284,254,1130,254,1130,-457,1130,1130,-731,1130,-738,1130,-743,1130,-665,-673,1130,1130,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1130,-838,-53,254,1130,-732,1130,-739,1130,-744,-666,1130,-875,-54,254,254,-733,-740,-745,1130,254,1130,-874,]),'FAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[255,255,255,255,-1896,255,255,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,255,255,255,255,-277,-278,255,-1427,255,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,255,255,255,-492,255,255,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,255,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,255,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,255,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,255,-174,-175,-176,-177,-995,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-292,-293,-283,255,255,255,255,255,-330,-320,-334,-335,-336,255,255,-984,-985,-986,-987,-988,-989,-990,255,255,255,255,255,255,255,255,255,255,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,255,255,255,-355,-358,255,-325,-326,-143,255,-144,255,-145,255,-432,-937,-938,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-1896,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-1896,255,-1896,255,255,255,255,255,255,255,255,255,255,255,255,-1896,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-1896,255,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,255,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,255,255,255,-193,-194,255,-996,255,255,255,255,255,-279,-280,-281,-282,-367,255,-310,255,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,255,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,255,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,255,255,255,255,255,255,-575,255,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,255,255,-725,-726,-727,255,255,255,255,255,255,-996,255,255,-93,-94,255,255,255,255,-311,-312,-322,255,-309,-295,-296,-297,255,255,255,255,-620,-635,-592,255,255,-438,255,-439,255,-446,-447,-448,-380,-381,255,255,255,-508,255,255,-512,255,255,255,255,-517,-518,-519,-520,255,255,-523,-524,255,-526,-527,-528,-529,-530,-531,-532,-533,255,-535,255,255,255,-541,-543,-544,255,-546,-547,-548,-549,255,255,255,255,255,255,-654,-655,-656,-657,255,-659,-660,-661,255,255,255,-667,255,255,-671,-672,255,255,-675,255,-677,-678,255,-681,255,-683,255,255,-686,-687,-688,255,-690,255,255,-693,255,255,-696,-697,-698,255,-700,-701,-702,-703,255,255,-748,255,-751,-752,-753,-754,-755,255,-757,-758,-759,-760,-761,255,-768,-769,-771,255,-773,-774,-775,-784,-858,-860,-862,-864,255,255,255,255,-870,255,-872,255,255,255,255,255,255,255,-908,-909,255,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,255,-923,-926,255,-936,255,-387,-388,-389,255,255,-392,-393,-394,-395,255,-398,255,-401,-402,255,-403,255,-408,-409,255,-412,-413,-414,255,-417,255,-418,255,-423,-424,255,-427,255,-430,-431,-1896,-1896,255,-621,-622,-623,-624,-625,-636,-586,-626,-799,255,255,255,255,255,-833,255,255,-808,255,-834,255,255,255,255,-800,255,-855,-801,255,255,255,255,255,255,-856,-857,255,-836,-832,-837,255,-627,255,-628,-629,-630,-631,-576,255,255,-632,-633,-634,255,255,255,255,255,255,-637,-638,-639,-594,-1896,-604,255,-640,-641,-715,-642,-606,255,-574,-579,-582,-585,255,255,255,-600,-603,255,-610,255,255,255,255,255,255,255,255,255,255,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,255,255,255,-997,255,255,255,255,255,255,-308,-327,-321,-298,-377,-454,-455,-456,-460,255,-445,255,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,255,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,255,255,255,255,255,255,255,255,255,-318,-537,-510,-593,-939,-941,-942,-440,255,-442,-382,-383,-385,-509,-511,-513,255,-515,-516,-521,-522,255,-534,-536,-539,-540,-545,-550,-728,255,-729,255,-734,255,-736,255,-741,-658,-662,-663,255,-668,255,-669,255,-674,-676,255,-679,255,255,255,-689,-691,255,-694,255,255,-746,255,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,255,255,255,255,255,-879,255,-882,-910,-922,-927,-390,-391,255,-396,255,-399,255,-404,255,-405,255,-410,255,-415,255,-419,255,-420,255,-425,255,-428,-901,-902,-645,-587,-1896,-903,255,255,255,-802,255,255,-806,255,-809,-835,255,-820,255,-822,255,-824,-810,255,-826,255,-853,-854,255,255,-813,255,-648,-904,-906,-650,-651,-647,255,-707,-708,255,-644,-905,-649,-652,-605,-716,255,255,-607,-588,255,255,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,255,255,-711,-712,255,-718,255,255,255,255,255,255,-940,255,-441,-443,-749,255,-893,255,-717,-1896,255,255,255,255,255,-444,-514,-525,255,-730,-735,255,-737,255,-742,255,-664,-670,255,-680,-682,-684,-685,-692,-695,-699,-747,255,255,-876,255,255,-880,255,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,255,-814,255,-816,-803,255,-804,-807,255,-818,-821,-823,-825,-827,255,-828,255,-811,255,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,255,-284,255,255,255,255,-457,255,255,-731,255,-738,255,-743,255,-665,-673,255,255,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,255,-838,-53,255,255,-732,255,-739,255,-744,-666,255,-875,-54,255,255,-733,-740,-745,255,255,255,-874,]),'FAULTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[256,256,256,256,-1896,256,256,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,256,256,256,256,-277,-278,256,-1427,256,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,256,256,256,-492,256,256,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,256,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,256,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,256,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,256,-174,-175,-176,-177,-995,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-292,-293,-283,256,256,256,256,256,-330,-320,-334,-335,-336,256,256,-984,-985,-986,-987,-988,-989,-990,256,256,256,256,256,256,256,256,256,256,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,256,256,256,-355,-358,256,-325,-326,-143,256,-144,256,-145,256,-432,-937,-938,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-1896,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-1896,256,-1896,256,256,256,256,256,256,256,256,256,256,256,256,-1896,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-1896,256,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,256,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,256,256,256,-193,-194,256,-996,256,256,256,256,256,-279,-280,-281,-282,-367,256,-310,256,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,256,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,256,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,256,256,256,256,256,256,-575,256,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,256,256,-725,-726,-727,256,256,256,256,256,256,-996,256,256,-93,-94,256,256,256,256,-311,-312,-322,256,-309,-295,-296,-297,256,256,256,256,-620,-635,-592,256,256,-438,256,-439,256,-446,-447,-448,-380,-381,256,256,256,-508,256,256,-512,256,256,256,256,-517,-518,-519,-520,256,256,-523,-524,256,-526,-527,-528,-529,-530,-531,-532,-533,256,-535,256,256,256,-541,-543,-544,256,-546,-547,-548,-549,256,256,256,256,256,256,-654,-655,-656,-657,256,-659,-660,-661,256,256,256,-667,256,256,-671,-672,256,256,-675,256,-677,-678,256,-681,256,-683,256,256,-686,-687,-688,256,-690,256,256,-693,256,256,-696,-697,-698,256,-700,-701,-702,-703,256,256,-748,256,-751,-752,-753,-754,-755,256,-757,-758,-759,-760,-761,256,-768,-769,-771,256,-773,-774,-775,-784,-858,-860,-862,-864,256,256,256,256,-870,256,-872,256,256,256,256,256,256,256,-908,-909,256,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,256,-923,-926,256,-936,256,-387,-388,-389,256,256,-392,-393,-394,-395,256,-398,256,-401,-402,256,-403,256,-408,-409,256,-412,-413,-414,256,-417,256,-418,256,-423,-424,256,-427,256,-430,-431,-1896,-1896,256,-621,-622,-623,-624,-625,-636,-586,-626,-799,256,256,256,256,256,-833,256,256,-808,256,-834,256,256,256,256,-800,256,-855,-801,256,256,256,256,256,256,-856,-857,256,-836,-832,-837,256,-627,256,-628,-629,-630,-631,-576,256,256,-632,-633,-634,256,256,256,256,256,256,-637,-638,-639,-594,-1896,-604,256,-640,-641,-715,-642,-606,256,-574,-579,-582,-585,256,256,256,-600,-603,256,-610,256,256,256,256,256,256,256,256,256,256,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,256,256,256,-997,256,256,256,256,256,256,-308,-327,-321,-298,-377,-454,-455,-456,-460,256,-445,256,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,256,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,256,256,256,256,256,256,256,256,256,-318,-537,-510,-593,-939,-941,-942,-440,256,-442,-382,-383,-385,-509,-511,-513,256,-515,-516,-521,-522,256,-534,-536,-539,-540,-545,-550,-728,256,-729,256,-734,256,-736,256,-741,-658,-662,-663,256,-668,256,-669,256,-674,-676,256,-679,256,256,256,-689,-691,256,-694,256,256,-746,256,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,256,256,256,256,256,-879,256,-882,-910,-922,-927,-390,-391,256,-396,256,-399,256,-404,256,-405,256,-410,256,-415,256,-419,256,-420,256,-425,256,-428,-901,-902,-645,-587,-1896,-903,256,256,256,-802,256,256,-806,256,-809,-835,256,-820,256,-822,256,-824,-810,256,-826,256,-853,-854,256,256,-813,256,-648,-904,-906,-650,-651,-647,256,-707,-708,256,-644,-905,-649,-652,-605,-716,256,256,-607,-588,256,256,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,256,256,-711,-712,256,-718,256,256,256,256,256,256,-940,256,-441,-443,-749,256,-893,256,-717,-1896,256,256,256,256,256,-444,-514,-525,256,-730,-735,256,-737,256,-742,256,-664,-670,256,-680,-682,-684,-685,-692,-695,-699,-747,256,256,-876,256,256,-880,256,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,256,-814,256,-816,-803,256,-804,-807,256,-818,-821,-823,-825,-827,256,-828,256,-811,256,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,256,-284,256,256,256,256,-457,256,256,-731,256,-738,256,-743,256,-665,-673,256,256,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,256,-838,-53,256,256,-732,256,-739,256,-744,-666,256,-875,-54,256,256,-733,-740,-745,256,256,256,-874,]),'FIELD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[257,257,257,1092,-1896,257,257,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,257,257,257,257,-277,-278,1092,-1427,1092,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1092,1092,1092,-492,1092,1092,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1092,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1092,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1864,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,257,-174,-175,-176,-177,-995,257,257,257,257,257,257,257,257,257,257,1092,1092,1092,1092,1092,-292,-293,-283,257,1092,1092,1092,1092,-330,-320,-334,-335,-336,1092,1092,-984,-985,-986,-987,-988,-989,-990,257,257,1092,1092,1092,1092,1092,1092,1092,1092,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1092,1092,1092,-355,-358,257,-325,-326,-143,1092,-144,1092,-145,1092,-432,-937,-938,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1896,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1896,1092,-1896,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1896,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1896,257,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1092,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1092,257,257,-193,-194,257,-996,1092,257,257,257,257,-279,-280,-281,-282,-367,1092,-310,1092,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1092,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1092,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1092,1092,1092,1092,1092,1092,-575,1092,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1092,1092,-725,-726,-727,1092,1864,257,257,257,257,-996,257,1092,-93,-94,257,257,257,1092,-311,-312,-322,1092,-309,-295,-296,-297,1092,257,1092,1092,-620,-635,-592,1092,257,-438,257,-439,1092,-446,-447,-448,-380,-381,1092,1092,1092,-508,1092,1092,-512,1092,1092,1092,1092,-517,-518,-519,-520,1092,1092,-523,-524,1092,-526,-527,-528,-529,-530,-531,-532,-533,1092,-535,1092,1092,1092,-541,-543,-544,1092,-546,-547,-548,-549,1092,1092,1092,1092,1092,1092,-654,-655,-656,-657,257,-659,-660,-661,1092,1092,1092,-667,1092,1092,-671,-672,1092,1092,-675,1092,-677,-678,1092,-681,1092,-683,1092,1092,-686,-687,-688,1092,-690,1092,1092,-693,1092,1092,-696,-697,-698,1092,-700,-701,-702,-703,1092,1092,-748,1092,-751,-752,-753,-754,-755,1092,-757,-758,-759,-760,-761,1092,-768,-769,-771,1092,-773,-774,-775,-784,-858,-860,-862,-864,1092,1092,1092,1092,-870,1092,-872,1092,1092,1092,1092,1092,1092,1092,-908,-909,1092,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1092,-923,-926,1092,-936,1092,-387,-388,-389,1092,1092,-392,-393,-394,-395,1092,-398,1092,-401,-402,1092,-403,1092,-408,-409,1092,-412,-413,-414,1092,-417,1092,-418,1092,-423,-424,1092,-427,1092,-430,-431,-1896,-1896,1092,-621,-622,-623,-624,-625,-636,-586,-626,-799,1092,1092,1092,1092,1092,-833,1092,1092,-808,1092,-834,1092,1092,1092,1092,-800,1092,-855,-801,1092,1092,1092,1092,1092,1092,-856,-857,1092,-836,-832,-837,1092,-627,1092,-628,-629,-630,-631,-576,1092,1092,-632,-633,-634,1092,1092,1092,1092,1092,1092,-637,-638,-639,-594,-1896,-604,1092,-640,-641,-715,-642,-606,1092,-574,-579,-582,-585,1092,1092,1092,-600,-603,1092,-610,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1092,257,257,-997,257,1092,257,257,257,1092,-308,-327,-321,-298,-377,-454,-455,-456,-460,257,-445,1092,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1092,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,257,257,257,257,257,257,257,257,1092,-318,-537,-510,-593,-939,-941,-942,-440,1092,-442,-382,-383,-385,-509,-511,-513,1092,-515,-516,-521,-522,1092,-534,-536,-539,-540,-545,-550,-728,1092,-729,1092,-734,1092,-736,1092,-741,-658,-662,-663,1092,-668,1092,-669,1092,-674,-676,1092,-679,1092,1092,1092,-689,-691,1092,-694,1092,1092,-746,1092,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1092,1092,1092,1092,1092,-879,1092,-882,-910,-922,-927,-390,-391,1092,-396,1092,-399,1092,-404,1092,-405,1092,-410,1092,-415,1092,-419,1092,-420,1092,-425,1092,-428,-901,-902,-645,-587,-1896,-903,1092,1092,1092,-802,1092,1092,-806,1092,-809,-835,1092,-820,1092,-822,1092,-824,-810,1092,-826,1092,-853,-854,1092,1092,-813,1092,-648,-904,-906,-650,-651,-647,1092,-707,-708,1092,-644,-905,-649,-652,-605,-716,1092,1092,-607,-588,1092,1092,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1092,1092,-711,-712,1092,-718,1092,257,257,257,1092,1092,-940,257,-441,-443,-749,1092,-893,1864,-717,-1896,1092,1092,257,257,1092,-444,-514,-525,1092,-730,-735,1092,-737,1092,-742,1092,-664,-670,1092,-680,-682,-684,-685,-692,-695,-699,-747,1092,1092,-876,1092,1092,-880,1092,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1092,-814,1092,-816,-803,1092,-804,-807,1092,-818,-821,-823,-825,-827,1092,-828,1092,-811,1092,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,257,-284,257,1092,257,1092,-457,1092,1092,-731,1092,-738,1092,-743,1092,-665,-673,1092,1092,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1092,-838,-53,257,1092,-732,1092,-739,1092,-744,-666,1092,-875,-54,257,257,-733,-740,-745,1092,257,1092,-874,]),'FIELDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[258,258,258,258,-1896,258,258,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,258,258,258,258,-277,-278,258,-1427,258,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,258,258,258,-492,258,258,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,258,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,258,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,258,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,258,-174,-175,-176,-177,-995,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-292,-293,-283,258,258,258,258,258,-330,-320,-334,-335,-336,258,258,-984,-985,-986,-987,-988,-989,-990,258,258,258,258,258,258,258,258,258,258,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,258,258,258,-355,-358,258,-325,-326,-143,258,-144,258,-145,258,-432,-937,-938,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-1896,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-1896,258,-1896,258,258,258,258,258,258,258,258,258,258,258,258,-1896,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-1896,258,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,258,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,258,258,258,-193,-194,258,-996,258,258,258,258,258,-279,-280,-281,-282,-367,258,-310,258,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,258,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,258,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,258,258,258,258,258,258,-575,258,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,258,258,-725,-726,-727,258,258,258,258,258,258,-996,258,258,-93,-94,258,258,258,258,-311,-312,-322,258,-309,-295,-296,-297,258,258,258,258,-620,-635,-592,258,258,-438,258,-439,258,-446,-447,-448,-380,-381,258,258,258,-508,258,258,-512,258,258,258,258,-517,-518,-519,-520,258,258,-523,-524,258,-526,-527,-528,-529,-530,-531,-532,-533,258,-535,258,258,258,-541,-543,-544,258,-546,-547,-548,-549,258,258,258,258,258,258,-654,-655,-656,-657,258,-659,-660,-661,258,258,258,-667,258,258,-671,-672,258,258,-675,258,-677,-678,258,-681,258,-683,258,258,-686,-687,-688,258,-690,258,258,-693,258,258,-696,-697,-698,258,-700,-701,-702,-703,258,258,-748,258,-751,-752,-753,-754,-755,258,-757,-758,-759,-760,-761,258,-768,-769,-771,258,-773,-774,-775,-784,-858,-860,-862,-864,258,258,258,258,-870,258,-872,258,258,258,258,258,258,258,-908,-909,258,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,258,-923,-926,258,-936,258,-387,-388,-389,258,258,-392,-393,-394,-395,258,-398,258,-401,-402,258,-403,258,-408,-409,258,-412,-413,-414,258,-417,258,-418,258,-423,-424,258,-427,258,-430,-431,-1896,-1896,258,-621,-622,-623,-624,-625,-636,-586,-626,-799,258,258,258,258,258,-833,258,258,-808,258,-834,258,258,258,258,-800,258,-855,-801,258,258,258,258,258,258,-856,-857,258,-836,-832,-837,258,-627,258,-628,-629,-630,-631,-576,258,258,-632,-633,-634,258,258,258,258,258,258,-637,-638,-639,-594,-1896,-604,258,-640,-641,-715,-642,-606,258,-574,-579,-582,-585,258,258,258,-600,-603,258,-610,258,258,258,258,258,258,258,258,258,258,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,258,258,258,-997,258,258,258,258,258,258,-308,-327,-321,-298,-377,-454,-455,-456,-460,258,-445,258,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,258,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,258,258,258,258,258,258,258,258,258,-318,-537,-510,-593,-939,-941,-942,-440,258,-442,-382,-383,-385,-509,-511,-513,258,-515,-516,-521,-522,258,-534,-536,-539,-540,-545,-550,-728,258,-729,258,-734,258,-736,258,-741,-658,-662,-663,258,-668,258,-669,258,-674,-676,258,-679,258,258,258,-689,-691,258,-694,258,258,-746,258,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,258,258,258,258,258,-879,258,-882,-910,-922,-927,-390,-391,258,-396,258,-399,258,-404,258,-405,258,-410,258,-415,258,-419,258,-420,258,-425,258,-428,-901,-902,-645,-587,-1896,-903,258,258,258,-802,258,258,-806,258,-809,-835,258,-820,258,-822,258,-824,-810,258,-826,258,-853,-854,258,258,-813,258,-648,-904,-906,-650,-651,-647,258,-707,-708,258,-644,-905,-649,-652,-605,-716,258,258,-607,-588,258,258,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,258,258,-711,-712,258,-718,258,258,258,258,258,258,-940,258,-441,-443,-749,258,-893,258,-717,-1896,258,258,258,258,258,-444,-514,-525,258,-730,-735,258,-737,258,-742,258,-664,-670,258,-680,-682,-684,-685,-692,-695,-699,-747,258,258,-876,258,258,-880,258,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,258,-814,258,-816,-803,258,-804,-807,258,-818,-821,-823,-825,-827,258,-828,258,-811,258,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,258,-284,258,258,258,258,-457,258,258,-731,258,-738,258,-743,258,-665,-673,258,258,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,258,-838,-53,258,258,-732,258,-739,258,-744,-666,258,-875,-54,258,258,-733,-740,-745,258,258,258,-874,]),'FILEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[259,259,259,259,-1896,259,259,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,259,259,259,259,-277,-278,259,-1427,259,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,259,259,259,-492,259,259,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,259,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,259,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,259,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,259,-174,-175,-176,-177,-995,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-292,-293,-283,259,259,259,259,259,-330,-320,-334,-335,-336,259,259,-984,-985,-986,-987,-988,-989,-990,259,259,259,259,259,259,259,259,259,259,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,259,259,259,-355,-358,259,-325,-326,-143,259,-144,259,-145,259,-432,-937,-938,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-1896,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-1896,259,-1896,259,259,259,259,259,259,259,259,259,259,259,259,-1896,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-1896,259,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,259,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,259,259,259,-193,-194,259,-996,259,259,259,259,259,-279,-280,-281,-282,-367,259,-310,259,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,259,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,259,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,259,259,259,259,259,259,-575,259,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,259,259,-725,-726,-727,259,259,259,259,259,259,-996,259,259,-93,-94,259,259,259,259,-311,-312,-322,259,-309,-295,-296,-297,259,259,259,259,-620,-635,-592,259,259,-438,259,-439,259,-446,-447,-448,-380,-381,259,259,259,-508,259,259,-512,259,259,259,259,-517,-518,-519,-520,259,259,-523,-524,259,-526,-527,-528,-529,-530,-531,-532,-533,259,-535,259,259,259,-541,-543,-544,259,-546,-547,-548,-549,259,259,259,259,259,259,-654,-655,-656,-657,259,-659,-660,-661,259,259,259,-667,259,259,-671,-672,259,259,-675,259,-677,-678,259,-681,259,-683,259,259,-686,-687,-688,259,-690,259,259,-693,259,259,-696,-697,-698,259,-700,-701,-702,-703,259,259,-748,259,-751,-752,-753,-754,-755,259,-757,-758,-759,-760,-761,259,-768,-769,-771,259,-773,-774,-775,-784,-858,-860,-862,-864,259,259,259,259,-870,259,-872,259,259,259,259,259,259,259,-908,-909,259,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,259,-923,-926,259,-936,259,-387,-388,-389,259,259,-392,-393,-394,-395,259,-398,259,-401,-402,259,-403,259,-408,-409,259,-412,-413,-414,259,-417,259,-418,259,-423,-424,259,-427,259,-430,-431,-1896,-1896,259,-621,-622,-623,-624,-625,-636,-586,-626,-799,259,259,259,259,259,-833,259,259,-808,259,-834,259,259,259,259,-800,259,-855,-801,259,259,259,259,259,259,-856,-857,259,-836,-832,-837,259,-627,259,-628,-629,-630,-631,-576,259,259,-632,-633,-634,259,259,259,259,259,259,-637,-638,-639,-594,-1896,-604,259,-640,-641,-715,-642,-606,259,-574,-579,-582,-585,259,259,259,-600,-603,259,-610,259,259,259,259,259,259,259,259,259,259,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,259,259,259,-997,259,259,259,259,259,259,-308,-327,-321,-298,-377,-454,-455,-456,-460,259,-445,259,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,259,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,259,259,259,259,259,259,259,259,259,-318,-537,-510,-593,-939,-941,-942,-440,259,-442,-382,-383,-385,-509,-511,-513,259,-515,-516,-521,-522,259,-534,-536,-539,-540,-545,-550,-728,259,-729,259,-734,259,-736,259,-741,-658,-662,-663,259,-668,259,-669,259,-674,-676,259,-679,259,259,259,-689,-691,259,-694,259,259,-746,259,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,259,259,259,259,259,-879,259,-882,-910,-922,-927,-390,-391,259,-396,259,-399,259,-404,259,-405,259,-410,259,-415,259,-419,259,-420,259,-425,259,-428,-901,-902,-645,-587,-1896,-903,259,259,259,-802,259,259,-806,259,-809,-835,259,-820,259,-822,259,-824,-810,259,-826,259,-853,-854,259,259,-813,259,-648,-904,-906,-650,-651,-647,259,-707,-708,259,-644,-905,-649,-652,-605,-716,259,259,-607,-588,259,259,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,259,259,-711,-712,259,-718,259,259,259,259,259,259,-940,259,-441,-443,-749,259,-893,259,-717,-1896,259,259,259,259,259,-444,-514,-525,259,-730,-735,259,-737,259,-742,259,-664,-670,259,-680,-682,-684,-685,-692,-695,-699,-747,259,259,-876,259,259,-880,259,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,259,-814,259,-816,-803,259,-804,-807,259,-818,-821,-823,-825,-827,259,-828,259,-811,259,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,259,-284,259,259,259,259,-457,259,259,-731,259,-738,259,-743,259,-665,-673,259,259,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,259,-838,-53,259,259,-732,259,-739,259,-744,-666,259,-875,-54,259,259,-733,-740,-745,259,259,259,-874,]),'FILE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[260,260,260,260,-1896,260,260,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,260,260,260,260,-277,-278,260,-1427,260,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,260,260,260,-492,260,260,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,260,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,260,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,260,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,260,-174,-175,-176,-177,-995,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-292,-293,-283,260,260,260,260,260,-330,-320,-334,-335,-336,260,260,-984,-985,-986,-987,-988,-989,-990,260,260,260,260,260,260,260,260,260,260,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,260,260,260,-355,-358,260,-325,-326,-143,260,-144,260,-145,260,-432,-937,-938,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-1896,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-1896,260,-1896,260,260,260,260,260,260,260,260,260,260,260,260,-1896,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-1896,260,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,260,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,260,260,260,-193,-194,260,-996,260,260,260,260,260,-279,-280,-281,-282,-367,260,-310,260,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,260,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,260,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,260,260,260,260,260,260,-575,260,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,260,260,-725,-726,-727,260,260,260,260,260,260,-996,260,260,-93,-94,260,260,260,260,-311,-312,-322,260,-309,-295,-296,-297,260,260,260,260,-620,-635,-592,260,260,-438,260,-439,260,-446,-447,-448,-380,-381,260,260,260,-508,260,260,-512,260,260,260,260,-517,-518,-519,-520,260,260,-523,-524,260,-526,-527,-528,-529,-530,-531,-532,-533,260,-535,260,260,260,-541,-543,-544,260,-546,-547,-548,-549,260,260,260,260,260,260,-654,-655,-656,-657,260,-659,-660,-661,260,260,260,-667,260,260,-671,-672,260,260,-675,260,-677,-678,260,-681,260,-683,260,260,-686,-687,-688,260,-690,260,260,-693,260,260,-696,-697,-698,260,-700,-701,-702,-703,260,260,-748,260,-751,-752,-753,-754,-755,260,-757,-758,-759,-760,-761,260,-768,-769,-771,260,-773,-774,-775,-784,-858,-860,-862,-864,260,260,260,260,-870,260,-872,260,260,260,260,260,260,260,-908,-909,260,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,260,-923,-926,260,-936,260,-387,-388,-389,260,260,-392,-393,-394,-395,260,-398,260,-401,-402,260,-403,260,-408,-409,260,-412,-413,-414,260,-417,260,-418,260,-423,-424,260,-427,260,-430,-431,-1896,-1896,260,-621,-622,-623,-624,-625,-636,-586,-626,-799,260,260,260,260,260,-833,260,260,-808,260,-834,260,260,260,260,-800,260,-855,-801,260,260,260,260,260,260,-856,-857,260,-836,-832,-837,260,-627,260,-628,-629,-630,-631,-576,260,260,-632,-633,-634,260,260,260,260,260,260,-637,-638,-639,-594,-1896,-604,260,-640,-641,-715,-642,-606,260,-574,-579,-582,-585,260,260,260,-600,-603,260,-610,260,260,260,260,260,260,260,260,260,260,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,260,260,260,-997,260,260,260,260,260,260,-308,-327,-321,-298,-377,-454,-455,-456,-460,260,-445,260,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,260,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,260,260,260,260,260,260,260,260,260,-318,-537,-510,-593,-939,-941,-942,-440,260,-442,-382,-383,-385,-509,-511,-513,260,-515,-516,-521,-522,260,-534,-536,-539,-540,-545,-550,-728,260,-729,260,-734,260,-736,260,-741,-658,-662,-663,260,-668,260,-669,260,-674,-676,260,-679,260,260,260,-689,-691,260,-694,260,260,-746,260,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,260,260,260,260,260,-879,260,-882,-910,-922,-927,-390,-391,260,-396,260,-399,260,-404,260,-405,260,-410,260,-415,260,-419,260,-420,260,-425,260,-428,-901,-902,-645,-587,-1896,-903,260,260,260,-802,260,260,-806,260,-809,-835,260,-820,260,-822,260,-824,-810,260,-826,260,-853,-854,260,260,-813,260,-648,-904,-906,-650,-651,-647,260,-707,-708,260,-644,-905,-649,-652,-605,-716,260,260,-607,-588,260,260,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,260,260,-711,-712,260,-718,260,260,260,260,260,260,-940,260,-441,-443,-749,260,-893,260,-717,-1896,260,260,260,260,260,-444,-514,-525,260,-730,-735,260,-737,260,-742,260,-664,-670,260,-680,-682,-684,-685,-692,-695,-699,-747,260,260,-876,260,260,-880,260,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,260,-814,260,-816,-803,260,-804,-807,260,-818,-821,-823,-825,-827,260,-828,260,-811,260,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,260,-284,260,260,260,260,-457,260,260,-731,260,-738,260,-743,260,-665,-673,260,260,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,260,-838,-53,260,260,-732,260,-739,260,-744,-666,260,-875,-54,260,260,-733,-740,-745,260,260,260,-874,]),'FINAL_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[261,261,261,261,-1896,261,261,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,261,261,261,261,-277,-278,261,-1427,261,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,261,261,261,-492,261,261,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,261,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,261,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,261,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,261,-174,-175,-176,-177,-995,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-292,-293,-283,261,261,261,261,261,-330,-320,-334,-335,-336,261,261,-984,-985,-986,-987,-988,-989,-990,261,261,261,261,261,261,261,261,261,261,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,261,261,261,-355,-358,261,-325,-326,-143,261,-144,261,-145,261,-432,-937,-938,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-1896,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-1896,261,-1896,261,261,261,261,261,261,261,261,261,261,261,261,-1896,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-1896,261,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,261,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,261,261,261,-193,-194,261,-996,261,261,261,261,261,-279,-280,-281,-282,-367,261,-310,261,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,261,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,261,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,261,261,261,261,261,261,-575,261,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,261,261,-725,-726,-727,261,261,261,261,261,261,-996,261,261,-93,-94,261,261,261,261,-311,-312,-322,261,-309,-295,-296,-297,261,261,261,261,-620,-635,-592,261,261,-438,261,-439,261,-446,-447,-448,-380,-381,261,261,261,-508,261,261,-512,261,261,261,261,-517,-518,-519,-520,261,261,-523,-524,261,-526,-527,-528,-529,-530,-531,-532,-533,261,-535,261,261,261,-541,-543,-544,261,-546,-547,-548,-549,261,261,261,261,261,261,-654,-655,-656,-657,261,-659,-660,-661,261,261,261,-667,261,261,-671,-672,261,261,-675,261,-677,-678,261,-681,261,-683,261,261,-686,-687,-688,261,-690,261,261,-693,261,261,-696,-697,-698,261,-700,-701,-702,-703,261,261,-748,261,-751,-752,-753,-754,-755,261,-757,-758,-759,-760,-761,261,-768,-769,-771,261,-773,-774,-775,-784,-858,-860,-862,-864,261,261,261,261,-870,261,-872,261,261,261,261,261,261,261,-908,-909,261,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,261,-923,-926,261,-936,261,-387,-388,-389,261,261,-392,-393,-394,-395,261,-398,261,-401,-402,261,-403,261,-408,-409,261,-412,-413,-414,261,-417,261,-418,261,-423,-424,261,-427,261,-430,-431,-1896,-1896,261,-621,-622,-623,-624,-625,-636,-586,-626,-799,261,261,261,261,261,-833,261,261,-808,261,-834,261,261,261,261,-800,261,-855,-801,261,261,261,261,261,261,-856,-857,261,-836,-832,-837,261,-627,261,-628,-629,-630,-631,-576,261,261,-632,-633,-634,261,261,261,261,261,261,-637,-638,-639,-594,-1896,-604,261,-640,-641,-715,-642,-606,261,-574,-579,-582,-585,261,261,261,-600,-603,261,-610,261,261,261,261,261,261,261,261,261,261,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,261,261,261,-997,261,261,261,261,261,261,-308,-327,-321,-298,-377,-454,-455,-456,-460,261,-445,261,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,261,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,261,261,261,261,261,261,261,261,261,-318,-537,-510,-593,-939,-941,-942,-440,261,-442,-382,-383,-385,-509,-511,-513,261,-515,-516,-521,-522,261,-534,-536,-539,-540,-545,-550,-728,261,-729,261,-734,261,-736,261,-741,-658,-662,-663,261,-668,261,-669,261,-674,-676,261,-679,261,261,261,-689,-691,261,-694,261,261,-746,261,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,261,261,261,261,261,-879,261,-882,-910,-922,-927,-390,-391,261,-396,261,-399,261,-404,261,-405,261,-410,261,-415,261,-419,261,-420,261,-425,261,-428,-901,-902,-645,-587,-1896,-903,261,261,261,-802,261,261,-806,261,-809,-835,261,-820,261,-822,261,-824,-810,261,-826,261,-853,-854,261,261,-813,261,-648,-904,-906,-650,-651,-647,261,-707,-708,261,-644,-905,-649,-652,-605,-716,261,261,-607,-588,261,261,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,261,261,-711,-712,261,-718,261,261,261,261,261,261,-940,261,-441,-443,-749,261,-893,261,-717,-1896,261,261,261,261,261,-444,-514,-525,261,-730,-735,261,-737,261,-742,261,-664,-670,261,-680,-682,-684,-685,-692,-695,-699,-747,261,261,-876,261,261,-880,261,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,261,-814,261,-816,-803,261,-804,-807,261,-818,-821,-823,-825,-827,261,-828,261,-811,261,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,261,-284,261,261,261,261,-457,261,261,-731,261,-738,261,-743,261,-665,-673,261,261,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,261,-838,-53,261,261,-732,261,-739,261,-744,-666,261,-875,-54,261,261,-733,-740,-745,261,261,261,-874,]),'FIND_IN_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[262,262,262,1093,-1896,262,262,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,262,262,262,262,-277,-278,1093,-1427,1093,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1093,1093,1093,-492,1093,1093,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1093,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1093,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1865,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,262,-174,-175,-176,-177,-995,262,262,262,262,262,262,262,262,262,262,1093,1093,1093,1093,1093,-292,-293,-283,262,1093,1093,1093,1093,-330,-320,-334,-335,-336,1093,1093,-984,-985,-986,-987,-988,-989,-990,262,262,1093,1093,1093,1093,1093,1093,1093,1093,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1093,1093,1093,-355,-358,262,-325,-326,-143,1093,-144,1093,-145,1093,-432,-937,-938,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1896,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1896,1093,-1896,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1896,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1896,262,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1093,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1093,262,262,-193,-194,262,-996,1093,262,262,262,262,-279,-280,-281,-282,-367,1093,-310,1093,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1093,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1093,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1093,1093,1093,1093,1093,1093,-575,1093,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1093,1093,-725,-726,-727,1093,1865,262,262,262,262,-996,262,1093,-93,-94,262,262,262,1093,-311,-312,-322,1093,-309,-295,-296,-297,1093,262,1093,1093,-620,-635,-592,1093,262,-438,262,-439,1093,-446,-447,-448,-380,-381,1093,1093,1093,-508,1093,1093,-512,1093,1093,1093,1093,-517,-518,-519,-520,1093,1093,-523,-524,1093,-526,-527,-528,-529,-530,-531,-532,-533,1093,-535,1093,1093,1093,-541,-543,-544,1093,-546,-547,-548,-549,1093,1093,1093,1093,1093,1093,-654,-655,-656,-657,262,-659,-660,-661,1093,1093,1093,-667,1093,1093,-671,-672,1093,1093,-675,1093,-677,-678,1093,-681,1093,-683,1093,1093,-686,-687,-688,1093,-690,1093,1093,-693,1093,1093,-696,-697,-698,1093,-700,-701,-702,-703,1093,1093,-748,1093,-751,-752,-753,-754,-755,1093,-757,-758,-759,-760,-761,1093,-768,-769,-771,1093,-773,-774,-775,-784,-858,-860,-862,-864,1093,1093,1093,1093,-870,1093,-872,1093,1093,1093,1093,1093,1093,1093,-908,-909,1093,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1093,-923,-926,1093,-936,1093,-387,-388,-389,1093,1093,-392,-393,-394,-395,1093,-398,1093,-401,-402,1093,-403,1093,-408,-409,1093,-412,-413,-414,1093,-417,1093,-418,1093,-423,-424,1093,-427,1093,-430,-431,-1896,-1896,1093,-621,-622,-623,-624,-625,-636,-586,-626,-799,1093,1093,1093,1093,1093,-833,1093,1093,-808,1093,-834,1093,1093,1093,1093,-800,1093,-855,-801,1093,1093,1093,1093,1093,1093,-856,-857,1093,-836,-832,-837,1093,-627,1093,-628,-629,-630,-631,-576,1093,1093,-632,-633,-634,1093,1093,1093,1093,1093,1093,-637,-638,-639,-594,-1896,-604,1093,-640,-641,-715,-642,-606,1093,-574,-579,-582,-585,1093,1093,1093,-600,-603,1093,-610,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1093,262,262,-997,262,1093,262,262,262,1093,-308,-327,-321,-298,-377,-454,-455,-456,-460,262,-445,1093,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1093,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,262,262,262,262,262,262,262,262,1093,-318,-537,-510,-593,-939,-941,-942,-440,1093,-442,-382,-383,-385,-509,-511,-513,1093,-515,-516,-521,-522,1093,-534,-536,-539,-540,-545,-550,-728,1093,-729,1093,-734,1093,-736,1093,-741,-658,-662,-663,1093,-668,1093,-669,1093,-674,-676,1093,-679,1093,1093,1093,-689,-691,1093,-694,1093,1093,-746,1093,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1093,1093,1093,1093,1093,-879,1093,-882,-910,-922,-927,-390,-391,1093,-396,1093,-399,1093,-404,1093,-405,1093,-410,1093,-415,1093,-419,1093,-420,1093,-425,1093,-428,-901,-902,-645,-587,-1896,-903,1093,1093,1093,-802,1093,1093,-806,1093,-809,-835,1093,-820,1093,-822,1093,-824,-810,1093,-826,1093,-853,-854,1093,1093,-813,1093,-648,-904,-906,-650,-651,-647,1093,-707,-708,1093,-644,-905,-649,-652,-605,-716,1093,1093,-607,-588,1093,1093,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1093,1093,-711,-712,1093,-718,1093,262,262,262,1093,1093,-940,262,-441,-443,-749,1093,-893,1865,-717,-1896,1093,1093,262,262,1093,-444,-514,-525,1093,-730,-735,1093,-737,1093,-742,1093,-664,-670,1093,-680,-682,-684,-685,-692,-695,-699,-747,1093,1093,-876,1093,1093,-880,1093,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1093,-814,1093,-816,-803,1093,-804,-807,1093,-818,-821,-823,-825,-827,1093,-828,1093,-811,1093,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,262,-284,262,1093,262,1093,-457,1093,1093,-731,1093,-738,1093,-743,1093,-665,-673,1093,1093,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1093,-838,-53,262,1093,-732,1093,-739,1093,-744,-666,1093,-875,-54,262,262,-733,-740,-745,1093,262,1093,-874,]),'FIRST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1377,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2887,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[263,263,263,263,-1896,263,263,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,263,263,263,263,-277,-278,263,-1427,263,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,263,263,263,-492,263,263,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,263,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,263,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,263,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1993,263,-174,-175,-176,-177,-995,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-292,-293,-283,263,263,263,263,263,-330,-320,-334,-335,-336,263,263,-984,-985,-986,-987,-988,-989,-990,263,263,263,263,263,263,263,263,263,263,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,263,263,263,-355,-358,263,-325,-326,-143,263,-144,263,-145,263,-432,-937,-938,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-1896,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-1896,263,-1896,263,263,263,263,263,263,263,263,263,263,263,263,-1896,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-1896,263,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,263,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,263,263,263,-193,-194,263,-996,263,263,263,263,263,-279,-280,-281,-282,-367,263,-310,263,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,263,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,263,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,263,263,263,263,263,263,-575,263,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,263,263,-725,-726,-727,263,263,263,263,263,263,-996,263,263,-93,-94,263,263,263,263,-311,-312,-322,263,-309,-295,-296,-297,263,263,263,263,-620,-635,-592,263,263,-438,263,-439,263,-446,-447,-448,-380,-381,263,263,263,-508,263,263,-512,263,263,263,263,-517,-518,-519,-520,263,263,-523,-524,263,-526,-527,-528,-529,-530,-531,-532,-533,263,-535,263,263,263,-541,-543,-544,263,-546,-547,-548,-549,263,263,263,263,263,263,-654,-655,-656,-657,263,-659,-660,-661,263,263,263,-667,263,263,-671,-672,263,263,-675,263,-677,-678,263,-681,263,-683,263,263,-686,-687,-688,263,-690,263,263,-693,263,263,-696,-697,-698,263,-700,-701,-702,-703,263,263,-748,263,-751,-752,-753,-754,-755,263,-757,-758,-759,-760,-761,263,-768,-769,-771,263,-773,-774,-775,-784,-858,-860,-862,-864,263,263,263,263,-870,263,-872,263,263,263,263,263,263,263,-908,-909,263,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,263,-923,-926,263,-936,263,-387,-388,-389,263,263,-392,-393,-394,-395,263,-398,263,-401,-402,263,-403,263,-408,-409,263,-412,-413,-414,263,-417,263,-418,263,-423,-424,263,-427,263,-430,-431,-1896,-1896,263,-621,-622,-623,-624,-625,-636,-586,-626,-799,263,263,263,263,263,-833,263,263,-808,263,-834,263,263,263,263,-800,263,-855,-801,263,263,263,263,263,263,-856,-857,263,-836,-832,-837,263,-627,263,-628,-629,-630,-631,-576,263,263,-632,-633,-634,263,263,263,263,263,263,-637,-638,-639,-594,-1896,-604,263,-640,-641,-715,-642,-606,263,-574,-579,-582,-585,263,263,263,-600,-603,263,-610,263,263,263,263,263,263,263,263,263,263,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,263,3160,263,263,-997,263,263,263,263,263,263,-308,-327,-321,-298,-377,-454,-455,-456,-460,263,-445,263,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,263,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,263,263,263,263,263,263,263,263,263,-318,-537,-510,-593,-939,-941,-942,-440,263,-442,-382,-383,-385,-509,-511,-513,263,-515,-516,-521,-522,263,-534,-536,-539,-540,-545,-550,-728,263,-729,263,-734,263,-736,263,-741,-658,-662,-663,263,-668,263,-669,263,-674,-676,263,-679,263,263,263,-689,-691,263,-694,263,263,-746,263,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,263,263,263,263,263,-879,263,-882,-910,-922,-927,-390,-391,263,-396,263,-399,263,-404,263,-405,263,-410,263,-415,263,-419,263,-420,263,-425,263,-428,-901,-902,-645,-587,-1896,-903,263,263,263,-802,263,263,-806,263,-809,-835,263,-820,263,-822,263,-824,-810,263,-826,263,-853,-854,263,263,-813,263,-648,-904,-906,-650,-651,-647,263,-707,-708,263,-644,-905,-649,-652,-605,-716,263,263,-607,-588,263,263,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,263,263,-711,-712,263,-718,263,263,263,263,263,263,-940,263,-441,-443,-749,263,-893,263,-717,-1896,263,263,263,263,263,-444,-514,-525,263,-730,-735,263,-737,263,-742,263,-664,-670,263,-680,-682,-684,-685,-692,-695,-699,-747,263,263,-876,263,263,-880,263,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,263,-814,263,-816,-803,263,-804,-807,263,-818,-821,-823,-825,-827,263,-828,263,-811,263,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,263,-284,263,263,263,263,-457,263,263,-731,263,-738,263,-743,263,-665,-673,263,263,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,263,-838,-53,263,263,-732,263,-739,263,-744,-666,263,-875,-54,263,263,-733,-740,-745,263,263,263,-874,]),'FIXED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[264,264,264,264,-1896,264,264,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,264,264,264,264,-277,-278,264,-1427,264,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,264,264,264,-492,264,264,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,264,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,264,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,264,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,264,-174,-175,-176,-177,-995,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-292,-293,-283,264,264,264,264,264,-330,-320,-334,-335,-336,264,264,-984,-985,-986,-987,-988,-989,-990,264,264,264,264,264,264,264,264,264,264,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,264,264,264,-355,-358,264,-325,-326,-143,264,-144,264,-145,264,-432,-937,-938,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-1896,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-1896,264,-1896,264,264,264,264,264,264,264,264,264,264,264,264,-1896,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-1896,264,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,264,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,264,264,264,-193,-194,264,-996,264,264,264,264,264,-279,-280,-281,-282,-367,264,-310,264,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,264,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,264,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,264,264,264,264,264,264,-575,264,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,264,264,-725,-726,-727,264,264,264,264,264,264,-996,264,264,-93,-94,264,264,264,264,-311,-312,-322,264,-309,-295,-296,-297,264,264,264,264,-620,-635,-592,264,264,-438,264,-439,264,-446,-447,-448,-380,-381,264,264,264,-508,264,264,-512,264,264,264,264,-517,-518,-519,-520,264,264,-523,-524,264,-526,-527,-528,-529,-530,-531,-532,-533,264,-535,264,264,264,-541,-543,-544,264,-546,-547,-548,-549,264,264,264,264,264,264,-654,-655,-656,-657,264,-659,-660,-661,264,264,264,-667,264,264,-671,-672,264,264,-675,264,-677,-678,264,-681,264,-683,264,264,-686,-687,-688,264,-690,264,264,-693,264,264,-696,-697,-698,264,-700,-701,-702,-703,264,264,-748,264,-751,-752,-753,-754,-755,264,-757,-758,-759,-760,-761,264,-768,-769,-771,264,-773,-774,-775,-784,-858,-860,-862,-864,264,264,264,264,-870,264,-872,264,264,264,264,264,264,264,-908,-909,264,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,264,-923,-926,264,-936,264,-387,-388,-389,264,264,-392,-393,-394,-395,264,-398,264,-401,-402,264,-403,264,-408,-409,264,-412,-413,-414,264,-417,264,-418,264,-423,-424,264,-427,264,-430,-431,-1896,-1896,264,-621,-622,-623,-624,-625,-636,-586,-626,-799,264,264,264,264,264,-833,264,264,-808,264,-834,264,264,264,264,-800,264,-855,-801,264,264,264,264,264,264,-856,-857,264,-836,-832,-837,264,-627,264,-628,-629,-630,-631,-576,264,264,-632,-633,-634,264,264,264,264,264,264,-637,-638,-639,-594,-1896,-604,264,-640,-641,-715,-642,-606,264,-574,-579,-582,-585,264,264,264,-600,-603,264,-610,264,264,264,264,264,264,264,264,264,264,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,264,264,264,-997,264,264,264,264,264,264,-308,-327,-321,-298,-377,-454,-455,-456,-460,264,-445,264,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,264,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,264,264,264,264,264,264,264,264,264,-318,-537,-510,-593,-939,-941,-942,-440,264,-442,-382,-383,-385,-509,-511,-513,264,-515,-516,-521,-522,264,-534,-536,-539,-540,-545,-550,-728,264,-729,264,-734,264,-736,264,-741,-658,-662,-663,264,-668,264,-669,264,-674,-676,264,-679,264,264,264,-689,-691,264,-694,264,264,-746,264,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,264,264,264,264,264,-879,264,-882,-910,-922,-927,-390,-391,264,-396,264,-399,264,-404,264,-405,264,-410,264,-415,264,-419,264,-420,264,-425,264,-428,-901,-902,-645,-587,-1896,-903,264,264,264,-802,264,264,-806,264,-809,-835,264,-820,264,-822,264,-824,-810,264,-826,264,-853,-854,264,264,-813,264,-648,-904,-906,-650,-651,-647,264,-707,-708,264,-644,-905,-649,-652,-605,-716,264,264,-607,-588,264,264,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,264,264,-711,-712,264,-718,264,264,264,264,264,264,-940,264,-441,-443,-749,264,-893,264,-717,-1896,264,264,264,264,264,-444,-514,-525,264,-730,-735,264,-737,264,-742,264,-664,-670,264,-680,-682,-684,-685,-692,-695,-699,-747,264,264,-876,264,264,-880,264,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,264,-814,264,-816,-803,264,-804,-807,264,-818,-821,-823,-825,-827,264,-828,264,-811,264,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,264,-284,264,264,264,264,-457,264,264,-731,264,-738,264,-743,264,-665,-673,264,264,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,264,-838,-53,264,264,-732,264,-739,264,-744,-666,264,-875,-54,264,264,-733,-740,-745,264,264,264,-874,]),'FLASHBACK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[265,265,265,265,-1896,265,265,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,265,265,265,265,-277,-278,265,-1427,265,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,265,265,265,-492,265,265,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,265,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,265,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,265,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,265,-174,-175,-176,-177,-995,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-292,-293,-283,265,265,265,265,265,-330,-320,-334,-335,-336,265,265,-984,-985,-986,-987,-988,-989,-990,265,265,265,265,265,265,265,265,265,265,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,265,265,265,-355,-358,265,-325,-326,-143,265,-144,265,-145,265,-432,-937,-938,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-1896,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-1896,265,-1896,265,265,265,265,265,265,265,265,265,265,265,265,-1896,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-1896,265,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,265,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,265,265,265,-193,-194,265,-996,265,265,265,265,265,-279,-280,-281,-282,-367,265,-310,265,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,265,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,265,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,265,265,265,265,265,265,-575,265,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,265,265,-725,-726,-727,265,265,265,265,265,265,-996,265,265,-93,-94,265,265,265,265,-311,-312,-322,265,-309,-295,-296,-297,265,265,265,265,-620,-635,-592,265,265,-438,265,-439,265,-446,-447,-448,-380,-381,265,265,265,-508,265,265,-512,265,265,265,265,-517,-518,-519,-520,265,265,-523,-524,265,-526,-527,-528,-529,-530,-531,-532,-533,265,-535,265,265,265,-541,-543,-544,265,-546,-547,-548,-549,265,265,265,265,265,265,-654,-655,-656,-657,265,-659,-660,-661,265,265,265,-667,265,265,-671,-672,265,265,-675,265,-677,-678,265,-681,265,-683,265,265,-686,-687,-688,265,-690,265,265,-693,265,265,-696,-697,-698,265,-700,-701,-702,-703,265,265,-748,265,-751,-752,-753,-754,-755,265,-757,-758,-759,-760,-761,265,-768,-769,-771,265,-773,-774,-775,-784,-858,-860,-862,-864,265,265,265,265,-870,265,-872,265,265,265,265,265,265,265,-908,-909,265,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,265,-923,-926,265,-936,265,-387,-388,-389,265,265,-392,-393,-394,-395,265,-398,265,-401,-402,265,-403,265,-408,-409,265,-412,-413,-414,265,-417,265,-418,265,-423,-424,265,-427,265,-430,-431,-1896,-1896,265,-621,-622,-623,-624,-625,-636,-586,-626,-799,265,265,265,265,265,-833,265,265,-808,265,-834,265,265,265,265,-800,265,-855,-801,265,265,265,265,265,265,-856,-857,265,-836,-832,-837,265,-627,265,-628,-629,-630,-631,-576,265,265,-632,-633,-634,265,265,265,265,265,265,-637,-638,-639,-594,-1896,-604,265,-640,-641,-715,-642,-606,265,-574,-579,-582,-585,265,265,265,-600,-603,265,-610,265,265,265,265,265,265,265,265,265,265,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,265,265,265,-997,265,265,265,265,265,265,-308,-327,-321,-298,-377,-454,-455,-456,-460,265,-445,265,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,265,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,265,265,265,265,265,265,265,265,265,-318,-537,-510,-593,-939,-941,-942,-440,265,-442,-382,-383,-385,-509,-511,-513,265,-515,-516,-521,-522,265,-534,-536,-539,-540,-545,-550,-728,265,-729,265,-734,265,-736,265,-741,-658,-662,-663,265,-668,265,-669,265,-674,-676,265,-679,265,265,265,-689,-691,265,-694,265,265,-746,265,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,265,265,265,265,265,-879,265,-882,-910,-922,-927,-390,-391,265,-396,265,-399,265,-404,265,-405,265,-410,265,-415,265,-419,265,-420,265,-425,265,-428,-901,-902,-645,-587,-1896,-903,265,265,265,-802,265,265,-806,265,-809,-835,265,-820,265,-822,265,-824,-810,265,-826,265,-853,-854,265,265,-813,265,-648,-904,-906,-650,-651,-647,265,-707,-708,265,-644,-905,-649,-652,-605,-716,265,265,-607,-588,265,265,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,265,265,-711,-712,265,-718,265,265,265,265,265,265,-940,265,-441,-443,-749,265,-893,265,-717,-1896,265,265,265,265,265,-444,-514,-525,265,-730,-735,265,-737,265,-742,265,-664,-670,265,-680,-682,-684,-685,-692,-695,-699,-747,265,265,-876,265,265,-880,265,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,265,-814,265,-816,-803,265,-804,-807,265,-818,-821,-823,-825,-827,265,-828,265,-811,265,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,265,-284,265,265,265,265,-457,265,265,-731,265,-738,265,-743,265,-665,-673,265,265,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,265,-838,-53,265,265,-732,265,-739,265,-744,-666,265,-875,-54,265,265,-733,-740,-745,265,265,265,-874,]),'FLOAT4':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[266,266,266,266,-1896,266,266,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,266,266,266,266,-277,-278,266,-1427,266,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,266,266,266,-492,266,266,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,266,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,266,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,266,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,266,-174,-175,-176,-177,-995,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-292,-293,-283,266,266,266,266,266,-330,-320,-334,-335,-336,266,266,-984,-985,-986,-987,-988,-989,-990,266,266,266,266,266,266,266,266,266,266,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,266,266,266,-355,-358,266,-325,-326,-143,266,-144,266,-145,266,-432,-937,-938,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-1896,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-1896,266,-1896,266,266,266,266,266,266,266,266,266,266,266,266,-1896,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-1896,266,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,266,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,266,266,266,-193,-194,266,-996,266,266,266,266,266,-279,-280,-281,-282,-367,266,-310,266,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,266,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,266,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,266,266,266,266,266,266,-575,266,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,266,266,-725,-726,-727,266,266,266,266,266,266,-996,266,266,-93,-94,266,266,266,266,-311,-312,-322,266,-309,-295,-296,-297,266,266,266,266,-620,-635,-592,266,266,-438,266,-439,266,-446,-447,-448,-380,-381,266,266,266,-508,266,266,-512,266,266,266,266,-517,-518,-519,-520,266,266,-523,-524,266,-526,-527,-528,-529,-530,-531,-532,-533,266,-535,266,266,266,-541,-543,-544,266,-546,-547,-548,-549,266,266,266,266,266,266,-654,-655,-656,-657,266,-659,-660,-661,266,266,266,-667,266,266,-671,-672,266,266,-675,266,-677,-678,266,-681,266,-683,266,266,-686,-687,-688,266,-690,266,266,-693,266,266,-696,-697,-698,266,-700,-701,-702,-703,266,266,-748,266,-751,-752,-753,-754,-755,266,-757,-758,-759,-760,-761,266,-768,-769,-771,266,-773,-774,-775,-784,-858,-860,-862,-864,266,266,266,266,-870,266,-872,266,266,266,266,266,266,266,-908,-909,266,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,266,-923,-926,266,-936,266,-387,-388,-389,266,266,-392,-393,-394,-395,266,-398,266,-401,-402,266,-403,266,-408,-409,266,-412,-413,-414,266,-417,266,-418,266,-423,-424,266,-427,266,-430,-431,-1896,-1896,266,-621,-622,-623,-624,-625,-636,-586,-626,-799,266,266,266,266,266,-833,266,266,-808,266,-834,266,266,266,266,-800,266,-855,-801,266,266,266,266,266,266,-856,-857,266,-836,-832,-837,266,-627,266,-628,-629,-630,-631,-576,266,266,-632,-633,-634,266,266,266,266,266,266,-637,-638,-639,-594,-1896,-604,266,-640,-641,-715,-642,-606,266,-574,-579,-582,-585,266,266,266,-600,-603,266,-610,266,266,266,266,266,266,266,266,266,266,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,266,266,266,-997,266,266,266,266,266,266,-308,-327,-321,-298,-377,-454,-455,-456,-460,266,-445,266,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,266,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,266,266,266,266,266,266,266,266,266,-318,-537,-510,-593,-939,-941,-942,-440,266,-442,-382,-383,-385,-509,-511,-513,266,-515,-516,-521,-522,266,-534,-536,-539,-540,-545,-550,-728,266,-729,266,-734,266,-736,266,-741,-658,-662,-663,266,-668,266,-669,266,-674,-676,266,-679,266,266,266,-689,-691,266,-694,266,266,-746,266,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,266,266,266,266,266,-879,266,-882,-910,-922,-927,-390,-391,266,-396,266,-399,266,-404,266,-405,266,-410,266,-415,266,-419,266,-420,266,-425,266,-428,-901,-902,-645,-587,-1896,-903,266,266,266,-802,266,266,-806,266,-809,-835,266,-820,266,-822,266,-824,-810,266,-826,266,-853,-854,266,266,-813,266,-648,-904,-906,-650,-651,-647,266,-707,-708,266,-644,-905,-649,-652,-605,-716,266,266,-607,-588,266,266,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,266,266,-711,-712,266,-718,266,266,266,266,266,266,-940,266,-441,-443,-749,266,-893,266,-717,-1896,266,266,266,266,266,-444,-514,-525,266,-730,-735,266,-737,266,-742,266,-664,-670,266,-680,-682,-684,-685,-692,-695,-699,-747,266,266,-876,266,266,-880,266,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,266,-814,266,-816,-803,266,-804,-807,266,-818,-821,-823,-825,-827,266,-828,266,-811,266,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,266,-284,266,266,266,266,-457,266,266,-731,266,-738,266,-743,266,-665,-673,266,266,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,266,-838,-53,266,266,-732,266,-739,266,-744,-666,266,-875,-54,266,266,-733,-740,-745,266,266,266,-874,]),'FLOAT8':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[267,267,267,267,-1896,267,267,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,267,267,267,267,-277,-278,267,-1427,267,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,267,267,267,-492,267,267,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,267,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,267,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,267,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,267,-174,-175,-176,-177,-995,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-292,-293,-283,267,267,267,267,267,-330,-320,-334,-335,-336,267,267,-984,-985,-986,-987,-988,-989,-990,267,267,267,267,267,267,267,267,267,267,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,267,267,267,-355,-358,267,-325,-326,-143,267,-144,267,-145,267,-432,-937,-938,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-1896,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-1896,267,-1896,267,267,267,267,267,267,267,267,267,267,267,267,-1896,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-1896,267,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,267,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,267,267,267,-193,-194,267,-996,267,267,267,267,267,-279,-280,-281,-282,-367,267,-310,267,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,267,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,267,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,267,267,267,267,267,267,-575,267,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,267,267,-725,-726,-727,267,267,267,267,267,267,-996,267,267,-93,-94,267,267,267,267,-311,-312,-322,267,-309,-295,-296,-297,267,267,267,267,-620,-635,-592,267,267,-438,267,-439,267,-446,-447,-448,-380,-381,267,267,267,-508,267,267,-512,267,267,267,267,-517,-518,-519,-520,267,267,-523,-524,267,-526,-527,-528,-529,-530,-531,-532,-533,267,-535,267,267,267,-541,-543,-544,267,-546,-547,-548,-549,267,267,267,267,267,267,-654,-655,-656,-657,267,-659,-660,-661,267,267,267,-667,267,267,-671,-672,267,267,-675,267,-677,-678,267,-681,267,-683,267,267,-686,-687,-688,267,-690,267,267,-693,267,267,-696,-697,-698,267,-700,-701,-702,-703,267,267,-748,267,-751,-752,-753,-754,-755,267,-757,-758,-759,-760,-761,267,-768,-769,-771,267,-773,-774,-775,-784,-858,-860,-862,-864,267,267,267,267,-870,267,-872,267,267,267,267,267,267,267,-908,-909,267,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,267,-923,-926,267,-936,267,-387,-388,-389,267,267,-392,-393,-394,-395,267,-398,267,-401,-402,267,-403,267,-408,-409,267,-412,-413,-414,267,-417,267,-418,267,-423,-424,267,-427,267,-430,-431,-1896,-1896,267,-621,-622,-623,-624,-625,-636,-586,-626,-799,267,267,267,267,267,-833,267,267,-808,267,-834,267,267,267,267,-800,267,-855,-801,267,267,267,267,267,267,-856,-857,267,-836,-832,-837,267,-627,267,-628,-629,-630,-631,-576,267,267,-632,-633,-634,267,267,267,267,267,267,-637,-638,-639,-594,-1896,-604,267,-640,-641,-715,-642,-606,267,-574,-579,-582,-585,267,267,267,-600,-603,267,-610,267,267,267,267,267,267,267,267,267,267,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,267,267,267,-997,267,267,267,267,267,267,-308,-327,-321,-298,-377,-454,-455,-456,-460,267,-445,267,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,267,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,267,267,267,267,267,267,267,267,267,-318,-537,-510,-593,-939,-941,-942,-440,267,-442,-382,-383,-385,-509,-511,-513,267,-515,-516,-521,-522,267,-534,-536,-539,-540,-545,-550,-728,267,-729,267,-734,267,-736,267,-741,-658,-662,-663,267,-668,267,-669,267,-674,-676,267,-679,267,267,267,-689,-691,267,-694,267,267,-746,267,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,267,267,267,267,267,-879,267,-882,-910,-922,-927,-390,-391,267,-396,267,-399,267,-404,267,-405,267,-410,267,-415,267,-419,267,-420,267,-425,267,-428,-901,-902,-645,-587,-1896,-903,267,267,267,-802,267,267,-806,267,-809,-835,267,-820,267,-822,267,-824,-810,267,-826,267,-853,-854,267,267,-813,267,-648,-904,-906,-650,-651,-647,267,-707,-708,267,-644,-905,-649,-652,-605,-716,267,267,-607,-588,267,267,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,267,267,-711,-712,267,-718,267,267,267,267,267,267,-940,267,-441,-443,-749,267,-893,267,-717,-1896,267,267,267,267,267,-444,-514,-525,267,-730,-735,267,-737,267,-742,267,-664,-670,267,-680,-682,-684,-685,-692,-695,-699,-747,267,267,-876,267,267,-880,267,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,267,-814,267,-816,-803,267,-804,-807,267,-818,-821,-823,-825,-827,267,-828,267,-811,267,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,267,-284,267,267,267,267,-457,267,267,-731,267,-738,267,-743,267,-665,-673,267,267,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,267,-838,-53,267,267,-732,267,-739,267,-744,-666,267,-875,-54,267,267,-733,-740,-745,267,267,267,-874,]),'FLOOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[268,268,268,1061,-1896,268,268,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,268,268,268,268,-277,-278,1061,-1427,1061,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1061,1061,1061,-492,1061,1061,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1061,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1061,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1866,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,268,-174,-175,-176,-177,-995,268,268,268,268,268,268,268,268,268,268,1061,1061,1061,1061,1061,-292,-293,-283,268,1061,1061,1061,1061,-330,-320,-334,-335,-336,1061,1061,-984,-985,-986,-987,-988,-989,-990,268,268,1061,1061,1061,1061,1061,1061,1061,1061,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1061,1061,1061,-355,-358,268,-325,-326,-143,1061,-144,1061,-145,1061,-432,-937,-938,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1896,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1896,1061,-1896,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1896,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1896,268,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1061,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1061,268,268,-193,-194,268,-996,1061,268,268,268,268,-279,-280,-281,-282,-367,1061,-310,1061,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1061,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1061,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1061,1061,1061,1061,1061,1061,-575,1061,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1061,1061,-725,-726,-727,1061,1866,268,268,268,268,-996,268,1061,-93,-94,268,268,268,1061,-311,-312,-322,1061,-309,-295,-296,-297,1061,268,1061,1061,-620,-635,-592,1061,268,-438,268,-439,1061,-446,-447,-448,-380,-381,1061,1061,1061,-508,1061,1061,-512,1061,1061,1061,1061,-517,-518,-519,-520,1061,1061,-523,-524,1061,-526,-527,-528,-529,-530,-531,-532,-533,1061,-535,1061,1061,1061,-541,-543,-544,1061,-546,-547,-548,-549,1061,1061,1061,1061,1061,1061,-654,-655,-656,-657,268,-659,-660,-661,1061,1061,1061,-667,1061,1061,-671,-672,1061,1061,-675,1061,-677,-678,1061,-681,1061,-683,1061,1061,-686,-687,-688,1061,-690,1061,1061,-693,1061,1061,-696,-697,-698,1061,-700,-701,-702,-703,1061,1061,-748,1061,-751,-752,-753,-754,-755,1061,-757,-758,-759,-760,-761,1061,-768,-769,-771,1061,-773,-774,-775,-784,-858,-860,-862,-864,1061,1061,1061,1061,-870,1061,-872,1061,1061,1061,1061,1061,1061,1061,-908,-909,1061,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1061,-923,-926,1061,-936,1061,-387,-388,-389,1061,1061,-392,-393,-394,-395,1061,-398,1061,-401,-402,1061,-403,1061,-408,-409,1061,-412,-413,-414,1061,-417,1061,-418,1061,-423,-424,1061,-427,1061,-430,-431,-1896,-1896,1061,-621,-622,-623,-624,-625,-636,-586,-626,-799,1061,1061,1061,1061,1061,-833,1061,1061,-808,1061,-834,1061,1061,1061,1061,-800,1061,-855,-801,1061,1061,1061,1061,1061,1061,-856,-857,1061,-836,-832,-837,1061,-627,1061,-628,-629,-630,-631,-576,1061,1061,-632,-633,-634,1061,1061,1061,1061,1061,1061,-637,-638,-639,-594,-1896,-604,1061,-640,-641,-715,-642,-606,1061,-574,-579,-582,-585,1061,1061,1061,-600,-603,1061,-610,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1061,268,268,-997,268,1061,268,268,268,1061,-308,-327,-321,-298,-377,-454,-455,-456,-460,268,-445,1061,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1061,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,268,268,268,268,268,268,268,268,1061,-318,-537,-510,-593,-939,-941,-942,-440,1061,-442,-382,-383,-385,-509,-511,-513,1061,-515,-516,-521,-522,1061,-534,-536,-539,-540,-545,-550,-728,1061,-729,1061,-734,1061,-736,1061,-741,-658,-662,-663,1061,-668,1061,-669,1061,-674,-676,1061,-679,1061,1061,1061,-689,-691,1061,-694,1061,1061,-746,1061,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1061,1061,1061,1061,1061,-879,1061,-882,-910,-922,-927,-390,-391,1061,-396,1061,-399,1061,-404,1061,-405,1061,-410,1061,-415,1061,-419,1061,-420,1061,-425,1061,-428,-901,-902,-645,-587,-1896,-903,1061,1061,1061,-802,1061,1061,-806,1061,-809,-835,1061,-820,1061,-822,1061,-824,-810,1061,-826,1061,-853,-854,1061,1061,-813,1061,-648,-904,-906,-650,-651,-647,1061,-707,-708,1061,-644,-905,-649,-652,-605,-716,1061,1061,-607,-588,1061,1061,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1061,1061,-711,-712,1061,-718,1061,268,268,268,1061,1061,-940,268,-441,-443,-749,1061,-893,1866,-717,-1896,1061,1061,268,268,1061,-444,-514,-525,1061,-730,-735,1061,-737,1061,-742,1061,-664,-670,1061,-680,-682,-684,-685,-692,-695,-699,-747,1061,1061,-876,1061,1061,-880,1061,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1061,-814,1061,-816,-803,1061,-804,-807,1061,-818,-821,-823,-825,-827,1061,-828,1061,-811,1061,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,268,-284,268,1061,268,1061,-457,1061,1061,-731,1061,-738,1061,-743,1061,-665,-673,1061,1061,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1061,-838,-53,268,1061,-732,1061,-739,1061,-744,-666,1061,-875,-54,268,268,-733,-740,-745,1061,268,1061,-874,]),'FLUSH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[269,269,269,269,-1896,269,269,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,269,269,269,269,-277,-278,269,-1427,269,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,269,269,269,-492,269,269,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,269,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,269,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,269,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,269,-174,-175,-176,-177,-995,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-292,-293,-283,269,269,269,269,269,-330,-320,-334,-335,-336,269,269,-984,-985,-986,-987,-988,-989,-990,269,269,269,269,269,269,269,269,269,269,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,269,269,269,-355,-358,269,-325,-326,-143,269,-144,269,-145,269,-432,-937,-938,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-1896,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-1896,269,-1896,269,269,269,269,269,269,269,269,269,269,269,269,-1896,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-1896,269,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,269,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,269,269,269,-193,-194,269,-996,269,269,269,269,269,-279,-280,-281,-282,-367,269,-310,269,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,269,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,269,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,269,269,269,269,269,269,-575,269,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,269,269,-725,-726,-727,269,269,269,269,269,269,-996,269,269,-93,-94,269,269,269,269,-311,-312,-322,269,-309,-295,-296,-297,269,269,269,269,-620,-635,-592,269,269,-438,269,-439,269,-446,-447,-448,-380,-381,269,269,269,-508,269,269,-512,269,269,269,269,-517,-518,-519,-520,269,269,-523,-524,269,-526,-527,-528,-529,-530,-531,-532,-533,269,-535,269,269,269,-541,-543,-544,269,-546,-547,-548,-549,269,269,269,269,269,269,-654,-655,-656,-657,269,-659,-660,-661,269,269,269,-667,269,269,-671,-672,269,269,-675,269,-677,-678,269,-681,269,-683,269,269,-686,-687,-688,269,-690,269,269,-693,269,269,-696,-697,-698,269,-700,-701,-702,-703,269,269,-748,269,-751,-752,-753,-754,-755,269,-757,-758,-759,-760,-761,269,-768,-769,-771,269,-773,-774,-775,-784,-858,-860,-862,-864,269,269,269,269,-870,269,-872,269,269,269,269,269,269,269,-908,-909,269,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,269,-923,-926,269,-936,269,-387,-388,-389,269,269,-392,-393,-394,-395,269,-398,269,-401,-402,269,-403,269,-408,-409,269,-412,-413,-414,269,-417,269,-418,269,-423,-424,269,-427,269,-430,-431,-1896,-1896,269,-621,-622,-623,-624,-625,-636,-586,-626,-799,269,269,269,269,269,-833,269,269,-808,269,-834,269,269,269,269,-800,269,-855,-801,269,269,269,269,269,269,-856,-857,269,-836,-832,-837,269,-627,269,-628,-629,-630,-631,-576,269,269,-632,-633,-634,269,269,269,269,269,269,-637,-638,-639,-594,-1896,-604,269,-640,-641,-715,-642,-606,269,-574,-579,-582,-585,269,269,269,-600,-603,269,-610,269,269,269,269,269,269,269,269,269,269,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,269,269,269,-997,269,269,269,269,269,269,-308,-327,-321,-298,-377,-454,-455,-456,-460,269,-445,269,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,269,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,269,269,269,269,269,269,269,269,269,-318,-537,-510,-593,-939,-941,-942,-440,269,-442,-382,-383,-385,-509,-511,-513,269,-515,-516,-521,-522,269,-534,-536,-539,-540,-545,-550,-728,269,-729,269,-734,269,-736,269,-741,-658,-662,-663,269,-668,269,-669,269,-674,-676,269,-679,269,269,269,-689,-691,269,-694,269,269,-746,269,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,269,269,269,269,269,-879,269,-882,-910,-922,-927,-390,-391,269,-396,269,-399,269,-404,269,-405,269,-410,269,-415,269,-419,269,-420,269,-425,269,-428,-901,-902,-645,-587,-1896,-903,269,269,269,-802,269,269,-806,269,-809,-835,269,-820,269,-822,269,-824,-810,269,-826,269,-853,-854,269,269,-813,269,-648,-904,-906,-650,-651,-647,269,-707,-708,269,-644,-905,-649,-652,-605,-716,269,269,-607,-588,269,269,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,269,269,-711,-712,269,-718,269,269,269,269,269,269,-940,269,-441,-443,-749,269,-893,269,-717,-1896,269,269,269,269,269,-444,-514,-525,269,-730,-735,269,-737,269,-742,269,-664,-670,269,-680,-682,-684,-685,-692,-695,-699,-747,269,269,-876,269,269,-880,269,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,269,-814,269,-816,-803,269,-804,-807,269,-818,-821,-823,-825,-827,269,-828,269,-811,269,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,269,-284,269,269,269,269,-457,269,269,-731,269,-738,269,-743,269,-665,-673,269,269,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,269,-838,-53,269,269,-732,269,-739,269,-744,-666,269,-875,-54,269,269,-733,-740,-745,269,269,269,-874,]),'FOLLOWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[270,270,270,270,-1896,270,270,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,270,270,270,270,-277,-278,270,-1427,270,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,270,270,270,-492,270,270,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,270,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,270,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,270,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,270,-174,-175,-176,-177,-995,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-292,-293,-283,270,270,270,270,270,-330,-320,-334,-335,-336,270,270,-984,-985,-986,-987,-988,-989,-990,270,270,270,270,270,270,270,270,270,270,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,270,270,270,-355,-358,270,-325,-326,-143,270,-144,270,-145,270,-432,-937,-938,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-1896,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-1896,270,-1896,270,270,270,270,270,270,270,270,270,270,270,270,-1896,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-1896,270,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,270,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,270,270,270,-193,-194,270,-996,270,270,270,270,270,-279,-280,-281,-282,-367,270,-310,270,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,270,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,270,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,270,270,270,270,270,270,-575,270,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,270,270,-725,-726,-727,270,270,270,270,270,270,-996,270,270,-93,-94,270,270,270,270,-311,-312,-322,270,-309,-295,-296,-297,270,270,270,270,-620,-635,-592,270,270,-438,270,-439,270,-446,-447,-448,-380,-381,270,270,270,-508,270,270,-512,270,270,270,270,-517,-518,-519,-520,270,270,-523,-524,270,-526,-527,-528,-529,-530,-531,-532,-533,270,-535,270,270,270,-541,-543,-544,270,-546,-547,-548,-549,270,270,270,270,270,270,-654,-655,-656,-657,270,-659,-660,-661,270,270,270,-667,270,270,-671,-672,270,270,-675,270,-677,-678,270,-681,270,-683,270,270,-686,-687,-688,270,-690,270,270,-693,270,270,-696,-697,-698,270,-700,-701,-702,-703,270,270,-748,270,-751,-752,-753,-754,-755,270,-757,-758,-759,-760,-761,270,-768,-769,-771,270,-773,-774,-775,-784,-858,-860,-862,-864,270,270,270,270,-870,270,-872,270,270,270,270,270,270,270,-908,-909,270,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,270,-923,-926,270,-936,270,-387,-388,-389,270,270,-392,-393,-394,-395,270,-398,270,-401,-402,270,-403,270,-408,-409,270,-412,-413,-414,270,-417,270,-418,270,-423,-424,270,-427,270,-430,-431,-1896,-1896,270,-621,-622,-623,-624,-625,-636,-586,-626,-799,270,270,270,270,270,-833,270,270,-808,270,-834,270,270,270,270,-800,270,-855,-801,270,270,270,270,270,270,-856,-857,270,-836,-832,-837,270,-627,270,-628,-629,-630,-631,-576,270,270,-632,-633,-634,270,270,270,270,270,270,-637,-638,-639,-594,-1896,-604,270,-640,-641,-715,-642,-606,270,-574,-579,-582,-585,270,270,270,-600,-603,270,-610,270,270,270,270,270,270,270,270,270,270,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,270,270,270,-997,270,270,270,270,270,270,-308,-327,-321,-298,-377,-454,-455,-456,-460,270,-445,270,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,270,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,270,270,270,270,270,270,270,270,270,-318,-537,-510,-593,-939,-941,-942,-440,270,-442,-382,-383,-385,-509,-511,-513,270,-515,-516,-521,-522,270,-534,-536,-539,-540,-545,-550,-728,270,-729,270,-734,270,-736,270,-741,-658,-662,-663,270,-668,270,-669,270,-674,-676,270,-679,270,270,270,-689,-691,270,-694,270,270,-746,270,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,270,270,270,270,270,-879,270,-882,-910,-922,-927,-390,-391,270,-396,270,-399,270,-404,270,-405,270,-410,270,-415,270,-419,270,-420,270,-425,270,-428,-901,-902,-645,-587,-1896,-903,270,270,270,-802,270,270,-806,270,-809,-835,270,-820,270,-822,270,-824,-810,270,-826,270,-853,-854,270,270,-813,270,-648,-904,-906,-650,-651,-647,270,-707,-708,270,-644,-905,-649,-652,-605,-716,270,270,-607,-588,270,270,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,270,270,-711,-712,270,-718,270,270,270,270,270,270,-940,270,-441,-443,-749,270,-893,270,-717,-1896,270,270,270,270,270,-444,-514,-525,270,-730,-735,270,-737,270,-742,270,-664,-670,270,-680,-682,-684,-685,-692,-695,-699,-747,270,270,-876,270,270,-880,270,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,270,-814,270,-816,-803,270,-804,-807,270,-818,-821,-823,-825,-827,270,-828,270,-811,270,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,270,-284,270,270,270,270,-457,270,270,-731,270,-738,270,-743,270,-665,-673,270,270,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,270,-838,-53,270,270,-732,270,-739,270,-744,-666,270,-875,-54,270,270,-733,-740,-745,270,270,270,-874,]),'FOLLOWING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3793,3794,3796,3797,3798,3799,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[271,271,271,271,-1896,271,271,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,271,271,271,271,-277,-278,271,-1427,271,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,271,271,271,-492,271,271,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,271,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,271,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,271,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,271,-174,-175,-176,-177,-995,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-292,-293,-283,271,271,271,271,271,-330,-320,-334,-335,-336,271,271,-984,-985,-986,-987,-988,-989,-990,271,271,271,271,271,271,271,271,271,271,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,271,271,271,-355,-358,271,-325,-326,-143,271,-144,271,-145,271,-432,-937,-938,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-1896,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-1896,271,-1896,271,271,271,271,271,271,271,271,271,271,271,271,-1896,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-1896,271,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,271,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,271,271,271,-193,-194,271,-996,271,271,271,271,271,-279,-280,-281,-282,-367,271,-310,271,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,271,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,271,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,271,271,271,271,271,271,-575,271,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,271,271,-725,-726,-727,271,271,271,271,271,271,-996,271,271,-93,-94,271,271,271,271,-311,-312,-322,271,-309,-295,-296,-297,271,271,271,271,-620,-635,-592,271,271,-438,271,-439,271,-446,-447,-448,-380,-381,271,271,271,-508,271,271,-512,271,271,271,271,-517,-518,-519,-520,271,271,-523,-524,271,-526,-527,-528,-529,-530,-531,-532,-533,271,-535,271,271,271,-541,-543,-544,271,-546,-547,-548,-549,271,271,271,271,271,271,-654,-655,-656,-657,271,-659,-660,-661,271,271,271,-667,271,271,-671,-672,271,271,-675,271,-677,-678,271,-681,271,-683,271,271,-686,-687,-688,271,-690,271,271,-693,271,271,-696,-697,-698,271,-700,-701,-702,-703,271,271,-748,271,-751,-752,-753,-754,-755,271,-757,-758,-759,-760,-761,271,-768,-769,-771,271,-773,-774,-775,-784,-858,-860,-862,-864,271,271,271,271,-870,271,-872,271,271,271,271,271,271,271,-908,-909,271,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,271,-923,-926,271,-936,271,-387,-388,-389,271,271,-392,-393,-394,-395,271,-398,271,-401,-402,271,-403,271,-408,-409,271,-412,-413,-414,271,-417,271,-418,271,-423,-424,271,-427,271,-430,-431,-1896,-1896,271,-621,-622,-623,-624,-625,-636,-586,-626,-799,271,271,271,271,271,-833,271,271,-808,271,-834,271,271,271,271,-800,271,-855,-801,271,271,271,271,271,271,-856,-857,271,-836,-832,-837,271,-627,271,-628,-629,-630,-631,-576,271,271,-632,-633,-634,271,271,271,271,271,271,-637,-638,-639,-594,-1896,-604,271,-640,-641,-715,-642,-606,271,-574,-579,-582,-585,271,271,271,-600,-603,271,-610,271,271,271,271,271,271,271,271,271,271,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,271,271,271,-997,271,271,271,271,271,271,-308,-327,-321,-298,-377,-454,-455,-456,-460,271,-445,271,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,271,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,271,271,271,271,271,271,271,271,271,-318,-537,-510,-593,-939,-941,-942,-440,271,-442,-382,-383,-385,-509,-511,-513,271,-515,-516,-521,-522,271,-534,-536,-539,-540,-545,-550,-728,271,-729,271,-734,271,-736,271,-741,-658,-662,-663,271,-668,271,-669,271,-674,-676,271,-679,271,271,271,-689,-691,271,-694,271,271,-746,271,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,271,271,271,271,271,-879,271,-882,-910,-922,-927,-390,-391,271,-396,271,-399,271,-404,271,-405,271,-410,271,-415,271,-419,271,-420,271,-425,271,-428,-901,-902,-645,-587,-1896,-903,271,271,271,-802,271,271,-806,271,-809,-835,271,-820,271,-822,271,-824,-810,271,-826,271,-853,-854,271,271,-813,271,-648,-904,-906,-650,-651,-647,271,-707,-708,271,-644,-905,-649,-652,-605,-716,271,271,-607,-588,271,271,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,271,271,-711,-712,271,-718,271,271,271,271,271,271,-940,271,-441,-443,-749,271,-893,271,-717,-1896,271,271,271,271,271,-444,-514,-525,271,-730,-735,271,-737,271,-742,271,-664,-670,271,-680,-682,-684,-685,-692,-695,-699,-747,271,271,-876,271,271,-880,271,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,271,-814,271,-816,-803,271,-804,-807,271,-818,-821,-823,-825,-827,271,-828,271,-811,271,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,271,-284,271,271,271,271,-457,3833,3835,-481,-482,271,-1863,271,-731,271,-738,271,-743,271,-665,-673,271,271,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,271,-838,-53,271,271,-732,271,-739,271,-744,-666,271,-875,-54,271,271,-733,-740,-745,271,271,271,-874,]),'FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[272,272,272,1094,-1896,272,272,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,272,272,272,272,-277,-278,1094,-1427,1094,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1094,1094,1094,-492,1094,1094,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1094,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1094,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1867,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,272,-174,-175,-176,-177,-995,272,272,272,272,272,272,272,272,272,272,1094,1094,1094,1094,1094,-292,-293,-283,272,1094,1094,1094,1094,-330,-320,-334,-335,-336,1094,1094,-984,-985,-986,-987,-988,-989,-990,272,272,1094,1094,1094,1094,1094,1094,1094,1094,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1094,1094,1094,-355,-358,272,-325,-326,-143,1094,-144,1094,-145,1094,-432,-937,-938,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1896,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1896,1094,-1896,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1896,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1896,272,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1094,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1094,272,272,-193,-194,272,-996,1094,272,272,272,272,-279,-280,-281,-282,-367,1094,-310,1094,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1094,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1094,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1094,1094,1094,1094,1094,1094,-575,1094,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1094,1094,-725,-726,-727,1094,1867,272,272,272,272,-996,272,1094,-93,-94,272,272,272,1094,-311,-312,-322,1094,-309,-295,-296,-297,1094,272,1094,1094,-620,-635,-592,1094,272,-438,272,-439,1094,-446,-447,-448,-380,-381,1094,1094,1094,-508,1094,1094,-512,1094,1094,1094,1094,-517,-518,-519,-520,1094,1094,-523,-524,1094,-526,-527,-528,-529,-530,-531,-532,-533,1094,-535,1094,1094,1094,-541,-543,-544,1094,-546,-547,-548,-549,1094,1094,1094,1094,1094,1094,-654,-655,-656,-657,272,-659,-660,-661,1094,1094,1094,-667,1094,1094,-671,-672,1094,1094,-675,1094,-677,-678,1094,-681,1094,-683,1094,1094,-686,-687,-688,1094,-690,1094,1094,-693,1094,1094,-696,-697,-698,1094,-700,-701,-702,-703,1094,1094,-748,1094,-751,-752,-753,-754,-755,1094,-757,-758,-759,-760,-761,1094,-768,-769,-771,1094,-773,-774,-775,-784,-858,-860,-862,-864,1094,1094,1094,1094,-870,1094,-872,1094,1094,1094,1094,1094,1094,1094,-908,-909,1094,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1094,-923,-926,1094,-936,1094,-387,-388,-389,1094,1094,-392,-393,-394,-395,1094,-398,1094,-401,-402,1094,-403,1094,-408,-409,1094,-412,-413,-414,1094,-417,1094,-418,1094,-423,-424,1094,-427,1094,-430,-431,-1896,-1896,1094,-621,-622,-623,-624,-625,-636,-586,-626,-799,1094,1094,1094,1094,1094,-833,1094,1094,-808,1094,-834,1094,1094,1094,1094,-800,1094,-855,-801,1094,1094,1094,1094,1094,1094,-856,-857,1094,-836,-832,-837,1094,-627,1094,-628,-629,-630,-631,-576,1094,1094,-632,-633,-634,1094,1094,1094,1094,1094,1094,-637,-638,-639,-594,-1896,-604,1094,-640,-641,-715,-642,-606,1094,-574,-579,-582,-585,1094,1094,1094,-600,-603,1094,-610,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1094,272,272,-997,272,1094,272,272,272,1094,-308,-327,-321,-298,-377,-454,-455,-456,-460,272,-445,1094,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1094,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,272,272,272,272,272,272,272,272,1094,-318,-537,-510,-593,-939,-941,-942,-440,1094,-442,-382,-383,-385,-509,-511,-513,1094,-515,-516,-521,-522,1094,-534,-536,-539,-540,-545,-550,-728,1094,-729,1094,-734,1094,-736,1094,-741,-658,-662,-663,1094,-668,1094,-669,1094,-674,-676,1094,-679,1094,1094,1094,-689,-691,1094,-694,1094,1094,-746,1094,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1094,1094,1094,1094,1094,-879,1094,-882,-910,-922,-927,-390,-391,1094,-396,1094,-399,1094,-404,1094,-405,1094,-410,1094,-415,1094,-419,1094,-420,1094,-425,1094,-428,-901,-902,-645,-587,-1896,-903,1094,1094,1094,-802,1094,1094,-806,1094,-809,-835,1094,-820,1094,-822,1094,-824,-810,1094,-826,1094,-853,-854,1094,1094,-813,1094,-648,-904,-906,-650,-651,-647,1094,-707,-708,1094,-644,-905,-649,-652,-605,-716,1094,1094,-607,-588,1094,1094,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1094,1094,-711,-712,1094,-718,1094,272,272,272,1094,1094,-940,272,-441,-443,-749,1094,-893,1867,-717,-1896,1094,1094,272,272,1094,-444,-514,-525,1094,-730,-735,1094,-737,1094,-742,1094,-664,-670,1094,-680,-682,-684,-685,-692,-695,-699,-747,1094,1094,-876,1094,1094,-880,1094,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1094,-814,1094,-816,-803,1094,-804,-807,1094,-818,-821,-823,-825,-827,1094,-828,1094,-811,1094,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,272,-284,272,1094,272,1094,-457,1094,1094,-731,1094,-738,1094,-743,1094,-665,-673,1094,1094,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1094,-838,-53,272,1094,-732,1094,-739,1094,-744,-666,1094,-875,-54,272,272,-733,-740,-745,1094,272,1094,-874,]),'FOUND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[273,273,273,273,-1896,273,273,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,273,273,273,273,-277,-278,273,-1427,273,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,273,273,273,-492,273,273,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,273,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,273,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,273,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,273,-174,-175,-176,-177,-995,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-292,-293,-283,273,273,273,273,273,-330,-320,-334,-335,-336,273,273,-984,-985,-986,-987,-988,-989,-990,273,273,273,273,273,273,273,273,273,273,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,273,273,273,-355,-358,273,-325,-326,-143,273,-144,273,-145,273,-432,-937,-938,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-1896,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-1896,273,-1896,273,273,273,273,273,273,273,273,273,273,273,273,-1896,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-1896,273,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,273,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,273,273,273,-193,-194,273,-996,273,273,273,273,273,-279,-280,-281,-282,-367,273,-310,273,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,273,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,273,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,273,273,273,273,273,273,-575,273,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,273,273,-725,-726,-727,273,273,273,273,273,273,-996,273,273,-93,-94,273,273,273,273,-311,-312,-322,273,-309,-295,-296,-297,273,273,273,273,-620,-635,-592,273,273,-438,273,-439,273,-446,-447,-448,-380,-381,273,273,273,-508,273,273,-512,273,273,273,273,-517,-518,-519,-520,273,273,-523,-524,273,-526,-527,-528,-529,-530,-531,-532,-533,273,-535,273,273,273,-541,-543,-544,273,-546,-547,-548,-549,273,273,273,273,273,273,-654,-655,-656,-657,273,-659,-660,-661,273,273,273,-667,273,273,-671,-672,273,273,-675,273,-677,-678,273,-681,273,-683,273,273,-686,-687,-688,273,-690,273,273,-693,273,273,-696,-697,-698,273,-700,-701,-702,-703,273,273,-748,273,-751,-752,-753,-754,-755,273,-757,-758,-759,-760,-761,273,-768,-769,-771,273,-773,-774,-775,-784,-858,-860,-862,-864,273,273,273,273,-870,273,-872,273,273,273,273,273,273,273,-908,-909,273,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,273,-923,-926,273,-936,273,-387,-388,-389,273,273,-392,-393,-394,-395,273,-398,273,-401,-402,273,-403,273,-408,-409,273,-412,-413,-414,273,-417,273,-418,273,-423,-424,273,-427,273,-430,-431,-1896,-1896,273,-621,-622,-623,-624,-625,-636,-586,-626,-799,273,273,273,273,273,-833,273,273,-808,273,-834,273,273,273,273,-800,273,-855,-801,273,273,273,273,273,273,-856,-857,273,-836,-832,-837,273,-627,273,-628,-629,-630,-631,-576,273,273,-632,-633,-634,273,273,273,273,273,273,-637,-638,-639,-594,-1896,-604,273,-640,-641,-715,-642,-606,273,-574,-579,-582,-585,273,273,273,-600,-603,273,-610,273,273,273,273,273,273,273,273,273,273,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,273,273,273,-997,273,273,273,273,273,273,-308,-327,-321,-298,-377,-454,-455,-456,-460,273,-445,273,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,273,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,273,273,273,273,273,273,273,273,273,-318,-537,-510,-593,-939,-941,-942,-440,273,-442,-382,-383,-385,-509,-511,-513,273,-515,-516,-521,-522,273,-534,-536,-539,-540,-545,-550,-728,273,-729,273,-734,273,-736,273,-741,-658,-662,-663,273,-668,273,-669,273,-674,-676,273,-679,273,273,273,-689,-691,273,-694,273,273,-746,273,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,273,273,273,273,273,-879,273,-882,-910,-922,-927,-390,-391,273,-396,273,-399,273,-404,273,-405,273,-410,273,-415,273,-419,273,-420,273,-425,273,-428,-901,-902,-645,-587,-1896,-903,273,273,273,-802,273,273,-806,273,-809,-835,273,-820,273,-822,273,-824,-810,273,-826,273,-853,-854,273,273,-813,273,-648,-904,-906,-650,-651,-647,273,-707,-708,273,-644,-905,-649,-652,-605,-716,273,273,-607,-588,273,273,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,273,273,-711,-712,273,-718,273,273,273,273,273,273,-940,273,-441,-443,-749,273,-893,273,-717,-1896,273,273,273,273,273,-444,-514,-525,273,-730,-735,273,-737,273,-742,273,-664,-670,273,-680,-682,-684,-685,-692,-695,-699,-747,273,273,-876,273,273,-880,273,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,273,-814,273,-816,-803,273,-804,-807,273,-818,-821,-823,-825,-827,273,-828,273,-811,273,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,273,-284,273,273,273,273,-457,273,273,-731,273,-738,273,-743,273,-665,-673,273,273,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,273,-838,-53,273,273,-732,273,-739,273,-744,-666,273,-875,-54,273,273,-733,-740,-745,273,273,273,-874,]),'FOUND_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[274,274,274,1166,-1896,274,274,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,274,274,274,274,-277,-278,1166,-1427,1166,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1166,1166,1166,-492,1166,1166,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1166,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1166,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1868,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,274,-174,-175,-176,-177,-995,274,274,274,274,274,274,274,274,274,274,1166,1166,1166,1166,1166,-292,-293,-283,274,1166,1166,1166,1166,-330,-320,-334,-335,-336,1166,1166,-984,-985,-986,-987,-988,-989,-990,274,274,1166,1166,1166,1166,1166,1166,1166,1166,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1166,1166,1166,-355,-358,274,-325,-326,-143,1166,-144,1166,-145,1166,-432,-937,-938,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1896,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1896,1166,-1896,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1896,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1896,274,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1166,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1166,274,274,-193,-194,274,-996,1166,274,274,274,274,-279,-280,-281,-282,-367,1166,-310,1166,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1166,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1166,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1166,1166,1166,1166,1166,1166,-575,1166,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1166,1166,-725,-726,-727,1166,1868,274,274,274,274,-996,274,1166,-93,-94,274,274,274,1166,-311,-312,-322,1166,-309,-295,-296,-297,1166,274,1166,1166,-620,-635,-592,1166,274,-438,274,-439,1166,-446,-447,-448,-380,-381,1166,1166,1166,-508,1166,1166,-512,1166,1166,1166,1166,-517,-518,-519,-520,1166,1166,-523,-524,1166,-526,-527,-528,-529,-530,-531,-532,-533,1166,-535,1166,1166,1166,-541,-543,-544,1166,-546,-547,-548,-549,1166,1166,1166,1166,1166,1166,-654,-655,-656,-657,274,-659,-660,-661,1166,1166,1166,-667,1166,1166,-671,-672,1166,1166,-675,1166,-677,-678,1166,-681,1166,-683,1166,1166,-686,-687,-688,1166,-690,1166,1166,-693,1166,1166,-696,-697,-698,1166,-700,-701,-702,-703,1166,1166,-748,1166,-751,-752,-753,-754,-755,1166,-757,-758,-759,-760,-761,1166,-768,-769,-771,1166,-773,-774,-775,-784,-858,-860,-862,-864,1166,1166,1166,1166,-870,1166,-872,1166,1166,1166,1166,1166,1166,1166,-908,-909,1166,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1166,-923,-926,1166,-936,1166,-387,-388,-389,1166,1166,-392,-393,-394,-395,1166,-398,1166,-401,-402,1166,-403,1166,-408,-409,1166,-412,-413,-414,1166,-417,1166,-418,1166,-423,-424,1166,-427,1166,-430,-431,-1896,-1896,1166,-621,-622,-623,-624,-625,-636,-586,-626,-799,1166,1166,1166,1166,1166,-833,1166,1166,-808,1166,-834,1166,1166,1166,1166,-800,1166,-855,-801,1166,1166,1166,1166,1166,1166,-856,-857,1166,-836,-832,-837,1166,-627,1166,-628,-629,-630,-631,-576,1166,1166,-632,-633,-634,1166,1166,1166,1166,1166,1166,-637,-638,-639,-594,-1896,-604,1166,-640,-641,-715,-642,-606,1166,-574,-579,-582,-585,1166,1166,1166,-600,-603,1166,-610,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1166,274,274,-997,274,1166,274,274,274,1166,-308,-327,-321,-298,-377,-454,-455,-456,-460,274,-445,1166,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1166,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,274,274,274,274,274,274,274,274,1166,-318,-537,-510,-593,-939,-941,-942,-440,1166,-442,-382,-383,-385,-509,-511,-513,1166,-515,-516,-521,-522,1166,-534,-536,-539,-540,-545,-550,-728,1166,-729,1166,-734,1166,-736,1166,-741,-658,-662,-663,1166,-668,1166,-669,1166,-674,-676,1166,-679,1166,1166,1166,-689,-691,1166,-694,1166,1166,-746,1166,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1166,1166,1166,1166,1166,-879,1166,-882,-910,-922,-927,-390,-391,1166,-396,1166,-399,1166,-404,1166,-405,1166,-410,1166,-415,1166,-419,1166,-420,1166,-425,1166,-428,-901,-902,-645,-587,-1896,-903,1166,1166,1166,-802,1166,1166,-806,1166,-809,-835,1166,-820,1166,-822,1166,-824,-810,1166,-826,1166,-853,-854,1166,1166,-813,1166,-648,-904,-906,-650,-651,-647,1166,-707,-708,1166,-644,-905,-649,-652,-605,-716,1166,1166,-607,-588,1166,1166,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1166,1166,-711,-712,1166,-718,1166,274,274,274,1166,1166,-940,274,-441,-443,-749,1166,-893,1868,-717,-1896,1166,1166,274,274,1166,-444,-514,-525,1166,-730,-735,1166,-737,1166,-742,1166,-664,-670,1166,-680,-682,-684,-685,-692,-695,-699,-747,1166,1166,-876,1166,1166,-880,1166,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1166,-814,1166,-816,-803,1166,-804,-807,1166,-818,-821,-823,-825,-827,1166,-828,1166,-811,1166,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,274,-284,274,1166,274,1166,-457,1166,1166,-731,1166,-738,1166,-743,1166,-665,-673,1166,1166,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1166,-838,-53,274,1166,-732,1166,-739,1166,-744,-666,1166,-875,-54,274,274,-733,-740,-745,1166,274,1166,-874,]),'FREEZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[275,275,275,275,-1896,275,275,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,275,275,275,275,-277,-278,275,-1427,275,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,275,275,275,-492,275,275,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,275,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,275,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,275,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,275,-174,-175,-176,-177,-995,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-292,-293,-283,275,275,275,275,275,-330,-320,-334,-335,-336,275,275,-984,-985,-986,-987,-988,-989,-990,275,275,275,275,275,275,275,275,275,275,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,275,275,275,-355,-358,275,-325,-326,-143,275,-144,275,-145,275,-432,-937,-938,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-1896,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-1896,275,-1896,275,275,275,275,275,275,275,275,275,275,275,275,-1896,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-1896,275,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,275,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,275,275,275,-193,-194,275,-996,275,275,275,275,275,-279,-280,-281,-282,-367,275,-310,275,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,275,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,275,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,275,275,275,275,275,275,-575,275,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,275,275,-725,-726,-727,275,275,275,275,275,275,-996,275,275,-93,-94,275,275,275,275,-311,-312,-322,275,-309,-295,-296,-297,275,275,275,275,-620,-635,-592,275,275,-438,275,-439,275,-446,-447,-448,-380,-381,275,275,275,-508,275,275,-512,275,275,275,275,-517,-518,-519,-520,275,275,-523,-524,275,-526,-527,-528,-529,-530,-531,-532,-533,275,-535,275,275,275,-541,-543,-544,275,-546,-547,-548,-549,275,275,275,275,275,275,-654,-655,-656,-657,275,-659,-660,-661,275,275,275,-667,275,275,-671,-672,275,275,-675,275,-677,-678,275,-681,275,-683,275,275,-686,-687,-688,275,-690,275,275,-693,275,275,-696,-697,-698,275,-700,-701,-702,-703,275,275,-748,275,-751,-752,-753,-754,-755,275,-757,-758,-759,-760,-761,275,-768,-769,-771,275,-773,-774,-775,-784,-858,-860,-862,-864,275,275,275,275,-870,275,-872,275,275,275,275,275,275,275,-908,-909,275,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,275,-923,-926,275,-936,275,-387,-388,-389,275,275,-392,-393,-394,-395,275,-398,275,-401,-402,275,-403,275,-408,-409,275,-412,-413,-414,275,-417,275,-418,275,-423,-424,275,-427,275,-430,-431,-1896,-1896,275,-621,-622,-623,-624,-625,-636,-586,-626,-799,275,275,275,275,275,-833,275,275,-808,275,-834,275,275,275,275,-800,275,-855,-801,275,275,275,275,275,275,-856,-857,275,-836,-832,-837,275,-627,275,-628,-629,-630,-631,-576,275,275,-632,-633,-634,275,275,275,275,275,275,-637,-638,-639,-594,-1896,-604,275,-640,-641,-715,-642,-606,275,-574,-579,-582,-585,275,275,275,-600,-603,275,-610,275,275,275,275,275,275,275,275,275,275,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,275,275,275,-997,275,275,275,275,275,275,-308,-327,-321,-298,-377,-454,-455,-456,-460,275,-445,275,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,275,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,275,275,275,275,275,275,275,275,275,-318,-537,-510,-593,-939,-941,-942,-440,275,-442,-382,-383,-385,-509,-511,-513,275,-515,-516,-521,-522,275,-534,-536,-539,-540,-545,-550,-728,275,-729,275,-734,275,-736,275,-741,-658,-662,-663,275,-668,275,-669,275,-674,-676,275,-679,275,275,275,-689,-691,275,-694,275,275,-746,275,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,275,275,275,275,275,-879,275,-882,-910,-922,-927,-390,-391,275,-396,275,-399,275,-404,275,-405,275,-410,275,-415,275,-419,275,-420,275,-425,275,-428,-901,-902,-645,-587,-1896,-903,275,275,275,-802,275,275,-806,275,-809,-835,275,-820,275,-822,275,-824,-810,275,-826,275,-853,-854,275,275,-813,275,-648,-904,-906,-650,-651,-647,275,-707,-708,275,-644,-905,-649,-652,-605,-716,275,275,-607,-588,275,275,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,275,275,-711,-712,275,-718,275,275,275,275,275,275,-940,275,-441,-443,-749,275,-893,275,-717,-1896,275,275,275,275,275,-444,-514,-525,275,-730,-735,275,-737,275,-742,275,-664,-670,275,-680,-682,-684,-685,-692,-695,-699,-747,275,275,-876,275,275,-880,275,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,275,-814,275,-816,-803,275,-804,-807,275,-818,-821,-823,-825,-827,275,-828,275,-811,275,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,275,-284,275,275,275,275,-457,275,275,-731,275,-738,275,-743,275,-665,-673,275,275,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,275,-838,-53,275,275,-732,275,-739,275,-744,-666,275,-875,-54,275,275,-733,-740,-745,275,275,275,-874,]),'FREQUENCY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[276,276,276,276,-1896,276,276,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,276,276,276,276,-277,-278,276,-1427,276,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,276,276,276,-492,276,276,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,276,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,276,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,276,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,276,-174,-175,-176,-177,-995,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-292,-293,-283,276,276,276,276,276,-330,-320,-334,-335,-336,276,276,-984,-985,-986,-987,-988,-989,-990,276,276,276,276,276,276,276,276,276,276,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,276,276,276,-355,-358,276,-325,-326,-143,276,-144,276,-145,276,-432,-937,-938,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-1896,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-1896,276,-1896,276,276,276,276,276,276,276,276,276,276,276,276,-1896,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-1896,276,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,276,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,276,276,276,-193,-194,276,-996,276,276,276,276,276,-279,-280,-281,-282,-367,276,-310,276,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,276,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,276,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,276,276,276,276,276,276,-575,276,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,276,276,-725,-726,-727,276,276,276,276,276,276,-996,276,276,-93,-94,276,276,276,276,-311,-312,-322,276,-309,-295,-296,-297,276,276,276,276,-620,-635,-592,276,276,-438,276,-439,276,-446,-447,-448,-380,-381,276,276,276,-508,276,276,-512,276,276,276,276,-517,-518,-519,-520,276,276,-523,-524,276,-526,-527,-528,-529,-530,-531,-532,-533,276,-535,276,276,276,-541,-543,-544,276,-546,-547,-548,-549,276,276,276,276,276,276,-654,-655,-656,-657,276,-659,-660,-661,276,276,276,-667,276,276,-671,-672,276,276,-675,276,-677,-678,276,-681,276,-683,276,276,-686,-687,-688,276,-690,276,276,-693,276,276,-696,-697,-698,276,-700,-701,-702,-703,276,276,-748,276,-751,-752,-753,-754,-755,276,-757,-758,-759,-760,-761,276,-768,-769,-771,276,-773,-774,-775,-784,-858,-860,-862,-864,276,276,276,276,-870,276,-872,276,276,276,276,276,276,276,-908,-909,276,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,276,-923,-926,276,-936,276,-387,-388,-389,276,276,-392,-393,-394,-395,276,-398,276,-401,-402,276,-403,276,-408,-409,276,-412,-413,-414,276,-417,276,-418,276,-423,-424,276,-427,276,-430,-431,-1896,-1896,276,-621,-622,-623,-624,-625,-636,-586,-626,-799,276,276,276,276,276,-833,276,276,-808,276,-834,276,276,276,276,-800,276,-855,-801,276,276,276,276,276,276,-856,-857,276,-836,-832,-837,276,-627,276,-628,-629,-630,-631,-576,276,276,-632,-633,-634,276,276,276,276,276,276,-637,-638,-639,-594,-1896,-604,276,-640,-641,-715,-642,-606,276,-574,-579,-582,-585,276,276,276,-600,-603,276,-610,276,276,276,276,276,276,276,276,276,276,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,276,276,276,-997,276,276,276,276,276,276,-308,-327,-321,-298,-377,-454,-455,-456,-460,276,-445,276,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,276,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,276,276,276,276,276,276,276,276,276,-318,-537,-510,-593,-939,-941,-942,-440,276,-442,-382,-383,-385,-509,-511,-513,276,-515,-516,-521,-522,276,-534,-536,-539,-540,-545,-550,-728,276,-729,276,-734,276,-736,276,-741,-658,-662,-663,276,-668,276,-669,276,-674,-676,276,-679,276,276,276,-689,-691,276,-694,276,276,-746,276,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,276,276,276,276,276,-879,276,-882,-910,-922,-927,-390,-391,276,-396,276,-399,276,-404,276,-405,276,-410,276,-415,276,-419,276,-420,276,-425,276,-428,-901,-902,-645,-587,-1896,-903,276,276,276,-802,276,276,-806,276,-809,-835,276,-820,276,-822,276,-824,-810,276,-826,276,-853,-854,276,276,-813,276,-648,-904,-906,-650,-651,-647,276,-707,-708,276,-644,-905,-649,-652,-605,-716,276,276,-607,-588,276,276,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,276,276,-711,-712,276,-718,276,276,276,276,276,276,-940,276,-441,-443,-749,276,-893,276,-717,-1896,276,276,276,276,276,-444,-514,-525,276,-730,-735,276,-737,276,-742,276,-664,-670,276,-680,-682,-684,-685,-692,-695,-699,-747,276,276,-876,276,276,-880,276,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,276,-814,276,-816,-803,276,-804,-807,276,-818,-821,-823,-825,-827,276,-828,276,-811,276,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,276,-284,276,276,276,276,-457,276,276,-731,276,-738,276,-743,276,-665,-673,276,276,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,276,-838,-53,276,276,-732,276,-739,276,-744,-666,276,-875,-54,276,276,-733,-740,-745,276,276,276,-874,]),'FROM_BASE64':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[277,277,277,1095,-1896,277,277,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,277,277,277,277,-277,-278,1095,-1427,1095,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1095,1095,1095,-492,1095,1095,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1095,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1095,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1869,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,277,-174,-175,-176,-177,-995,277,277,277,277,277,277,277,277,277,277,1095,1095,1095,1095,1095,-292,-293,-283,277,1095,1095,1095,1095,-330,-320,-334,-335,-336,1095,1095,-984,-985,-986,-987,-988,-989,-990,277,277,1095,1095,1095,1095,1095,1095,1095,1095,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1095,1095,1095,-355,-358,277,-325,-326,-143,1095,-144,1095,-145,1095,-432,-937,-938,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1896,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1896,1095,-1896,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1896,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1896,277,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1095,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1095,277,277,-193,-194,277,-996,1095,277,277,277,277,-279,-280,-281,-282,-367,1095,-310,1095,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1095,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1095,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1095,1095,1095,1095,1095,1095,-575,1095,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1095,1095,-725,-726,-727,1095,1869,277,277,277,277,-996,277,1095,-93,-94,277,277,277,1095,-311,-312,-322,1095,-309,-295,-296,-297,1095,277,1095,1095,-620,-635,-592,1095,277,-438,277,-439,1095,-446,-447,-448,-380,-381,1095,1095,1095,-508,1095,1095,-512,1095,1095,1095,1095,-517,-518,-519,-520,1095,1095,-523,-524,1095,-526,-527,-528,-529,-530,-531,-532,-533,1095,-535,1095,1095,1095,-541,-543,-544,1095,-546,-547,-548,-549,1095,1095,1095,1095,1095,1095,-654,-655,-656,-657,277,-659,-660,-661,1095,1095,1095,-667,1095,1095,-671,-672,1095,1095,-675,1095,-677,-678,1095,-681,1095,-683,1095,1095,-686,-687,-688,1095,-690,1095,1095,-693,1095,1095,-696,-697,-698,1095,-700,-701,-702,-703,1095,1095,-748,1095,-751,-752,-753,-754,-755,1095,-757,-758,-759,-760,-761,1095,-768,-769,-771,1095,-773,-774,-775,-784,-858,-860,-862,-864,1095,1095,1095,1095,-870,1095,-872,1095,1095,1095,1095,1095,1095,1095,-908,-909,1095,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1095,-923,-926,1095,-936,1095,-387,-388,-389,1095,1095,-392,-393,-394,-395,1095,-398,1095,-401,-402,1095,-403,1095,-408,-409,1095,-412,-413,-414,1095,-417,1095,-418,1095,-423,-424,1095,-427,1095,-430,-431,-1896,-1896,1095,-621,-622,-623,-624,-625,-636,-586,-626,-799,1095,1095,1095,1095,1095,-833,1095,1095,-808,1095,-834,1095,1095,1095,1095,-800,1095,-855,-801,1095,1095,1095,1095,1095,1095,-856,-857,1095,-836,-832,-837,1095,-627,1095,-628,-629,-630,-631,-576,1095,1095,-632,-633,-634,1095,1095,1095,1095,1095,1095,-637,-638,-639,-594,-1896,-604,1095,-640,-641,-715,-642,-606,1095,-574,-579,-582,-585,1095,1095,1095,-600,-603,1095,-610,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1095,277,277,-997,277,1095,277,277,277,1095,-308,-327,-321,-298,-377,-454,-455,-456,-460,277,-445,1095,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1095,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,277,277,277,277,277,277,277,277,1095,-318,-537,-510,-593,-939,-941,-942,-440,1095,-442,-382,-383,-385,-509,-511,-513,1095,-515,-516,-521,-522,1095,-534,-536,-539,-540,-545,-550,-728,1095,-729,1095,-734,1095,-736,1095,-741,-658,-662,-663,1095,-668,1095,-669,1095,-674,-676,1095,-679,1095,1095,1095,-689,-691,1095,-694,1095,1095,-746,1095,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1095,1095,1095,1095,1095,-879,1095,-882,-910,-922,-927,-390,-391,1095,-396,1095,-399,1095,-404,1095,-405,1095,-410,1095,-415,1095,-419,1095,-420,1095,-425,1095,-428,-901,-902,-645,-587,-1896,-903,1095,1095,1095,-802,1095,1095,-806,1095,-809,-835,1095,-820,1095,-822,1095,-824,-810,1095,-826,1095,-853,-854,1095,1095,-813,1095,-648,-904,-906,-650,-651,-647,1095,-707,-708,1095,-644,-905,-649,-652,-605,-716,1095,1095,-607,-588,1095,1095,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1095,1095,-711,-712,1095,-718,1095,277,277,277,1095,1095,-940,277,-441,-443,-749,1095,-893,1869,-717,-1896,1095,1095,277,277,1095,-444,-514,-525,1095,-730,-735,1095,-737,1095,-742,1095,-664,-670,1095,-680,-682,-684,-685,-692,-695,-699,-747,1095,1095,-876,1095,1095,-880,1095,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1095,-814,1095,-816,-803,1095,-804,-807,1095,-818,-821,-823,-825,-827,1095,-828,1095,-811,1095,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,277,-284,277,1095,277,1095,-457,1095,1095,-731,1095,-738,1095,-743,1095,-665,-673,1095,1095,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1095,-838,-53,277,1095,-732,1095,-739,1095,-744,-666,1095,-875,-54,277,277,-733,-740,-745,1095,277,1095,-874,]),'FROM_DAYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[278,278,278,1251,-1896,278,278,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,278,278,278,278,-277,-278,1251,-1427,1251,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1251,1251,1251,-492,1251,1251,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1251,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1251,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1251,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,278,-174,-175,-176,-177,-995,278,278,278,278,278,278,278,278,278,278,1251,1251,1251,1251,1251,-292,-293,-283,278,1251,1251,1251,1251,-330,-320,-334,-335,-336,1251,1251,-984,-985,-986,-987,-988,-989,-990,278,278,1251,1251,1251,1251,1251,1251,1251,1251,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1251,1251,1251,-355,-358,278,-325,-326,-143,1251,-144,1251,-145,1251,-432,-937,-938,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1896,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1896,1251,-1896,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1896,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1896,278,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1251,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1251,278,278,-193,-194,278,-996,1251,278,278,278,278,-279,-280,-281,-282,-367,1251,-310,1251,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1251,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1251,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1251,1251,1251,1251,1251,1251,-575,1251,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1251,1251,-725,-726,-727,1251,1251,278,278,278,278,-996,278,1251,-93,-94,278,278,278,1251,-311,-312,-322,1251,-309,-295,-296,-297,1251,278,1251,1251,-620,-635,-592,1251,278,-438,278,-439,1251,-446,-447,-448,-380,-381,1251,1251,1251,-508,1251,1251,-512,1251,1251,1251,1251,-517,-518,-519,-520,1251,1251,-523,-524,1251,-526,-527,-528,-529,-530,-531,-532,-533,1251,-535,1251,1251,1251,-541,-543,-544,1251,-546,-547,-548,-549,1251,1251,1251,1251,1251,1251,-654,-655,-656,-657,278,-659,-660,-661,1251,1251,1251,-667,1251,1251,-671,-672,1251,1251,-675,1251,-677,-678,1251,-681,1251,-683,1251,1251,-686,-687,-688,1251,-690,1251,1251,-693,1251,1251,-696,-697,-698,1251,-700,-701,-702,-703,1251,1251,-748,1251,-751,-752,-753,-754,-755,1251,-757,-758,-759,-760,-761,1251,-768,-769,-771,1251,-773,-774,-775,-784,-858,-860,-862,-864,1251,1251,1251,1251,-870,1251,-872,1251,1251,1251,1251,1251,1251,1251,-908,-909,1251,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1251,-923,-926,1251,-936,1251,-387,-388,-389,1251,1251,-392,-393,-394,-395,1251,-398,1251,-401,-402,1251,-403,1251,-408,-409,1251,-412,-413,-414,1251,-417,1251,-418,1251,-423,-424,1251,-427,1251,-430,-431,-1896,-1896,1251,-621,-622,-623,-624,-625,-636,-586,-626,-799,1251,1251,1251,1251,1251,-833,1251,1251,-808,1251,-834,1251,1251,1251,1251,-800,1251,-855,-801,1251,1251,1251,1251,1251,1251,-856,-857,1251,-836,-832,-837,1251,-627,1251,-628,-629,-630,-631,-576,1251,1251,-632,-633,-634,1251,1251,1251,1251,1251,1251,-637,-638,-639,-594,-1896,-604,1251,-640,-641,-715,-642,-606,1251,-574,-579,-582,-585,1251,1251,1251,-600,-603,1251,-610,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1251,278,278,-997,278,1251,278,278,278,1251,-308,-327,-321,-298,-377,-454,-455,-456,-460,278,-445,1251,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1251,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,278,278,278,278,278,278,278,278,1251,-318,-537,-510,-593,-939,-941,-942,-440,1251,-442,-382,-383,-385,-509,-511,-513,1251,-515,-516,-521,-522,1251,-534,-536,-539,-540,-545,-550,-728,1251,-729,1251,-734,1251,-736,1251,-741,-658,-662,-663,1251,-668,1251,-669,1251,-674,-676,1251,-679,1251,1251,1251,-689,-691,1251,-694,1251,1251,-746,1251,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1251,1251,1251,1251,1251,-879,1251,-882,-910,-922,-927,-390,-391,1251,-396,1251,-399,1251,-404,1251,-405,1251,-410,1251,-415,1251,-419,1251,-420,1251,-425,1251,-428,-901,-902,-645,-587,-1896,-903,1251,1251,1251,-802,1251,1251,-806,1251,-809,-835,1251,-820,1251,-822,1251,-824,-810,1251,-826,1251,-853,-854,1251,1251,-813,1251,-648,-904,-906,-650,-651,-647,1251,-707,-708,1251,-644,-905,-649,-652,-605,-716,1251,1251,-607,-588,1251,1251,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1251,1251,-711,-712,1251,-718,1251,278,278,278,1251,1251,-940,278,-441,-443,-749,1251,-893,1251,-717,-1896,1251,1251,278,278,1251,-444,-514,-525,1251,-730,-735,1251,-737,1251,-742,1251,-664,-670,1251,-680,-682,-684,-685,-692,-695,-699,-747,1251,1251,-876,1251,1251,-880,1251,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1251,-814,1251,-816,-803,1251,-804,-807,1251,-818,-821,-823,-825,-827,1251,-828,1251,-811,1251,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,278,-284,278,1251,278,1251,-457,1251,1251,-731,1251,-738,1251,-743,1251,-665,-673,1251,1251,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1251,-838,-53,278,1251,-732,1251,-739,1251,-744,-666,1251,-875,-54,278,278,-733,-740,-745,1251,278,1251,-874,]),'FROM_UNIXTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[279,279,279,1252,-1896,279,279,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,279,279,279,279,-277,-278,1252,-1427,1252,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1252,1252,1252,-492,1252,1252,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1252,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1252,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1252,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,279,-174,-175,-176,-177,-995,279,279,279,279,279,279,279,279,279,279,1252,1252,1252,1252,1252,-292,-293,-283,279,1252,1252,1252,1252,-330,-320,-334,-335,-336,1252,1252,-984,-985,-986,-987,-988,-989,-990,279,279,1252,1252,1252,1252,1252,1252,1252,1252,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1252,1252,1252,-355,-358,279,-325,-326,-143,1252,-144,1252,-145,1252,-432,-937,-938,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1896,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1896,1252,-1896,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1896,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1896,279,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1252,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1252,279,279,-193,-194,279,-996,1252,279,279,279,279,-279,-280,-281,-282,-367,1252,-310,1252,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1252,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1252,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1252,1252,1252,1252,1252,1252,-575,1252,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1252,1252,-725,-726,-727,1252,1252,279,279,279,279,-996,279,1252,-93,-94,279,279,279,1252,-311,-312,-322,1252,-309,-295,-296,-297,1252,279,1252,1252,-620,-635,-592,1252,279,-438,279,-439,1252,-446,-447,-448,-380,-381,1252,1252,1252,-508,1252,1252,-512,1252,1252,1252,1252,-517,-518,-519,-520,1252,1252,-523,-524,1252,-526,-527,-528,-529,-530,-531,-532,-533,1252,-535,1252,1252,1252,-541,-543,-544,1252,-546,-547,-548,-549,1252,1252,1252,1252,1252,1252,-654,-655,-656,-657,279,-659,-660,-661,1252,1252,1252,-667,1252,1252,-671,-672,1252,1252,-675,1252,-677,-678,1252,-681,1252,-683,1252,1252,-686,-687,-688,1252,-690,1252,1252,-693,1252,1252,-696,-697,-698,1252,-700,-701,-702,-703,1252,1252,-748,1252,-751,-752,-753,-754,-755,1252,-757,-758,-759,-760,-761,1252,-768,-769,-771,1252,-773,-774,-775,-784,-858,-860,-862,-864,1252,1252,1252,1252,-870,1252,-872,1252,1252,1252,1252,1252,1252,1252,-908,-909,1252,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1252,-923,-926,1252,-936,1252,-387,-388,-389,1252,1252,-392,-393,-394,-395,1252,-398,1252,-401,-402,1252,-403,1252,-408,-409,1252,-412,-413,-414,1252,-417,1252,-418,1252,-423,-424,1252,-427,1252,-430,-431,-1896,-1896,1252,-621,-622,-623,-624,-625,-636,-586,-626,-799,1252,1252,1252,1252,1252,-833,1252,1252,-808,1252,-834,1252,1252,1252,1252,-800,1252,-855,-801,1252,1252,1252,1252,1252,1252,-856,-857,1252,-836,-832,-837,1252,-627,1252,-628,-629,-630,-631,-576,1252,1252,-632,-633,-634,1252,1252,1252,1252,1252,1252,-637,-638,-639,-594,-1896,-604,1252,-640,-641,-715,-642,-606,1252,-574,-579,-582,-585,1252,1252,1252,-600,-603,1252,-610,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1252,279,279,-997,279,1252,279,279,279,1252,-308,-327,-321,-298,-377,-454,-455,-456,-460,279,-445,1252,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1252,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,279,279,279,279,279,279,279,279,1252,-318,-537,-510,-593,-939,-941,-942,-440,1252,-442,-382,-383,-385,-509,-511,-513,1252,-515,-516,-521,-522,1252,-534,-536,-539,-540,-545,-550,-728,1252,-729,1252,-734,1252,-736,1252,-741,-658,-662,-663,1252,-668,1252,-669,1252,-674,-676,1252,-679,1252,1252,1252,-689,-691,1252,-694,1252,1252,-746,1252,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1252,1252,1252,1252,1252,-879,1252,-882,-910,-922,-927,-390,-391,1252,-396,1252,-399,1252,-404,1252,-405,1252,-410,1252,-415,1252,-419,1252,-420,1252,-425,1252,-428,-901,-902,-645,-587,-1896,-903,1252,1252,1252,-802,1252,1252,-806,1252,-809,-835,1252,-820,1252,-822,1252,-824,-810,1252,-826,1252,-853,-854,1252,1252,-813,1252,-648,-904,-906,-650,-651,-647,1252,-707,-708,1252,-644,-905,-649,-652,-605,-716,1252,1252,-607,-588,1252,1252,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1252,1252,-711,-712,1252,-718,1252,279,279,279,1252,1252,-940,279,-441,-443,-749,1252,-893,1252,-717,-1896,1252,1252,279,279,1252,-444,-514,-525,1252,-730,-735,1252,-737,1252,-742,1252,-664,-670,1252,-680,-682,-684,-685,-692,-695,-699,-747,1252,1252,-876,1252,1252,-880,1252,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1252,-814,1252,-816,-803,1252,-804,-807,1252,-818,-821,-823,-825,-827,1252,-828,1252,-811,1252,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,279,-284,279,1252,279,1252,-457,1252,1252,-731,1252,-738,1252,-743,1252,-665,-673,1252,1252,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1252,-838,-53,279,1252,-732,1252,-739,1252,-744,-666,1252,-875,-54,279,279,-733,-740,-745,1252,279,1252,-874,]),'FUNCTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[280,280,280,280,-1896,280,280,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,280,280,280,280,-277,-278,280,-1427,280,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,280,280,280,-492,280,280,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,280,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,280,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,280,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,280,-174,-175,-176,-177,-995,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-292,-293,-283,280,280,280,280,280,-330,-320,-334,-335,-336,280,280,-984,-985,-986,-987,-988,-989,-990,280,280,280,280,280,280,280,280,280,280,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,280,280,280,-355,-358,280,-325,-326,-143,280,-144,280,-145,280,-432,-937,-938,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-1896,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-1896,280,-1896,280,280,280,280,280,280,280,280,280,280,280,280,-1896,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-1896,280,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,280,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,280,280,280,-193,-194,280,-996,280,280,280,280,280,-279,-280,-281,-282,-367,280,-310,280,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,280,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,280,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,280,280,280,280,280,280,-575,280,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,280,280,-725,-726,-727,280,280,280,280,280,280,-996,280,280,-93,-94,280,280,280,280,-311,-312,-322,280,-309,-295,-296,-297,280,280,280,280,-620,-635,-592,280,280,-438,280,-439,280,-446,-447,-448,-380,-381,280,280,280,-508,280,280,-512,280,280,280,280,-517,-518,-519,-520,280,280,-523,-524,280,-526,-527,-528,-529,-530,-531,-532,-533,280,-535,280,280,280,-541,-543,-544,280,-546,-547,-548,-549,280,280,280,280,280,280,-654,-655,-656,-657,280,-659,-660,-661,280,280,280,-667,280,280,-671,-672,280,280,-675,280,-677,-678,280,-681,280,-683,280,280,-686,-687,-688,280,-690,280,280,-693,280,280,-696,-697,-698,280,-700,-701,-702,-703,280,280,-748,280,-751,-752,-753,-754,-755,280,-757,-758,-759,-760,-761,280,-768,-769,-771,280,-773,-774,-775,-784,-858,-860,-862,-864,280,280,280,280,-870,280,-872,280,280,280,280,280,280,280,-908,-909,280,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,280,-923,-926,280,-936,280,-387,-388,-389,280,280,-392,-393,-394,-395,280,-398,280,-401,-402,280,-403,280,-408,-409,280,-412,-413,-414,280,-417,280,-418,280,-423,-424,280,-427,280,-430,-431,-1896,-1896,280,-621,-622,-623,-624,-625,-636,-586,-626,-799,280,280,280,280,280,-833,280,280,-808,280,-834,280,280,280,280,-800,280,-855,-801,280,280,280,280,280,280,-856,-857,280,-836,-832,-837,280,-627,280,-628,-629,-630,-631,-576,280,280,-632,-633,-634,280,280,280,280,280,280,-637,-638,-639,-594,-1896,-604,280,-640,-641,-715,-642,-606,280,-574,-579,-582,-585,280,280,280,-600,-603,280,-610,280,280,280,280,280,280,280,280,280,280,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,280,280,280,-997,280,280,280,280,280,280,-308,-327,-321,-298,-377,-454,-455,-456,-460,280,-445,280,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,280,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,280,280,280,280,280,280,280,280,280,-318,-537,-510,-593,-939,-941,-942,-440,280,-442,-382,-383,-385,-509,-511,-513,280,-515,-516,-521,-522,280,-534,-536,-539,-540,-545,-550,-728,280,-729,280,-734,280,-736,280,-741,-658,-662,-663,280,-668,280,-669,280,-674,-676,280,-679,280,280,280,-689,-691,280,-694,280,280,-746,280,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,280,280,280,280,280,-879,280,-882,-910,-922,-927,-390,-391,280,-396,280,-399,280,-404,280,-405,280,-410,280,-415,280,-419,280,-420,280,-425,280,-428,-901,-902,-645,-587,-1896,-903,280,280,280,-802,280,280,-806,280,-809,-835,280,-820,280,-822,280,-824,-810,280,-826,280,-853,-854,280,280,-813,280,-648,-904,-906,-650,-651,-647,280,-707,-708,280,-644,-905,-649,-652,-605,-716,280,280,-607,-588,280,280,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,280,280,-711,-712,280,-718,280,280,280,280,280,280,-940,280,-441,-443,-749,280,-893,280,-717,-1896,280,280,280,280,280,-444,-514,-525,280,-730,-735,280,-737,280,-742,280,-664,-670,280,-680,-682,-684,-685,-692,-695,-699,-747,280,280,-876,280,280,-880,280,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,280,-814,280,-816,-803,280,-804,-807,280,-818,-821,-823,-825,-827,280,-828,280,-811,280,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,280,-284,280,280,280,280,-457,280,280,-731,280,-738,280,-743,280,-665,-673,280,280,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,280,-838,-53,280,280,-732,280,-739,280,-744,-666,280,-875,-54,280,280,-733,-740,-745,280,280,280,-874,]),'GENERAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[281,281,281,281,-1896,281,281,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,281,281,281,281,-277,-278,281,-1427,281,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,281,281,281,-492,281,281,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,281,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,281,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,281,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,281,-174,-175,-176,-177,-995,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-292,-293,-283,281,281,281,281,281,-330,-320,-334,-335,-336,281,281,-984,-985,-986,-987,-988,-989,-990,281,281,281,281,281,281,281,281,281,281,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,281,281,281,-355,-358,281,-325,-326,-143,281,-144,281,-145,281,-432,-937,-938,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-1896,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-1896,281,-1896,281,281,281,281,281,281,281,281,281,281,281,281,-1896,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-1896,281,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,281,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,281,281,281,-193,-194,281,-996,281,281,281,281,281,-279,-280,-281,-282,-367,281,-310,281,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,281,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,281,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,281,281,281,281,281,281,-575,281,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,281,281,-725,-726,-727,281,281,281,281,281,281,-996,281,281,-93,-94,281,281,281,281,-311,-312,-322,281,-309,-295,-296,-297,281,281,281,281,-620,-635,-592,281,281,-438,281,-439,281,-446,-447,-448,-380,-381,281,281,281,-508,281,281,-512,281,281,281,281,-517,-518,-519,-520,281,281,-523,-524,281,-526,-527,-528,-529,-530,-531,-532,-533,281,-535,281,281,281,-541,-543,-544,281,-546,-547,-548,-549,281,281,281,281,281,281,-654,-655,-656,-657,281,-659,-660,-661,281,281,281,-667,281,281,-671,-672,281,281,-675,281,-677,-678,281,-681,281,-683,281,281,-686,-687,-688,281,-690,281,281,-693,281,281,-696,-697,-698,281,-700,-701,-702,-703,281,281,-748,281,-751,-752,-753,-754,-755,281,-757,-758,-759,-760,-761,281,-768,-769,-771,281,-773,-774,-775,-784,-858,-860,-862,-864,281,281,281,281,-870,281,-872,281,281,281,281,281,281,281,-908,-909,281,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,281,-923,-926,281,-936,281,-387,-388,-389,281,281,-392,-393,-394,-395,281,-398,281,-401,-402,281,-403,281,-408,-409,281,-412,-413,-414,281,-417,281,-418,281,-423,-424,281,-427,281,-430,-431,-1896,-1896,281,-621,-622,-623,-624,-625,-636,-586,-626,-799,281,281,281,281,281,-833,281,281,-808,281,-834,281,281,281,281,-800,281,-855,-801,281,281,281,281,281,281,-856,-857,281,-836,-832,-837,281,-627,281,-628,-629,-630,-631,-576,281,281,-632,-633,-634,281,281,281,281,281,281,-637,-638,-639,-594,-1896,-604,281,-640,-641,-715,-642,-606,281,-574,-579,-582,-585,281,281,281,-600,-603,281,-610,281,281,281,281,281,281,281,281,281,281,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,281,281,281,-997,281,281,281,281,281,281,-308,-327,-321,-298,-377,-454,-455,-456,-460,281,-445,281,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,281,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,281,281,281,281,281,281,281,281,281,-318,-537,-510,-593,-939,-941,-942,-440,281,-442,-382,-383,-385,-509,-511,-513,281,-515,-516,-521,-522,281,-534,-536,-539,-540,-545,-550,-728,281,-729,281,-734,281,-736,281,-741,-658,-662,-663,281,-668,281,-669,281,-674,-676,281,-679,281,281,281,-689,-691,281,-694,281,281,-746,281,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,281,281,281,281,281,-879,281,-882,-910,-922,-927,-390,-391,281,-396,281,-399,281,-404,281,-405,281,-410,281,-415,281,-419,281,-420,281,-425,281,-428,-901,-902,-645,-587,-1896,-903,281,281,281,-802,281,281,-806,281,-809,-835,281,-820,281,-822,281,-824,-810,281,-826,281,-853,-854,281,281,-813,281,-648,-904,-906,-650,-651,-647,281,-707,-708,281,-644,-905,-649,-652,-605,-716,281,281,-607,-588,281,281,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,281,281,-711,-712,281,-718,281,281,281,281,281,281,-940,281,-441,-443,-749,281,-893,281,-717,-1896,281,281,281,281,281,-444,-514,-525,281,-730,-735,281,-737,281,-742,281,-664,-670,281,-680,-682,-684,-685,-692,-695,-699,-747,281,281,-876,281,281,-880,281,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,281,-814,281,-816,-803,281,-804,-807,281,-818,-821,-823,-825,-827,281,-828,281,-811,281,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,281,-284,281,281,281,281,-457,281,281,-731,281,-738,281,-743,281,-665,-673,281,281,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,281,-838,-53,281,281,-732,281,-739,281,-744,-666,281,-875,-54,281,281,-733,-740,-745,281,281,281,-874,]),'GEOMETRY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[282,282,282,282,-1896,282,282,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,282,282,282,282,-277,-278,282,-1427,282,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,282,282,282,-492,282,282,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,282,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,282,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,282,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,282,-174,-175,-176,-177,-995,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-292,-293,-283,282,282,282,282,282,-330,-320,-334,-335,-336,282,282,-984,-985,-986,-987,-988,-989,-990,282,282,282,282,282,282,282,282,282,282,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,282,282,282,-355,-358,282,-325,-326,-143,282,-144,282,-145,282,-432,-937,-938,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-1896,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-1896,282,-1896,282,282,282,282,282,282,282,282,282,282,282,282,-1896,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-1896,282,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,282,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,282,282,282,-193,-194,282,-996,282,282,282,282,282,-279,-280,-281,-282,-367,282,-310,282,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,282,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,282,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,282,282,282,282,282,282,-575,282,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,282,282,-725,-726,-727,282,282,282,282,282,282,-996,282,282,-93,-94,282,282,282,282,-311,-312,-322,282,-309,-295,-296,-297,282,282,282,282,-620,-635,-592,282,282,-438,282,-439,282,-446,-447,-448,-380,-381,282,282,282,-508,282,282,-512,282,282,282,282,-517,-518,-519,-520,282,282,-523,-524,282,-526,-527,-528,-529,-530,-531,-532,-533,282,-535,282,282,282,-541,-543,-544,282,-546,-547,-548,-549,282,282,282,282,282,282,-654,-655,-656,-657,282,-659,-660,-661,282,282,282,-667,282,282,-671,-672,282,282,-675,282,-677,-678,282,-681,282,-683,282,282,-686,-687,-688,282,-690,282,282,-693,282,282,-696,-697,-698,282,-700,-701,-702,-703,282,282,-748,282,-751,-752,-753,-754,-755,282,-757,-758,-759,-760,-761,282,-768,-769,-771,282,-773,-774,-775,-784,-858,-860,-862,-864,282,282,282,282,-870,282,-872,282,282,282,282,282,282,282,-908,-909,282,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,282,-923,-926,282,-936,282,-387,-388,-389,282,282,-392,-393,-394,-395,282,-398,282,-401,-402,282,-403,282,-408,-409,282,-412,-413,-414,282,-417,282,-418,282,-423,-424,282,-427,282,-430,-431,-1896,-1896,282,-621,-622,-623,-624,-625,-636,-586,-626,-799,282,282,282,282,282,-833,282,282,-808,282,-834,282,282,282,282,-800,282,-855,-801,282,282,282,282,282,282,-856,-857,282,-836,-832,-837,282,-627,282,-628,-629,-630,-631,-576,282,282,-632,-633,-634,282,282,282,282,282,282,-637,-638,-639,-594,-1896,-604,282,-640,-641,-715,-642,-606,282,-574,-579,-582,-585,282,282,282,-600,-603,282,-610,282,282,282,282,282,282,282,282,282,282,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,282,282,282,-997,282,282,282,282,282,282,-308,-327,-321,-298,-377,-454,-455,-456,-460,282,-445,282,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,282,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,282,282,282,282,282,282,282,282,282,-318,-537,-510,-593,-939,-941,-942,-440,282,-442,-382,-383,-385,-509,-511,-513,282,-515,-516,-521,-522,282,-534,-536,-539,-540,-545,-550,-728,282,-729,282,-734,282,-736,282,-741,-658,-662,-663,282,-668,282,-669,282,-674,-676,282,-679,282,282,282,-689,-691,282,-694,282,282,-746,282,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,282,282,282,282,282,-879,282,-882,-910,-922,-927,-390,-391,282,-396,282,-399,282,-404,282,-405,282,-410,282,-415,282,-419,282,-420,282,-425,282,-428,-901,-902,-645,-587,-1896,-903,282,282,282,-802,282,282,-806,282,-809,-835,282,-820,282,-822,282,-824,-810,282,-826,282,-853,-854,282,282,-813,282,-648,-904,-906,-650,-651,-647,282,-707,-708,282,-644,-905,-649,-652,-605,-716,282,282,-607,-588,282,282,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,282,282,-711,-712,282,-718,282,282,282,282,282,282,-940,282,-441,-443,-749,282,-893,282,-717,-1896,282,282,282,282,282,-444,-514,-525,282,-730,-735,282,-737,282,-742,282,-664,-670,282,-680,-682,-684,-685,-692,-695,-699,-747,282,282,-876,282,282,-880,282,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,282,-814,282,-816,-803,282,-804,-807,282,-818,-821,-823,-825,-827,282,-828,282,-811,282,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,282,-284,282,282,282,282,-457,282,282,-731,282,-738,282,-743,282,-665,-673,282,282,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,282,-838,-53,282,282,-732,282,-739,282,-744,-666,282,-875,-54,282,282,-733,-740,-745,282,282,282,-874,]),'GEOMETRYCOLLECTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[283,283,283,283,-1896,283,283,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,283,283,283,283,-277,-278,283,-1427,283,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,283,283,283,-492,283,283,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,283,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,283,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,283,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,283,-174,-175,-176,-177,-995,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-292,-293,-283,283,283,283,283,283,-330,-320,-334,-335,-336,283,283,-984,-985,-986,-987,-988,-989,-990,283,283,283,283,283,283,283,283,283,283,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,283,283,283,-355,-358,283,-325,-326,-143,283,-144,283,-145,283,-432,-937,-938,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-1896,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-1896,283,-1896,283,283,283,283,283,283,283,283,283,283,283,283,-1896,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-1896,283,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,283,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,283,283,283,-193,-194,283,-996,283,283,283,283,283,-279,-280,-281,-282,-367,283,-310,283,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,283,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,283,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,283,283,283,283,283,283,-575,283,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,283,283,-725,-726,-727,283,283,283,283,283,283,-996,283,283,-93,-94,283,283,283,283,-311,-312,-322,283,-309,-295,-296,-297,283,283,283,283,-620,-635,-592,283,283,-438,283,-439,283,-446,-447,-448,-380,-381,283,283,283,-508,283,283,-512,283,283,283,283,-517,-518,-519,-520,283,283,-523,-524,283,-526,-527,-528,-529,-530,-531,-532,-533,283,-535,283,283,283,-541,-543,-544,283,-546,-547,-548,-549,283,283,283,283,283,283,-654,-655,-656,-657,283,-659,-660,-661,283,283,283,-667,283,283,-671,-672,283,283,-675,283,-677,-678,283,-681,283,-683,283,283,-686,-687,-688,283,-690,283,283,-693,283,283,-696,-697,-698,283,-700,-701,-702,-703,283,283,-748,283,-751,-752,-753,-754,-755,283,-757,-758,-759,-760,-761,283,-768,-769,-771,283,-773,-774,-775,-784,-858,-860,-862,-864,283,283,283,283,-870,283,-872,283,283,283,283,283,283,283,-908,-909,283,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,283,-923,-926,283,-936,283,-387,-388,-389,283,283,-392,-393,-394,-395,283,-398,283,-401,-402,283,-403,283,-408,-409,283,-412,-413,-414,283,-417,283,-418,283,-423,-424,283,-427,283,-430,-431,-1896,-1896,283,-621,-622,-623,-624,-625,-636,-586,-626,-799,283,283,283,283,283,-833,283,283,-808,283,-834,283,283,283,283,-800,283,-855,-801,283,283,283,283,283,283,-856,-857,283,-836,-832,-837,283,-627,283,-628,-629,-630,-631,-576,283,283,-632,-633,-634,283,283,283,283,283,283,-637,-638,-639,-594,-1896,-604,283,-640,-641,-715,-642,-606,283,-574,-579,-582,-585,283,283,283,-600,-603,283,-610,283,283,283,283,283,283,283,283,283,283,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,283,283,283,-997,283,283,283,283,283,283,-308,-327,-321,-298,-377,-454,-455,-456,-460,283,-445,283,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,283,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,283,283,283,283,283,283,283,283,283,-318,-537,-510,-593,-939,-941,-942,-440,283,-442,-382,-383,-385,-509,-511,-513,283,-515,-516,-521,-522,283,-534,-536,-539,-540,-545,-550,-728,283,-729,283,-734,283,-736,283,-741,-658,-662,-663,283,-668,283,-669,283,-674,-676,283,-679,283,283,283,-689,-691,283,-694,283,283,-746,283,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,283,283,283,283,283,-879,283,-882,-910,-922,-927,-390,-391,283,-396,283,-399,283,-404,283,-405,283,-410,283,-415,283,-419,283,-420,283,-425,283,-428,-901,-902,-645,-587,-1896,-903,283,283,283,-802,283,283,-806,283,-809,-835,283,-820,283,-822,283,-824,-810,283,-826,283,-853,-854,283,283,-813,283,-648,-904,-906,-650,-651,-647,283,-707,-708,283,-644,-905,-649,-652,-605,-716,283,283,-607,-588,283,283,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,283,283,-711,-712,283,-718,283,283,283,283,283,283,-940,283,-441,-443,-749,283,-893,283,-717,-1896,283,283,283,283,283,-444,-514,-525,283,-730,-735,283,-737,283,-742,283,-664,-670,283,-680,-682,-684,-685,-692,-695,-699,-747,283,283,-876,283,283,-880,283,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,283,-814,283,-816,-803,283,-804,-807,283,-818,-821,-823,-825,-827,283,-828,283,-811,283,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,283,-284,283,283,283,283,-457,283,283,-731,283,-738,283,-743,283,-665,-673,283,283,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,283,-838,-53,283,283,-732,283,-739,283,-744,-666,283,-875,-54,283,283,-733,-740,-745,283,283,283,-874,]),'GET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[284,284,284,284,-1896,284,284,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,284,284,284,284,-277,-278,284,-1427,284,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,284,284,284,-492,284,284,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,284,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,284,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,284,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,284,-174,-175,-176,-177,-995,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-292,-293,-283,284,284,284,284,284,-330,-320,-334,-335,-336,284,284,-984,-985,-986,-987,-988,-989,-990,284,284,284,284,284,284,284,284,284,284,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,284,284,284,-355,-358,284,-325,-326,-143,284,-144,284,-145,284,-432,-937,-938,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-1896,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-1896,284,-1896,284,284,284,284,284,284,284,284,284,284,284,284,-1896,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-1896,284,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,284,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,284,284,284,-193,-194,284,-996,284,284,284,284,284,-279,-280,-281,-282,-367,284,-310,284,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,284,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,284,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,284,284,284,284,284,284,-575,284,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,284,284,-725,-726,-727,284,284,284,284,284,284,-996,284,284,-93,-94,284,284,284,284,-311,-312,-322,284,-309,-295,-296,-297,284,284,284,284,-620,-635,-592,284,284,-438,284,-439,284,-446,-447,-448,-380,-381,284,284,284,-508,284,284,-512,284,284,284,284,-517,-518,-519,-520,284,284,-523,-524,284,-526,-527,-528,-529,-530,-531,-532,-533,284,-535,284,284,284,-541,-543,-544,284,-546,-547,-548,-549,284,284,284,284,284,284,-654,-655,-656,-657,284,-659,-660,-661,284,284,284,-667,284,284,-671,-672,284,284,-675,284,-677,-678,284,-681,284,-683,284,284,-686,-687,-688,284,-690,284,284,-693,284,284,-696,-697,-698,284,-700,-701,-702,-703,284,284,-748,284,-751,-752,-753,-754,-755,284,-757,-758,-759,-760,-761,284,-768,-769,-771,284,-773,-774,-775,-784,-858,-860,-862,-864,284,284,284,284,-870,284,-872,284,284,284,284,284,284,284,-908,-909,284,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,284,-923,-926,284,-936,284,-387,-388,-389,284,284,-392,-393,-394,-395,284,-398,284,-401,-402,284,-403,284,-408,-409,284,-412,-413,-414,284,-417,284,-418,284,-423,-424,284,-427,284,-430,-431,-1896,-1896,284,-621,-622,-623,-624,-625,-636,-586,-626,-799,284,284,284,284,284,-833,284,284,-808,284,-834,284,284,284,284,-800,284,-855,-801,284,284,284,284,284,284,-856,-857,284,-836,-832,-837,284,-627,284,-628,-629,-630,-631,-576,284,284,-632,-633,-634,284,284,284,284,284,284,-637,-638,-639,-594,-1896,-604,284,-640,-641,-715,-642,-606,284,-574,-579,-582,-585,284,284,284,-600,-603,284,-610,284,284,284,284,284,284,284,284,284,284,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,284,284,284,-997,284,284,284,284,284,284,-308,-327,-321,-298,-377,-454,-455,-456,-460,284,-445,284,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,284,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,284,284,284,284,284,284,284,284,284,-318,-537,-510,-593,-939,-941,-942,-440,284,-442,-382,-383,-385,-509,-511,-513,284,-515,-516,-521,-522,284,-534,-536,-539,-540,-545,-550,-728,284,-729,284,-734,284,-736,284,-741,-658,-662,-663,284,-668,284,-669,284,-674,-676,284,-679,284,284,284,-689,-691,284,-694,284,284,-746,284,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,284,284,284,284,284,-879,284,-882,-910,-922,-927,-390,-391,284,-396,284,-399,284,-404,284,-405,284,-410,284,-415,284,-419,284,-420,284,-425,284,-428,-901,-902,-645,-587,-1896,-903,284,284,284,-802,284,284,-806,284,-809,-835,284,-820,284,-822,284,-824,-810,284,-826,284,-853,-854,284,284,-813,284,-648,-904,-906,-650,-651,-647,284,-707,-708,284,-644,-905,-649,-652,-605,-716,284,284,-607,-588,284,284,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,284,284,-711,-712,284,-718,284,284,284,284,284,284,-940,284,-441,-443,-749,284,-893,284,-717,-1896,284,284,284,284,284,-444,-514,-525,284,-730,-735,284,-737,284,-742,284,-664,-670,284,-680,-682,-684,-685,-692,-695,-699,-747,284,284,-876,284,284,-880,284,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,284,-814,284,-816,-803,284,-804,-807,284,-818,-821,-823,-825,-827,284,-828,284,-811,284,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,284,-284,284,284,284,284,-457,284,284,-731,284,-738,284,-743,284,-665,-673,284,284,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,284,-838,-53,284,284,-732,284,-739,284,-744,-666,284,-875,-54,284,284,-733,-740,-745,284,284,284,-874,]),'GET_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[285,285,285,1146,-1896,285,285,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,285,285,285,285,-277,-278,1146,-1427,1146,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1146,1146,1146,-492,1146,1146,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1146,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1146,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1870,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,285,-174,-175,-176,-177,-995,285,285,285,285,285,285,285,285,285,285,1146,1146,1146,1146,1146,-292,-293,-283,285,1146,1146,1146,1146,-330,-320,-334,-335,-336,1146,1146,-984,-985,-986,-987,-988,-989,-990,285,285,1146,1146,1146,1146,1146,1146,1146,1146,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1146,1146,1146,-355,-358,285,-325,-326,-143,1146,-144,1146,-145,1146,-432,-937,-938,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1896,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1896,1146,-1896,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1896,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1896,285,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1146,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1146,285,285,-193,-194,285,-996,1146,285,285,285,285,-279,-280,-281,-282,-367,1146,-310,1146,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1146,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1146,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1146,1146,1146,1146,1146,1146,-575,1146,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1146,1146,-725,-726,-727,1146,1870,285,285,285,285,-996,285,1146,-93,-94,285,285,285,1146,-311,-312,-322,1146,-309,-295,-296,-297,1146,285,1146,1146,-620,-635,-592,1146,285,-438,285,-439,1146,-446,-447,-448,-380,-381,1146,1146,1146,-508,1146,1146,-512,1146,1146,1146,1146,-517,-518,-519,-520,1146,1146,-523,-524,1146,-526,-527,-528,-529,-530,-531,-532,-533,1146,-535,1146,1146,1146,-541,-543,-544,1146,-546,-547,-548,-549,1146,1146,1146,1146,1146,1146,-654,-655,-656,-657,285,-659,-660,-661,1146,1146,1146,-667,1146,1146,-671,-672,1146,1146,-675,1146,-677,-678,1146,-681,1146,-683,1146,1146,-686,-687,-688,1146,-690,1146,1146,-693,1146,1146,-696,-697,-698,1146,-700,-701,-702,-703,1146,1146,-748,1146,-751,-752,-753,-754,-755,1146,-757,-758,-759,-760,-761,1146,-768,-769,-771,1146,-773,-774,-775,-784,-858,-860,-862,-864,1146,1146,1146,1146,-870,1146,-872,1146,1146,1146,1146,1146,1146,1146,-908,-909,1146,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1146,-923,-926,1146,-936,1146,-387,-388,-389,1146,1146,-392,-393,-394,-395,1146,-398,1146,-401,-402,1146,-403,1146,-408,-409,1146,-412,-413,-414,1146,-417,1146,-418,1146,-423,-424,1146,-427,1146,-430,-431,-1896,-1896,1146,-621,-622,-623,-624,-625,-636,-586,-626,-799,1146,1146,1146,1146,1146,-833,1146,1146,-808,1146,-834,1146,1146,1146,1146,-800,1146,-855,-801,1146,1146,1146,1146,1146,1146,-856,-857,1146,-836,-832,-837,1146,-627,1146,-628,-629,-630,-631,-576,1146,1146,-632,-633,-634,1146,1146,1146,1146,1146,1146,-637,-638,-639,-594,-1896,-604,1146,-640,-641,-715,-642,-606,1146,-574,-579,-582,-585,1146,1146,1146,-600,-603,1146,-610,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1146,285,285,-997,285,1146,285,285,285,1146,-308,-327,-321,-298,-377,-454,-455,-456,-460,285,-445,1146,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1146,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,285,285,285,285,285,285,285,285,1146,-318,-537,-510,-593,-939,-941,-942,-440,1146,-442,-382,-383,-385,-509,-511,-513,1146,-515,-516,-521,-522,1146,-534,-536,-539,-540,-545,-550,-728,1146,-729,1146,-734,1146,-736,1146,-741,-658,-662,-663,1146,-668,1146,-669,1146,-674,-676,1146,-679,1146,1146,1146,-689,-691,1146,-694,1146,1146,-746,1146,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1146,1146,1146,1146,1146,-879,1146,-882,-910,-922,-927,-390,-391,1146,-396,1146,-399,1146,-404,1146,-405,1146,-410,1146,-415,1146,-419,1146,-420,1146,-425,1146,-428,-901,-902,-645,-587,-1896,-903,1146,1146,1146,-802,1146,1146,-806,1146,-809,-835,1146,-820,1146,-822,1146,-824,-810,1146,-826,1146,-853,-854,1146,1146,-813,1146,-648,-904,-906,-650,-651,-647,1146,-707,-708,1146,-644,-905,-649,-652,-605,-716,1146,1146,-607,-588,1146,1146,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1146,1146,-711,-712,1146,-718,1146,285,285,285,1146,1146,-940,285,-441,-443,-749,1146,-893,1870,-717,-1896,1146,1146,285,285,1146,-444,-514,-525,1146,-730,-735,1146,-737,1146,-742,1146,-664,-670,1146,-680,-682,-684,-685,-692,-695,-699,-747,1146,1146,-876,1146,1146,-880,1146,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1146,-814,1146,-816,-803,1146,-804,-807,1146,-818,-821,-823,-825,-827,1146,-828,1146,-811,1146,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,285,-284,285,1146,285,1146,-457,1146,1146,-731,1146,-738,1146,-743,1146,-665,-673,1146,1146,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1146,-838,-53,285,1146,-732,1146,-739,1146,-744,-666,1146,-875,-54,285,285,-733,-740,-745,1146,285,1146,-874,]),'GLOBAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[286,286,286,286,-1896,286,286,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,286,286,286,286,-277,-278,286,-1427,286,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,286,286,286,-492,286,286,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,286,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,286,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,286,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,286,-174,-175,-176,-177,-995,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-292,-293,-283,286,286,286,286,286,-330,-320,-334,-335,-336,286,286,-984,-985,-986,-987,-988,-989,-990,286,286,286,286,286,286,286,286,286,286,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,286,286,286,-355,-358,286,-325,-326,-143,286,-144,286,-145,286,-432,-937,-938,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-1896,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-1896,286,-1896,286,286,286,286,286,286,286,286,286,286,286,286,-1896,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-1896,286,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,286,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,286,286,286,-193,-194,286,-996,286,286,286,286,286,-279,-280,-281,-282,-367,286,-310,286,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,286,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,286,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,286,286,286,286,286,286,-575,286,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,286,286,-725,-726,-727,286,286,286,286,286,286,-996,286,286,-93,-94,286,286,286,286,-311,-312,-322,286,-309,-295,-296,-297,286,286,286,286,-620,-635,-592,286,286,-438,286,-439,286,-446,-447,-448,-380,-381,286,286,286,-508,286,286,-512,286,286,286,286,-517,-518,-519,-520,286,286,-523,-524,286,-526,-527,-528,-529,-530,-531,-532,-533,286,-535,286,286,286,-541,-543,-544,286,-546,-547,-548,-549,286,286,286,286,286,286,-654,-655,-656,-657,286,-659,-660,-661,286,286,286,-667,286,286,-671,-672,286,286,-675,286,-677,-678,286,-681,286,-683,286,286,-686,-687,-688,286,-690,286,286,-693,286,286,-696,-697,-698,286,-700,-701,-702,-703,286,286,-748,286,-751,-752,-753,-754,-755,286,-757,-758,-759,-760,-761,286,-768,-769,-771,286,-773,-774,-775,-784,-858,-860,-862,-864,286,286,286,286,-870,286,-872,286,286,286,286,286,286,286,-908,-909,286,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,286,-923,-926,286,-936,286,-387,-388,-389,286,286,-392,-393,-394,-395,286,-398,286,-401,-402,286,-403,286,-408,-409,286,-412,-413,-414,286,-417,286,-418,286,-423,-424,286,-427,286,-430,-431,-1896,-1896,286,-621,-622,-623,-624,-625,-636,-586,-626,-799,286,286,286,286,286,-833,286,286,-808,286,-834,286,286,286,286,-800,286,-855,-801,286,286,286,286,286,286,-856,-857,286,-836,-832,-837,286,-627,286,-628,-629,-630,-631,-576,286,286,-632,-633,-634,286,286,286,286,286,286,-637,-638,-639,-594,-1896,-604,286,-640,-641,-715,-642,-606,286,-574,-579,-582,-585,286,286,286,-600,-603,286,-610,286,286,286,286,286,286,286,286,286,286,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,286,286,286,-997,286,286,286,286,286,286,-308,-327,-321,-298,-377,-454,-455,-456,-460,286,-445,286,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,286,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,286,286,286,286,286,286,286,286,286,-318,-537,-510,-593,-939,-941,-942,-440,286,-442,-382,-383,-385,-509,-511,-513,286,-515,-516,-521,-522,286,-534,-536,-539,-540,-545,-550,-728,286,-729,286,-734,286,-736,286,-741,-658,-662,-663,286,-668,286,-669,286,-674,-676,286,-679,286,286,286,-689,-691,286,-694,286,286,-746,286,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,286,286,286,286,286,-879,286,-882,-910,-922,-927,-390,-391,286,-396,286,-399,286,-404,286,-405,286,-410,286,-415,286,-419,286,-420,286,-425,286,-428,-901,-902,-645,-587,-1896,-903,286,286,286,-802,286,286,-806,286,-809,-835,286,-820,286,-822,286,-824,-810,286,-826,286,-853,-854,286,286,-813,286,-648,-904,-906,-650,-651,-647,286,-707,-708,286,-644,-905,-649,-652,-605,-716,286,286,-607,-588,286,286,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,286,286,-711,-712,286,-718,286,286,286,286,286,286,-940,286,-441,-443,-749,286,-893,286,-717,-1896,286,286,286,286,286,-444,-514,-525,286,-730,-735,286,-737,286,-742,286,-664,-670,286,-680,-682,-684,-685,-692,-695,-699,-747,286,286,-876,286,286,-880,286,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,286,-814,286,-816,-803,286,-804,-807,286,-818,-821,-823,-825,-827,286,-828,286,-811,286,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,286,-284,286,286,286,286,-457,286,286,-731,286,-738,286,-743,286,-665,-673,286,286,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,286,-838,-53,286,286,-732,286,-739,286,-744,-666,286,-875,-54,286,286,-733,-740,-745,286,286,286,-874,]),'GLOBAL_ALIAS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[287,287,287,287,-1896,287,287,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,287,287,287,287,-277,-278,287,-1427,287,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,287,287,287,-492,287,287,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,287,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,287,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,287,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,287,-174,-175,-176,-177,-995,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-292,-293,-283,287,287,287,287,287,-330,-320,-334,-335,-336,287,287,-984,-985,-986,-987,-988,-989,-990,287,287,287,287,287,287,287,287,287,287,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,287,287,287,-355,-358,287,-325,-326,-143,287,-144,287,-145,287,-432,-937,-938,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-1896,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-1896,287,-1896,287,287,287,287,287,287,287,287,287,287,287,287,-1896,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-1896,287,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,287,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,287,287,287,-193,-194,287,-996,287,287,287,287,287,-279,-280,-281,-282,-367,287,-310,287,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,287,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,287,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,287,287,287,287,287,287,-575,287,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,287,287,-725,-726,-727,287,287,287,287,287,287,-996,287,287,-93,-94,287,287,287,287,-311,-312,-322,287,-309,-295,-296,-297,287,287,287,287,-620,-635,-592,287,287,-438,287,-439,287,-446,-447,-448,-380,-381,287,287,287,-508,287,287,-512,287,287,287,287,-517,-518,-519,-520,287,287,-523,-524,287,-526,-527,-528,-529,-530,-531,-532,-533,287,-535,287,287,287,-541,-543,-544,287,-546,-547,-548,-549,287,287,287,287,287,287,-654,-655,-656,-657,287,-659,-660,-661,287,287,287,-667,287,287,-671,-672,287,287,-675,287,-677,-678,287,-681,287,-683,287,287,-686,-687,-688,287,-690,287,287,-693,287,287,-696,-697,-698,287,-700,-701,-702,-703,287,287,-748,287,-751,-752,-753,-754,-755,287,-757,-758,-759,-760,-761,287,-768,-769,-771,287,-773,-774,-775,-784,-858,-860,-862,-864,287,287,287,287,-870,287,-872,287,287,287,287,287,287,287,-908,-909,287,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,287,-923,-926,287,-936,287,-387,-388,-389,287,287,-392,-393,-394,-395,287,-398,287,-401,-402,287,-403,287,-408,-409,287,-412,-413,-414,287,-417,287,-418,287,-423,-424,287,-427,287,-430,-431,-1896,-1896,287,-621,-622,-623,-624,-625,-636,-586,-626,-799,287,287,287,287,287,-833,287,287,-808,287,-834,287,287,287,287,-800,287,-855,-801,287,287,287,287,287,287,-856,-857,287,-836,-832,-837,287,-627,287,-628,-629,-630,-631,-576,287,287,-632,-633,-634,287,287,287,287,287,287,-637,-638,-639,-594,-1896,-604,287,-640,-641,-715,-642,-606,287,-574,-579,-582,-585,287,287,287,-600,-603,287,-610,287,287,287,287,287,287,287,287,287,287,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,287,287,287,-997,287,287,287,287,287,287,-308,-327,-321,-298,-377,-454,-455,-456,-460,287,-445,287,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,287,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,287,287,287,287,287,287,287,287,287,-318,-537,-510,-593,-939,-941,-942,-440,287,-442,-382,-383,-385,-509,-511,-513,287,-515,-516,-521,-522,287,-534,-536,-539,-540,-545,-550,-728,287,-729,287,-734,287,-736,287,-741,-658,-662,-663,287,-668,287,-669,287,-674,-676,287,-679,287,287,287,-689,-691,287,-694,287,287,-746,287,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,287,287,287,287,287,-879,287,-882,-910,-922,-927,-390,-391,287,-396,287,-399,287,-404,287,-405,287,-410,287,-415,287,-419,287,-420,287,-425,287,-428,-901,-902,-645,-587,-1896,-903,287,287,287,-802,287,287,-806,287,-809,-835,287,-820,287,-822,287,-824,-810,287,-826,287,-853,-854,287,287,-813,287,-648,-904,-906,-650,-651,-647,287,-707,-708,287,-644,-905,-649,-652,-605,-716,287,287,-607,-588,287,287,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,287,287,-711,-712,287,-718,287,287,287,287,287,287,-940,287,-441,-443,-749,287,-893,287,-717,-1896,287,287,287,287,287,-444,-514,-525,287,-730,-735,287,-737,287,-742,287,-664,-670,287,-680,-682,-684,-685,-692,-695,-699,-747,287,287,-876,287,287,-880,287,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,287,-814,287,-816,-803,287,-804,-807,287,-818,-821,-823,-825,-827,287,-828,287,-811,287,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,287,-284,287,287,287,287,-457,287,287,-731,287,-738,287,-743,287,-665,-673,287,287,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,287,-838,-53,287,287,-732,287,-739,287,-744,-666,287,-875,-54,287,287,-733,-740,-745,287,287,287,-874,]),'GLOBAL_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[288,288,288,288,-1896,288,288,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,288,288,288,288,-277,-278,288,-1427,288,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,288,288,288,-492,288,288,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,288,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,288,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,288,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,288,-174,-175,-176,-177,-995,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-292,-293,-283,288,288,288,288,288,-330,-320,-334,-335,-336,288,288,-984,-985,-986,-987,-988,-989,-990,288,288,288,288,288,288,288,288,288,288,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,288,288,288,-355,-358,288,-325,-326,-143,288,-144,288,-145,288,-432,-937,-938,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-1896,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-1896,288,-1896,288,288,288,288,288,288,288,288,288,288,288,288,-1896,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-1896,288,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,288,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,288,288,288,-193,-194,288,-996,288,288,288,288,288,-279,-280,-281,-282,-367,288,-310,288,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,288,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,288,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,288,288,288,288,288,288,-575,288,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,288,288,-725,-726,-727,288,288,288,288,288,288,-996,288,288,-93,-94,288,288,288,288,-311,-312,-322,288,-309,-295,-296,-297,288,288,288,288,-620,-635,-592,288,288,-438,288,-439,288,-446,-447,-448,-380,-381,288,288,288,-508,288,288,-512,288,288,288,288,-517,-518,-519,-520,288,288,-523,-524,288,-526,-527,-528,-529,-530,-531,-532,-533,288,-535,288,288,288,-541,-543,-544,288,-546,-547,-548,-549,288,288,288,288,288,288,-654,-655,-656,-657,288,-659,-660,-661,288,288,288,-667,288,288,-671,-672,288,288,-675,288,-677,-678,288,-681,288,-683,288,288,-686,-687,-688,288,-690,288,288,-693,288,288,-696,-697,-698,288,-700,-701,-702,-703,288,288,-748,288,-751,-752,-753,-754,-755,288,-757,-758,-759,-760,-761,288,-768,-769,-771,288,-773,-774,-775,-784,-858,-860,-862,-864,288,288,288,288,-870,288,-872,288,288,288,288,288,288,288,-908,-909,288,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,288,-923,-926,288,-936,288,-387,-388,-389,288,288,-392,-393,-394,-395,288,-398,288,-401,-402,288,-403,288,-408,-409,288,-412,-413,-414,288,-417,288,-418,288,-423,-424,288,-427,288,-430,-431,-1896,-1896,288,-621,-622,-623,-624,-625,-636,-586,-626,-799,288,288,288,288,288,-833,288,288,-808,288,-834,288,288,288,288,-800,288,-855,-801,288,288,288,288,288,288,-856,-857,288,-836,-832,-837,288,-627,288,-628,-629,-630,-631,-576,288,288,-632,-633,-634,288,288,288,288,288,288,-637,-638,-639,-594,-1896,-604,288,-640,-641,-715,-642,-606,288,-574,-579,-582,-585,288,288,288,-600,-603,288,-610,288,288,288,288,288,288,288,288,288,288,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,288,288,288,-997,288,288,288,288,288,288,-308,-327,-321,-298,-377,-454,-455,-456,-460,288,-445,288,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,288,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,288,288,288,288,288,288,288,288,288,-318,-537,-510,-593,-939,-941,-942,-440,288,-442,-382,-383,-385,-509,-511,-513,288,-515,-516,-521,-522,288,-534,-536,-539,-540,-545,-550,-728,288,-729,288,-734,288,-736,288,-741,-658,-662,-663,288,-668,288,-669,288,-674,-676,288,-679,288,288,288,-689,-691,288,-694,288,288,-746,288,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,288,288,288,288,288,-879,288,-882,-910,-922,-927,-390,-391,288,-396,288,-399,288,-404,288,-405,288,-410,288,-415,288,-419,288,-420,288,-425,288,-428,-901,-902,-645,-587,-1896,-903,288,288,288,-802,288,288,-806,288,-809,-835,288,-820,288,-822,288,-824,-810,288,-826,288,-853,-854,288,288,-813,288,-648,-904,-906,-650,-651,-647,288,-707,-708,288,-644,-905,-649,-652,-605,-716,288,288,-607,-588,288,288,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,288,288,-711,-712,288,-718,288,288,288,288,288,288,-940,288,-441,-443,-749,288,-893,288,-717,-1896,288,288,288,288,288,-444,-514,-525,288,-730,-735,288,-737,288,-742,288,-664,-670,288,-680,-682,-684,-685,-692,-695,-699,-747,288,288,-876,288,288,-880,288,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,288,-814,288,-816,-803,288,-804,-807,288,-818,-821,-823,-825,-827,288,-828,288,-811,288,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,288,-284,288,288,288,288,-457,288,288,-731,288,-738,288,-743,288,-665,-673,288,288,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,288,-838,-53,288,288,-732,288,-739,288,-744,-666,288,-875,-54,288,288,-733,-740,-745,288,288,288,-874,]),'GRANTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[289,289,289,289,-1896,289,289,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,289,289,289,289,-277,-278,289,-1427,289,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,289,289,289,-492,289,289,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,289,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,289,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,289,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,289,-174,-175,-176,-177,-995,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-292,-293,-283,289,289,289,289,289,-330,-320,-334,-335,-336,289,289,-984,-985,-986,-987,-988,-989,-990,289,289,289,289,289,289,289,289,289,289,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,289,289,289,-355,-358,289,-325,-326,-143,289,-144,289,-145,289,-432,-937,-938,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-1896,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-1896,289,-1896,289,289,289,289,289,289,289,289,289,289,289,289,-1896,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-1896,289,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,289,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,289,289,289,-193,-194,289,-996,289,289,289,289,289,-279,-280,-281,-282,-367,289,-310,289,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,289,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,289,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,289,289,289,289,289,289,-575,289,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,289,289,-725,-726,-727,289,289,289,289,289,289,-996,289,289,-93,-94,289,289,289,289,-311,-312,-322,289,-309,-295,-296,-297,289,289,289,289,-620,-635,-592,289,289,-438,289,-439,289,-446,-447,-448,-380,-381,289,289,289,-508,289,289,-512,289,289,289,289,-517,-518,-519,-520,289,289,-523,-524,289,-526,-527,-528,-529,-530,-531,-532,-533,289,-535,289,289,289,-541,-543,-544,289,-546,-547,-548,-549,289,289,289,289,289,289,-654,-655,-656,-657,289,-659,-660,-661,289,289,289,-667,289,289,-671,-672,289,289,-675,289,-677,-678,289,-681,289,-683,289,289,-686,-687,-688,289,-690,289,289,-693,289,289,-696,-697,-698,289,-700,-701,-702,-703,289,289,-748,289,-751,-752,-753,-754,-755,289,-757,-758,-759,-760,-761,289,-768,-769,-771,289,-773,-774,-775,-784,-858,-860,-862,-864,289,289,289,289,-870,289,-872,289,289,289,289,289,289,289,-908,-909,289,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,289,-923,-926,289,-936,289,-387,-388,-389,289,289,-392,-393,-394,-395,289,-398,289,-401,-402,289,-403,289,-408,-409,289,-412,-413,-414,289,-417,289,-418,289,-423,-424,289,-427,289,-430,-431,-1896,-1896,289,-621,-622,-623,-624,-625,-636,-586,-626,-799,289,289,289,289,289,-833,289,289,-808,289,-834,289,289,289,289,-800,289,-855,-801,289,289,289,289,289,289,-856,-857,289,-836,-832,-837,289,-627,289,-628,-629,-630,-631,-576,289,289,-632,-633,-634,289,289,289,289,289,289,-637,-638,-639,-594,-1896,-604,289,-640,-641,-715,-642,-606,289,-574,-579,-582,-585,289,289,289,-600,-603,289,-610,289,289,289,289,289,289,289,289,289,289,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,289,289,289,-997,289,289,289,289,289,289,-308,-327,-321,-298,-377,-454,-455,-456,-460,289,-445,289,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,289,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,289,289,289,289,289,289,289,289,289,-318,-537,-510,-593,-939,-941,-942,-440,289,-442,-382,-383,-385,-509,-511,-513,289,-515,-516,-521,-522,289,-534,-536,-539,-540,-545,-550,-728,289,-729,289,-734,289,-736,289,-741,-658,-662,-663,289,-668,289,-669,289,-674,-676,289,-679,289,289,289,-689,-691,289,-694,289,289,-746,289,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,289,289,289,289,289,-879,289,-882,-910,-922,-927,-390,-391,289,-396,289,-399,289,-404,289,-405,289,-410,289,-415,289,-419,289,-420,289,-425,289,-428,-901,-902,-645,-587,-1896,-903,289,289,289,-802,289,289,-806,289,-809,-835,289,-820,289,-822,289,-824,-810,289,-826,289,-853,-854,289,289,-813,289,-648,-904,-906,-650,-651,-647,289,-707,-708,289,-644,-905,-649,-652,-605,-716,289,289,-607,-588,289,289,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,289,289,-711,-712,289,-718,289,289,289,289,289,289,-940,289,-441,-443,-749,289,-893,289,-717,-1896,289,289,289,289,289,-444,-514,-525,289,-730,-735,289,-737,289,-742,289,-664,-670,289,-680,-682,-684,-685,-692,-695,-699,-747,289,289,-876,289,289,-880,289,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,289,-814,289,-816,-803,289,-804,-807,289,-818,-821,-823,-825,-827,289,-828,289,-811,289,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,289,-284,289,289,289,289,-457,289,289,-731,289,-738,289,-743,289,-665,-673,289,289,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,289,-838,-53,289,289,-732,289,-739,289,-744,-666,289,-875,-54,289,289,-733,-740,-745,289,289,289,-874,]),'GREATEST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[290,290,290,1043,-1896,290,290,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,290,290,290,290,-277,-278,1043,-1427,1043,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1043,1043,1043,-492,1043,1043,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1043,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1043,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1871,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,290,-174,-175,-176,-177,-995,290,290,290,290,290,290,290,290,290,290,1043,1043,1043,1043,1043,-292,-293,-283,290,1043,1043,1043,1043,-330,-320,-334,-335,-336,1043,1043,-984,-985,-986,-987,-988,-989,-990,290,290,1043,1043,1043,1043,1043,1043,1043,1043,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1043,1043,1043,-355,-358,290,-325,-326,-143,1043,-144,1043,-145,1043,-432,-937,-938,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1896,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1896,1043,-1896,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1896,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1896,290,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1043,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1043,290,290,-193,-194,290,-996,1043,290,290,290,290,-279,-280,-281,-282,-367,1043,-310,1043,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1043,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1043,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1043,1043,1043,1043,1043,1043,-575,1043,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1043,1043,-725,-726,-727,1043,1871,290,290,290,290,-996,290,1043,-93,-94,290,290,290,1043,-311,-312,-322,1043,-309,-295,-296,-297,1043,290,1043,1043,-620,-635,-592,1043,290,-438,290,-439,1043,-446,-447,-448,-380,-381,1043,1043,1043,-508,1043,1043,-512,1043,1043,1043,1043,-517,-518,-519,-520,1043,1043,-523,-524,1043,-526,-527,-528,-529,-530,-531,-532,-533,1043,-535,1043,1043,1043,-541,-543,-544,1043,-546,-547,-548,-549,1043,1043,1043,1043,1043,1043,-654,-655,-656,-657,290,-659,-660,-661,1043,1043,1043,-667,1043,1043,-671,-672,1043,1043,-675,1043,-677,-678,1043,-681,1043,-683,1043,1043,-686,-687,-688,1043,-690,1043,1043,-693,1043,1043,-696,-697,-698,1043,-700,-701,-702,-703,1043,1043,-748,1043,-751,-752,-753,-754,-755,1043,-757,-758,-759,-760,-761,1043,-768,-769,-771,1043,-773,-774,-775,-784,-858,-860,-862,-864,1043,1043,1043,1043,-870,1043,-872,1043,1043,1043,1043,1043,1043,1043,-908,-909,1043,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1043,-923,-926,1043,-936,1043,-387,-388,-389,1043,1043,-392,-393,-394,-395,1043,-398,1043,-401,-402,1043,-403,1043,-408,-409,1043,-412,-413,-414,1043,-417,1043,-418,1043,-423,-424,1043,-427,1043,-430,-431,-1896,-1896,1043,-621,-622,-623,-624,-625,-636,-586,-626,-799,1043,1043,1043,1043,1043,-833,1043,1043,-808,1043,-834,1043,1043,1043,1043,-800,1043,-855,-801,1043,1043,1043,1043,1043,1043,-856,-857,1043,-836,-832,-837,1043,-627,1043,-628,-629,-630,-631,-576,1043,1043,-632,-633,-634,1043,1043,1043,1043,1043,1043,-637,-638,-639,-594,-1896,-604,1043,-640,-641,-715,-642,-606,1043,-574,-579,-582,-585,1043,1043,1043,-600,-603,1043,-610,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1043,290,290,-997,290,1043,290,290,290,1043,-308,-327,-321,-298,-377,-454,-455,-456,-460,290,-445,1043,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1043,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,290,290,290,290,290,290,290,290,1043,-318,-537,-510,-593,-939,-941,-942,-440,1043,-442,-382,-383,-385,-509,-511,-513,1043,-515,-516,-521,-522,1043,-534,-536,-539,-540,-545,-550,-728,1043,-729,1043,-734,1043,-736,1043,-741,-658,-662,-663,1043,-668,1043,-669,1043,-674,-676,1043,-679,1043,1043,1043,-689,-691,1043,-694,1043,1043,-746,1043,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1043,1043,1043,1043,1043,-879,1043,-882,-910,-922,-927,-390,-391,1043,-396,1043,-399,1043,-404,1043,-405,1043,-410,1043,-415,1043,-419,1043,-420,1043,-425,1043,-428,-901,-902,-645,-587,-1896,-903,1043,1043,1043,-802,1043,1043,-806,1043,-809,-835,1043,-820,1043,-822,1043,-824,-810,1043,-826,1043,-853,-854,1043,1043,-813,1043,-648,-904,-906,-650,-651,-647,1043,-707,-708,1043,-644,-905,-649,-652,-605,-716,1043,1043,-607,-588,1043,1043,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1043,1043,-711,-712,1043,-718,1043,290,290,290,1043,1043,-940,290,-441,-443,-749,1043,-893,1871,-717,-1896,1043,1043,290,290,1043,-444,-514,-525,1043,-730,-735,1043,-737,1043,-742,1043,-664,-670,1043,-680,-682,-684,-685,-692,-695,-699,-747,1043,1043,-876,1043,1043,-880,1043,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1043,-814,1043,-816,-803,1043,-804,-807,1043,-818,-821,-823,-825,-827,1043,-828,1043,-811,1043,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,290,-284,290,1043,290,1043,-457,1043,1043,-731,1043,-738,1043,-743,1043,-665,-673,1043,1043,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1043,-838,-53,290,1043,-732,1043,-739,1043,-744,-666,1043,-875,-54,290,290,-733,-740,-745,1043,290,1043,-874,]),'GROUPING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[291,291,291,1203,-1896,291,291,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,291,291,291,291,-277,-278,1203,-1427,1203,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1203,1203,1203,-492,1203,1203,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1203,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1203,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1872,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,291,-174,-175,-176,-177,-995,291,291,291,291,291,291,291,291,291,291,1203,1203,1203,1203,1203,-292,-293,-283,291,1203,1203,1203,1203,-330,-320,-334,-335,-336,1203,1203,-984,-985,-986,-987,-988,-989,-990,291,291,1203,1203,1203,1203,1203,1203,1203,1203,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1203,1203,1203,-355,-358,291,-325,-326,-143,1203,-144,1203,-145,1203,-432,-937,-938,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1896,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1896,1203,-1896,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1896,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1896,291,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1203,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1203,291,291,-193,-194,291,-996,1203,291,291,291,291,-279,-280,-281,-282,-367,1203,-310,1203,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1203,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1203,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1203,1203,1203,1203,1203,1203,-575,1203,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1203,1203,-725,-726,-727,1203,1872,291,291,291,291,-996,291,1203,-93,-94,291,291,291,1203,-311,-312,-322,1203,-309,-295,-296,-297,1203,291,1203,1203,-620,-635,-592,1203,291,-438,291,-439,1203,-446,-447,-448,-380,-381,1203,1203,1203,-508,1203,1203,-512,1203,1203,1203,1203,-517,-518,-519,-520,1203,1203,-523,-524,1203,-526,-527,-528,-529,-530,-531,-532,-533,1203,-535,1203,1203,1203,-541,-543,-544,1203,-546,-547,-548,-549,1203,1203,1203,1203,1203,1203,-654,-655,-656,-657,291,-659,-660,-661,1203,1203,1203,-667,1203,1203,-671,-672,1203,1203,-675,1203,-677,-678,1203,-681,1203,-683,1203,1203,-686,-687,-688,1203,-690,1203,1203,-693,1203,1203,-696,-697,-698,1203,-700,-701,-702,-703,1203,1203,-748,1203,-751,-752,-753,-754,-755,1203,-757,-758,-759,-760,-761,1203,-768,-769,-771,1203,-773,-774,-775,-784,-858,-860,-862,-864,1203,1203,1203,1203,-870,1203,-872,1203,1203,1203,1203,1203,1203,1203,-908,-909,1203,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1203,-923,-926,1203,-936,1203,-387,-388,-389,1203,1203,-392,-393,-394,-395,1203,-398,1203,-401,-402,1203,-403,1203,-408,-409,1203,-412,-413,-414,1203,-417,1203,-418,1203,-423,-424,1203,-427,1203,-430,-431,-1896,-1896,1203,-621,-622,-623,-624,-625,-636,-586,-626,-799,1203,1203,1203,1203,1203,-833,1203,1203,-808,1203,-834,1203,1203,1203,1203,-800,1203,-855,-801,1203,1203,1203,1203,1203,1203,-856,-857,1203,-836,-832,-837,1203,-627,1203,-628,-629,-630,-631,-576,1203,1203,-632,-633,-634,1203,1203,1203,1203,1203,1203,-637,-638,-639,-594,-1896,-604,1203,-640,-641,-715,-642,-606,1203,-574,-579,-582,-585,1203,1203,1203,-600,-603,1203,-610,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1203,291,291,-997,291,1203,291,291,291,1203,-308,-327,-321,-298,-377,-454,-455,-456,-460,291,-445,1203,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1203,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,291,291,291,291,291,291,291,291,1203,-318,-537,-510,-593,-939,-941,-942,-440,1203,-442,-382,-383,-385,-509,-511,-513,1203,-515,-516,-521,-522,1203,-534,-536,-539,-540,-545,-550,-728,1203,-729,1203,-734,1203,-736,1203,-741,-658,-662,-663,1203,-668,1203,-669,1203,-674,-676,1203,-679,1203,1203,1203,-689,-691,1203,-694,1203,1203,-746,1203,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1203,1203,1203,1203,1203,-879,1203,-882,-910,-922,-927,-390,-391,1203,-396,1203,-399,1203,-404,1203,-405,1203,-410,1203,-415,1203,-419,1203,-420,1203,-425,1203,-428,-901,-902,-645,-587,-1896,-903,1203,1203,1203,-802,1203,1203,-806,1203,-809,-835,1203,-820,1203,-822,1203,-824,-810,1203,-826,1203,-853,-854,1203,1203,-813,1203,-648,-904,-906,-650,-651,-647,1203,-707,-708,1203,-644,-905,-649,-652,-605,-716,1203,1203,-607,-588,1203,1203,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1203,1203,-711,-712,1203,-718,1203,291,291,291,1203,1203,-940,291,-441,-443,-749,1203,-893,1872,-717,-1896,1203,1203,291,291,1203,-444,-514,-525,1203,-730,-735,1203,-737,1203,-742,1203,-664,-670,1203,-680,-682,-684,-685,-692,-695,-699,-747,1203,1203,-876,1203,1203,-880,1203,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1203,-814,1203,-816,-803,1203,-804,-807,1203,-818,-821,-823,-825,-827,1203,-828,1203,-811,1203,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,291,-284,291,1203,291,1203,-457,1203,1203,-731,1203,-738,1203,-743,1203,-665,-673,1203,1203,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1203,-838,-53,291,1203,-732,1203,-739,1203,-744,-666,1203,-875,-54,291,291,-733,-740,-745,1203,291,1203,-874,]),'GROUPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[292,292,292,292,-1896,292,292,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,292,292,292,292,-277,-278,292,-1427,292,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,292,292,292,-492,292,292,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,292,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,292,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,292,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,292,-174,-175,-176,-177,-995,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-292,-293,-283,292,292,292,292,292,-330,-320,-334,-335,-336,292,292,-984,-985,-986,-987,-988,-989,-990,292,292,292,292,292,292,292,292,292,292,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,292,292,292,-355,-358,292,-325,-326,-143,292,-144,292,-145,292,-432,-937,-938,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-1896,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-1896,292,-1896,292,292,292,292,292,292,292,292,292,292,292,292,-1896,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-1896,292,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,292,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,292,292,292,-193,-194,292,-996,292,292,292,292,292,-279,-280,-281,-282,-367,292,-310,292,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,292,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,292,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,292,292,292,292,292,292,-575,292,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,292,292,-725,-726,-727,292,292,292,292,292,292,-996,292,292,-93,-94,292,292,292,292,-311,-312,-322,292,-309,-295,-296,-297,292,292,292,292,-620,-635,-592,292,292,-438,292,-439,292,-446,-447,-448,-380,-381,292,292,292,-508,292,292,-512,292,292,292,292,-517,-518,-519,-520,292,292,-523,-524,292,-526,-527,-528,-529,-530,-531,-532,-533,292,-535,292,292,292,-541,-543,-544,292,-546,-547,-548,-549,292,292,292,292,292,292,-654,-655,-656,-657,292,-659,-660,-661,292,292,292,-667,292,292,-671,-672,292,292,-675,292,-677,-678,292,-681,292,-683,292,292,-686,-687,-688,292,-690,292,292,-693,292,292,-696,-697,-698,292,-700,-701,-702,-703,292,292,-748,292,-751,-752,-753,-754,-755,292,-757,-758,-759,-760,-761,292,-768,-769,-771,292,-773,-774,-775,-784,-858,-860,-862,-864,292,292,292,292,-870,292,-872,292,292,292,292,292,292,292,-908,-909,292,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,292,-923,-926,292,-936,292,-387,-388,-389,292,292,-392,-393,-394,-395,292,-398,292,-401,-402,292,-403,292,-408,-409,292,-412,-413,-414,292,-417,292,-418,292,-423,-424,292,-427,292,-430,-431,-1896,-1896,292,-621,-622,-623,-624,-625,-636,-586,-626,-799,292,292,292,292,292,-833,292,292,-808,292,-834,292,292,292,292,-800,292,-855,-801,292,292,292,292,292,292,-856,-857,292,-836,-832,-837,292,-627,292,-628,-629,-630,-631,-576,292,292,-632,-633,-634,292,292,292,292,292,292,-637,-638,-639,-594,-1896,-604,292,-640,-641,-715,-642,-606,292,-574,-579,-582,-585,292,292,292,-600,-603,292,-610,292,292,292,292,292,292,292,292,292,292,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,292,292,292,-997,292,292,292,292,292,292,-308,-327,-321,-298,-377,-454,-455,-456,-460,292,-445,292,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,292,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,292,292,292,292,292,292,292,292,292,-318,-537,-510,-593,-939,-941,-942,-440,292,-442,-382,-383,-385,-509,-511,-513,292,-515,-516,-521,-522,292,-534,-536,-539,-540,-545,-550,-728,292,-729,292,-734,292,-736,292,-741,-658,-662,-663,292,-668,292,-669,292,-674,-676,292,-679,292,292,292,-689,-691,292,-694,292,292,-746,292,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,292,292,292,292,292,-879,292,-882,-910,-922,-927,-390,-391,292,-396,292,-399,292,-404,292,-405,292,-410,292,-415,292,-419,292,-420,292,-425,292,-428,-901,-902,-645,-587,-1896,-903,292,292,292,-802,292,292,-806,292,-809,-835,292,-820,292,-822,292,-824,-810,292,-826,292,-853,-854,292,292,-813,292,-648,-904,-906,-650,-651,-647,292,-707,-708,292,-644,-905,-649,-652,-605,-716,292,292,-607,-588,292,292,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,292,292,-711,-712,292,-718,292,292,292,292,292,292,-940,292,-441,-443,-749,292,-893,292,-717,-1896,292,292,292,292,292,-444,-514,-525,292,-730,-735,292,-737,292,-742,292,-664,-670,292,-680,-682,-684,-685,-692,-695,-699,-747,292,292,-876,292,292,-880,292,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,292,-814,292,-816,-803,292,-804,-807,292,-818,-821,-823,-825,-827,292,-828,292,-811,292,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,292,-284,292,292,292,292,-457,292,292,-731,292,-738,292,-743,292,-665,-673,292,292,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,292,-838,-53,292,292,-732,292,-739,292,-744,-666,292,-875,-54,292,292,-733,-740,-745,292,292,292,-874,]),'GROUP_REPLICATION_DISABLE_MEMBER_ACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[293,293,293,1183,-1896,293,293,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,293,293,293,293,-277,-278,1183,-1427,1183,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1183,1183,1183,-492,1183,1183,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1183,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1183,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1873,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,293,-174,-175,-176,-177,-995,293,293,293,293,293,293,293,293,293,293,1183,1183,1183,1183,1183,-292,-293,-283,293,1183,1183,1183,1183,-330,-320,-334,-335,-336,1183,1183,-984,-985,-986,-987,-988,-989,-990,293,293,1183,1183,1183,1183,1183,1183,1183,1183,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1183,1183,1183,-355,-358,293,-325,-326,-143,1183,-144,1183,-145,1183,-432,-937,-938,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1896,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1896,1183,-1896,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1896,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1896,293,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1183,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1183,293,293,-193,-194,293,-996,1183,293,293,293,293,-279,-280,-281,-282,-367,1183,-310,1183,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1183,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1183,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1183,1183,1183,1183,1183,1183,-575,1183,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1183,1183,-725,-726,-727,1183,1873,293,293,293,293,-996,293,1183,-93,-94,293,293,293,1183,-311,-312,-322,1183,-309,-295,-296,-297,1183,293,1183,1183,-620,-635,-592,1183,293,-438,293,-439,1183,-446,-447,-448,-380,-381,1183,1183,1183,-508,1183,1183,-512,1183,1183,1183,1183,-517,-518,-519,-520,1183,1183,-523,-524,1183,-526,-527,-528,-529,-530,-531,-532,-533,1183,-535,1183,1183,1183,-541,-543,-544,1183,-546,-547,-548,-549,1183,1183,1183,1183,1183,1183,-654,-655,-656,-657,293,-659,-660,-661,1183,1183,1183,-667,1183,1183,-671,-672,1183,1183,-675,1183,-677,-678,1183,-681,1183,-683,1183,1183,-686,-687,-688,1183,-690,1183,1183,-693,1183,1183,-696,-697,-698,1183,-700,-701,-702,-703,1183,1183,-748,1183,-751,-752,-753,-754,-755,1183,-757,-758,-759,-760,-761,1183,-768,-769,-771,1183,-773,-774,-775,-784,-858,-860,-862,-864,1183,1183,1183,1183,-870,1183,-872,1183,1183,1183,1183,1183,1183,1183,-908,-909,1183,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1183,-923,-926,1183,-936,1183,-387,-388,-389,1183,1183,-392,-393,-394,-395,1183,-398,1183,-401,-402,1183,-403,1183,-408,-409,1183,-412,-413,-414,1183,-417,1183,-418,1183,-423,-424,1183,-427,1183,-430,-431,-1896,-1896,1183,-621,-622,-623,-624,-625,-636,-586,-626,-799,1183,1183,1183,1183,1183,-833,1183,1183,-808,1183,-834,1183,1183,1183,1183,-800,1183,-855,-801,1183,1183,1183,1183,1183,1183,-856,-857,1183,-836,-832,-837,1183,-627,1183,-628,-629,-630,-631,-576,1183,1183,-632,-633,-634,1183,1183,1183,1183,1183,1183,-637,-638,-639,-594,-1896,-604,1183,-640,-641,-715,-642,-606,1183,-574,-579,-582,-585,1183,1183,1183,-600,-603,1183,-610,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1183,293,293,-997,293,1183,293,293,293,1183,-308,-327,-321,-298,-377,-454,-455,-456,-460,293,-445,1183,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1183,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,293,293,293,293,293,293,293,293,1183,-318,-537,-510,-593,-939,-941,-942,-440,1183,-442,-382,-383,-385,-509,-511,-513,1183,-515,-516,-521,-522,1183,-534,-536,-539,-540,-545,-550,-728,1183,-729,1183,-734,1183,-736,1183,-741,-658,-662,-663,1183,-668,1183,-669,1183,-674,-676,1183,-679,1183,1183,1183,-689,-691,1183,-694,1183,1183,-746,1183,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1183,1183,1183,1183,1183,-879,1183,-882,-910,-922,-927,-390,-391,1183,-396,1183,-399,1183,-404,1183,-405,1183,-410,1183,-415,1183,-419,1183,-420,1183,-425,1183,-428,-901,-902,-645,-587,-1896,-903,1183,1183,1183,-802,1183,1183,-806,1183,-809,-835,1183,-820,1183,-822,1183,-824,-810,1183,-826,1183,-853,-854,1183,1183,-813,1183,-648,-904,-906,-650,-651,-647,1183,-707,-708,1183,-644,-905,-649,-652,-605,-716,1183,1183,-607,-588,1183,1183,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1183,1183,-711,-712,1183,-718,1183,293,293,293,1183,1183,-940,293,-441,-443,-749,1183,-893,1873,-717,-1896,1183,1183,293,293,1183,-444,-514,-525,1183,-730,-735,1183,-737,1183,-742,1183,-664,-670,1183,-680,-682,-684,-685,-692,-695,-699,-747,1183,1183,-876,1183,1183,-880,1183,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1183,-814,1183,-816,-803,1183,-804,-807,1183,-818,-821,-823,-825,-827,1183,-828,1183,-811,1183,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,293,-284,293,1183,293,1183,-457,1183,1183,-731,1183,-738,1183,-743,1183,-665,-673,1183,1183,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1183,-838,-53,293,1183,-732,1183,-739,1183,-744,-666,1183,-875,-54,293,293,-733,-740,-745,1183,293,1183,-874,]),'GROUP_REPLICATION_ENABLE_MEMBER_ACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[294,294,294,1184,-1896,294,294,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,294,294,294,294,-277,-278,1184,-1427,1184,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1184,1184,1184,-492,1184,1184,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1184,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1184,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1874,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,294,-174,-175,-176,-177,-995,294,294,294,294,294,294,294,294,294,294,1184,1184,1184,1184,1184,-292,-293,-283,294,1184,1184,1184,1184,-330,-320,-334,-335,-336,1184,1184,-984,-985,-986,-987,-988,-989,-990,294,294,1184,1184,1184,1184,1184,1184,1184,1184,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1184,1184,1184,-355,-358,294,-325,-326,-143,1184,-144,1184,-145,1184,-432,-937,-938,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1896,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1896,1184,-1896,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1896,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1896,294,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1184,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1184,294,294,-193,-194,294,-996,1184,294,294,294,294,-279,-280,-281,-282,-367,1184,-310,1184,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1184,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1184,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1184,1184,1184,1184,1184,1184,-575,1184,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1184,1184,-725,-726,-727,1184,1874,294,294,294,294,-996,294,1184,-93,-94,294,294,294,1184,-311,-312,-322,1184,-309,-295,-296,-297,1184,294,1184,1184,-620,-635,-592,1184,294,-438,294,-439,1184,-446,-447,-448,-380,-381,1184,1184,1184,-508,1184,1184,-512,1184,1184,1184,1184,-517,-518,-519,-520,1184,1184,-523,-524,1184,-526,-527,-528,-529,-530,-531,-532,-533,1184,-535,1184,1184,1184,-541,-543,-544,1184,-546,-547,-548,-549,1184,1184,1184,1184,1184,1184,-654,-655,-656,-657,294,-659,-660,-661,1184,1184,1184,-667,1184,1184,-671,-672,1184,1184,-675,1184,-677,-678,1184,-681,1184,-683,1184,1184,-686,-687,-688,1184,-690,1184,1184,-693,1184,1184,-696,-697,-698,1184,-700,-701,-702,-703,1184,1184,-748,1184,-751,-752,-753,-754,-755,1184,-757,-758,-759,-760,-761,1184,-768,-769,-771,1184,-773,-774,-775,-784,-858,-860,-862,-864,1184,1184,1184,1184,-870,1184,-872,1184,1184,1184,1184,1184,1184,1184,-908,-909,1184,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1184,-923,-926,1184,-936,1184,-387,-388,-389,1184,1184,-392,-393,-394,-395,1184,-398,1184,-401,-402,1184,-403,1184,-408,-409,1184,-412,-413,-414,1184,-417,1184,-418,1184,-423,-424,1184,-427,1184,-430,-431,-1896,-1896,1184,-621,-622,-623,-624,-625,-636,-586,-626,-799,1184,1184,1184,1184,1184,-833,1184,1184,-808,1184,-834,1184,1184,1184,1184,-800,1184,-855,-801,1184,1184,1184,1184,1184,1184,-856,-857,1184,-836,-832,-837,1184,-627,1184,-628,-629,-630,-631,-576,1184,1184,-632,-633,-634,1184,1184,1184,1184,1184,1184,-637,-638,-639,-594,-1896,-604,1184,-640,-641,-715,-642,-606,1184,-574,-579,-582,-585,1184,1184,1184,-600,-603,1184,-610,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1184,294,294,-997,294,1184,294,294,294,1184,-308,-327,-321,-298,-377,-454,-455,-456,-460,294,-445,1184,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1184,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,294,294,294,294,294,294,294,294,1184,-318,-537,-510,-593,-939,-941,-942,-440,1184,-442,-382,-383,-385,-509,-511,-513,1184,-515,-516,-521,-522,1184,-534,-536,-539,-540,-545,-550,-728,1184,-729,1184,-734,1184,-736,1184,-741,-658,-662,-663,1184,-668,1184,-669,1184,-674,-676,1184,-679,1184,1184,1184,-689,-691,1184,-694,1184,1184,-746,1184,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1184,1184,1184,1184,1184,-879,1184,-882,-910,-922,-927,-390,-391,1184,-396,1184,-399,1184,-404,1184,-405,1184,-410,1184,-415,1184,-419,1184,-420,1184,-425,1184,-428,-901,-902,-645,-587,-1896,-903,1184,1184,1184,-802,1184,1184,-806,1184,-809,-835,1184,-820,1184,-822,1184,-824,-810,1184,-826,1184,-853,-854,1184,1184,-813,1184,-648,-904,-906,-650,-651,-647,1184,-707,-708,1184,-644,-905,-649,-652,-605,-716,1184,1184,-607,-588,1184,1184,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1184,1184,-711,-712,1184,-718,1184,294,294,294,1184,1184,-940,294,-441,-443,-749,1184,-893,1874,-717,-1896,1184,1184,294,294,1184,-444,-514,-525,1184,-730,-735,1184,-737,1184,-742,1184,-664,-670,1184,-680,-682,-684,-685,-692,-695,-699,-747,1184,1184,-876,1184,1184,-880,1184,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1184,-814,1184,-816,-803,1184,-804,-807,1184,-818,-821,-823,-825,-827,1184,-828,1184,-811,1184,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,294,-284,294,1184,294,1184,-457,1184,1184,-731,1184,-738,1184,-743,1184,-665,-673,1184,1184,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1184,-838,-53,294,1184,-732,1184,-739,1184,-744,-666,1184,-875,-54,294,294,-733,-740,-745,1184,294,1184,-874,]),'GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[295,295,295,1181,-1896,295,295,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,295,295,295,295,-277,-278,1181,-1427,1181,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1181,1181,1181,-492,1181,1181,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1181,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1181,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1875,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,295,-174,-175,-176,-177,-995,295,295,295,295,295,295,295,295,295,295,1181,1181,1181,1181,1181,-292,-293,-283,295,1181,1181,1181,1181,-330,-320,-334,-335,-336,1181,1181,-984,-985,-986,-987,-988,-989,-990,295,295,1181,1181,1181,1181,1181,1181,1181,1181,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1181,1181,1181,-355,-358,295,-325,-326,-143,1181,-144,1181,-145,1181,-432,-937,-938,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1896,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1896,1181,-1896,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1896,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1896,295,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1181,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1181,295,295,-193,-194,295,-996,1181,295,295,295,295,-279,-280,-281,-282,-367,1181,-310,1181,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1181,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1181,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1181,1181,1181,1181,1181,1181,-575,1181,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1181,1181,-725,-726,-727,1181,1875,295,295,295,295,-996,295,1181,-93,-94,295,295,295,1181,-311,-312,-322,1181,-309,-295,-296,-297,1181,295,1181,1181,-620,-635,-592,1181,295,-438,295,-439,1181,-446,-447,-448,-380,-381,1181,1181,1181,-508,1181,1181,-512,1181,1181,1181,1181,-517,-518,-519,-520,1181,1181,-523,-524,1181,-526,-527,-528,-529,-530,-531,-532,-533,1181,-535,1181,1181,1181,-541,-543,-544,1181,-546,-547,-548,-549,1181,1181,1181,1181,1181,1181,-654,-655,-656,-657,295,-659,-660,-661,1181,1181,1181,-667,1181,1181,-671,-672,1181,1181,-675,1181,-677,-678,1181,-681,1181,-683,1181,1181,-686,-687,-688,1181,-690,1181,1181,-693,1181,1181,-696,-697,-698,1181,-700,-701,-702,-703,1181,1181,-748,1181,-751,-752,-753,-754,-755,1181,-757,-758,-759,-760,-761,1181,-768,-769,-771,1181,-773,-774,-775,-784,-858,-860,-862,-864,1181,1181,1181,1181,-870,1181,-872,1181,1181,1181,1181,1181,1181,1181,-908,-909,1181,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1181,-923,-926,1181,-936,1181,-387,-388,-389,1181,1181,-392,-393,-394,-395,1181,-398,1181,-401,-402,1181,-403,1181,-408,-409,1181,-412,-413,-414,1181,-417,1181,-418,1181,-423,-424,1181,-427,1181,-430,-431,-1896,-1896,1181,-621,-622,-623,-624,-625,-636,-586,-626,-799,1181,1181,1181,1181,1181,-833,1181,1181,-808,1181,-834,1181,1181,1181,1181,-800,1181,-855,-801,1181,1181,1181,1181,1181,1181,-856,-857,1181,-836,-832,-837,1181,-627,1181,-628,-629,-630,-631,-576,1181,1181,-632,-633,-634,1181,1181,1181,1181,1181,1181,-637,-638,-639,-594,-1896,-604,1181,-640,-641,-715,-642,-606,1181,-574,-579,-582,-585,1181,1181,1181,-600,-603,1181,-610,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1181,295,295,-997,295,1181,295,295,295,1181,-308,-327,-321,-298,-377,-454,-455,-456,-460,295,-445,1181,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1181,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,295,295,295,295,295,295,295,295,1181,-318,-537,-510,-593,-939,-941,-942,-440,1181,-442,-382,-383,-385,-509,-511,-513,1181,-515,-516,-521,-522,1181,-534,-536,-539,-540,-545,-550,-728,1181,-729,1181,-734,1181,-736,1181,-741,-658,-662,-663,1181,-668,1181,-669,1181,-674,-676,1181,-679,1181,1181,1181,-689,-691,1181,-694,1181,1181,-746,1181,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1181,1181,1181,1181,1181,-879,1181,-882,-910,-922,-927,-390,-391,1181,-396,1181,-399,1181,-404,1181,-405,1181,-410,1181,-415,1181,-419,1181,-420,1181,-425,1181,-428,-901,-902,-645,-587,-1896,-903,1181,1181,1181,-802,1181,1181,-806,1181,-809,-835,1181,-820,1181,-822,1181,-824,-810,1181,-826,1181,-853,-854,1181,1181,-813,1181,-648,-904,-906,-650,-651,-647,1181,-707,-708,1181,-644,-905,-649,-652,-605,-716,1181,1181,-607,-588,1181,1181,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1181,1181,-711,-712,1181,-718,1181,295,295,295,1181,1181,-940,295,-441,-443,-749,1181,-893,1875,-717,-1896,1181,1181,295,295,1181,-444,-514,-525,1181,-730,-735,1181,-737,1181,-742,1181,-664,-670,1181,-680,-682,-684,-685,-692,-695,-699,-747,1181,1181,-876,1181,1181,-880,1181,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1181,-814,1181,-816,-803,1181,-804,-807,1181,-818,-821,-823,-825,-827,1181,-828,1181,-811,1181,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,295,-284,295,1181,295,1181,-457,1181,1181,-731,1181,-738,1181,-743,1181,-665,-673,1181,1181,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1181,-838,-53,295,1181,-732,1181,-739,1181,-744,-666,1181,-875,-54,295,295,-733,-740,-745,1181,295,1181,-874,]),'GROUP_REPLICATION_GET_WRITE_CONCURRENCY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[296,296,296,1179,-1896,296,296,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,296,296,296,296,-277,-278,1179,-1427,1179,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1179,1179,1179,-492,1179,1179,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1179,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1179,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1876,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,296,-174,-175,-176,-177,-995,296,296,296,296,296,296,296,296,296,296,1179,1179,1179,1179,1179,-292,-293,-283,296,1179,1179,1179,1179,-330,-320,-334,-335,-336,1179,1179,-984,-985,-986,-987,-988,-989,-990,296,296,1179,1179,1179,1179,1179,1179,1179,1179,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1179,1179,1179,-355,-358,296,-325,-326,-143,1179,-144,1179,-145,1179,-432,-937,-938,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1896,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1896,1179,-1896,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1896,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1896,296,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1179,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1179,296,296,-193,-194,296,-996,1179,296,296,296,296,-279,-280,-281,-282,-367,1179,-310,1179,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1179,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1179,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1179,1179,1179,1179,1179,1179,-575,1179,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1179,1179,-725,-726,-727,1179,1876,296,296,296,296,-996,296,1179,-93,-94,296,296,296,1179,-311,-312,-322,1179,-309,-295,-296,-297,1179,296,1179,1179,-620,-635,-592,1179,296,-438,296,-439,1179,-446,-447,-448,-380,-381,1179,1179,1179,-508,1179,1179,-512,1179,1179,1179,1179,-517,-518,-519,-520,1179,1179,-523,-524,1179,-526,-527,-528,-529,-530,-531,-532,-533,1179,-535,1179,1179,1179,-541,-543,-544,1179,-546,-547,-548,-549,1179,1179,1179,1179,1179,1179,-654,-655,-656,-657,296,-659,-660,-661,1179,1179,1179,-667,1179,1179,-671,-672,1179,1179,-675,1179,-677,-678,1179,-681,1179,-683,1179,1179,-686,-687,-688,1179,-690,1179,1179,-693,1179,1179,-696,-697,-698,1179,-700,-701,-702,-703,1179,1179,-748,1179,-751,-752,-753,-754,-755,1179,-757,-758,-759,-760,-761,1179,-768,-769,-771,1179,-773,-774,-775,-784,-858,-860,-862,-864,1179,1179,1179,1179,-870,1179,-872,1179,1179,1179,1179,1179,1179,1179,-908,-909,1179,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1179,-923,-926,1179,-936,1179,-387,-388,-389,1179,1179,-392,-393,-394,-395,1179,-398,1179,-401,-402,1179,-403,1179,-408,-409,1179,-412,-413,-414,1179,-417,1179,-418,1179,-423,-424,1179,-427,1179,-430,-431,-1896,-1896,1179,-621,-622,-623,-624,-625,-636,-586,-626,-799,1179,1179,1179,1179,1179,-833,1179,1179,-808,1179,-834,1179,1179,1179,1179,-800,1179,-855,-801,1179,1179,1179,1179,1179,1179,-856,-857,1179,-836,-832,-837,1179,-627,1179,-628,-629,-630,-631,-576,1179,1179,-632,-633,-634,1179,1179,1179,1179,1179,1179,-637,-638,-639,-594,-1896,-604,1179,-640,-641,-715,-642,-606,1179,-574,-579,-582,-585,1179,1179,1179,-600,-603,1179,-610,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1179,296,296,-997,296,1179,296,296,296,1179,-308,-327,-321,-298,-377,-454,-455,-456,-460,296,-445,1179,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1179,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,296,296,296,296,296,296,296,296,1179,-318,-537,-510,-593,-939,-941,-942,-440,1179,-442,-382,-383,-385,-509,-511,-513,1179,-515,-516,-521,-522,1179,-534,-536,-539,-540,-545,-550,-728,1179,-729,1179,-734,1179,-736,1179,-741,-658,-662,-663,1179,-668,1179,-669,1179,-674,-676,1179,-679,1179,1179,1179,-689,-691,1179,-694,1179,1179,-746,1179,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1179,1179,1179,1179,1179,-879,1179,-882,-910,-922,-927,-390,-391,1179,-396,1179,-399,1179,-404,1179,-405,1179,-410,1179,-415,1179,-419,1179,-420,1179,-425,1179,-428,-901,-902,-645,-587,-1896,-903,1179,1179,1179,-802,1179,1179,-806,1179,-809,-835,1179,-820,1179,-822,1179,-824,-810,1179,-826,1179,-853,-854,1179,1179,-813,1179,-648,-904,-906,-650,-651,-647,1179,-707,-708,1179,-644,-905,-649,-652,-605,-716,1179,1179,-607,-588,1179,1179,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1179,1179,-711,-712,1179,-718,1179,296,296,296,1179,1179,-940,296,-441,-443,-749,1179,-893,1876,-717,-1896,1179,1179,296,296,1179,-444,-514,-525,1179,-730,-735,1179,-737,1179,-742,1179,-664,-670,1179,-680,-682,-684,-685,-692,-695,-699,-747,1179,1179,-876,1179,1179,-880,1179,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1179,-814,1179,-816,-803,1179,-804,-807,1179,-818,-821,-823,-825,-827,1179,-828,1179,-811,1179,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,296,-284,296,1179,296,1179,-457,1179,1179,-731,1179,-738,1179,-743,1179,-665,-673,1179,1179,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1179,-838,-53,296,1179,-732,1179,-739,1179,-744,-666,1179,-875,-54,296,296,-733,-740,-745,1179,296,1179,-874,]),'GROUP_REPLICATION_RESET_MEMBER_ACTIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[297,297,297,1185,-1896,297,297,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,297,297,297,297,-277,-278,1185,-1427,1185,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1185,1185,1185,-492,1185,1185,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1185,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1185,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1877,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,297,-174,-175,-176,-177,-995,297,297,297,297,297,297,297,297,297,297,1185,1185,1185,1185,1185,-292,-293,-283,297,1185,1185,1185,1185,-330,-320,-334,-335,-336,1185,1185,-984,-985,-986,-987,-988,-989,-990,297,297,1185,1185,1185,1185,1185,1185,1185,1185,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1185,1185,1185,-355,-358,297,-325,-326,-143,1185,-144,1185,-145,1185,-432,-937,-938,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1896,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1896,1185,-1896,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1896,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1896,297,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1185,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1185,297,297,-193,-194,297,-996,1185,297,297,297,297,-279,-280,-281,-282,-367,1185,-310,1185,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1185,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1185,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1185,1185,1185,1185,1185,1185,-575,1185,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1185,1185,-725,-726,-727,1185,1877,297,297,297,297,-996,297,1185,-93,-94,297,297,297,1185,-311,-312,-322,1185,-309,-295,-296,-297,1185,297,1185,1185,-620,-635,-592,1185,297,-438,297,-439,1185,-446,-447,-448,-380,-381,1185,1185,1185,-508,1185,1185,-512,1185,1185,1185,1185,-517,-518,-519,-520,1185,1185,-523,-524,1185,-526,-527,-528,-529,-530,-531,-532,-533,1185,-535,1185,1185,1185,-541,-543,-544,1185,-546,-547,-548,-549,1185,1185,1185,1185,1185,1185,-654,-655,-656,-657,297,-659,-660,-661,1185,1185,1185,-667,1185,1185,-671,-672,1185,1185,-675,1185,-677,-678,1185,-681,1185,-683,1185,1185,-686,-687,-688,1185,-690,1185,1185,-693,1185,1185,-696,-697,-698,1185,-700,-701,-702,-703,1185,1185,-748,1185,-751,-752,-753,-754,-755,1185,-757,-758,-759,-760,-761,1185,-768,-769,-771,1185,-773,-774,-775,-784,-858,-860,-862,-864,1185,1185,1185,1185,-870,1185,-872,1185,1185,1185,1185,1185,1185,1185,-908,-909,1185,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1185,-923,-926,1185,-936,1185,-387,-388,-389,1185,1185,-392,-393,-394,-395,1185,-398,1185,-401,-402,1185,-403,1185,-408,-409,1185,-412,-413,-414,1185,-417,1185,-418,1185,-423,-424,1185,-427,1185,-430,-431,-1896,-1896,1185,-621,-622,-623,-624,-625,-636,-586,-626,-799,1185,1185,1185,1185,1185,-833,1185,1185,-808,1185,-834,1185,1185,1185,1185,-800,1185,-855,-801,1185,1185,1185,1185,1185,1185,-856,-857,1185,-836,-832,-837,1185,-627,1185,-628,-629,-630,-631,-576,1185,1185,-632,-633,-634,1185,1185,1185,1185,1185,1185,-637,-638,-639,-594,-1896,-604,1185,-640,-641,-715,-642,-606,1185,-574,-579,-582,-585,1185,1185,1185,-600,-603,1185,-610,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1185,297,297,-997,297,1185,297,297,297,1185,-308,-327,-321,-298,-377,-454,-455,-456,-460,297,-445,1185,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1185,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,297,297,297,297,297,297,297,297,1185,-318,-537,-510,-593,-939,-941,-942,-440,1185,-442,-382,-383,-385,-509,-511,-513,1185,-515,-516,-521,-522,1185,-534,-536,-539,-540,-545,-550,-728,1185,-729,1185,-734,1185,-736,1185,-741,-658,-662,-663,1185,-668,1185,-669,1185,-674,-676,1185,-679,1185,1185,1185,-689,-691,1185,-694,1185,1185,-746,1185,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1185,1185,1185,1185,1185,-879,1185,-882,-910,-922,-927,-390,-391,1185,-396,1185,-399,1185,-404,1185,-405,1185,-410,1185,-415,1185,-419,1185,-420,1185,-425,1185,-428,-901,-902,-645,-587,-1896,-903,1185,1185,1185,-802,1185,1185,-806,1185,-809,-835,1185,-820,1185,-822,1185,-824,-810,1185,-826,1185,-853,-854,1185,1185,-813,1185,-648,-904,-906,-650,-651,-647,1185,-707,-708,1185,-644,-905,-649,-652,-605,-716,1185,1185,-607,-588,1185,1185,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1185,1185,-711,-712,1185,-718,1185,297,297,297,1185,1185,-940,297,-441,-443,-749,1185,-893,1877,-717,-1896,1185,1185,297,297,1185,-444,-514,-525,1185,-730,-735,1185,-737,1185,-742,1185,-664,-670,1185,-680,-682,-684,-685,-692,-695,-699,-747,1185,1185,-876,1185,1185,-880,1185,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1185,-814,1185,-816,-803,1185,-804,-807,1185,-818,-821,-823,-825,-827,1185,-828,1185,-811,1185,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,297,-284,297,1185,297,1185,-457,1185,1185,-731,1185,-738,1185,-743,1185,-665,-673,1185,1185,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1185,-838,-53,297,1185,-732,1185,-739,1185,-744,-666,1185,-875,-54,297,297,-733,-740,-745,1185,297,1185,-874,]),'GROUP_REPLICATION_SET_AS_PRIMARY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[298,298,298,1176,-1896,298,298,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,298,298,298,298,-277,-278,1176,-1427,1176,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1176,1176,1176,-492,1176,1176,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1176,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1176,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1878,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,298,-174,-175,-176,-177,-995,298,298,298,298,298,298,298,298,298,298,1176,1176,1176,1176,1176,-292,-293,-283,298,1176,1176,1176,1176,-330,-320,-334,-335,-336,1176,1176,-984,-985,-986,-987,-988,-989,-990,298,298,1176,1176,1176,1176,1176,1176,1176,1176,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1176,1176,1176,-355,-358,298,-325,-326,-143,1176,-144,1176,-145,1176,-432,-937,-938,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1896,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1896,1176,-1896,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1896,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1896,298,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1176,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1176,298,298,-193,-194,298,-996,1176,298,298,298,298,-279,-280,-281,-282,-367,1176,-310,1176,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1176,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1176,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1176,1176,1176,1176,1176,1176,-575,1176,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1176,1176,-725,-726,-727,1176,1878,298,298,298,298,-996,298,1176,-93,-94,298,298,298,1176,-311,-312,-322,1176,-309,-295,-296,-297,1176,298,1176,1176,-620,-635,-592,1176,298,-438,298,-439,1176,-446,-447,-448,-380,-381,1176,1176,1176,-508,1176,1176,-512,1176,1176,1176,1176,-517,-518,-519,-520,1176,1176,-523,-524,1176,-526,-527,-528,-529,-530,-531,-532,-533,1176,-535,1176,1176,1176,-541,-543,-544,1176,-546,-547,-548,-549,1176,1176,1176,1176,1176,1176,-654,-655,-656,-657,298,-659,-660,-661,1176,1176,1176,-667,1176,1176,-671,-672,1176,1176,-675,1176,-677,-678,1176,-681,1176,-683,1176,1176,-686,-687,-688,1176,-690,1176,1176,-693,1176,1176,-696,-697,-698,1176,-700,-701,-702,-703,1176,1176,-748,1176,-751,-752,-753,-754,-755,1176,-757,-758,-759,-760,-761,1176,-768,-769,-771,1176,-773,-774,-775,-784,-858,-860,-862,-864,1176,1176,1176,1176,-870,1176,-872,1176,1176,1176,1176,1176,1176,1176,-908,-909,1176,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1176,-923,-926,1176,-936,1176,-387,-388,-389,1176,1176,-392,-393,-394,-395,1176,-398,1176,-401,-402,1176,-403,1176,-408,-409,1176,-412,-413,-414,1176,-417,1176,-418,1176,-423,-424,1176,-427,1176,-430,-431,-1896,-1896,1176,-621,-622,-623,-624,-625,-636,-586,-626,-799,1176,1176,1176,1176,1176,-833,1176,1176,-808,1176,-834,1176,1176,1176,1176,-800,1176,-855,-801,1176,1176,1176,1176,1176,1176,-856,-857,1176,-836,-832,-837,1176,-627,1176,-628,-629,-630,-631,-576,1176,1176,-632,-633,-634,1176,1176,1176,1176,1176,1176,-637,-638,-639,-594,-1896,-604,1176,-640,-641,-715,-642,-606,1176,-574,-579,-582,-585,1176,1176,1176,-600,-603,1176,-610,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1176,298,298,-997,298,1176,298,298,298,1176,-308,-327,-321,-298,-377,-454,-455,-456,-460,298,-445,1176,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1176,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,298,298,298,298,298,298,298,298,1176,-318,-537,-510,-593,-939,-941,-942,-440,1176,-442,-382,-383,-385,-509,-511,-513,1176,-515,-516,-521,-522,1176,-534,-536,-539,-540,-545,-550,-728,1176,-729,1176,-734,1176,-736,1176,-741,-658,-662,-663,1176,-668,1176,-669,1176,-674,-676,1176,-679,1176,1176,1176,-689,-691,1176,-694,1176,1176,-746,1176,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1176,1176,1176,1176,1176,-879,1176,-882,-910,-922,-927,-390,-391,1176,-396,1176,-399,1176,-404,1176,-405,1176,-410,1176,-415,1176,-419,1176,-420,1176,-425,1176,-428,-901,-902,-645,-587,-1896,-903,1176,1176,1176,-802,1176,1176,-806,1176,-809,-835,1176,-820,1176,-822,1176,-824,-810,1176,-826,1176,-853,-854,1176,1176,-813,1176,-648,-904,-906,-650,-651,-647,1176,-707,-708,1176,-644,-905,-649,-652,-605,-716,1176,1176,-607,-588,1176,1176,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1176,1176,-711,-712,1176,-718,1176,298,298,298,1176,1176,-940,298,-441,-443,-749,1176,-893,1878,-717,-1896,1176,1176,298,298,1176,-444,-514,-525,1176,-730,-735,1176,-737,1176,-742,1176,-664,-670,1176,-680,-682,-684,-685,-692,-695,-699,-747,1176,1176,-876,1176,1176,-880,1176,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1176,-814,1176,-816,-803,1176,-804,-807,1176,-818,-821,-823,-825,-827,1176,-828,1176,-811,1176,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,298,-284,298,1176,298,1176,-457,1176,1176,-731,1176,-738,1176,-743,1176,-665,-673,1176,1176,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1176,-838,-53,298,1176,-732,1176,-739,1176,-744,-666,1176,-875,-54,298,298,-733,-740,-745,1176,298,1176,-874,]),'GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[299,299,299,1182,-1896,299,299,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,299,299,299,299,-277,-278,1182,-1427,1182,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1182,1182,1182,-492,1182,1182,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1182,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1182,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1879,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,299,-174,-175,-176,-177,-995,299,299,299,299,299,299,299,299,299,299,1182,1182,1182,1182,1182,-292,-293,-283,299,1182,1182,1182,1182,-330,-320,-334,-335,-336,1182,1182,-984,-985,-986,-987,-988,-989,-990,299,299,1182,1182,1182,1182,1182,1182,1182,1182,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1182,1182,1182,-355,-358,299,-325,-326,-143,1182,-144,1182,-145,1182,-432,-937,-938,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1896,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1896,1182,-1896,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1896,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1896,299,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1182,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1182,299,299,-193,-194,299,-996,1182,299,299,299,299,-279,-280,-281,-282,-367,1182,-310,1182,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1182,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1182,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1182,1182,1182,1182,1182,1182,-575,1182,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1182,1182,-725,-726,-727,1182,1879,299,299,299,299,-996,299,1182,-93,-94,299,299,299,1182,-311,-312,-322,1182,-309,-295,-296,-297,1182,299,1182,1182,-620,-635,-592,1182,299,-438,299,-439,1182,-446,-447,-448,-380,-381,1182,1182,1182,-508,1182,1182,-512,1182,1182,1182,1182,-517,-518,-519,-520,1182,1182,-523,-524,1182,-526,-527,-528,-529,-530,-531,-532,-533,1182,-535,1182,1182,1182,-541,-543,-544,1182,-546,-547,-548,-549,1182,1182,1182,1182,1182,1182,-654,-655,-656,-657,299,-659,-660,-661,1182,1182,1182,-667,1182,1182,-671,-672,1182,1182,-675,1182,-677,-678,1182,-681,1182,-683,1182,1182,-686,-687,-688,1182,-690,1182,1182,-693,1182,1182,-696,-697,-698,1182,-700,-701,-702,-703,1182,1182,-748,1182,-751,-752,-753,-754,-755,1182,-757,-758,-759,-760,-761,1182,-768,-769,-771,1182,-773,-774,-775,-784,-858,-860,-862,-864,1182,1182,1182,1182,-870,1182,-872,1182,1182,1182,1182,1182,1182,1182,-908,-909,1182,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1182,-923,-926,1182,-936,1182,-387,-388,-389,1182,1182,-392,-393,-394,-395,1182,-398,1182,-401,-402,1182,-403,1182,-408,-409,1182,-412,-413,-414,1182,-417,1182,-418,1182,-423,-424,1182,-427,1182,-430,-431,-1896,-1896,1182,-621,-622,-623,-624,-625,-636,-586,-626,-799,1182,1182,1182,1182,1182,-833,1182,1182,-808,1182,-834,1182,1182,1182,1182,-800,1182,-855,-801,1182,1182,1182,1182,1182,1182,-856,-857,1182,-836,-832,-837,1182,-627,1182,-628,-629,-630,-631,-576,1182,1182,-632,-633,-634,1182,1182,1182,1182,1182,1182,-637,-638,-639,-594,-1896,-604,1182,-640,-641,-715,-642,-606,1182,-574,-579,-582,-585,1182,1182,1182,-600,-603,1182,-610,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1182,299,299,-997,299,1182,299,299,299,1182,-308,-327,-321,-298,-377,-454,-455,-456,-460,299,-445,1182,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1182,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,299,299,299,299,299,299,299,299,1182,-318,-537,-510,-593,-939,-941,-942,-440,1182,-442,-382,-383,-385,-509,-511,-513,1182,-515,-516,-521,-522,1182,-534,-536,-539,-540,-545,-550,-728,1182,-729,1182,-734,1182,-736,1182,-741,-658,-662,-663,1182,-668,1182,-669,1182,-674,-676,1182,-679,1182,1182,1182,-689,-691,1182,-694,1182,1182,-746,1182,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1182,1182,1182,1182,1182,-879,1182,-882,-910,-922,-927,-390,-391,1182,-396,1182,-399,1182,-404,1182,-405,1182,-410,1182,-415,1182,-419,1182,-420,1182,-425,1182,-428,-901,-902,-645,-587,-1896,-903,1182,1182,1182,-802,1182,1182,-806,1182,-809,-835,1182,-820,1182,-822,1182,-824,-810,1182,-826,1182,-853,-854,1182,1182,-813,1182,-648,-904,-906,-650,-651,-647,1182,-707,-708,1182,-644,-905,-649,-652,-605,-716,1182,1182,-607,-588,1182,1182,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1182,1182,-711,-712,1182,-718,1182,299,299,299,1182,1182,-940,299,-441,-443,-749,1182,-893,1879,-717,-1896,1182,1182,299,299,1182,-444,-514,-525,1182,-730,-735,1182,-737,1182,-742,1182,-664,-670,1182,-680,-682,-684,-685,-692,-695,-699,-747,1182,1182,-876,1182,1182,-880,1182,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1182,-814,1182,-816,-803,1182,-804,-807,1182,-818,-821,-823,-825,-827,1182,-828,1182,-811,1182,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,299,-284,299,1182,299,1182,-457,1182,1182,-731,1182,-738,1182,-743,1182,-665,-673,1182,1182,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1182,-838,-53,299,1182,-732,1182,-739,1182,-744,-666,1182,-875,-54,299,299,-733,-740,-745,1182,299,1182,-874,]),'GROUP_REPLICATION_SET_WRITE_CONCURRENCY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[300,300,300,1180,-1896,300,300,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,300,300,300,300,-277,-278,1180,-1427,1180,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1180,1180,1180,-492,1180,1180,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1180,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1180,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1880,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,300,-174,-175,-176,-177,-995,300,300,300,300,300,300,300,300,300,300,1180,1180,1180,1180,1180,-292,-293,-283,300,1180,1180,1180,1180,-330,-320,-334,-335,-336,1180,1180,-984,-985,-986,-987,-988,-989,-990,300,300,1180,1180,1180,1180,1180,1180,1180,1180,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1180,1180,1180,-355,-358,300,-325,-326,-143,1180,-144,1180,-145,1180,-432,-937,-938,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1896,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1896,1180,-1896,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1896,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1896,300,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1180,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1180,300,300,-193,-194,300,-996,1180,300,300,300,300,-279,-280,-281,-282,-367,1180,-310,1180,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1180,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1180,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1180,1180,1180,1180,1180,1180,-575,1180,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1180,1180,-725,-726,-727,1180,1880,300,300,300,300,-996,300,1180,-93,-94,300,300,300,1180,-311,-312,-322,1180,-309,-295,-296,-297,1180,300,1180,1180,-620,-635,-592,1180,300,-438,300,-439,1180,-446,-447,-448,-380,-381,1180,1180,1180,-508,1180,1180,-512,1180,1180,1180,1180,-517,-518,-519,-520,1180,1180,-523,-524,1180,-526,-527,-528,-529,-530,-531,-532,-533,1180,-535,1180,1180,1180,-541,-543,-544,1180,-546,-547,-548,-549,1180,1180,1180,1180,1180,1180,-654,-655,-656,-657,300,-659,-660,-661,1180,1180,1180,-667,1180,1180,-671,-672,1180,1180,-675,1180,-677,-678,1180,-681,1180,-683,1180,1180,-686,-687,-688,1180,-690,1180,1180,-693,1180,1180,-696,-697,-698,1180,-700,-701,-702,-703,1180,1180,-748,1180,-751,-752,-753,-754,-755,1180,-757,-758,-759,-760,-761,1180,-768,-769,-771,1180,-773,-774,-775,-784,-858,-860,-862,-864,1180,1180,1180,1180,-870,1180,-872,1180,1180,1180,1180,1180,1180,1180,-908,-909,1180,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1180,-923,-926,1180,-936,1180,-387,-388,-389,1180,1180,-392,-393,-394,-395,1180,-398,1180,-401,-402,1180,-403,1180,-408,-409,1180,-412,-413,-414,1180,-417,1180,-418,1180,-423,-424,1180,-427,1180,-430,-431,-1896,-1896,1180,-621,-622,-623,-624,-625,-636,-586,-626,-799,1180,1180,1180,1180,1180,-833,1180,1180,-808,1180,-834,1180,1180,1180,1180,-800,1180,-855,-801,1180,1180,1180,1180,1180,1180,-856,-857,1180,-836,-832,-837,1180,-627,1180,-628,-629,-630,-631,-576,1180,1180,-632,-633,-634,1180,1180,1180,1180,1180,1180,-637,-638,-639,-594,-1896,-604,1180,-640,-641,-715,-642,-606,1180,-574,-579,-582,-585,1180,1180,1180,-600,-603,1180,-610,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1180,300,300,-997,300,1180,300,300,300,1180,-308,-327,-321,-298,-377,-454,-455,-456,-460,300,-445,1180,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1180,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,300,300,300,300,300,300,300,300,1180,-318,-537,-510,-593,-939,-941,-942,-440,1180,-442,-382,-383,-385,-509,-511,-513,1180,-515,-516,-521,-522,1180,-534,-536,-539,-540,-545,-550,-728,1180,-729,1180,-734,1180,-736,1180,-741,-658,-662,-663,1180,-668,1180,-669,1180,-674,-676,1180,-679,1180,1180,1180,-689,-691,1180,-694,1180,1180,-746,1180,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1180,1180,1180,1180,1180,-879,1180,-882,-910,-922,-927,-390,-391,1180,-396,1180,-399,1180,-404,1180,-405,1180,-410,1180,-415,1180,-419,1180,-420,1180,-425,1180,-428,-901,-902,-645,-587,-1896,-903,1180,1180,1180,-802,1180,1180,-806,1180,-809,-835,1180,-820,1180,-822,1180,-824,-810,1180,-826,1180,-853,-854,1180,1180,-813,1180,-648,-904,-906,-650,-651,-647,1180,-707,-708,1180,-644,-905,-649,-652,-605,-716,1180,1180,-607,-588,1180,1180,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1180,1180,-711,-712,1180,-718,1180,300,300,300,1180,1180,-940,300,-441,-443,-749,1180,-893,1880,-717,-1896,1180,1180,300,300,1180,-444,-514,-525,1180,-730,-735,1180,-737,1180,-742,1180,-664,-670,1180,-680,-682,-684,-685,-692,-695,-699,-747,1180,1180,-876,1180,1180,-880,1180,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1180,-814,1180,-816,-803,1180,-804,-807,1180,-818,-821,-823,-825,-827,1180,-828,1180,-811,1180,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,300,-284,300,1180,300,1180,-457,1180,1180,-731,1180,-738,1180,-743,1180,-665,-673,1180,1180,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1180,-838,-53,300,1180,-732,1180,-739,1180,-744,-666,1180,-875,-54,300,300,-733,-740,-745,1180,300,1180,-874,]),'GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[301,301,301,1177,-1896,301,301,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,301,301,301,301,-277,-278,1177,-1427,1177,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1177,1177,1177,-492,1177,1177,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1177,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1177,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1881,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,301,-174,-175,-176,-177,-995,301,301,301,301,301,301,301,301,301,301,1177,1177,1177,1177,1177,-292,-293,-283,301,1177,1177,1177,1177,-330,-320,-334,-335,-336,1177,1177,-984,-985,-986,-987,-988,-989,-990,301,301,1177,1177,1177,1177,1177,1177,1177,1177,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1177,1177,1177,-355,-358,301,-325,-326,-143,1177,-144,1177,-145,1177,-432,-937,-938,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1896,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1896,1177,-1896,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1896,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1896,301,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1177,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1177,301,301,-193,-194,301,-996,1177,301,301,301,301,-279,-280,-281,-282,-367,1177,-310,1177,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1177,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1177,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1177,1177,1177,1177,1177,1177,-575,1177,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1177,1177,-725,-726,-727,1177,1881,301,301,301,301,-996,301,1177,-93,-94,301,301,301,1177,-311,-312,-322,1177,-309,-295,-296,-297,1177,301,1177,1177,-620,-635,-592,1177,301,-438,301,-439,1177,-446,-447,-448,-380,-381,1177,1177,1177,-508,1177,1177,-512,1177,1177,1177,1177,-517,-518,-519,-520,1177,1177,-523,-524,1177,-526,-527,-528,-529,-530,-531,-532,-533,1177,-535,1177,1177,1177,-541,-543,-544,1177,-546,-547,-548,-549,1177,1177,1177,1177,1177,1177,-654,-655,-656,-657,301,-659,-660,-661,1177,1177,1177,-667,1177,1177,-671,-672,1177,1177,-675,1177,-677,-678,1177,-681,1177,-683,1177,1177,-686,-687,-688,1177,-690,1177,1177,-693,1177,1177,-696,-697,-698,1177,-700,-701,-702,-703,1177,1177,-748,1177,-751,-752,-753,-754,-755,1177,-757,-758,-759,-760,-761,1177,-768,-769,-771,1177,-773,-774,-775,-784,-858,-860,-862,-864,1177,1177,1177,1177,-870,1177,-872,1177,1177,1177,1177,1177,1177,1177,-908,-909,1177,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1177,-923,-926,1177,-936,1177,-387,-388,-389,1177,1177,-392,-393,-394,-395,1177,-398,1177,-401,-402,1177,-403,1177,-408,-409,1177,-412,-413,-414,1177,-417,1177,-418,1177,-423,-424,1177,-427,1177,-430,-431,-1896,-1896,1177,-621,-622,-623,-624,-625,-636,-586,-626,-799,1177,1177,1177,1177,1177,-833,1177,1177,-808,1177,-834,1177,1177,1177,1177,-800,1177,-855,-801,1177,1177,1177,1177,1177,1177,-856,-857,1177,-836,-832,-837,1177,-627,1177,-628,-629,-630,-631,-576,1177,1177,-632,-633,-634,1177,1177,1177,1177,1177,1177,-637,-638,-639,-594,-1896,-604,1177,-640,-641,-715,-642,-606,1177,-574,-579,-582,-585,1177,1177,1177,-600,-603,1177,-610,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1177,301,301,-997,301,1177,301,301,301,1177,-308,-327,-321,-298,-377,-454,-455,-456,-460,301,-445,1177,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1177,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,301,301,301,301,301,301,301,301,1177,-318,-537,-510,-593,-939,-941,-942,-440,1177,-442,-382,-383,-385,-509,-511,-513,1177,-515,-516,-521,-522,1177,-534,-536,-539,-540,-545,-550,-728,1177,-729,1177,-734,1177,-736,1177,-741,-658,-662,-663,1177,-668,1177,-669,1177,-674,-676,1177,-679,1177,1177,1177,-689,-691,1177,-694,1177,1177,-746,1177,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1177,1177,1177,1177,1177,-879,1177,-882,-910,-922,-927,-390,-391,1177,-396,1177,-399,1177,-404,1177,-405,1177,-410,1177,-415,1177,-419,1177,-420,1177,-425,1177,-428,-901,-902,-645,-587,-1896,-903,1177,1177,1177,-802,1177,1177,-806,1177,-809,-835,1177,-820,1177,-822,1177,-824,-810,1177,-826,1177,-853,-854,1177,1177,-813,1177,-648,-904,-906,-650,-651,-647,1177,-707,-708,1177,-644,-905,-649,-652,-605,-716,1177,1177,-607,-588,1177,1177,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1177,1177,-711,-712,1177,-718,1177,301,301,301,1177,1177,-940,301,-441,-443,-749,1177,-893,1881,-717,-1896,1177,1177,301,301,1177,-444,-514,-525,1177,-730,-735,1177,-737,1177,-742,1177,-664,-670,1177,-680,-682,-684,-685,-692,-695,-699,-747,1177,1177,-876,1177,1177,-880,1177,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1177,-814,1177,-816,-803,1177,-804,-807,1177,-818,-821,-823,-825,-827,1177,-828,1177,-811,1177,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,301,-284,301,1177,301,1177,-457,1177,1177,-731,1177,-738,1177,-743,1177,-665,-673,1177,1177,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1177,-838,-53,301,1177,-732,1177,-739,1177,-744,-666,1177,-875,-54,301,301,-733,-740,-745,1177,301,1177,-874,]),'GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[302,302,302,1178,-1896,302,302,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,302,302,302,302,-277,-278,1178,-1427,1178,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1178,1178,1178,-492,1178,1178,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1178,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1178,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1882,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,302,-174,-175,-176,-177,-995,302,302,302,302,302,302,302,302,302,302,1178,1178,1178,1178,1178,-292,-293,-283,302,1178,1178,1178,1178,-330,-320,-334,-335,-336,1178,1178,-984,-985,-986,-987,-988,-989,-990,302,302,1178,1178,1178,1178,1178,1178,1178,1178,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1178,1178,1178,-355,-358,302,-325,-326,-143,1178,-144,1178,-145,1178,-432,-937,-938,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1896,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1896,1178,-1896,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1896,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1896,302,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1178,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1178,302,302,-193,-194,302,-996,1178,302,302,302,302,-279,-280,-281,-282,-367,1178,-310,1178,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1178,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1178,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1178,1178,1178,1178,1178,1178,-575,1178,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1178,1178,-725,-726,-727,1178,1882,302,302,302,302,-996,302,1178,-93,-94,302,302,302,1178,-311,-312,-322,1178,-309,-295,-296,-297,1178,302,1178,1178,-620,-635,-592,1178,302,-438,302,-439,1178,-446,-447,-448,-380,-381,1178,1178,1178,-508,1178,1178,-512,1178,1178,1178,1178,-517,-518,-519,-520,1178,1178,-523,-524,1178,-526,-527,-528,-529,-530,-531,-532,-533,1178,-535,1178,1178,1178,-541,-543,-544,1178,-546,-547,-548,-549,1178,1178,1178,1178,1178,1178,-654,-655,-656,-657,302,-659,-660,-661,1178,1178,1178,-667,1178,1178,-671,-672,1178,1178,-675,1178,-677,-678,1178,-681,1178,-683,1178,1178,-686,-687,-688,1178,-690,1178,1178,-693,1178,1178,-696,-697,-698,1178,-700,-701,-702,-703,1178,1178,-748,1178,-751,-752,-753,-754,-755,1178,-757,-758,-759,-760,-761,1178,-768,-769,-771,1178,-773,-774,-775,-784,-858,-860,-862,-864,1178,1178,1178,1178,-870,1178,-872,1178,1178,1178,1178,1178,1178,1178,-908,-909,1178,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1178,-923,-926,1178,-936,1178,-387,-388,-389,1178,1178,-392,-393,-394,-395,1178,-398,1178,-401,-402,1178,-403,1178,-408,-409,1178,-412,-413,-414,1178,-417,1178,-418,1178,-423,-424,1178,-427,1178,-430,-431,-1896,-1896,1178,-621,-622,-623,-624,-625,-636,-586,-626,-799,1178,1178,1178,1178,1178,-833,1178,1178,-808,1178,-834,1178,1178,1178,1178,-800,1178,-855,-801,1178,1178,1178,1178,1178,1178,-856,-857,1178,-836,-832,-837,1178,-627,1178,-628,-629,-630,-631,-576,1178,1178,-632,-633,-634,1178,1178,1178,1178,1178,1178,-637,-638,-639,-594,-1896,-604,1178,-640,-641,-715,-642,-606,1178,-574,-579,-582,-585,1178,1178,1178,-600,-603,1178,-610,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1178,302,302,-997,302,1178,302,302,302,1178,-308,-327,-321,-298,-377,-454,-455,-456,-460,302,-445,1178,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1178,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,302,302,302,302,302,302,302,302,1178,-318,-537,-510,-593,-939,-941,-942,-440,1178,-442,-382,-383,-385,-509,-511,-513,1178,-515,-516,-521,-522,1178,-534,-536,-539,-540,-545,-550,-728,1178,-729,1178,-734,1178,-736,1178,-741,-658,-662,-663,1178,-668,1178,-669,1178,-674,-676,1178,-679,1178,1178,1178,-689,-691,1178,-694,1178,1178,-746,1178,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1178,1178,1178,1178,1178,-879,1178,-882,-910,-922,-927,-390,-391,1178,-396,1178,-399,1178,-404,1178,-405,1178,-410,1178,-415,1178,-419,1178,-420,1178,-425,1178,-428,-901,-902,-645,-587,-1896,-903,1178,1178,1178,-802,1178,1178,-806,1178,-809,-835,1178,-820,1178,-822,1178,-824,-810,1178,-826,1178,-853,-854,1178,1178,-813,1178,-648,-904,-906,-650,-651,-647,1178,-707,-708,1178,-644,-905,-649,-652,-605,-716,1178,1178,-607,-588,1178,1178,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1178,1178,-711,-712,1178,-718,1178,302,302,302,1178,1178,-940,302,-441,-443,-749,1178,-893,1882,-717,-1896,1178,1178,302,302,1178,-444,-514,-525,1178,-730,-735,1178,-737,1178,-742,1178,-664,-670,1178,-680,-682,-684,-685,-692,-695,-699,-747,1178,1178,-876,1178,1178,-880,1178,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1178,-814,1178,-816,-803,1178,-804,-807,1178,-818,-821,-823,-825,-827,1178,-828,1178,-811,1178,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,302,-284,302,1178,302,1178,-457,1178,1178,-731,1178,-738,1178,-743,1178,-665,-673,1178,1178,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1178,-838,-53,302,1178,-732,1178,-739,1178,-744,-666,1178,-875,-54,302,302,-733,-740,-745,1178,302,1178,-874,]),'GTID_SUBSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[303,303,303,1186,-1896,303,303,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,303,303,303,303,-277,-278,1186,-1427,1186,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1186,1186,1186,-492,1186,1186,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1186,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1186,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1883,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,303,-174,-175,-176,-177,-995,303,303,303,303,303,303,303,303,303,303,1186,1186,1186,1186,1186,-292,-293,-283,303,1186,1186,1186,1186,-330,-320,-334,-335,-336,1186,1186,-984,-985,-986,-987,-988,-989,-990,303,303,1186,1186,1186,1186,1186,1186,1186,1186,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1186,1186,1186,-355,-358,303,-325,-326,-143,1186,-144,1186,-145,1186,-432,-937,-938,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1896,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1896,1186,-1896,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1896,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1896,303,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1186,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1186,303,303,-193,-194,303,-996,1186,303,303,303,303,-279,-280,-281,-282,-367,1186,-310,1186,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1186,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1186,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1186,1186,1186,1186,1186,1186,-575,1186,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1186,1186,-725,-726,-727,1186,1883,303,303,303,303,-996,303,1186,-93,-94,303,303,303,1186,-311,-312,-322,1186,-309,-295,-296,-297,1186,303,1186,1186,-620,-635,-592,1186,303,-438,303,-439,1186,-446,-447,-448,-380,-381,1186,1186,1186,-508,1186,1186,-512,1186,1186,1186,1186,-517,-518,-519,-520,1186,1186,-523,-524,1186,-526,-527,-528,-529,-530,-531,-532,-533,1186,-535,1186,1186,1186,-541,-543,-544,1186,-546,-547,-548,-549,1186,1186,1186,1186,1186,1186,-654,-655,-656,-657,303,-659,-660,-661,1186,1186,1186,-667,1186,1186,-671,-672,1186,1186,-675,1186,-677,-678,1186,-681,1186,-683,1186,1186,-686,-687,-688,1186,-690,1186,1186,-693,1186,1186,-696,-697,-698,1186,-700,-701,-702,-703,1186,1186,-748,1186,-751,-752,-753,-754,-755,1186,-757,-758,-759,-760,-761,1186,-768,-769,-771,1186,-773,-774,-775,-784,-858,-860,-862,-864,1186,1186,1186,1186,-870,1186,-872,1186,1186,1186,1186,1186,1186,1186,-908,-909,1186,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1186,-923,-926,1186,-936,1186,-387,-388,-389,1186,1186,-392,-393,-394,-395,1186,-398,1186,-401,-402,1186,-403,1186,-408,-409,1186,-412,-413,-414,1186,-417,1186,-418,1186,-423,-424,1186,-427,1186,-430,-431,-1896,-1896,1186,-621,-622,-623,-624,-625,-636,-586,-626,-799,1186,1186,1186,1186,1186,-833,1186,1186,-808,1186,-834,1186,1186,1186,1186,-800,1186,-855,-801,1186,1186,1186,1186,1186,1186,-856,-857,1186,-836,-832,-837,1186,-627,1186,-628,-629,-630,-631,-576,1186,1186,-632,-633,-634,1186,1186,1186,1186,1186,1186,-637,-638,-639,-594,-1896,-604,1186,-640,-641,-715,-642,-606,1186,-574,-579,-582,-585,1186,1186,1186,-600,-603,1186,-610,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1186,303,303,-997,303,1186,303,303,303,1186,-308,-327,-321,-298,-377,-454,-455,-456,-460,303,-445,1186,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1186,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,303,303,303,303,303,303,303,303,1186,-318,-537,-510,-593,-939,-941,-942,-440,1186,-442,-382,-383,-385,-509,-511,-513,1186,-515,-516,-521,-522,1186,-534,-536,-539,-540,-545,-550,-728,1186,-729,1186,-734,1186,-736,1186,-741,-658,-662,-663,1186,-668,1186,-669,1186,-674,-676,1186,-679,1186,1186,1186,-689,-691,1186,-694,1186,1186,-746,1186,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1186,1186,1186,1186,1186,-879,1186,-882,-910,-922,-927,-390,-391,1186,-396,1186,-399,1186,-404,1186,-405,1186,-410,1186,-415,1186,-419,1186,-420,1186,-425,1186,-428,-901,-902,-645,-587,-1896,-903,1186,1186,1186,-802,1186,1186,-806,1186,-809,-835,1186,-820,1186,-822,1186,-824,-810,1186,-826,1186,-853,-854,1186,1186,-813,1186,-648,-904,-906,-650,-651,-647,1186,-707,-708,1186,-644,-905,-649,-652,-605,-716,1186,1186,-607,-588,1186,1186,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1186,1186,-711,-712,1186,-718,1186,303,303,303,1186,1186,-940,303,-441,-443,-749,1186,-893,1883,-717,-1896,1186,1186,303,303,1186,-444,-514,-525,1186,-730,-735,1186,-737,1186,-742,1186,-664,-670,1186,-680,-682,-684,-685,-692,-695,-699,-747,1186,1186,-876,1186,1186,-880,1186,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1186,-814,1186,-816,-803,1186,-804,-807,1186,-818,-821,-823,-825,-827,1186,-828,1186,-811,1186,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,303,-284,303,1186,303,1186,-457,1186,1186,-731,1186,-738,1186,-743,1186,-665,-673,1186,1186,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1186,-838,-53,303,1186,-732,1186,-739,1186,-744,-666,1186,-875,-54,303,303,-733,-740,-745,1186,303,1186,-874,]),'GTID_SUBTRACT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[304,304,304,1187,-1896,304,304,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,304,304,304,304,-277,-278,1187,-1427,1187,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1187,1187,1187,-492,1187,1187,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1187,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1187,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1884,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,304,-174,-175,-176,-177,-995,304,304,304,304,304,304,304,304,304,304,1187,1187,1187,1187,1187,-292,-293,-283,304,1187,1187,1187,1187,-330,-320,-334,-335,-336,1187,1187,-984,-985,-986,-987,-988,-989,-990,304,304,1187,1187,1187,1187,1187,1187,1187,1187,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1187,1187,1187,-355,-358,304,-325,-326,-143,1187,-144,1187,-145,1187,-432,-937,-938,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1896,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1896,1187,-1896,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1896,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1896,304,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1187,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1187,304,304,-193,-194,304,-996,1187,304,304,304,304,-279,-280,-281,-282,-367,1187,-310,1187,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1187,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1187,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1187,1187,1187,1187,1187,1187,-575,1187,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1187,1187,-725,-726,-727,1187,1884,304,304,304,304,-996,304,1187,-93,-94,304,304,304,1187,-311,-312,-322,1187,-309,-295,-296,-297,1187,304,1187,1187,-620,-635,-592,1187,304,-438,304,-439,1187,-446,-447,-448,-380,-381,1187,1187,1187,-508,1187,1187,-512,1187,1187,1187,1187,-517,-518,-519,-520,1187,1187,-523,-524,1187,-526,-527,-528,-529,-530,-531,-532,-533,1187,-535,1187,1187,1187,-541,-543,-544,1187,-546,-547,-548,-549,1187,1187,1187,1187,1187,1187,-654,-655,-656,-657,304,-659,-660,-661,1187,1187,1187,-667,1187,1187,-671,-672,1187,1187,-675,1187,-677,-678,1187,-681,1187,-683,1187,1187,-686,-687,-688,1187,-690,1187,1187,-693,1187,1187,-696,-697,-698,1187,-700,-701,-702,-703,1187,1187,-748,1187,-751,-752,-753,-754,-755,1187,-757,-758,-759,-760,-761,1187,-768,-769,-771,1187,-773,-774,-775,-784,-858,-860,-862,-864,1187,1187,1187,1187,-870,1187,-872,1187,1187,1187,1187,1187,1187,1187,-908,-909,1187,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1187,-923,-926,1187,-936,1187,-387,-388,-389,1187,1187,-392,-393,-394,-395,1187,-398,1187,-401,-402,1187,-403,1187,-408,-409,1187,-412,-413,-414,1187,-417,1187,-418,1187,-423,-424,1187,-427,1187,-430,-431,-1896,-1896,1187,-621,-622,-623,-624,-625,-636,-586,-626,-799,1187,1187,1187,1187,1187,-833,1187,1187,-808,1187,-834,1187,1187,1187,1187,-800,1187,-855,-801,1187,1187,1187,1187,1187,1187,-856,-857,1187,-836,-832,-837,1187,-627,1187,-628,-629,-630,-631,-576,1187,1187,-632,-633,-634,1187,1187,1187,1187,1187,1187,-637,-638,-639,-594,-1896,-604,1187,-640,-641,-715,-642,-606,1187,-574,-579,-582,-585,1187,1187,1187,-600,-603,1187,-610,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1187,304,304,-997,304,1187,304,304,304,1187,-308,-327,-321,-298,-377,-454,-455,-456,-460,304,-445,1187,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1187,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,304,304,304,304,304,304,304,304,1187,-318,-537,-510,-593,-939,-941,-942,-440,1187,-442,-382,-383,-385,-509,-511,-513,1187,-515,-516,-521,-522,1187,-534,-536,-539,-540,-545,-550,-728,1187,-729,1187,-734,1187,-736,1187,-741,-658,-662,-663,1187,-668,1187,-669,1187,-674,-676,1187,-679,1187,1187,1187,-689,-691,1187,-694,1187,1187,-746,1187,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1187,1187,1187,1187,1187,-879,1187,-882,-910,-922,-927,-390,-391,1187,-396,1187,-399,1187,-404,1187,-405,1187,-410,1187,-415,1187,-419,1187,-420,1187,-425,1187,-428,-901,-902,-645,-587,-1896,-903,1187,1187,1187,-802,1187,1187,-806,1187,-809,-835,1187,-820,1187,-822,1187,-824,-810,1187,-826,1187,-853,-854,1187,1187,-813,1187,-648,-904,-906,-650,-651,-647,1187,-707,-708,1187,-644,-905,-649,-652,-605,-716,1187,1187,-607,-588,1187,1187,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1187,1187,-711,-712,1187,-718,1187,304,304,304,1187,1187,-940,304,-441,-443,-749,1187,-893,1884,-717,-1896,1187,1187,304,304,1187,-444,-514,-525,1187,-730,-735,1187,-737,1187,-742,1187,-664,-670,1187,-680,-682,-684,-685,-692,-695,-699,-747,1187,1187,-876,1187,1187,-880,1187,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1187,-814,1187,-816,-803,1187,-804,-807,1187,-818,-821,-823,-825,-827,1187,-828,1187,-811,1187,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,304,-284,304,1187,304,1187,-457,1187,1187,-731,1187,-738,1187,-743,1187,-665,-673,1187,1187,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1187,-838,-53,304,1187,-732,1187,-739,1187,-744,-666,1187,-875,-54,304,304,-733,-740,-745,1187,304,1187,-874,]),'GTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[305,305,305,305,-1896,305,305,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,305,305,305,305,-277,-278,305,-1427,305,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,305,305,305,-492,305,305,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,305,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,305,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,305,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,305,-174,-175,-176,-177,-995,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-292,-293,-283,305,305,305,305,305,-330,-320,-334,-335,-336,305,305,-984,-985,-986,-987,-988,-989,-990,305,305,305,305,305,305,305,305,305,305,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,305,305,305,-355,-358,305,-325,-326,-143,305,-144,305,-145,305,-432,-937,-938,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-1896,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-1896,305,-1896,305,305,305,305,305,305,305,305,305,305,305,305,-1896,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-1896,305,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,305,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,305,305,305,-193,-194,305,-996,305,305,305,305,305,-279,-280,-281,-282,-367,305,-310,305,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,305,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,305,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,305,305,305,305,305,305,-575,305,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,305,305,-725,-726,-727,305,305,305,305,305,305,-996,305,305,-93,-94,305,305,305,305,-311,-312,-322,305,-309,-295,-296,-297,305,305,305,305,-620,-635,-592,305,305,-438,305,-439,305,-446,-447,-448,-380,-381,305,305,305,-508,305,305,-512,305,305,305,305,-517,-518,-519,-520,305,305,-523,-524,305,-526,-527,-528,-529,-530,-531,-532,-533,305,-535,305,305,305,-541,-543,-544,305,-546,-547,-548,-549,305,305,305,305,305,305,-654,-655,-656,-657,305,-659,-660,-661,305,305,305,-667,305,305,-671,-672,305,305,-675,305,-677,-678,305,-681,305,-683,305,305,-686,-687,-688,305,-690,305,305,-693,305,305,-696,-697,-698,305,-700,-701,-702,-703,305,305,-748,305,-751,-752,-753,-754,-755,305,-757,-758,-759,-760,-761,305,-768,-769,-771,305,-773,-774,-775,-784,-858,-860,-862,-864,305,305,305,305,-870,305,-872,305,305,305,305,305,305,305,-908,-909,305,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,305,-923,-926,305,-936,305,-387,-388,-389,305,305,-392,-393,-394,-395,305,-398,305,-401,-402,305,-403,305,-408,-409,305,-412,-413,-414,305,-417,305,-418,305,-423,-424,305,-427,305,-430,-431,-1896,-1896,305,-621,-622,-623,-624,-625,-636,-586,-626,-799,305,305,305,305,305,-833,305,305,-808,305,-834,305,305,305,305,-800,305,-855,-801,305,305,305,305,305,305,-856,-857,305,-836,-832,-837,305,-627,305,-628,-629,-630,-631,-576,305,305,-632,-633,-634,305,305,305,305,305,305,-637,-638,-639,-594,-1896,-604,305,-640,-641,-715,-642,-606,305,-574,-579,-582,-585,305,305,305,-600,-603,305,-610,305,305,305,305,305,305,305,305,305,305,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,305,305,305,-997,305,305,305,305,305,305,-308,-327,-321,-298,-377,-454,-455,-456,-460,305,-445,305,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,305,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,305,305,305,305,305,305,305,305,305,-318,-537,-510,-593,-939,-941,-942,-440,305,-442,-382,-383,-385,-509,-511,-513,305,-515,-516,-521,-522,305,-534,-536,-539,-540,-545,-550,-728,305,-729,305,-734,305,-736,305,-741,-658,-662,-663,305,-668,305,-669,305,-674,-676,305,-679,305,305,305,-689,-691,305,-694,305,305,-746,305,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,305,305,305,305,305,-879,305,-882,-910,-922,-927,-390,-391,305,-396,305,-399,305,-404,305,-405,305,-410,305,-415,305,-419,305,-420,305,-425,305,-428,-901,-902,-645,-587,-1896,-903,305,305,305,-802,305,305,-806,305,-809,-835,305,-820,305,-822,305,-824,-810,305,-826,305,-853,-854,305,305,-813,305,-648,-904,-906,-650,-651,-647,305,-707,-708,305,-644,-905,-649,-652,-605,-716,305,305,-607,-588,305,305,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,305,305,-711,-712,305,-718,305,305,305,305,305,305,-940,305,-441,-443,-749,305,-893,305,-717,-1896,305,305,305,305,305,-444,-514,-525,305,-730,-735,305,-737,305,-742,305,-664,-670,305,-680,-682,-684,-685,-692,-695,-699,-747,305,305,-876,305,305,-880,305,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,305,-814,305,-816,-803,305,-804,-807,305,-818,-821,-823,-825,-827,305,-828,305,-811,305,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,305,-284,305,305,305,305,-457,305,305,-731,305,-738,305,-743,305,-665,-673,305,305,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,305,-838,-53,305,305,-732,305,-739,305,-744,-666,305,-875,-54,305,305,-733,-740,-745,305,305,305,-874,]),'HANDLER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[306,306,306,306,-1896,306,306,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,306,306,306,306,-277,-278,306,-1427,306,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,306,306,306,-492,306,306,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,306,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,306,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,306,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,306,-174,-175,-176,-177,-995,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-292,-293,-283,306,306,306,306,306,-330,-320,-334,-335,-336,306,306,-984,-985,-986,-987,-988,-989,-990,306,306,306,306,306,306,306,306,306,306,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,306,306,306,-355,-358,306,-325,-326,-143,306,-144,306,-145,306,-432,-937,-938,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-1896,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-1896,306,-1896,306,306,306,306,306,306,306,306,306,306,306,306,-1896,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-1896,306,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,306,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,306,306,306,-193,-194,306,-996,306,306,306,306,306,-279,-280,-281,-282,-367,306,-310,306,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,306,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,306,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,306,306,306,306,306,306,-575,306,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,306,306,-725,-726,-727,306,306,306,306,306,306,-996,306,306,-93,-94,306,306,306,306,-311,-312,-322,306,-309,-295,-296,-297,306,306,306,306,-620,-635,-592,306,306,-438,306,-439,306,-446,-447,-448,-380,-381,306,306,306,-508,306,306,-512,306,306,306,306,-517,-518,-519,-520,306,306,-523,-524,306,-526,-527,-528,-529,-530,-531,-532,-533,306,-535,306,306,306,-541,-543,-544,306,-546,-547,-548,-549,306,306,306,306,306,306,-654,-655,-656,-657,306,-659,-660,-661,306,306,306,-667,306,306,-671,-672,306,306,-675,306,-677,-678,306,-681,306,-683,306,306,-686,-687,-688,306,-690,306,306,-693,306,306,-696,-697,-698,306,-700,-701,-702,-703,306,306,-748,306,-751,-752,-753,-754,-755,306,-757,-758,-759,-760,-761,306,-768,-769,-771,306,-773,-774,-775,-784,-858,-860,-862,-864,306,306,306,306,-870,306,-872,306,306,306,306,306,306,306,-908,-909,306,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,306,-923,-926,306,-936,306,-387,-388,-389,306,306,-392,-393,-394,-395,306,-398,306,-401,-402,306,-403,306,-408,-409,306,-412,-413,-414,306,-417,306,-418,306,-423,-424,306,-427,306,-430,-431,-1896,-1896,306,-621,-622,-623,-624,-625,-636,-586,-626,-799,306,306,306,306,306,-833,306,306,-808,306,-834,306,306,306,306,-800,306,-855,-801,306,306,306,306,306,306,-856,-857,306,-836,-832,-837,306,-627,306,-628,-629,-630,-631,-576,306,306,-632,-633,-634,306,306,306,306,306,306,-637,-638,-639,-594,-1896,-604,306,-640,-641,-715,-642,-606,306,-574,-579,-582,-585,306,306,306,-600,-603,306,-610,306,306,306,306,306,306,306,306,306,306,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,306,306,306,-997,306,306,306,306,306,306,-308,-327,-321,-298,-377,-454,-455,-456,-460,306,-445,306,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,306,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,306,306,306,306,306,306,306,306,306,-318,-537,-510,-593,-939,-941,-942,-440,306,-442,-382,-383,-385,-509,-511,-513,306,-515,-516,-521,-522,306,-534,-536,-539,-540,-545,-550,-728,306,-729,306,-734,306,-736,306,-741,-658,-662,-663,306,-668,306,-669,306,-674,-676,306,-679,306,306,306,-689,-691,306,-694,306,306,-746,306,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,306,306,306,306,306,-879,306,-882,-910,-922,-927,-390,-391,306,-396,306,-399,306,-404,306,-405,306,-410,306,-415,306,-419,306,-420,306,-425,306,-428,-901,-902,-645,-587,-1896,-903,306,306,306,-802,306,306,-806,306,-809,-835,306,-820,306,-822,306,-824,-810,306,-826,306,-853,-854,306,306,-813,306,-648,-904,-906,-650,-651,-647,306,-707,-708,306,-644,-905,-649,-652,-605,-716,306,306,-607,-588,306,306,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,306,306,-711,-712,306,-718,306,306,306,306,306,306,-940,306,-441,-443,-749,306,-893,306,-717,-1896,306,306,306,306,306,-444,-514,-525,306,-730,-735,306,-737,306,-742,306,-664,-670,306,-680,-682,-684,-685,-692,-695,-699,-747,306,306,-876,306,306,-880,306,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,306,-814,306,-816,-803,306,-804,-807,306,-818,-821,-823,-825,-827,306,-828,306,-811,306,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,306,-284,306,306,306,306,-457,306,306,-731,306,-738,306,-743,306,-665,-673,306,306,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,306,-838,-53,306,306,-732,306,-739,306,-744,-666,306,-875,-54,306,306,-733,-740,-745,306,306,306,-874,]),'HASH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[307,307,307,307,-1896,307,307,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,307,307,307,307,-277,-278,307,-1427,307,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,307,307,307,-492,307,307,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,307,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,307,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,307,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,307,-174,-175,-176,-177,-995,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-292,-293,-283,307,307,307,307,307,-330,-320,-334,-335,-336,307,307,-984,-985,-986,-987,-988,-989,-990,307,307,307,307,307,307,307,307,307,307,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,307,307,307,-355,-358,307,-325,-326,-143,307,-144,307,-145,307,-432,-937,-938,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-1896,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-1896,307,-1896,307,307,307,307,307,307,307,307,307,307,307,307,-1896,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-1896,307,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,307,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,307,307,307,-193,-194,307,-996,307,307,307,307,307,-279,-280,-281,-282,-367,307,-310,307,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,307,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,307,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,307,307,307,307,307,307,-575,307,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,307,307,-725,-726,-727,307,307,307,307,307,307,-996,307,307,-93,-94,307,307,307,307,-311,-312,-322,307,-309,-295,-296,-297,307,307,307,307,-620,-635,-592,307,307,-438,307,-439,307,-446,-447,-448,-380,-381,307,307,307,-508,307,307,-512,307,307,307,307,-517,-518,-519,-520,307,307,-523,-524,307,-526,-527,-528,-529,-530,-531,-532,-533,307,-535,307,307,307,-541,-543,-544,307,-546,-547,-548,-549,307,307,307,307,307,307,-654,-655,-656,-657,307,-659,-660,-661,307,307,307,-667,307,307,-671,-672,307,307,-675,307,-677,-678,307,-681,307,-683,307,307,-686,-687,-688,307,-690,307,307,-693,307,307,-696,-697,-698,307,-700,-701,-702,-703,307,307,-748,307,-751,-752,-753,-754,-755,307,-757,-758,-759,-760,-761,307,-768,-769,-771,307,-773,-774,-775,-784,-858,-860,-862,-864,307,307,307,307,-870,307,-872,307,307,307,307,307,307,307,-908,-909,307,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,307,-923,-926,307,-936,307,-387,-388,-389,307,307,-392,-393,-394,-395,307,-398,307,-401,-402,307,-403,307,-408,-409,307,-412,-413,-414,307,-417,307,-418,307,-423,-424,307,-427,307,-430,-431,-1896,-1896,307,-621,-622,-623,-624,-625,-636,-586,-626,-799,307,307,307,307,307,-833,307,307,-808,307,-834,307,307,307,307,-800,307,-855,-801,307,307,307,307,307,307,-856,-857,307,-836,-832,-837,307,-627,307,-628,-629,-630,-631,-576,307,307,-632,-633,-634,307,307,307,307,307,307,-637,-638,-639,-594,-1896,-604,307,-640,-641,-715,-642,-606,307,-574,-579,-582,-585,307,307,307,-600,-603,307,-610,307,307,307,307,307,307,307,307,307,307,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,307,307,307,-997,307,307,307,307,307,307,-308,-327,-321,-298,-377,-454,-455,-456,-460,307,-445,307,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,307,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,307,307,307,307,307,307,307,307,307,-318,-537,-510,-593,-939,-941,-942,-440,307,-442,-382,-383,-385,-509,-511,-513,307,-515,-516,-521,-522,307,-534,-536,-539,-540,-545,-550,-728,307,-729,307,-734,307,-736,307,-741,-658,-662,-663,307,-668,307,-669,307,-674,-676,307,-679,307,307,307,-689,-691,307,-694,307,307,-746,307,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,307,307,307,307,307,-879,307,-882,-910,-922,-927,-390,-391,307,-396,307,-399,307,-404,307,-405,307,-410,307,-415,307,-419,307,-420,307,-425,307,-428,-901,-902,-645,-587,-1896,-903,307,307,307,-802,307,307,-806,307,-809,-835,307,-820,307,-822,307,-824,-810,307,-826,307,-853,-854,307,307,-813,307,-648,-904,-906,-650,-651,-647,307,-707,-708,307,-644,-905,-649,-652,-605,-716,307,307,-607,-588,307,307,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,307,307,-711,-712,307,-718,307,307,307,307,307,307,-940,307,-441,-443,-749,307,-893,307,-717,-1896,307,307,307,307,307,-444,-514,-525,307,-730,-735,307,-737,307,-742,307,-664,-670,307,-680,-682,-684,-685,-692,-695,-699,-747,307,307,-876,307,307,-880,307,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,307,-814,307,-816,-803,307,-804,-807,307,-818,-821,-823,-825,-827,307,-828,307,-811,307,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,307,-284,307,307,307,307,-457,307,307,-731,307,-738,307,-743,307,-665,-673,307,307,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,307,-838,-53,307,307,-732,307,-739,307,-744,-666,307,-875,-54,307,307,-733,-740,-745,307,307,307,-874,]),'HELP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[308,308,308,308,-1896,308,308,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,308,308,308,308,-277,-278,308,-1427,308,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,308,308,308,-492,308,308,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,308,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,308,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,308,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,308,-174,-175,-176,-177,-995,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-292,-293,-283,308,308,308,308,308,-330,-320,-334,-335,-336,308,308,-984,-985,-986,-987,-988,-989,-990,308,308,308,308,308,308,308,308,308,308,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,308,308,308,-355,-358,308,-325,-326,-143,308,-144,308,-145,308,-432,-937,-938,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-1896,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-1896,308,-1896,308,308,308,308,308,308,308,308,308,308,308,308,-1896,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-1896,308,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,308,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,308,308,308,-193,-194,308,-996,308,308,308,308,308,-279,-280,-281,-282,-367,308,-310,308,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,308,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,308,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,308,308,308,308,308,308,-575,308,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,308,308,-725,-726,-727,308,308,308,308,308,308,-996,308,308,-93,-94,308,308,308,308,-311,-312,-322,308,-309,-295,-296,-297,308,308,308,308,-620,-635,-592,308,308,-438,308,-439,308,-446,-447,-448,-380,-381,308,308,308,-508,308,308,-512,308,308,308,308,-517,-518,-519,-520,308,308,-523,-524,308,-526,-527,-528,-529,-530,-531,-532,-533,308,-535,308,308,308,-541,-543,-544,308,-546,-547,-548,-549,308,308,308,308,308,308,-654,-655,-656,-657,308,-659,-660,-661,308,308,308,-667,308,308,-671,-672,308,308,-675,308,-677,-678,308,-681,308,-683,308,308,-686,-687,-688,308,-690,308,308,-693,308,308,-696,-697,-698,308,-700,-701,-702,-703,308,308,-748,308,-751,-752,-753,-754,-755,308,-757,-758,-759,-760,-761,308,-768,-769,-771,308,-773,-774,-775,-784,-858,-860,-862,-864,308,308,308,308,-870,308,-872,308,308,308,308,308,308,308,-908,-909,308,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,308,-923,-926,308,-936,308,-387,-388,-389,308,308,-392,-393,-394,-395,308,-398,308,-401,-402,308,-403,308,-408,-409,308,-412,-413,-414,308,-417,308,-418,308,-423,-424,308,-427,308,-430,-431,-1896,-1896,308,-621,-622,-623,-624,-625,-636,-586,-626,-799,308,308,308,308,308,-833,308,308,-808,308,-834,308,308,308,308,-800,308,-855,-801,308,308,308,308,308,308,-856,-857,308,-836,-832,-837,308,-627,308,-628,-629,-630,-631,-576,308,308,-632,-633,-634,308,308,308,308,308,308,-637,-638,-639,-594,-1896,-604,308,-640,-641,-715,-642,-606,308,-574,-579,-582,-585,308,308,308,-600,-603,308,-610,308,308,308,308,308,308,308,308,308,308,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,308,308,308,-997,308,308,308,308,308,308,-308,-327,-321,-298,-377,-454,-455,-456,-460,308,-445,308,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,308,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,308,308,308,308,308,308,308,308,308,-318,-537,-510,-593,-939,-941,-942,-440,308,-442,-382,-383,-385,-509,-511,-513,308,-515,-516,-521,-522,308,-534,-536,-539,-540,-545,-550,-728,308,-729,308,-734,308,-736,308,-741,-658,-662,-663,308,-668,308,-669,308,-674,-676,308,-679,308,308,308,-689,-691,308,-694,308,308,-746,308,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,308,308,308,308,308,-879,308,-882,-910,-922,-927,-390,-391,308,-396,308,-399,308,-404,308,-405,308,-410,308,-415,308,-419,308,-420,308,-425,308,-428,-901,-902,-645,-587,-1896,-903,308,308,308,-802,308,308,-806,308,-809,-835,308,-820,308,-822,308,-824,-810,308,-826,308,-853,-854,308,308,-813,308,-648,-904,-906,-650,-651,-647,308,-707,-708,308,-644,-905,-649,-652,-605,-716,308,308,-607,-588,308,308,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,308,308,-711,-712,308,-718,308,308,308,308,308,308,-940,308,-441,-443,-749,308,-893,308,-717,-1896,308,308,308,308,308,-444,-514,-525,308,-730,-735,308,-737,308,-742,308,-664,-670,308,-680,-682,-684,-685,-692,-695,-699,-747,308,308,-876,308,308,-880,308,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,308,-814,308,-816,-803,308,-804,-807,308,-818,-821,-823,-825,-827,308,-828,308,-811,308,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,308,-284,308,308,308,308,-457,308,308,-731,308,-738,308,-743,308,-665,-673,308,308,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,308,-838,-53,308,308,-732,308,-739,308,-744,-666,308,-875,-54,308,308,-733,-740,-745,308,308,308,-874,]),'HEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[309,309,309,1096,-1896,309,309,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,309,309,309,309,-277,-278,1096,-1427,1096,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1096,1096,1096,-492,1096,1096,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1096,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1096,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1885,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,309,-174,-175,-176,-177,-995,309,309,309,309,309,309,309,309,309,309,1096,1096,1096,1096,1096,-292,-293,-283,309,1096,1096,1096,1096,-330,-320,-334,-335,-336,1096,1096,-984,-985,-986,-987,-988,-989,-990,309,309,1096,1096,1096,1096,1096,1096,1096,1096,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1096,1096,1096,-355,-358,309,-325,-326,-143,1096,-144,1096,-145,1096,-432,-937,-938,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1896,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1896,1096,-1896,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1896,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1896,309,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1096,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1096,309,309,-193,-194,309,-996,1096,309,309,309,309,-279,-280,-281,-282,-367,1096,-310,1096,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1096,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1096,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1096,1096,1096,1096,1096,1096,-575,1096,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1096,1096,-725,-726,-727,1096,1885,309,309,309,309,-996,309,1096,-93,-94,309,309,309,1096,-311,-312,-322,1096,-309,-295,-296,-297,1096,309,1096,1096,-620,-635,-592,1096,309,-438,309,-439,1096,-446,-447,-448,-380,-381,1096,1096,1096,-508,1096,1096,-512,1096,1096,1096,1096,-517,-518,-519,-520,1096,1096,-523,-524,1096,-526,-527,-528,-529,-530,-531,-532,-533,1096,-535,1096,1096,1096,-541,-543,-544,1096,-546,-547,-548,-549,1096,1096,1096,1096,1096,1096,-654,-655,-656,-657,309,-659,-660,-661,1096,1096,1096,-667,1096,1096,-671,-672,1096,1096,-675,1096,-677,-678,1096,-681,1096,-683,1096,1096,-686,-687,-688,1096,-690,1096,1096,-693,1096,1096,-696,-697,-698,1096,-700,-701,-702,-703,1096,1096,-748,1096,-751,-752,-753,-754,-755,1096,-757,-758,-759,-760,-761,1096,-768,-769,-771,1096,-773,-774,-775,-784,-858,-860,-862,-864,1096,1096,1096,1096,-870,1096,-872,1096,1096,1096,1096,1096,1096,1096,-908,-909,1096,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1096,-923,-926,1096,-936,1096,-387,-388,-389,1096,1096,-392,-393,-394,-395,1096,-398,1096,-401,-402,1096,-403,1096,-408,-409,1096,-412,-413,-414,1096,-417,1096,-418,1096,-423,-424,1096,-427,1096,-430,-431,-1896,-1896,1096,-621,-622,-623,-624,-625,-636,-586,-626,-799,1096,1096,1096,1096,1096,-833,1096,1096,-808,1096,-834,1096,1096,1096,1096,-800,1096,-855,-801,1096,1096,1096,1096,1096,1096,-856,-857,1096,-836,-832,-837,1096,-627,1096,-628,-629,-630,-631,-576,1096,1096,-632,-633,-634,1096,1096,1096,1096,1096,1096,-637,-638,-639,-594,-1896,-604,1096,-640,-641,-715,-642,-606,1096,-574,-579,-582,-585,1096,1096,1096,-600,-603,1096,-610,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1096,309,309,-997,309,1096,309,309,309,1096,-308,-327,-321,-298,-377,-454,-455,-456,-460,309,-445,1096,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1096,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,309,309,309,309,309,309,309,309,1096,-318,-537,-510,-593,-939,-941,-942,-440,1096,-442,-382,-383,-385,-509,-511,-513,1096,-515,-516,-521,-522,1096,-534,-536,-539,-540,-545,-550,-728,1096,-729,1096,-734,1096,-736,1096,-741,-658,-662,-663,1096,-668,1096,-669,1096,-674,-676,1096,-679,1096,1096,1096,-689,-691,1096,-694,1096,1096,-746,1096,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1096,1096,1096,1096,1096,-879,1096,-882,-910,-922,-927,-390,-391,1096,-396,1096,-399,1096,-404,1096,-405,1096,-410,1096,-415,1096,-419,1096,-420,1096,-425,1096,-428,-901,-902,-645,-587,-1896,-903,1096,1096,1096,-802,1096,1096,-806,1096,-809,-835,1096,-820,1096,-822,1096,-824,-810,1096,-826,1096,-853,-854,1096,1096,-813,1096,-648,-904,-906,-650,-651,-647,1096,-707,-708,1096,-644,-905,-649,-652,-605,-716,1096,1096,-607,-588,1096,1096,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1096,1096,-711,-712,1096,-718,1096,309,309,309,1096,1096,-940,309,-441,-443,-749,1096,-893,1885,-717,-1896,1096,1096,309,309,1096,-444,-514,-525,1096,-730,-735,1096,-737,1096,-742,1096,-664,-670,1096,-680,-682,-684,-685,-692,-695,-699,-747,1096,1096,-876,1096,1096,-880,1096,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1096,-814,1096,-816,-803,1096,-804,-807,1096,-818,-821,-823,-825,-827,1096,-828,1096,-811,1096,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,309,-284,309,1096,309,1096,-457,1096,1096,-731,1096,-738,1096,-743,1096,-665,-673,1096,1096,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1096,-838,-53,309,1096,-732,1096,-739,1096,-744,-666,1096,-875,-54,309,309,-733,-740,-745,1096,309,1096,-874,]),'HISTOGRAM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[310,310,310,310,-1896,310,310,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,310,310,310,310,-277,-278,310,-1427,310,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,310,310,310,-492,310,310,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,310,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,310,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,310,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,310,-174,-175,-176,-177,-995,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-292,-293,-283,310,310,310,310,310,-330,-320,-334,-335,-336,310,310,-984,-985,-986,-987,-988,-989,-990,310,310,310,310,310,310,310,310,310,310,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,310,310,310,-355,-358,310,-325,-326,-143,310,-144,310,-145,310,-432,-937,-938,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-1896,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-1896,310,-1896,310,310,310,310,310,310,310,310,310,310,310,310,-1896,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-1896,310,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,310,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,310,310,310,-193,-194,310,-996,310,310,310,310,310,-279,-280,-281,-282,-367,310,-310,310,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,310,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,310,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,310,310,310,310,310,310,-575,310,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,310,310,-725,-726,-727,310,310,310,310,310,310,-996,310,310,-93,-94,310,310,310,310,-311,-312,-322,310,-309,-295,-296,-297,310,310,310,310,-620,-635,-592,310,310,-438,310,-439,310,-446,-447,-448,-380,-381,310,310,310,-508,310,310,-512,310,310,310,310,-517,-518,-519,-520,310,310,-523,-524,310,-526,-527,-528,-529,-530,-531,-532,-533,310,-535,310,310,310,-541,-543,-544,310,-546,-547,-548,-549,310,310,310,310,310,310,-654,-655,-656,-657,310,-659,-660,-661,310,310,310,-667,310,310,-671,-672,310,310,-675,310,-677,-678,310,-681,310,-683,310,310,-686,-687,-688,310,-690,310,310,-693,310,310,-696,-697,-698,310,-700,-701,-702,-703,310,310,-748,310,-751,-752,-753,-754,-755,310,-757,-758,-759,-760,-761,310,-768,-769,-771,310,-773,-774,-775,-784,-858,-860,-862,-864,310,310,310,310,-870,310,-872,310,310,310,310,310,310,310,-908,-909,310,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,310,-923,-926,310,-936,310,-387,-388,-389,310,310,-392,-393,-394,-395,310,-398,310,-401,-402,310,-403,310,-408,-409,310,-412,-413,-414,310,-417,310,-418,310,-423,-424,310,-427,310,-430,-431,-1896,-1896,310,-621,-622,-623,-624,-625,-636,-586,-626,-799,310,310,310,310,310,-833,310,310,-808,310,-834,310,310,310,310,-800,310,-855,-801,310,310,310,310,310,310,-856,-857,310,-836,-832,-837,310,-627,310,-628,-629,-630,-631,-576,310,310,-632,-633,-634,310,310,310,310,310,310,-637,-638,-639,-594,-1896,-604,310,-640,-641,-715,-642,-606,310,-574,-579,-582,-585,310,310,310,-600,-603,310,-610,310,310,310,310,310,310,310,310,310,310,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,310,310,310,-997,310,310,310,310,310,310,-308,-327,-321,-298,-377,-454,-455,-456,-460,310,-445,310,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,310,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,310,310,310,310,310,310,310,310,310,-318,-537,-510,-593,-939,-941,-942,-440,310,-442,-382,-383,-385,-509,-511,-513,310,-515,-516,-521,-522,310,-534,-536,-539,-540,-545,-550,-728,310,-729,310,-734,310,-736,310,-741,-658,-662,-663,310,-668,310,-669,310,-674,-676,310,-679,310,310,310,-689,-691,310,-694,310,310,-746,310,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,310,310,310,310,310,-879,310,-882,-910,-922,-927,-390,-391,310,-396,310,-399,310,-404,310,-405,310,-410,310,-415,310,-419,310,-420,310,-425,310,-428,-901,-902,-645,-587,-1896,-903,310,310,310,-802,310,310,-806,310,-809,-835,310,-820,310,-822,310,-824,-810,310,-826,310,-853,-854,310,310,-813,310,-648,-904,-906,-650,-651,-647,310,-707,-708,310,-644,-905,-649,-652,-605,-716,310,310,-607,-588,310,310,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,310,310,-711,-712,310,-718,310,310,310,310,310,310,-940,310,-441,-443,-749,310,-893,310,-717,-1896,310,310,310,310,310,-444,-514,-525,310,-730,-735,310,-737,310,-742,310,-664,-670,310,-680,-682,-684,-685,-692,-695,-699,-747,310,310,-876,310,310,-880,310,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,310,-814,310,-816,-803,310,-804,-807,310,-818,-821,-823,-825,-827,310,-828,310,-811,310,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,310,-284,310,310,310,310,-457,310,310,-731,310,-738,310,-743,310,-665,-673,310,310,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,310,-838,-53,310,310,-732,310,-739,310,-744,-666,310,-875,-54,310,310,-733,-740,-745,310,310,310,-874,]),'HOST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[311,311,311,311,-1896,311,311,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,311,311,311,311,-277,-278,311,-1427,311,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,311,311,311,-492,311,311,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,311,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,311,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,311,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,311,-174,-175,-176,-177,-995,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-292,-293,-283,311,311,311,311,311,-330,-320,-334,-335,-336,311,311,-984,-985,-986,-987,-988,-989,-990,311,311,311,311,311,311,311,311,311,311,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,311,311,311,-355,-358,311,-325,-326,-143,311,-144,311,-145,311,-432,-937,-938,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-1896,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-1896,311,-1896,311,311,311,311,311,311,311,311,311,311,311,311,-1896,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-1896,311,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,311,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,311,311,311,-193,-194,311,-996,311,311,311,311,311,-279,-280,-281,-282,-367,311,-310,311,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,311,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,311,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,311,311,311,311,311,311,-575,311,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,311,311,-725,-726,-727,311,311,311,311,311,311,-996,311,311,-93,-94,311,311,311,311,-311,-312,-322,311,-309,-295,-296,-297,311,311,311,311,-620,-635,-592,311,311,-438,311,-439,311,-446,-447,-448,-380,-381,311,311,311,-508,311,311,-512,311,311,311,311,-517,-518,-519,-520,311,311,-523,-524,311,-526,-527,-528,-529,-530,-531,-532,-533,311,-535,311,311,311,-541,-543,-544,311,-546,-547,-548,-549,311,311,311,311,311,311,-654,-655,-656,-657,311,-659,-660,-661,311,311,311,-667,311,311,-671,-672,311,311,-675,311,-677,-678,311,-681,311,-683,311,311,-686,-687,-688,311,-690,311,311,-693,311,311,-696,-697,-698,311,-700,-701,-702,-703,311,311,-748,311,-751,-752,-753,-754,-755,311,-757,-758,-759,-760,-761,311,-768,-769,-771,311,-773,-774,-775,-784,-858,-860,-862,-864,311,311,311,311,-870,311,-872,311,311,311,311,311,311,311,-908,-909,311,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,311,-923,-926,311,-936,311,-387,-388,-389,311,311,-392,-393,-394,-395,311,-398,311,-401,-402,311,-403,311,-408,-409,311,-412,-413,-414,311,-417,311,-418,311,-423,-424,311,-427,311,-430,-431,-1896,-1896,311,-621,-622,-623,-624,-625,-636,-586,-626,-799,311,311,311,311,311,-833,311,311,-808,311,-834,311,311,311,311,-800,311,-855,-801,311,311,311,311,311,311,-856,-857,311,-836,-832,-837,311,-627,311,-628,-629,-630,-631,-576,311,311,-632,-633,-634,311,311,311,311,311,311,-637,-638,-639,-594,-1896,-604,311,-640,-641,-715,-642,-606,311,-574,-579,-582,-585,311,311,311,-600,-603,311,-610,311,311,311,311,311,311,311,311,311,311,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,311,311,311,-997,311,311,311,311,311,311,-308,-327,-321,-298,-377,-454,-455,-456,-460,311,-445,311,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,311,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,311,311,311,311,311,311,311,311,311,-318,-537,-510,-593,-939,-941,-942,-440,311,-442,-382,-383,-385,-509,-511,-513,311,-515,-516,-521,-522,311,-534,-536,-539,-540,-545,-550,-728,311,-729,311,-734,311,-736,311,-741,-658,-662,-663,311,-668,311,-669,311,-674,-676,311,-679,311,311,311,-689,-691,311,-694,311,311,-746,311,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,311,311,311,311,311,-879,311,-882,-910,-922,-927,-390,-391,311,-396,311,-399,311,-404,311,-405,311,-410,311,-415,311,-419,311,-420,311,-425,311,-428,-901,-902,-645,-587,-1896,-903,311,311,311,-802,311,311,-806,311,-809,-835,311,-820,311,-822,311,-824,-810,311,-826,311,-853,-854,311,311,-813,311,-648,-904,-906,-650,-651,-647,311,-707,-708,311,-644,-905,-649,-652,-605,-716,311,311,-607,-588,311,311,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,311,311,-711,-712,311,-718,311,311,311,311,311,311,-940,311,-441,-443,-749,311,-893,311,-717,-1896,311,311,311,311,311,-444,-514,-525,311,-730,-735,311,-737,311,-742,311,-664,-670,311,-680,-682,-684,-685,-692,-695,-699,-747,311,311,-876,311,311,-880,311,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,311,-814,311,-816,-803,311,-804,-807,311,-818,-821,-823,-825,-827,311,-828,311,-811,311,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,311,-284,311,311,311,311,-457,311,311,-731,311,-738,311,-743,311,-665,-673,311,311,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,311,-838,-53,311,311,-732,311,-739,311,-744,-666,311,-875,-54,311,311,-733,-740,-745,311,311,311,-874,]),'HOSTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[312,312,312,312,-1896,312,312,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,312,312,312,312,-277,-278,312,-1427,312,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,312,312,312,-492,312,312,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,312,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,312,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,312,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,312,-174,-175,-176,-177,-995,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-292,-293,-283,312,312,312,312,312,-330,-320,-334,-335,-336,312,312,-984,-985,-986,-987,-988,-989,-990,312,312,312,312,312,312,312,312,312,312,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,312,312,312,-355,-358,312,-325,-326,-143,312,-144,312,-145,312,-432,-937,-938,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-1896,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-1896,312,-1896,312,312,312,312,312,312,312,312,312,312,312,312,-1896,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-1896,312,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,312,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,312,312,312,-193,-194,312,-996,312,312,312,312,312,-279,-280,-281,-282,-367,312,-310,312,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,312,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,312,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,312,312,312,312,312,312,-575,312,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,312,312,-725,-726,-727,312,312,312,312,312,312,-996,312,312,-93,-94,312,312,312,312,-311,-312,-322,312,-309,-295,-296,-297,312,312,312,312,-620,-635,-592,312,312,-438,312,-439,312,-446,-447,-448,-380,-381,312,312,312,-508,312,312,-512,312,312,312,312,-517,-518,-519,-520,312,312,-523,-524,312,-526,-527,-528,-529,-530,-531,-532,-533,312,-535,312,312,312,-541,-543,-544,312,-546,-547,-548,-549,312,312,312,312,312,312,-654,-655,-656,-657,312,-659,-660,-661,312,312,312,-667,312,312,-671,-672,312,312,-675,312,-677,-678,312,-681,312,-683,312,312,-686,-687,-688,312,-690,312,312,-693,312,312,-696,-697,-698,312,-700,-701,-702,-703,312,312,-748,312,-751,-752,-753,-754,-755,312,-757,-758,-759,-760,-761,312,-768,-769,-771,312,-773,-774,-775,-784,-858,-860,-862,-864,312,312,312,312,-870,312,-872,312,312,312,312,312,312,312,-908,-909,312,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,312,-923,-926,312,-936,312,-387,-388,-389,312,312,-392,-393,-394,-395,312,-398,312,-401,-402,312,-403,312,-408,-409,312,-412,-413,-414,312,-417,312,-418,312,-423,-424,312,-427,312,-430,-431,-1896,-1896,312,-621,-622,-623,-624,-625,-636,-586,-626,-799,312,312,312,312,312,-833,312,312,-808,312,-834,312,312,312,312,-800,312,-855,-801,312,312,312,312,312,312,-856,-857,312,-836,-832,-837,312,-627,312,-628,-629,-630,-631,-576,312,312,-632,-633,-634,312,312,312,312,312,312,-637,-638,-639,-594,-1896,-604,312,-640,-641,-715,-642,-606,312,-574,-579,-582,-585,312,312,312,-600,-603,312,-610,312,312,312,312,312,312,312,312,312,312,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,312,312,312,-997,312,312,312,312,312,312,-308,-327,-321,-298,-377,-454,-455,-456,-460,312,-445,312,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,312,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,312,312,312,312,312,312,312,312,312,-318,-537,-510,-593,-939,-941,-942,-440,312,-442,-382,-383,-385,-509,-511,-513,312,-515,-516,-521,-522,312,-534,-536,-539,-540,-545,-550,-728,312,-729,312,-734,312,-736,312,-741,-658,-662,-663,312,-668,312,-669,312,-674,-676,312,-679,312,312,312,-689,-691,312,-694,312,312,-746,312,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,312,312,312,312,312,-879,312,-882,-910,-922,-927,-390,-391,312,-396,312,-399,312,-404,312,-405,312,-410,312,-415,312,-419,312,-420,312,-425,312,-428,-901,-902,-645,-587,-1896,-903,312,312,312,-802,312,312,-806,312,-809,-835,312,-820,312,-822,312,-824,-810,312,-826,312,-853,-854,312,312,-813,312,-648,-904,-906,-650,-651,-647,312,-707,-708,312,-644,-905,-649,-652,-605,-716,312,312,-607,-588,312,312,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,312,312,-711,-712,312,-718,312,312,312,312,312,312,-940,312,-441,-443,-749,312,-893,312,-717,-1896,312,312,312,312,312,-444,-514,-525,312,-730,-735,312,-737,312,-742,312,-664,-670,312,-680,-682,-684,-685,-692,-695,-699,-747,312,312,-876,312,312,-880,312,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,312,-814,312,-816,-803,312,-804,-807,312,-818,-821,-823,-825,-827,312,-828,312,-811,312,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,312,-284,312,312,312,312,-457,312,312,-731,312,-738,312,-743,312,-665,-673,312,312,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,312,-838,-53,312,312,-732,312,-739,312,-744,-666,312,-875,-54,312,312,-733,-740,-745,312,312,312,-874,]),'HOST_IP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[313,313,313,1012,-1896,313,313,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,313,313,313,313,-277,-278,1012,-1427,1012,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1012,1012,1012,-492,1012,1012,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1012,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1012,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1886,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,313,-174,-175,-176,-177,-995,313,313,313,313,313,313,313,313,313,313,1012,1012,1012,1012,1012,-292,-293,-283,313,1012,1012,1012,1012,-330,-320,-334,-335,-336,1012,1012,-984,-985,-986,-987,-988,-989,-990,313,313,1012,1012,1012,1012,1012,1012,1012,1012,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1012,1012,1012,-355,-358,313,-325,-326,-143,1012,-144,1012,-145,1012,-432,-937,-938,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1896,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1896,1012,-1896,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1896,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1896,313,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1012,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1012,313,313,-193,-194,313,-996,1012,313,313,313,313,-279,-280,-281,-282,-367,1012,-310,1012,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1012,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1012,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1012,1012,1012,1012,1012,1012,-575,1012,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1012,1012,-725,-726,-727,1012,1886,313,313,313,313,-996,313,1012,-93,-94,313,313,313,1012,-311,-312,-322,1012,-309,-295,-296,-297,1012,313,1012,1012,-620,-635,-592,1012,313,-438,313,-439,1012,-446,-447,-448,-380,-381,1012,1012,1012,-508,1012,1012,-512,1012,1012,1012,1012,-517,-518,-519,-520,1012,1012,-523,-524,1012,-526,-527,-528,-529,-530,-531,-532,-533,1012,-535,1012,1012,1012,-541,-543,-544,1012,-546,-547,-548,-549,1012,1012,1012,1012,1012,1012,-654,-655,-656,-657,313,-659,-660,-661,1012,1012,1012,-667,1012,1012,-671,-672,1012,1012,-675,1012,-677,-678,1012,-681,1012,-683,1012,1012,-686,-687,-688,1012,-690,1012,1012,-693,1012,1012,-696,-697,-698,1012,-700,-701,-702,-703,1012,1012,-748,1012,-751,-752,-753,-754,-755,1012,-757,-758,-759,-760,-761,1012,-768,-769,-771,1012,-773,-774,-775,-784,-858,-860,-862,-864,1012,1012,1012,1012,-870,1012,-872,1012,1012,1012,1012,1012,1012,1012,-908,-909,1012,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1012,-923,-926,1012,-936,1012,-387,-388,-389,1012,1012,-392,-393,-394,-395,1012,-398,1012,-401,-402,1012,-403,1012,-408,-409,1012,-412,-413,-414,1012,-417,1012,-418,1012,-423,-424,1012,-427,1012,-430,-431,-1896,-1896,1012,-621,-622,-623,-624,-625,-636,-586,-626,-799,1012,1012,1012,1012,1012,-833,1012,1012,-808,1012,-834,1012,1012,1012,1012,-800,1012,-855,-801,1012,1012,1012,1012,1012,1012,-856,-857,1012,-836,-832,-837,1012,-627,1012,-628,-629,-630,-631,-576,1012,1012,-632,-633,-634,1012,1012,1012,1012,1012,1012,-637,-638,-639,-594,-1896,-604,1012,-640,-641,-715,-642,-606,1012,-574,-579,-582,-585,1012,1012,1012,-600,-603,1012,-610,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1012,313,313,-997,313,1012,313,313,313,1012,-308,-327,-321,-298,-377,-454,-455,-456,-460,313,-445,1012,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1012,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,313,313,313,313,313,313,313,313,1012,-318,-537,-510,-593,-939,-941,-942,-440,1012,-442,-382,-383,-385,-509,-511,-513,1012,-515,-516,-521,-522,1012,-534,-536,-539,-540,-545,-550,-728,1012,-729,1012,-734,1012,-736,1012,-741,-658,-662,-663,1012,-668,1012,-669,1012,-674,-676,1012,-679,1012,1012,1012,-689,-691,1012,-694,1012,1012,-746,1012,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1012,1012,1012,1012,1012,-879,1012,-882,-910,-922,-927,-390,-391,1012,-396,1012,-399,1012,-404,1012,-405,1012,-410,1012,-415,1012,-419,1012,-420,1012,-425,1012,-428,-901,-902,-645,-587,-1896,-903,1012,1012,1012,-802,1012,1012,-806,1012,-809,-835,1012,-820,1012,-822,1012,-824,-810,1012,-826,1012,-853,-854,1012,1012,-813,1012,-648,-904,-906,-650,-651,-647,1012,-707,-708,1012,-644,-905,-649,-652,-605,-716,1012,1012,-607,-588,1012,1012,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1012,1012,-711,-712,1012,-718,1012,313,313,313,1012,1012,-940,313,-441,-443,-749,1012,-893,1886,-717,-1896,1012,1012,313,313,1012,-444,-514,-525,1012,-730,-735,1012,-737,1012,-742,1012,-664,-670,1012,-680,-682,-684,-685,-692,-695,-699,-747,1012,1012,-876,1012,1012,-880,1012,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1012,-814,1012,-816,-803,1012,-804,-807,1012,-818,-821,-823,-825,-827,1012,-828,1012,-811,1012,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,313,-284,313,1012,313,1012,-457,1012,1012,-731,1012,-738,1012,-743,1012,-665,-673,1012,1012,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1012,-838,-53,313,1012,-732,1012,-739,1012,-744,-666,1012,-875,-54,313,313,-733,-740,-745,1012,313,1012,-874,]),'HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[314,314,314,1253,-1896,314,314,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,314,314,314,314,-277,-278,1253,-1427,1253,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1253,1253,1253,-492,1253,1253,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1253,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1253,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1253,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,314,-174,-175,-176,-177,-995,314,314,314,314,314,314,314,314,314,314,1253,1253,1253,1253,1253,-292,-293,-283,314,1253,1253,1253,1253,-330,-320,-334,-335,-336,1253,1253,-984,-985,-986,-987,-988,-989,-990,314,314,1253,1253,1253,1253,1253,1253,1253,1253,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1253,1253,2107,1253,-355,-358,314,-325,-326,-143,1253,-144,1253,-145,1253,-432,-937,-938,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1896,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1896,1253,-1896,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1896,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,2107,2107,1253,1253,2107,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1896,314,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1253,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1253,314,314,-193,-194,314,-996,1253,314,314,314,314,-279,-280,-281,-282,-367,1253,-310,1253,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1253,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1253,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1253,1253,1253,1253,1253,1253,-575,1253,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1253,1253,-725,-726,-727,1253,1253,314,314,314,314,-996,314,1253,-93,-94,314,314,314,1253,-311,-312,-322,1253,-309,-295,-296,-297,1253,314,1253,1253,-620,-635,-592,1253,314,-438,314,-439,1253,-446,-447,-448,-380,-381,1253,1253,1253,-508,1253,1253,-512,1253,1253,1253,1253,-517,-518,-519,-520,1253,1253,-523,-524,1253,-526,-527,-528,-529,-530,-531,-532,-533,1253,-535,1253,1253,1253,-541,-543,-544,1253,-546,-547,-548,-549,1253,1253,1253,1253,1253,1253,-654,-655,-656,-657,314,-659,-660,-661,1253,1253,1253,-667,1253,1253,-671,-672,1253,1253,-675,1253,-677,-678,1253,-681,1253,-683,1253,1253,-686,-687,-688,1253,-690,1253,1253,-693,1253,1253,-696,-697,-698,1253,-700,-701,-702,-703,1253,1253,-748,1253,-751,-752,-753,-754,-755,1253,-757,-758,-759,-760,-761,1253,-768,-769,-771,1253,-773,-774,-775,-784,-858,-860,-862,-864,1253,1253,1253,1253,-870,1253,-872,1253,1253,1253,1253,1253,1253,1253,-908,-909,1253,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1253,-923,-926,1253,-936,1253,-387,-388,-389,1253,1253,-392,-393,-394,-395,1253,-398,1253,-401,-402,1253,-403,1253,-408,-409,1253,-412,-413,-414,1253,-417,1253,-418,1253,-423,-424,1253,-427,1253,-430,-431,-1896,-1896,1253,-621,-622,-623,-624,-625,-636,-586,-626,-799,1253,1253,1253,1253,1253,-833,1253,1253,-808,1253,-834,1253,1253,1253,1253,-800,1253,-855,-801,1253,1253,1253,1253,1253,1253,-856,-857,1253,-836,-832,-837,1253,-627,1253,-628,-629,-630,-631,-576,1253,1253,-632,-633,-634,1253,1253,1253,1253,1253,1253,-637,-638,-639,-594,-1896,-604,1253,-640,-641,-715,-642,-606,1253,-574,-579,-582,-585,1253,1253,1253,-600,-603,1253,-610,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1253,314,314,-997,314,1253,314,314,314,1253,-308,-327,-321,-298,-377,-454,-455,-456,-460,314,-445,1253,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1253,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,314,314,314,314,314,314,314,314,1253,-318,-537,-510,-593,-939,-941,-942,-440,1253,-442,-382,-383,-385,-509,-511,-513,1253,-515,-516,-521,-522,1253,-534,-536,-539,-540,-545,-550,-728,1253,-729,1253,-734,1253,-736,1253,-741,-658,-662,-663,1253,-668,1253,-669,1253,-674,-676,1253,-679,1253,1253,1253,-689,-691,1253,-694,1253,1253,-746,1253,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1253,1253,1253,1253,1253,-879,1253,-882,-910,-922,-927,-390,-391,1253,-396,1253,-399,1253,-404,1253,-405,1253,-410,1253,-415,1253,-419,1253,-420,1253,-425,1253,-428,-901,-902,-645,-587,-1896,-903,1253,1253,1253,-802,1253,1253,-806,1253,-809,-835,1253,-820,1253,-822,1253,-824,-810,1253,-826,1253,-853,-854,1253,1253,-813,1253,-648,-904,-906,-650,-651,-647,1253,-707,-708,1253,-644,-905,-649,-652,-605,-716,1253,1253,-607,-588,1253,1253,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1253,1253,-711,-712,1253,-718,1253,314,314,314,1253,1253,-940,314,-441,-443,-749,1253,-893,1253,-717,-1896,1253,1253,314,314,1253,-444,-514,-525,1253,-730,-735,1253,-737,1253,-742,1253,-664,-670,1253,-680,-682,-684,-685,-692,-695,-699,-747,1253,1253,-876,1253,1253,-880,1253,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1253,-814,1253,-816,-803,1253,-804,-807,1253,-818,-821,-823,-825,-827,1253,-828,1253,-811,1253,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,314,-284,314,1253,314,1253,-457,1253,1253,-731,1253,-738,1253,-743,1253,-665,-673,1253,1253,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1253,-838,-53,314,1253,-732,1253,-739,1253,-744,-666,1253,-875,-54,314,314,-733,-740,-745,1253,314,1253,-874,]),'ICU_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[315,315,315,1167,-1896,315,315,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,315,315,315,315,-277,-278,1167,-1427,1167,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1167,1167,1167,-492,1167,1167,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1167,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1167,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1887,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,315,-174,-175,-176,-177,-995,315,315,315,315,315,315,315,315,315,315,1167,1167,1167,1167,1167,-292,-293,-283,315,1167,1167,1167,1167,-330,-320,-334,-335,-336,1167,1167,-984,-985,-986,-987,-988,-989,-990,315,315,1167,1167,1167,1167,1167,1167,1167,1167,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1167,1167,1167,-355,-358,315,-325,-326,-143,1167,-144,1167,-145,1167,-432,-937,-938,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1896,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1896,1167,-1896,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1896,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1896,315,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1167,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1167,315,315,-193,-194,315,-996,1167,315,315,315,315,-279,-280,-281,-282,-367,1167,-310,1167,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1167,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1167,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1167,1167,1167,1167,1167,1167,-575,1167,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1167,1167,-725,-726,-727,1167,1887,315,315,315,315,-996,315,1167,-93,-94,315,315,315,1167,-311,-312,-322,1167,-309,-295,-296,-297,1167,315,1167,1167,-620,-635,-592,1167,315,-438,315,-439,1167,-446,-447,-448,-380,-381,1167,1167,1167,-508,1167,1167,-512,1167,1167,1167,1167,-517,-518,-519,-520,1167,1167,-523,-524,1167,-526,-527,-528,-529,-530,-531,-532,-533,1167,-535,1167,1167,1167,-541,-543,-544,1167,-546,-547,-548,-549,1167,1167,1167,1167,1167,1167,-654,-655,-656,-657,315,-659,-660,-661,1167,1167,1167,-667,1167,1167,-671,-672,1167,1167,-675,1167,-677,-678,1167,-681,1167,-683,1167,1167,-686,-687,-688,1167,-690,1167,1167,-693,1167,1167,-696,-697,-698,1167,-700,-701,-702,-703,1167,1167,-748,1167,-751,-752,-753,-754,-755,1167,-757,-758,-759,-760,-761,1167,-768,-769,-771,1167,-773,-774,-775,-784,-858,-860,-862,-864,1167,1167,1167,1167,-870,1167,-872,1167,1167,1167,1167,1167,1167,1167,-908,-909,1167,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1167,-923,-926,1167,-936,1167,-387,-388,-389,1167,1167,-392,-393,-394,-395,1167,-398,1167,-401,-402,1167,-403,1167,-408,-409,1167,-412,-413,-414,1167,-417,1167,-418,1167,-423,-424,1167,-427,1167,-430,-431,-1896,-1896,1167,-621,-622,-623,-624,-625,-636,-586,-626,-799,1167,1167,1167,1167,1167,-833,1167,1167,-808,1167,-834,1167,1167,1167,1167,-800,1167,-855,-801,1167,1167,1167,1167,1167,1167,-856,-857,1167,-836,-832,-837,1167,-627,1167,-628,-629,-630,-631,-576,1167,1167,-632,-633,-634,1167,1167,1167,1167,1167,1167,-637,-638,-639,-594,-1896,-604,1167,-640,-641,-715,-642,-606,1167,-574,-579,-582,-585,1167,1167,1167,-600,-603,1167,-610,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1167,315,315,-997,315,1167,315,315,315,1167,-308,-327,-321,-298,-377,-454,-455,-456,-460,315,-445,1167,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1167,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,315,315,315,315,315,315,315,315,1167,-318,-537,-510,-593,-939,-941,-942,-440,1167,-442,-382,-383,-385,-509,-511,-513,1167,-515,-516,-521,-522,1167,-534,-536,-539,-540,-545,-550,-728,1167,-729,1167,-734,1167,-736,1167,-741,-658,-662,-663,1167,-668,1167,-669,1167,-674,-676,1167,-679,1167,1167,1167,-689,-691,1167,-694,1167,1167,-746,1167,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1167,1167,1167,1167,1167,-879,1167,-882,-910,-922,-927,-390,-391,1167,-396,1167,-399,1167,-404,1167,-405,1167,-410,1167,-415,1167,-419,1167,-420,1167,-425,1167,-428,-901,-902,-645,-587,-1896,-903,1167,1167,1167,-802,1167,1167,-806,1167,-809,-835,1167,-820,1167,-822,1167,-824,-810,1167,-826,1167,-853,-854,1167,1167,-813,1167,-648,-904,-906,-650,-651,-647,1167,-707,-708,1167,-644,-905,-649,-652,-605,-716,1167,1167,-607,-588,1167,1167,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1167,1167,-711,-712,1167,-718,1167,315,315,315,1167,1167,-940,315,-441,-443,-749,1167,-893,1887,-717,-1896,1167,1167,315,315,1167,-444,-514,-525,1167,-730,-735,1167,-737,1167,-742,1167,-664,-670,1167,-680,-682,-684,-685,-692,-695,-699,-747,1167,1167,-876,1167,1167,-880,1167,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1167,-814,1167,-816,-803,1167,-804,-807,1167,-818,-821,-823,-825,-827,1167,-828,1167,-811,1167,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,315,-284,315,1167,315,1167,-457,1167,1167,-731,1167,-738,1167,-743,1167,-665,-673,1167,1167,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1167,-838,-53,315,1167,-732,1167,-739,1167,-744,-666,1167,-875,-54,315,315,-733,-740,-745,1167,315,1167,-874,]),'ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[316,316,316,316,-1896,316,316,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,316,316,316,316,-277,-278,316,-1427,316,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,316,316,316,-492,316,316,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,316,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,316,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,316,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,316,-174,-175,-176,-177,-995,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-292,-293,-283,316,316,316,316,316,-330,-320,-334,-335,-336,316,316,-984,-985,-986,-987,-988,-989,-990,316,316,316,316,316,316,316,316,316,316,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,316,316,316,-355,-358,316,-325,-326,-143,316,-144,316,-145,316,-432,-937,-938,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-1896,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-1896,316,-1896,316,316,316,316,316,316,316,316,316,316,316,316,-1896,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-1896,316,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,316,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,316,316,316,-193,-194,316,-996,316,316,316,316,316,-279,-280,-281,-282,-367,316,-310,316,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,316,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,316,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,316,316,316,316,316,316,-575,316,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,316,316,-725,-726,-727,316,316,316,316,316,316,-996,316,316,-93,-94,316,316,316,316,-311,-312,-322,316,-309,-295,-296,-297,316,316,316,316,-620,-635,-592,316,316,-438,316,-439,316,-446,-447,-448,-380,-381,316,316,316,-508,316,316,-512,316,316,316,316,-517,-518,-519,-520,316,316,-523,-524,316,-526,-527,-528,-529,-530,-531,-532,-533,316,-535,316,316,316,-541,-543,-544,316,-546,-547,-548,-549,316,316,316,316,316,316,-654,-655,-656,-657,316,-659,-660,-661,316,316,316,-667,316,316,-671,-672,316,316,-675,316,-677,-678,316,-681,316,-683,316,316,-686,-687,-688,316,-690,316,316,-693,316,316,-696,-697,-698,316,-700,-701,-702,-703,316,316,-748,316,-751,-752,-753,-754,-755,316,-757,-758,-759,-760,-761,316,-768,-769,-771,316,-773,-774,-775,-784,-858,-860,-862,-864,316,316,316,316,-870,316,-872,316,316,316,316,316,316,316,-908,-909,316,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,316,-923,-926,316,-936,316,-387,-388,-389,316,316,-392,-393,-394,-395,316,-398,316,-401,-402,316,-403,316,-408,-409,316,-412,-413,-414,316,-417,316,-418,316,-423,-424,316,-427,316,-430,-431,-1896,-1896,316,-621,-622,-623,-624,-625,-636,-586,-626,-799,316,316,316,316,316,-833,316,316,-808,316,-834,316,316,316,316,-800,316,-855,-801,316,316,316,316,316,316,-856,-857,316,-836,-832,-837,316,-627,316,-628,-629,-630,-631,-576,316,316,-632,-633,-634,316,316,316,316,316,316,-637,-638,-639,-594,-1896,-604,316,-640,-641,-715,-642,-606,316,-574,-579,-582,-585,316,316,316,-600,-603,316,-610,316,316,316,316,316,316,316,316,316,316,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,316,316,316,-997,316,316,316,316,316,316,-308,-327,-321,-298,-377,-454,-455,-456,-460,316,-445,316,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,316,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,316,316,316,316,316,316,316,316,316,-318,-537,-510,-593,-939,-941,-942,-440,316,-442,-382,-383,-385,-509,-511,-513,316,-515,-516,-521,-522,316,-534,-536,-539,-540,-545,-550,-728,316,-729,316,-734,316,-736,316,-741,-658,-662,-663,316,-668,316,-669,316,-674,-676,316,-679,316,316,316,-689,-691,316,-694,316,316,-746,316,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,316,316,316,316,316,-879,316,-882,-910,-922,-927,-390,-391,316,-396,316,-399,316,-404,316,-405,316,-410,316,-415,316,-419,316,-420,316,-425,316,-428,-901,-902,-645,-587,-1896,-903,316,316,316,-802,316,316,-806,316,-809,-835,316,-820,316,-822,316,-824,-810,316,-826,316,-853,-854,316,316,-813,316,-648,-904,-906,-650,-651,-647,316,-707,-708,316,-644,-905,-649,-652,-605,-716,316,316,-607,-588,316,316,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,316,316,-711,-712,316,-718,316,316,316,316,316,316,-940,316,-441,-443,-749,316,-893,316,-717,-1896,316,316,316,316,316,-444,-514,-525,316,-730,-735,316,-737,316,-742,316,-664,-670,316,-680,-682,-684,-685,-692,-695,-699,-747,316,316,-876,316,316,-880,316,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,316,-814,316,-816,-803,316,-804,-807,316,-818,-821,-823,-825,-827,316,-828,316,-811,316,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,316,-284,316,316,316,316,-457,316,316,-731,316,-738,316,-743,316,-665,-673,316,316,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,316,-838,-53,316,316,-732,316,-739,316,-744,-666,316,-875,-54,316,316,-733,-740,-745,316,316,316,-874,]),'IDC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[317,317,317,317,-1896,317,317,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,317,317,317,317,-277,-278,317,-1427,317,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,317,317,317,-492,317,317,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,317,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,317,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,317,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,317,-174,-175,-176,-177,-995,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-292,-293,-283,317,317,317,317,317,-330,-320,-334,-335,-336,317,317,-984,-985,-986,-987,-988,-989,-990,317,317,317,317,317,317,317,317,317,317,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,317,317,317,-355,-358,317,-325,-326,-143,317,-144,317,-145,317,-432,-937,-938,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-1896,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-1896,317,-1896,317,317,317,317,317,317,317,317,317,317,317,317,-1896,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-1896,317,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,317,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,317,317,317,-193,-194,317,-996,317,317,317,317,317,-279,-280,-281,-282,-367,317,-310,317,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,317,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,317,317,317,317,317,317,-575,317,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,317,317,-725,-726,-727,317,317,317,317,317,317,-996,317,317,-93,-94,317,317,317,317,-311,-312,-322,317,-309,-295,-296,-297,317,317,317,317,-620,-635,-592,317,317,-438,317,-439,317,-446,-447,-448,-380,-381,317,317,317,-508,317,317,-512,317,317,317,317,-517,-518,-519,-520,317,317,-523,-524,317,-526,-527,-528,-529,-530,-531,-532,-533,317,-535,317,317,317,-541,-543,-544,317,-546,-547,-548,-549,317,317,317,317,317,317,-654,-655,-656,-657,317,-659,-660,-661,317,317,317,-667,317,317,-671,-672,317,317,-675,317,-677,-678,317,-681,317,-683,317,317,-686,-687,-688,317,-690,317,317,-693,317,317,-696,-697,-698,317,-700,-701,-702,-703,317,317,-748,317,-751,-752,-753,-754,-755,317,-757,-758,-759,-760,-761,317,-768,-769,-771,317,-773,-774,-775,-784,-858,-860,-862,-864,317,317,317,317,-870,317,-872,317,317,317,317,317,317,317,-908,-909,317,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,317,-923,-926,317,-936,317,-387,-388,-389,317,317,-392,-393,-394,-395,317,-398,317,-401,-402,317,-403,317,-408,-409,317,-412,-413,-414,317,-417,317,-418,317,-423,-424,317,-427,317,-430,-431,-1896,-1896,317,-621,-622,-623,-624,-625,-636,-586,-626,-799,317,317,317,317,317,-833,317,317,-808,317,-834,317,317,317,317,-800,317,-855,-801,317,317,317,317,317,317,-856,-857,317,-836,-832,-837,317,-627,317,-628,-629,-630,-631,-576,317,317,-632,-633,-634,317,317,317,317,317,317,-637,-638,-639,-594,-1896,-604,317,-640,-641,-715,-642,-606,317,-574,-579,-582,-585,317,317,317,-600,-603,317,-610,317,317,317,317,317,317,317,317,317,317,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,317,317,317,-997,317,317,317,317,317,317,-308,-327,-321,-298,-377,-454,-455,-456,-460,317,-445,317,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,317,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,317,317,317,317,317,317,317,317,317,-318,-537,-510,-593,-939,-941,-942,-440,317,-442,-382,-383,-385,-509,-511,-513,317,-515,-516,-521,-522,317,-534,-536,-539,-540,-545,-550,-728,317,-729,317,-734,317,-736,317,-741,-658,-662,-663,317,-668,317,-669,317,-674,-676,317,-679,317,317,317,-689,-691,317,-694,317,317,-746,317,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,317,317,317,317,317,-879,317,-882,-910,-922,-927,-390,-391,317,-396,317,-399,317,-404,317,-405,317,-410,317,-415,317,-419,317,-420,317,-425,317,-428,-901,-902,-645,-587,-1896,-903,317,317,317,-802,317,317,-806,317,-809,-835,317,-820,317,-822,317,-824,-810,317,-826,317,-853,-854,317,317,-813,317,-648,-904,-906,-650,-651,-647,317,-707,-708,317,-644,-905,-649,-652,-605,-716,317,317,-607,-588,317,317,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,317,317,-711,-712,317,-718,317,317,317,317,317,317,-940,317,-441,-443,-749,317,-893,317,-717,-1896,317,317,317,317,317,-444,-514,-525,317,-730,-735,317,-737,317,-742,317,-664,-670,317,-680,-682,-684,-685,-692,-695,-699,-747,317,317,-876,317,317,-880,317,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,317,-814,317,-816,-803,317,-804,-807,317,-818,-821,-823,-825,-827,317,-828,317,-811,317,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,317,-284,317,317,317,317,-457,317,317,-731,317,-738,317,-743,317,-665,-673,317,317,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,317,-838,-53,317,317,-732,317,-739,317,-744,-666,317,-875,-54,317,317,-733,-740,-745,317,317,317,-874,]),'IDENTIFIED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[318,318,318,318,-1896,318,318,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,318,318,318,318,-277,-278,318,-1427,318,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,318,318,318,-492,318,318,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,318,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,318,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,318,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,318,-174,-175,-176,-177,-995,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-292,-293,-283,318,318,318,318,318,-330,-320,-334,-335,-336,318,318,-984,-985,-986,-987,-988,-989,-990,318,318,318,318,318,318,318,318,318,318,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,318,318,318,-355,-358,318,-325,-326,-143,318,-144,318,-145,318,-432,-937,-938,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-1896,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-1896,318,-1896,318,318,318,318,318,318,318,318,318,318,318,318,-1896,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-1896,318,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,318,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,318,318,318,-193,-194,318,-996,318,318,318,318,318,-279,-280,-281,-282,-367,318,-310,318,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,318,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,318,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,318,318,318,318,318,318,-575,318,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,318,318,-725,-726,-727,318,318,318,318,318,318,-996,318,318,-93,-94,318,318,318,318,-311,-312,-322,318,-309,-295,-296,-297,318,318,318,318,-620,-635,-592,318,318,-438,318,-439,318,-446,-447,-448,-380,-381,318,318,318,-508,318,318,-512,318,318,318,318,-517,-518,-519,-520,318,318,-523,-524,318,-526,-527,-528,-529,-530,-531,-532,-533,318,-535,318,318,318,-541,-543,-544,318,-546,-547,-548,-549,318,318,318,318,318,318,-654,-655,-656,-657,318,-659,-660,-661,318,318,318,-667,318,318,-671,-672,318,318,-675,318,-677,-678,318,-681,318,-683,318,318,-686,-687,-688,318,-690,318,318,-693,318,318,-696,-697,-698,318,-700,-701,-702,-703,318,318,-748,318,-751,-752,-753,-754,-755,318,-757,-758,-759,-760,-761,318,-768,-769,-771,318,-773,-774,-775,-784,-858,-860,-862,-864,318,318,318,318,-870,318,-872,318,318,318,318,318,318,318,-908,-909,318,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,318,-923,-926,318,-936,318,-387,-388,-389,318,318,-392,-393,-394,-395,318,-398,318,-401,-402,318,-403,318,-408,-409,318,-412,-413,-414,318,-417,318,-418,318,-423,-424,318,-427,318,-430,-431,-1896,-1896,318,-621,-622,-623,-624,-625,-636,-586,-626,-799,318,318,318,318,318,-833,318,318,-808,318,-834,318,318,318,318,-800,318,-855,-801,318,318,318,318,318,318,-856,-857,318,-836,-832,-837,318,-627,318,-628,-629,-630,-631,-576,318,318,-632,-633,-634,318,318,318,318,318,318,-637,-638,-639,-594,-1896,-604,318,-640,-641,-715,-642,-606,318,-574,-579,-582,-585,318,318,318,-600,-603,318,-610,318,318,318,318,318,318,318,318,318,318,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,318,318,318,-997,318,318,318,318,318,318,-308,-327,-321,-298,-377,-454,-455,-456,-460,318,-445,318,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,318,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,318,318,318,318,318,318,318,318,318,-318,-537,-510,-593,-939,-941,-942,-440,318,-442,-382,-383,-385,-509,-511,-513,318,-515,-516,-521,-522,318,-534,-536,-539,-540,-545,-550,-728,318,-729,318,-734,318,-736,318,-741,-658,-662,-663,318,-668,318,-669,318,-674,-676,318,-679,318,318,318,-689,-691,318,-694,318,318,-746,318,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,318,318,318,318,318,-879,318,-882,-910,-922,-927,-390,-391,318,-396,318,-399,318,-404,318,-405,318,-410,318,-415,318,-419,318,-420,318,-425,318,-428,-901,-902,-645,-587,-1896,-903,318,318,318,-802,318,318,-806,318,-809,-835,318,-820,318,-822,318,-824,-810,318,-826,318,-853,-854,318,318,-813,318,-648,-904,-906,-650,-651,-647,318,-707,-708,318,-644,-905,-649,-652,-605,-716,318,318,-607,-588,318,318,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,318,318,-711,-712,318,-718,318,318,318,318,318,318,-940,318,-441,-443,-749,318,-893,318,-717,-1896,318,318,318,318,318,-444,-514,-525,318,-730,-735,318,-737,318,-742,318,-664,-670,318,-680,-682,-684,-685,-692,-695,-699,-747,318,318,-876,318,318,-880,318,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,318,-814,318,-816,-803,318,-804,-807,318,-818,-821,-823,-825,-827,318,-828,318,-811,318,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,318,-284,318,318,318,318,-457,318,318,-731,318,-738,318,-743,318,-665,-673,318,318,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,318,-838,-53,318,318,-732,318,-739,318,-744,-666,318,-875,-54,318,318,-733,-740,-745,318,318,318,-874,]),'IFIGNORE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[319,319,319,319,-1896,319,319,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,319,319,319,319,-277,-278,319,-1427,319,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,319,319,319,-492,319,319,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,319,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,319,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,319,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,319,-174,-175,-176,-177,-995,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-292,-293,-283,319,319,319,319,319,-330,-320,-334,-335,-336,319,319,-984,-985,-986,-987,-988,-989,-990,319,319,319,319,319,319,319,319,319,319,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,319,319,319,-355,-358,319,-325,-326,-143,319,-144,319,-145,319,-432,-937,-938,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-1896,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-1896,319,-1896,319,319,319,319,319,319,319,319,319,319,319,319,-1896,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-1896,319,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,319,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,319,319,319,-193,-194,319,-996,319,319,319,319,319,-279,-280,-281,-282,-367,319,-310,319,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,319,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,319,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,319,319,319,319,319,319,-575,319,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,319,319,-725,-726,-727,319,319,319,319,319,319,-996,319,319,-93,-94,319,319,319,319,-311,-312,-322,319,-309,-295,-296,-297,319,319,319,319,-620,-635,-592,319,319,-438,319,-439,319,-446,-447,-448,-380,-381,319,319,319,-508,319,319,-512,319,319,319,319,-517,-518,-519,-520,319,319,-523,-524,319,-526,-527,-528,-529,-530,-531,-532,-533,319,-535,319,319,319,-541,-543,-544,319,-546,-547,-548,-549,319,319,319,319,319,319,-654,-655,-656,-657,319,-659,-660,-661,319,319,319,-667,319,319,-671,-672,319,319,-675,319,-677,-678,319,-681,319,-683,319,319,-686,-687,-688,319,-690,319,319,-693,319,319,-696,-697,-698,319,-700,-701,-702,-703,319,319,-748,319,-751,-752,-753,-754,-755,319,-757,-758,-759,-760,-761,319,-768,-769,-771,319,-773,-774,-775,-784,-858,-860,-862,-864,319,319,319,319,-870,319,-872,319,319,319,319,319,319,319,-908,-909,319,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,319,-923,-926,319,-936,319,-387,-388,-389,319,319,-392,-393,-394,-395,319,-398,319,-401,-402,319,-403,319,-408,-409,319,-412,-413,-414,319,-417,319,-418,319,-423,-424,319,-427,319,-430,-431,-1896,-1896,319,-621,-622,-623,-624,-625,-636,-586,-626,-799,319,319,319,319,319,-833,319,319,-808,319,-834,319,319,319,319,-800,319,-855,-801,319,319,319,319,319,319,-856,-857,319,-836,-832,-837,319,-627,319,-628,-629,-630,-631,-576,319,319,-632,-633,-634,319,319,319,319,319,319,-637,-638,-639,-594,-1896,-604,319,-640,-641,-715,-642,-606,319,-574,-579,-582,-585,319,319,319,-600,-603,319,-610,319,319,319,319,319,319,319,319,319,319,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,319,319,319,-997,319,319,319,319,319,319,-308,-327,-321,-298,-377,-454,-455,-456,-460,319,-445,319,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,319,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,319,319,319,319,319,319,319,319,319,-318,-537,-510,-593,-939,-941,-942,-440,319,-442,-382,-383,-385,-509,-511,-513,319,-515,-516,-521,-522,319,-534,-536,-539,-540,-545,-550,-728,319,-729,319,-734,319,-736,319,-741,-658,-662,-663,319,-668,319,-669,319,-674,-676,319,-679,319,319,319,-689,-691,319,-694,319,319,-746,319,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,319,319,319,319,319,-879,319,-882,-910,-922,-927,-390,-391,319,-396,319,-399,319,-404,319,-405,319,-410,319,-415,319,-419,319,-420,319,-425,319,-428,-901,-902,-645,-587,-1896,-903,319,319,319,-802,319,319,-806,319,-809,-835,319,-820,319,-822,319,-824,-810,319,-826,319,-853,-854,319,319,-813,319,-648,-904,-906,-650,-651,-647,319,-707,-708,319,-644,-905,-649,-652,-605,-716,319,319,-607,-588,319,319,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,319,319,-711,-712,319,-718,319,319,319,319,319,319,-940,319,-441,-443,-749,319,-893,319,-717,-1896,319,319,319,319,319,-444,-514,-525,319,-730,-735,319,-737,319,-742,319,-664,-670,319,-680,-682,-684,-685,-692,-695,-699,-747,319,319,-876,319,319,-880,319,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,319,-814,319,-816,-803,319,-804,-807,319,-818,-821,-823,-825,-827,319,-828,319,-811,319,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,319,-284,319,319,319,319,-457,319,319,-731,319,-738,319,-743,319,-665,-673,319,319,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,319,-838,-53,319,319,-732,319,-739,319,-744,-666,319,-875,-54,319,319,-733,-740,-745,319,319,319,-874,]),'IFNULL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[320,320,320,1046,-1896,320,320,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,320,320,320,320,-277,-278,1046,-1427,1046,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1046,1046,1046,-492,1046,1046,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1046,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1046,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1888,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,320,-174,-175,-176,-177,-995,320,320,320,320,320,320,320,320,320,320,1046,1046,1046,1046,1046,-292,-293,-283,320,1046,1046,1046,1046,-330,-320,-334,-335,-336,1046,1046,-984,-985,-986,-987,-988,-989,-990,320,320,1046,1046,1046,1046,1046,1046,1046,1046,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1046,1046,1046,-355,-358,320,-325,-326,-143,1046,-144,1046,-145,1046,-432,-937,-938,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1896,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1896,1046,-1896,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1896,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1896,320,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1046,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1046,320,320,-193,-194,320,-996,1046,320,320,320,320,-279,-280,-281,-282,-367,1046,-310,1046,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1046,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1046,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1046,1046,1046,1046,1046,1046,-575,1046,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1046,1046,-725,-726,-727,1046,1888,320,320,320,320,-996,320,1046,-93,-94,320,320,320,1046,-311,-312,-322,1046,-309,-295,-296,-297,1046,320,1046,1046,-620,-635,-592,1046,320,-438,320,-439,1046,-446,-447,-448,-380,-381,1046,1046,1046,-508,1046,1046,-512,1046,1046,1046,1046,-517,-518,-519,-520,1046,1046,-523,-524,1046,-526,-527,-528,-529,-530,-531,-532,-533,1046,-535,1046,1046,1046,-541,-543,-544,1046,-546,-547,-548,-549,1046,1046,1046,1046,1046,1046,-654,-655,-656,-657,320,-659,-660,-661,1046,1046,1046,-667,1046,1046,-671,-672,1046,1046,-675,1046,-677,-678,1046,-681,1046,-683,1046,1046,-686,-687,-688,1046,-690,1046,1046,-693,1046,1046,-696,-697,-698,1046,-700,-701,-702,-703,1046,1046,-748,1046,-751,-752,-753,-754,-755,1046,-757,-758,-759,-760,-761,1046,-768,-769,-771,1046,-773,-774,-775,-784,-858,-860,-862,-864,1046,1046,1046,1046,-870,1046,-872,1046,1046,1046,1046,1046,1046,1046,-908,-909,1046,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1046,-923,-926,1046,-936,1046,-387,-388,-389,1046,1046,-392,-393,-394,-395,1046,-398,1046,-401,-402,1046,-403,1046,-408,-409,1046,-412,-413,-414,1046,-417,1046,-418,1046,-423,-424,1046,-427,1046,-430,-431,-1896,-1896,1046,-621,-622,-623,-624,-625,-636,-586,-626,-799,1046,1046,1046,1046,1046,-833,1046,1046,-808,1046,-834,1046,1046,1046,1046,-800,1046,-855,-801,1046,1046,1046,1046,1046,1046,-856,-857,1046,-836,-832,-837,1046,-627,1046,-628,-629,-630,-631,-576,1046,1046,-632,-633,-634,1046,1046,1046,1046,1046,1046,-637,-638,-639,-594,-1896,-604,1046,-640,-641,-715,-642,-606,1046,-574,-579,-582,-585,1046,1046,1046,-600,-603,1046,-610,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1046,320,320,-997,320,1046,320,320,320,1046,-308,-327,-321,-298,-377,-454,-455,-456,-460,320,-445,1046,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1046,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,320,320,320,320,320,320,320,320,1046,-318,-537,-510,-593,-939,-941,-942,-440,1046,-442,-382,-383,-385,-509,-511,-513,1046,-515,-516,-521,-522,1046,-534,-536,-539,-540,-545,-550,-728,1046,-729,1046,-734,1046,-736,1046,-741,-658,-662,-663,1046,-668,1046,-669,1046,-674,-676,1046,-679,1046,1046,1046,-689,-691,1046,-694,1046,1046,-746,1046,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1046,1046,1046,1046,1046,-879,1046,-882,-910,-922,-927,-390,-391,1046,-396,1046,-399,1046,-404,1046,-405,1046,-410,1046,-415,1046,-419,1046,-420,1046,-425,1046,-428,-901,-902,-645,-587,-1896,-903,1046,1046,1046,-802,1046,1046,-806,1046,-809,-835,1046,-820,1046,-822,1046,-824,-810,1046,-826,1046,-853,-854,1046,1046,-813,1046,-648,-904,-906,-650,-651,-647,1046,-707,-708,1046,-644,-905,-649,-652,-605,-716,1046,1046,-607,-588,1046,1046,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1046,1046,-711,-712,1046,-718,1046,320,320,320,1046,1046,-940,320,-441,-443,-749,1046,-893,1888,-717,-1896,1046,1046,320,320,1046,-444,-514,-525,1046,-730,-735,1046,-737,1046,-742,1046,-664,-670,1046,-680,-682,-684,-685,-692,-695,-699,-747,1046,1046,-876,1046,1046,-880,1046,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1046,-814,1046,-816,-803,1046,-804,-807,1046,-818,-821,-823,-825,-827,1046,-828,1046,-811,1046,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,320,-284,320,1046,320,1046,-457,1046,1046,-731,1046,-738,1046,-743,1046,-665,-673,1046,1046,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1046,-838,-53,320,1046,-732,1046,-739,1046,-744,-666,1046,-875,-54,320,320,-733,-740,-745,1046,320,1046,-874,]),'IGNORE_SERVER_IDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[321,321,321,321,-1896,321,321,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,321,321,321,321,-277,-278,321,-1427,321,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,321,321,321,-492,321,321,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,321,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,321,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,321,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,321,-174,-175,-176,-177,-995,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-292,-293,-283,321,321,321,321,321,-330,-320,-334,-335,-336,321,321,-984,-985,-986,-987,-988,-989,-990,321,321,321,321,321,321,321,321,321,321,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,321,321,321,-355,-358,321,-325,-326,-143,321,-144,321,-145,321,-432,-937,-938,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-1896,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-1896,321,-1896,321,321,321,321,321,321,321,321,321,321,321,321,-1896,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-1896,321,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,321,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,321,321,321,-193,-194,321,-996,321,321,321,321,321,-279,-280,-281,-282,-367,321,-310,321,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,321,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,321,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,321,321,321,321,321,321,-575,321,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,321,321,-725,-726,-727,321,321,321,321,321,321,-996,321,321,-93,-94,321,321,321,321,-311,-312,-322,321,-309,-295,-296,-297,321,321,321,321,-620,-635,-592,321,321,-438,321,-439,321,-446,-447,-448,-380,-381,321,321,321,-508,321,321,-512,321,321,321,321,-517,-518,-519,-520,321,321,-523,-524,321,-526,-527,-528,-529,-530,-531,-532,-533,321,-535,321,321,321,-541,-543,-544,321,-546,-547,-548,-549,321,321,321,321,321,321,-654,-655,-656,-657,321,-659,-660,-661,321,321,321,-667,321,321,-671,-672,321,321,-675,321,-677,-678,321,-681,321,-683,321,321,-686,-687,-688,321,-690,321,321,-693,321,321,-696,-697,-698,321,-700,-701,-702,-703,321,321,-748,321,-751,-752,-753,-754,-755,321,-757,-758,-759,-760,-761,321,-768,-769,-771,321,-773,-774,-775,-784,-858,-860,-862,-864,321,321,321,321,-870,321,-872,321,321,321,321,321,321,321,-908,-909,321,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,321,-923,-926,321,-936,321,-387,-388,-389,321,321,-392,-393,-394,-395,321,-398,321,-401,-402,321,-403,321,-408,-409,321,-412,-413,-414,321,-417,321,-418,321,-423,-424,321,-427,321,-430,-431,-1896,-1896,321,-621,-622,-623,-624,-625,-636,-586,-626,-799,321,321,321,321,321,-833,321,321,-808,321,-834,321,321,321,321,-800,321,-855,-801,321,321,321,321,321,321,-856,-857,321,-836,-832,-837,321,-627,321,-628,-629,-630,-631,-576,321,321,-632,-633,-634,321,321,321,321,321,321,-637,-638,-639,-594,-1896,-604,321,-640,-641,-715,-642,-606,321,-574,-579,-582,-585,321,321,321,-600,-603,321,-610,321,321,321,321,321,321,321,321,321,321,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,321,321,321,-997,321,321,321,321,321,321,-308,-327,-321,-298,-377,-454,-455,-456,-460,321,-445,321,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,321,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,321,321,321,321,321,321,321,321,321,-318,-537,-510,-593,-939,-941,-942,-440,321,-442,-382,-383,-385,-509,-511,-513,321,-515,-516,-521,-522,321,-534,-536,-539,-540,-545,-550,-728,321,-729,321,-734,321,-736,321,-741,-658,-662,-663,321,-668,321,-669,321,-674,-676,321,-679,321,321,321,-689,-691,321,-694,321,321,-746,321,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,321,321,321,321,321,-879,321,-882,-910,-922,-927,-390,-391,321,-396,321,-399,321,-404,321,-405,321,-410,321,-415,321,-419,321,-420,321,-425,321,-428,-901,-902,-645,-587,-1896,-903,321,321,321,-802,321,321,-806,321,-809,-835,321,-820,321,-822,321,-824,-810,321,-826,321,-853,-854,321,321,-813,321,-648,-904,-906,-650,-651,-647,321,-707,-708,321,-644,-905,-649,-652,-605,-716,321,321,-607,-588,321,321,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,321,321,-711,-712,321,-718,321,321,321,321,321,321,-940,321,-441,-443,-749,321,-893,321,-717,-1896,321,321,321,321,321,-444,-514,-525,321,-730,-735,321,-737,321,-742,321,-664,-670,321,-680,-682,-684,-685,-692,-695,-699,-747,321,321,-876,321,321,-880,321,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,321,-814,321,-816,-803,321,-804,-807,321,-818,-821,-823,-825,-827,321,-828,321,-811,321,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,321,-284,321,321,321,321,-457,321,321,-731,321,-738,321,-743,321,-665,-673,321,321,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,321,-838,-53,321,321,-732,321,-739,321,-744,-666,321,-875,-54,321,321,-733,-740,-745,321,321,321,-874,]),'ILOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[322,322,322,322,-1896,322,322,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,322,322,322,322,-277,-278,322,-1427,322,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,322,322,322,-492,322,322,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,322,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,322,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,322,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,322,-174,-175,-176,-177,-995,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-292,-293,-283,322,322,322,322,322,-330,-320,-334,-335,-336,322,322,-984,-985,-986,-987,-988,-989,-990,322,322,322,322,322,322,322,322,322,322,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,322,322,322,-355,-358,322,-325,-326,-143,322,-144,322,-145,322,-432,-937,-938,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-1896,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-1896,322,-1896,322,322,322,322,322,322,322,322,322,322,322,322,-1896,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-1896,322,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,322,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,322,322,322,-193,-194,322,-996,322,322,322,322,322,-279,-280,-281,-282,-367,322,-310,322,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,322,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,322,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,322,322,322,322,322,322,-575,322,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,322,322,-725,-726,-727,322,322,322,322,322,322,-996,322,322,-93,-94,322,322,322,322,-311,-312,-322,322,-309,-295,-296,-297,322,322,322,322,-620,-635,-592,322,322,-438,322,-439,322,-446,-447,-448,-380,-381,322,322,322,-508,322,322,-512,322,322,322,322,-517,-518,-519,-520,322,322,-523,-524,322,-526,-527,-528,-529,-530,-531,-532,-533,322,-535,322,322,322,-541,-543,-544,322,-546,-547,-548,-549,322,322,322,322,322,322,-654,-655,-656,-657,322,-659,-660,-661,322,322,322,-667,322,322,-671,-672,322,322,-675,322,-677,-678,322,-681,322,-683,322,322,-686,-687,-688,322,-690,322,322,-693,322,322,-696,-697,-698,322,-700,-701,-702,-703,322,322,-748,322,-751,-752,-753,-754,-755,322,-757,-758,-759,-760,-761,322,-768,-769,-771,322,-773,-774,-775,-784,-858,-860,-862,-864,322,322,322,322,-870,322,-872,322,322,322,322,322,322,322,-908,-909,322,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,322,-923,-926,322,-936,322,-387,-388,-389,322,322,-392,-393,-394,-395,322,-398,322,-401,-402,322,-403,322,-408,-409,322,-412,-413,-414,322,-417,322,-418,322,-423,-424,322,-427,322,-430,-431,-1896,-1896,322,-621,-622,-623,-624,-625,-636,-586,-626,-799,322,322,322,322,322,-833,322,322,-808,322,-834,322,322,322,322,-800,322,-855,-801,322,322,322,322,322,322,-856,-857,322,-836,-832,-837,322,-627,322,-628,-629,-630,-631,-576,322,322,-632,-633,-634,322,322,322,322,322,322,-637,-638,-639,-594,-1896,-604,322,-640,-641,-715,-642,-606,322,-574,-579,-582,-585,322,322,322,-600,-603,322,-610,322,322,322,322,322,322,322,322,322,322,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,322,322,322,-997,322,322,322,322,322,322,-308,-327,-321,-298,-377,-454,-455,-456,-460,322,-445,322,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,322,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,322,322,322,322,322,322,322,322,322,-318,-537,-510,-593,-939,-941,-942,-440,322,-442,-382,-383,-385,-509,-511,-513,322,-515,-516,-521,-522,322,-534,-536,-539,-540,-545,-550,-728,322,-729,322,-734,322,-736,322,-741,-658,-662,-663,322,-668,322,-669,322,-674,-676,322,-679,322,322,322,-689,-691,322,-694,322,322,-746,322,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,322,322,322,322,322,-879,322,-882,-910,-922,-927,-390,-391,322,-396,322,-399,322,-404,322,-405,322,-410,322,-415,322,-419,322,-420,322,-425,322,-428,-901,-902,-645,-587,-1896,-903,322,322,322,-802,322,322,-806,322,-809,-835,322,-820,322,-822,322,-824,-810,322,-826,322,-853,-854,322,322,-813,322,-648,-904,-906,-650,-651,-647,322,-707,-708,322,-644,-905,-649,-652,-605,-716,322,322,-607,-588,322,322,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,322,322,-711,-712,322,-718,322,322,322,322,322,322,-940,322,-441,-443,-749,322,-893,322,-717,-1896,322,322,322,322,322,-444,-514,-525,322,-730,-735,322,-737,322,-742,322,-664,-670,322,-680,-682,-684,-685,-692,-695,-699,-747,322,322,-876,322,322,-880,322,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,322,-814,322,-816,-803,322,-804,-807,322,-818,-821,-823,-825,-827,322,-828,322,-811,322,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,322,-284,322,322,322,322,-457,322,322,-731,322,-738,322,-743,322,-665,-673,322,322,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,322,-838,-53,322,322,-732,322,-739,322,-744,-666,322,-875,-54,322,322,-733,-740,-745,322,322,322,-874,]),'ILOGCACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[323,323,323,323,-1896,323,323,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,323,323,323,323,-277,-278,323,-1427,323,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,323,323,323,-492,323,323,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,323,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,323,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,323,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,323,-174,-175,-176,-177,-995,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-292,-293,-283,323,323,323,323,323,-330,-320,-334,-335,-336,323,323,-984,-985,-986,-987,-988,-989,-990,323,323,323,323,323,323,323,323,323,323,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,323,323,323,-355,-358,323,-325,-326,-143,323,-144,323,-145,323,-432,-937,-938,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-1896,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-1896,323,-1896,323,323,323,323,323,323,323,323,323,323,323,323,-1896,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-1896,323,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,323,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,323,323,323,-193,-194,323,-996,323,323,323,323,323,-279,-280,-281,-282,-367,323,-310,323,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,323,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,323,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,323,323,323,323,323,323,-575,323,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,323,323,-725,-726,-727,323,323,323,323,323,323,-996,323,323,-93,-94,323,323,323,323,-311,-312,-322,323,-309,-295,-296,-297,323,323,323,323,-620,-635,-592,323,323,-438,323,-439,323,-446,-447,-448,-380,-381,323,323,323,-508,323,323,-512,323,323,323,323,-517,-518,-519,-520,323,323,-523,-524,323,-526,-527,-528,-529,-530,-531,-532,-533,323,-535,323,323,323,-541,-543,-544,323,-546,-547,-548,-549,323,323,323,323,323,323,-654,-655,-656,-657,323,-659,-660,-661,323,323,323,-667,323,323,-671,-672,323,323,-675,323,-677,-678,323,-681,323,-683,323,323,-686,-687,-688,323,-690,323,323,-693,323,323,-696,-697,-698,323,-700,-701,-702,-703,323,323,-748,323,-751,-752,-753,-754,-755,323,-757,-758,-759,-760,-761,323,-768,-769,-771,323,-773,-774,-775,-784,-858,-860,-862,-864,323,323,323,323,-870,323,-872,323,323,323,323,323,323,323,-908,-909,323,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,323,-923,-926,323,-936,323,-387,-388,-389,323,323,-392,-393,-394,-395,323,-398,323,-401,-402,323,-403,323,-408,-409,323,-412,-413,-414,323,-417,323,-418,323,-423,-424,323,-427,323,-430,-431,-1896,-1896,323,-621,-622,-623,-624,-625,-636,-586,-626,-799,323,323,323,323,323,-833,323,323,-808,323,-834,323,323,323,323,-800,323,-855,-801,323,323,323,323,323,323,-856,-857,323,-836,-832,-837,323,-627,323,-628,-629,-630,-631,-576,323,323,-632,-633,-634,323,323,323,323,323,323,-637,-638,-639,-594,-1896,-604,323,-640,-641,-715,-642,-606,323,-574,-579,-582,-585,323,323,323,-600,-603,323,-610,323,323,323,323,323,323,323,323,323,323,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,323,323,323,-997,323,323,323,323,323,323,-308,-327,-321,-298,-377,-454,-455,-456,-460,323,-445,323,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,323,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,323,323,323,323,323,323,323,323,323,-318,-537,-510,-593,-939,-941,-942,-440,323,-442,-382,-383,-385,-509,-511,-513,323,-515,-516,-521,-522,323,-534,-536,-539,-540,-545,-550,-728,323,-729,323,-734,323,-736,323,-741,-658,-662,-663,323,-668,323,-669,323,-674,-676,323,-679,323,323,323,-689,-691,323,-694,323,323,-746,323,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,323,323,323,323,323,-879,323,-882,-910,-922,-927,-390,-391,323,-396,323,-399,323,-404,323,-405,323,-410,323,-415,323,-419,323,-420,323,-425,323,-428,-901,-902,-645,-587,-1896,-903,323,323,323,-802,323,323,-806,323,-809,-835,323,-820,323,-822,323,-824,-810,323,-826,323,-853,-854,323,323,-813,323,-648,-904,-906,-650,-651,-647,323,-707,-708,323,-644,-905,-649,-652,-605,-716,323,323,-607,-588,323,323,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,323,323,-711,-712,323,-718,323,323,323,323,323,323,-940,323,-441,-443,-749,323,-893,323,-717,-1896,323,323,323,323,323,-444,-514,-525,323,-730,-735,323,-737,323,-742,323,-664,-670,323,-680,-682,-684,-685,-692,-695,-699,-747,323,323,-876,323,323,-880,323,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,323,-814,323,-816,-803,323,-804,-807,323,-818,-821,-823,-825,-827,323,-828,323,-811,323,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,323,-284,323,323,323,323,-457,323,323,-731,323,-738,323,-743,323,-665,-673,323,323,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,323,-838,-53,323,323,-732,323,-739,323,-744,-666,323,-875,-54,323,323,-733,-740,-745,323,323,323,-874,]),'IMPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[324,324,324,324,-1896,324,324,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,324,324,324,324,-277,-278,324,-1427,324,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,324,324,324,-492,324,324,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,324,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,324,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,324,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,324,-174,-175,-176,-177,-995,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-292,-293,-283,324,324,324,324,324,-330,-320,-334,-335,-336,324,324,-984,-985,-986,-987,-988,-989,-990,324,324,324,324,324,324,324,324,324,324,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,324,324,324,-355,-358,324,-325,-326,-143,324,-144,324,-145,324,-432,-937,-938,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-1896,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-1896,324,-1896,324,324,324,324,324,324,324,324,324,324,324,324,-1896,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-1896,324,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,324,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,324,324,324,-193,-194,324,-996,324,324,324,324,324,-279,-280,-281,-282,-367,324,-310,324,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,324,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,324,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,324,324,324,324,324,324,-575,324,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,324,324,-725,-726,-727,324,324,324,324,324,324,-996,324,324,-93,-94,324,324,324,324,-311,-312,-322,324,-309,-295,-296,-297,324,324,324,324,-620,-635,-592,324,324,-438,324,-439,324,-446,-447,-448,-380,-381,324,324,324,-508,324,324,-512,324,324,324,324,-517,-518,-519,-520,324,324,-523,-524,324,-526,-527,-528,-529,-530,-531,-532,-533,324,-535,324,324,324,-541,-543,-544,324,-546,-547,-548,-549,324,324,324,324,324,324,-654,-655,-656,-657,324,-659,-660,-661,324,324,324,-667,324,324,-671,-672,324,324,-675,324,-677,-678,324,-681,324,-683,324,324,-686,-687,-688,324,-690,324,324,-693,324,324,-696,-697,-698,324,-700,-701,-702,-703,324,324,-748,324,-751,-752,-753,-754,-755,324,-757,-758,-759,-760,-761,324,-768,-769,-771,324,-773,-774,-775,-784,-858,-860,-862,-864,324,324,324,324,-870,324,-872,324,324,324,324,324,324,324,-908,-909,324,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,324,-923,-926,324,-936,324,-387,-388,-389,324,324,-392,-393,-394,-395,324,-398,324,-401,-402,324,-403,324,-408,-409,324,-412,-413,-414,324,-417,324,-418,324,-423,-424,324,-427,324,-430,-431,-1896,-1896,324,-621,-622,-623,-624,-625,-636,-586,-626,-799,324,324,324,324,324,-833,324,324,-808,324,-834,324,324,324,324,-800,324,-855,-801,324,324,324,324,324,324,-856,-857,324,-836,-832,-837,324,-627,324,-628,-629,-630,-631,-576,324,324,-632,-633,-634,324,324,324,324,324,324,-637,-638,-639,-594,-1896,-604,324,-640,-641,-715,-642,-606,324,-574,-579,-582,-585,324,324,324,-600,-603,324,-610,324,324,324,324,324,324,324,324,324,324,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,324,324,324,-997,324,324,324,324,324,324,-308,-327,-321,-298,-377,-454,-455,-456,-460,324,-445,324,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,324,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,324,324,324,324,324,324,324,324,324,-318,-537,-510,-593,-939,-941,-942,-440,324,-442,-382,-383,-385,-509,-511,-513,324,-515,-516,-521,-522,324,-534,-536,-539,-540,-545,-550,-728,324,-729,324,-734,324,-736,324,-741,-658,-662,-663,324,-668,324,-669,324,-674,-676,324,-679,324,324,324,-689,-691,324,-694,324,324,-746,324,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,324,324,324,324,324,-879,324,-882,-910,-922,-927,-390,-391,324,-396,324,-399,324,-404,324,-405,324,-410,324,-415,324,-419,324,-420,324,-425,324,-428,-901,-902,-645,-587,-1896,-903,324,324,324,-802,324,324,-806,324,-809,-835,324,-820,324,-822,324,-824,-810,324,-826,324,-853,-854,324,324,-813,324,-648,-904,-906,-650,-651,-647,324,-707,-708,324,-644,-905,-649,-652,-605,-716,324,324,-607,-588,324,324,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,324,324,-711,-712,324,-718,324,324,324,324,324,324,-940,324,-441,-443,-749,324,-893,324,-717,-1896,324,324,324,324,324,-444,-514,-525,324,-730,-735,324,-737,324,-742,324,-664,-670,324,-680,-682,-684,-685,-692,-695,-699,-747,324,324,-876,324,324,-880,324,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,324,-814,324,-816,-803,324,-804,-807,324,-818,-821,-823,-825,-827,324,-828,324,-811,324,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,324,-284,324,324,324,324,-457,324,324,-731,324,-738,324,-743,324,-665,-673,324,324,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,324,-838,-53,324,324,-732,324,-739,324,-744,-666,324,-875,-54,324,324,-733,-740,-745,324,324,324,-874,]),'INCR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[325,325,325,325,-1896,325,325,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,325,325,325,325,-277,-278,325,-1427,325,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,325,325,325,-492,325,325,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,325,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,325,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,325,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,325,-174,-175,-176,-177,-995,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-292,-293,-283,325,325,325,325,325,-330,-320,-334,-335,-336,325,325,-984,-985,-986,-987,-988,-989,-990,325,325,325,325,325,325,325,325,325,325,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,325,325,325,-355,-358,325,-325,-326,-143,325,-144,325,-145,325,-432,-937,-938,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-1896,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-1896,325,-1896,325,325,325,325,325,325,325,325,325,325,325,325,-1896,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-1896,325,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,325,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,325,325,325,-193,-194,325,-996,325,325,325,325,325,-279,-280,-281,-282,-367,325,-310,325,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,325,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,325,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,325,325,325,325,325,325,-575,325,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,325,325,-725,-726,-727,325,325,325,325,325,325,-996,325,325,-93,-94,325,325,325,325,-311,-312,-322,325,-309,-295,-296,-297,325,325,325,325,-620,-635,-592,325,325,-438,325,-439,325,-446,-447,-448,-380,-381,325,325,325,-508,325,325,-512,325,325,325,325,-517,-518,-519,-520,325,325,-523,-524,325,-526,-527,-528,-529,-530,-531,-532,-533,325,-535,325,325,325,-541,-543,-544,325,-546,-547,-548,-549,325,325,325,325,325,325,-654,-655,-656,-657,325,-659,-660,-661,325,325,325,-667,325,325,-671,-672,325,325,-675,325,-677,-678,325,-681,325,-683,325,325,-686,-687,-688,325,-690,325,325,-693,325,325,-696,-697,-698,325,-700,-701,-702,-703,325,325,-748,325,-751,-752,-753,-754,-755,325,-757,-758,-759,-760,-761,325,-768,-769,-771,325,-773,-774,-775,-784,-858,-860,-862,-864,325,325,325,325,-870,325,-872,325,325,325,325,325,325,325,-908,-909,325,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,325,-923,-926,325,-936,325,-387,-388,-389,325,325,-392,-393,-394,-395,325,-398,325,-401,-402,325,-403,325,-408,-409,325,-412,-413,-414,325,-417,325,-418,325,-423,-424,325,-427,325,-430,-431,-1896,-1896,325,-621,-622,-623,-624,-625,-636,-586,-626,-799,325,325,325,325,325,-833,325,325,-808,325,-834,325,325,325,325,-800,325,-855,-801,325,325,325,325,325,325,-856,-857,325,-836,-832,-837,325,-627,325,-628,-629,-630,-631,-576,325,325,-632,-633,-634,325,325,325,325,325,325,-637,-638,-639,-594,-1896,-604,325,-640,-641,-715,-642,-606,325,-574,-579,-582,-585,325,325,325,-600,-603,325,-610,325,325,325,325,325,325,325,325,325,325,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,325,325,325,-997,325,325,325,325,325,325,-308,-327,-321,-298,-377,-454,-455,-456,-460,325,-445,325,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,325,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,325,325,325,325,325,325,325,325,325,-318,-537,-510,-593,-939,-941,-942,-440,325,-442,-382,-383,-385,-509,-511,-513,325,-515,-516,-521,-522,325,-534,-536,-539,-540,-545,-550,-728,325,-729,325,-734,325,-736,325,-741,-658,-662,-663,325,-668,325,-669,325,-674,-676,325,-679,325,325,325,-689,-691,325,-694,325,325,-746,325,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,325,325,325,325,325,-879,325,-882,-910,-922,-927,-390,-391,325,-396,325,-399,325,-404,325,-405,325,-410,325,-415,325,-419,325,-420,325,-425,325,-428,-901,-902,-645,-587,-1896,-903,325,325,325,-802,325,325,-806,325,-809,-835,325,-820,325,-822,325,-824,-810,325,-826,325,-853,-854,325,325,-813,325,-648,-904,-906,-650,-651,-647,325,-707,-708,325,-644,-905,-649,-652,-605,-716,325,325,-607,-588,325,325,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,325,325,-711,-712,325,-718,325,325,325,325,325,325,-940,325,-441,-443,-749,325,-893,325,-717,-1896,325,325,325,325,325,-444,-514,-525,325,-730,-735,325,-737,325,-742,325,-664,-670,325,-680,-682,-684,-685,-692,-695,-699,-747,325,325,-876,325,325,-880,325,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,325,-814,325,-816,-803,325,-804,-807,325,-818,-821,-823,-825,-827,325,-828,325,-811,325,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,325,-284,325,325,325,325,-457,325,325,-731,325,-738,325,-743,325,-665,-673,325,325,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,325,-838,-53,325,325,-732,325,-739,325,-744,-666,325,-875,-54,325,325,-733,-740,-745,325,325,325,-874,]),'INCREMENTAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[326,326,326,326,-1896,326,326,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,326,326,326,326,-277,-278,326,-1427,326,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,326,326,326,-492,326,326,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,326,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,326,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,326,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,326,-174,-175,-176,-177,-995,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-292,-293,-283,326,326,326,326,326,-330,-320,-334,-335,-336,326,326,-984,-985,-986,-987,-988,-989,-990,326,326,326,326,326,326,326,326,326,326,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,326,326,326,-355,-358,326,-325,-326,-143,326,-144,326,-145,326,-432,-937,-938,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-1896,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-1896,326,-1896,326,326,326,326,326,326,326,326,326,326,326,326,-1896,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-1896,326,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,326,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,326,326,326,-193,-194,326,-996,326,326,326,326,326,-279,-280,-281,-282,-367,326,-310,326,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,326,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,326,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,326,326,326,326,326,326,-575,326,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,326,326,-725,-726,-727,326,326,326,326,326,326,-996,326,326,-93,-94,326,326,326,326,-311,-312,-322,326,-309,-295,-296,-297,326,326,326,326,-620,-635,-592,326,326,-438,326,-439,326,-446,-447,-448,-380,-381,326,326,326,-508,326,326,-512,326,326,326,326,-517,-518,-519,-520,326,326,-523,-524,326,-526,-527,-528,-529,-530,-531,-532,-533,326,-535,326,326,326,-541,-543,-544,326,-546,-547,-548,-549,326,326,326,326,326,326,-654,-655,-656,-657,326,-659,-660,-661,326,326,326,-667,326,326,-671,-672,326,326,-675,326,-677,-678,326,-681,326,-683,326,326,-686,-687,-688,326,-690,326,326,-693,326,326,-696,-697,-698,326,-700,-701,-702,-703,326,326,-748,326,-751,-752,-753,-754,-755,326,-757,-758,-759,-760,-761,326,-768,-769,-771,326,-773,-774,-775,-784,-858,-860,-862,-864,326,326,326,326,-870,326,-872,326,326,326,326,326,326,326,-908,-909,326,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,326,-923,-926,326,-936,326,-387,-388,-389,326,326,-392,-393,-394,-395,326,-398,326,-401,-402,326,-403,326,-408,-409,326,-412,-413,-414,326,-417,326,-418,326,-423,-424,326,-427,326,-430,-431,-1896,-1896,326,-621,-622,-623,-624,-625,-636,-586,-626,-799,326,326,326,326,326,-833,326,326,-808,326,-834,326,326,326,326,-800,326,-855,-801,326,326,326,326,326,326,-856,-857,326,-836,-832,-837,326,-627,326,-628,-629,-630,-631,-576,326,326,-632,-633,-634,326,326,326,326,326,326,-637,-638,-639,-594,-1896,-604,326,-640,-641,-715,-642,-606,326,-574,-579,-582,-585,326,326,326,-600,-603,326,-610,326,326,326,326,326,326,326,326,326,326,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,326,326,326,-997,326,326,326,326,326,326,-308,-327,-321,-298,-377,-454,-455,-456,-460,326,-445,326,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,326,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,326,326,326,326,326,326,326,326,326,-318,-537,-510,-593,-939,-941,-942,-440,326,-442,-382,-383,-385,-509,-511,-513,326,-515,-516,-521,-522,326,-534,-536,-539,-540,-545,-550,-728,326,-729,326,-734,326,-736,326,-741,-658,-662,-663,326,-668,326,-669,326,-674,-676,326,-679,326,326,326,-689,-691,326,-694,326,326,-746,326,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,326,326,326,326,326,-879,326,-882,-910,-922,-927,-390,-391,326,-396,326,-399,326,-404,326,-405,326,-410,326,-415,326,-419,326,-420,326,-425,326,-428,-901,-902,-645,-587,-1896,-903,326,326,326,-802,326,326,-806,326,-809,-835,326,-820,326,-822,326,-824,-810,326,-826,326,-853,-854,326,326,-813,326,-648,-904,-906,-650,-651,-647,326,-707,-708,326,-644,-905,-649,-652,-605,-716,326,326,-607,-588,326,326,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,326,326,-711,-712,326,-718,326,326,326,326,326,326,-940,326,-441,-443,-749,326,-893,326,-717,-1896,326,326,326,326,326,-444,-514,-525,326,-730,-735,326,-737,326,-742,326,-664,-670,326,-680,-682,-684,-685,-692,-695,-699,-747,326,326,-876,326,326,-880,326,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,326,-814,326,-816,-803,326,-804,-807,326,-818,-821,-823,-825,-827,326,-828,326,-811,326,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,326,-284,326,326,326,326,-457,326,326,-731,326,-738,326,-743,326,-665,-673,326,326,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,326,-838,-53,326,326,-732,326,-739,326,-744,-666,326,-875,-54,326,326,-733,-740,-745,326,326,326,-874,]),'INDEXES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[327,327,327,327,-1896,327,327,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,327,327,327,327,-277,-278,327,-1427,327,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,327,327,327,-492,327,327,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,327,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,327,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,327,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,327,-174,-175,-176,-177,-995,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-292,-293,-283,327,327,327,327,327,-330,-320,-334,-335,-336,327,327,-984,-985,-986,-987,-988,-989,-990,327,327,327,327,327,327,327,327,327,327,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,327,327,327,-355,-358,327,-325,-326,-143,327,-144,327,-145,327,-432,-937,-938,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-1896,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-1896,327,-1896,327,327,327,327,327,327,327,327,327,327,327,327,-1896,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-1896,327,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,327,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,327,327,327,-193,-194,327,-996,327,327,327,327,327,-279,-280,-281,-282,-367,327,-310,327,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,327,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,327,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,327,327,327,327,327,327,-575,327,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,327,327,-725,-726,-727,327,327,327,327,327,327,-996,327,327,-93,-94,327,327,327,327,-311,-312,-322,327,-309,-295,-296,-297,327,327,327,327,-620,-635,-592,327,327,-438,327,-439,327,-446,-447,-448,-380,-381,327,327,327,-508,327,327,-512,327,327,327,327,-517,-518,-519,-520,327,327,-523,-524,327,-526,-527,-528,-529,-530,-531,-532,-533,327,-535,327,327,327,-541,-543,-544,327,-546,-547,-548,-549,327,327,327,327,327,327,-654,-655,-656,-657,327,-659,-660,-661,327,327,327,-667,327,327,-671,-672,327,327,-675,327,-677,-678,327,-681,327,-683,327,327,-686,-687,-688,327,-690,327,327,-693,327,327,-696,-697,-698,327,-700,-701,-702,-703,327,327,-748,327,-751,-752,-753,-754,-755,327,-757,-758,-759,-760,-761,327,-768,-769,-771,327,-773,-774,-775,-784,-858,-860,-862,-864,327,327,327,327,-870,327,-872,327,327,327,327,327,327,327,-908,-909,327,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,327,-923,-926,327,-936,327,-387,-388,-389,327,327,-392,-393,-394,-395,327,-398,327,-401,-402,327,-403,327,-408,-409,327,-412,-413,-414,327,-417,327,-418,327,-423,-424,327,-427,327,-430,-431,-1896,-1896,327,-621,-622,-623,-624,-625,-636,-586,-626,-799,327,327,327,327,327,-833,327,327,-808,327,-834,327,327,327,327,-800,327,-855,-801,327,327,327,327,327,327,-856,-857,327,-836,-832,-837,327,-627,327,-628,-629,-630,-631,-576,327,327,-632,-633,-634,327,327,327,327,327,327,-637,-638,-639,-594,-1896,-604,327,-640,-641,-715,-642,-606,327,-574,-579,-582,-585,327,327,327,-600,-603,327,-610,327,327,327,327,327,327,327,327,327,327,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,327,327,327,-997,327,327,327,327,327,327,-308,-327,-321,-298,-377,-454,-455,-456,-460,327,-445,327,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,327,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,327,327,327,327,327,327,327,327,327,-318,-537,-510,-593,-939,-941,-942,-440,327,-442,-382,-383,-385,-509,-511,-513,327,-515,-516,-521,-522,327,-534,-536,-539,-540,-545,-550,-728,327,-729,327,-734,327,-736,327,-741,-658,-662,-663,327,-668,327,-669,327,-674,-676,327,-679,327,327,327,-689,-691,327,-694,327,327,-746,327,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,327,327,327,327,327,-879,327,-882,-910,-922,-927,-390,-391,327,-396,327,-399,327,-404,327,-405,327,-410,327,-415,327,-419,327,-420,327,-425,327,-428,-901,-902,-645,-587,-1896,-903,327,327,327,-802,327,327,-806,327,-809,-835,327,-820,327,-822,327,-824,-810,327,-826,327,-853,-854,327,327,-813,327,-648,-904,-906,-650,-651,-647,327,-707,-708,327,-644,-905,-649,-652,-605,-716,327,327,-607,-588,327,327,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,327,327,-711,-712,327,-718,327,327,327,327,327,327,-940,327,-441,-443,-749,327,-893,327,-717,-1896,327,327,327,327,327,-444,-514,-525,327,-730,-735,327,-737,327,-742,327,-664,-670,327,-680,-682,-684,-685,-692,-695,-699,-747,327,327,-876,327,327,-880,327,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,327,-814,327,-816,-803,327,-804,-807,327,-818,-821,-823,-825,-827,327,-828,327,-811,327,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,327,-284,327,327,327,327,-457,327,327,-731,327,-738,327,-743,327,-665,-673,327,327,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,327,-838,-53,327,327,-732,327,-739,327,-744,-666,327,-875,-54,327,327,-733,-740,-745,327,327,327,-874,]),'INDEX_TABLE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[328,328,328,328,-1896,328,328,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,328,328,328,328,-277,-278,328,-1427,328,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,328,328,328,-492,328,328,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,328,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,328,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,328,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,328,-174,-175,-176,-177,-995,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-292,-293,-283,328,328,328,328,328,-330,-320,-334,-335,-336,328,328,-984,-985,-986,-987,-988,-989,-990,328,328,328,328,328,328,328,328,328,328,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,328,328,328,-355,-358,328,-325,-326,-143,328,-144,328,-145,328,-432,-937,-938,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-1896,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-1896,328,-1896,328,328,328,328,328,328,328,328,328,328,328,328,-1896,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-1896,328,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,328,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,328,328,328,-193,-194,328,-996,328,328,328,328,328,-279,-280,-281,-282,-367,328,-310,328,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,328,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,328,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,328,328,328,328,328,328,-575,328,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,328,328,-725,-726,-727,328,328,328,328,328,328,-996,328,328,-93,-94,328,328,328,328,-311,-312,-322,328,-309,-295,-296,-297,328,328,328,328,-620,-635,-592,328,328,-438,328,-439,328,-446,-447,-448,-380,-381,328,328,328,-508,328,328,-512,328,328,328,328,-517,-518,-519,-520,328,328,-523,-524,328,-526,-527,-528,-529,-530,-531,-532,-533,328,-535,328,328,328,-541,-543,-544,328,-546,-547,-548,-549,328,328,328,328,328,328,-654,-655,-656,-657,328,-659,-660,-661,328,328,328,-667,328,328,-671,-672,328,328,-675,328,-677,-678,328,-681,328,-683,328,328,-686,-687,-688,328,-690,328,328,-693,328,328,-696,-697,-698,328,-700,-701,-702,-703,328,328,-748,328,-751,-752,-753,-754,-755,328,-757,-758,-759,-760,-761,328,-768,-769,-771,328,-773,-774,-775,-784,-858,-860,-862,-864,328,328,328,328,-870,328,-872,328,328,328,328,328,328,328,-908,-909,328,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,328,-923,-926,328,-936,328,-387,-388,-389,328,328,-392,-393,-394,-395,328,-398,328,-401,-402,328,-403,328,-408,-409,328,-412,-413,-414,328,-417,328,-418,328,-423,-424,328,-427,328,-430,-431,-1896,-1896,328,-621,-622,-623,-624,-625,-636,-586,-626,-799,328,328,328,328,328,-833,328,328,-808,328,-834,328,328,328,328,-800,328,-855,-801,328,328,328,328,328,328,-856,-857,328,-836,-832,-837,328,-627,328,-628,-629,-630,-631,-576,328,328,-632,-633,-634,328,328,328,328,328,328,-637,-638,-639,-594,-1896,-604,328,-640,-641,-715,-642,-606,328,-574,-579,-582,-585,328,328,328,-600,-603,328,-610,328,328,328,328,328,328,328,328,328,328,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,328,328,328,-997,328,328,328,328,328,328,-308,-327,-321,-298,-377,-454,-455,-456,-460,328,-445,328,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,328,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,328,328,328,328,328,328,328,328,328,-318,-537,-510,-593,-939,-941,-942,-440,328,-442,-382,-383,-385,-509,-511,-513,328,-515,-516,-521,-522,328,-534,-536,-539,-540,-545,-550,-728,328,-729,328,-734,328,-736,328,-741,-658,-662,-663,328,-668,328,-669,328,-674,-676,328,-679,328,328,328,-689,-691,328,-694,328,328,-746,328,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,328,328,328,328,328,-879,328,-882,-910,-922,-927,-390,-391,328,-396,328,-399,328,-404,328,-405,328,-410,328,-415,328,-419,328,-420,328,-425,328,-428,-901,-902,-645,-587,-1896,-903,328,328,328,-802,328,328,-806,328,-809,-835,328,-820,328,-822,328,-824,-810,328,-826,328,-853,-854,328,328,-813,328,-648,-904,-906,-650,-651,-647,328,-707,-708,328,-644,-905,-649,-652,-605,-716,328,328,-607,-588,328,328,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,328,328,-711,-712,328,-718,328,328,328,328,328,328,-940,328,-441,-443,-749,328,-893,328,-717,-1896,328,328,328,328,328,-444,-514,-525,328,-730,-735,328,-737,328,-742,328,-664,-670,328,-680,-682,-684,-685,-692,-695,-699,-747,328,328,-876,328,328,-880,328,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,328,-814,328,-816,-803,328,-804,-807,328,-818,-821,-823,-825,-827,328,-828,328,-811,328,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,328,-284,328,328,328,328,-457,328,328,-731,328,-738,328,-743,328,-665,-673,328,328,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,328,-838,-53,328,328,-732,328,-739,328,-744,-666,328,-875,-54,328,328,-733,-740,-745,328,328,328,-874,]),'INET6_ATON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[329,329,329,1206,-1896,329,329,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,329,329,329,329,-277,-278,1206,-1427,1206,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1206,1206,1206,-492,1206,1206,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1206,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1206,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1889,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,329,-174,-175,-176,-177,-995,329,329,329,329,329,329,329,329,329,329,1206,1206,1206,1206,1206,-292,-293,-283,329,1206,1206,1206,1206,-330,-320,-334,-335,-336,1206,1206,-984,-985,-986,-987,-988,-989,-990,329,329,1206,1206,1206,1206,1206,1206,1206,1206,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1206,1206,1206,-355,-358,329,-325,-326,-143,1206,-144,1206,-145,1206,-432,-937,-938,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1896,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1896,1206,-1896,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1896,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1896,329,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1206,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1206,329,329,-193,-194,329,-996,1206,329,329,329,329,-279,-280,-281,-282,-367,1206,-310,1206,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1206,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1206,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1206,1206,1206,1206,1206,1206,-575,1206,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1206,1206,-725,-726,-727,1206,1889,329,329,329,329,-996,329,1206,-93,-94,329,329,329,1206,-311,-312,-322,1206,-309,-295,-296,-297,1206,329,1206,1206,-620,-635,-592,1206,329,-438,329,-439,1206,-446,-447,-448,-380,-381,1206,1206,1206,-508,1206,1206,-512,1206,1206,1206,1206,-517,-518,-519,-520,1206,1206,-523,-524,1206,-526,-527,-528,-529,-530,-531,-532,-533,1206,-535,1206,1206,1206,-541,-543,-544,1206,-546,-547,-548,-549,1206,1206,1206,1206,1206,1206,-654,-655,-656,-657,329,-659,-660,-661,1206,1206,1206,-667,1206,1206,-671,-672,1206,1206,-675,1206,-677,-678,1206,-681,1206,-683,1206,1206,-686,-687,-688,1206,-690,1206,1206,-693,1206,1206,-696,-697,-698,1206,-700,-701,-702,-703,1206,1206,-748,1206,-751,-752,-753,-754,-755,1206,-757,-758,-759,-760,-761,1206,-768,-769,-771,1206,-773,-774,-775,-784,-858,-860,-862,-864,1206,1206,1206,1206,-870,1206,-872,1206,1206,1206,1206,1206,1206,1206,-908,-909,1206,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1206,-923,-926,1206,-936,1206,-387,-388,-389,1206,1206,-392,-393,-394,-395,1206,-398,1206,-401,-402,1206,-403,1206,-408,-409,1206,-412,-413,-414,1206,-417,1206,-418,1206,-423,-424,1206,-427,1206,-430,-431,-1896,-1896,1206,-621,-622,-623,-624,-625,-636,-586,-626,-799,1206,1206,1206,1206,1206,-833,1206,1206,-808,1206,-834,1206,1206,1206,1206,-800,1206,-855,-801,1206,1206,1206,1206,1206,1206,-856,-857,1206,-836,-832,-837,1206,-627,1206,-628,-629,-630,-631,-576,1206,1206,-632,-633,-634,1206,1206,1206,1206,1206,1206,-637,-638,-639,-594,-1896,-604,1206,-640,-641,-715,-642,-606,1206,-574,-579,-582,-585,1206,1206,1206,-600,-603,1206,-610,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1206,329,329,-997,329,1206,329,329,329,1206,-308,-327,-321,-298,-377,-454,-455,-456,-460,329,-445,1206,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1206,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,329,329,329,329,329,329,329,329,1206,-318,-537,-510,-593,-939,-941,-942,-440,1206,-442,-382,-383,-385,-509,-511,-513,1206,-515,-516,-521,-522,1206,-534,-536,-539,-540,-545,-550,-728,1206,-729,1206,-734,1206,-736,1206,-741,-658,-662,-663,1206,-668,1206,-669,1206,-674,-676,1206,-679,1206,1206,1206,-689,-691,1206,-694,1206,1206,-746,1206,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1206,1206,1206,1206,1206,-879,1206,-882,-910,-922,-927,-390,-391,1206,-396,1206,-399,1206,-404,1206,-405,1206,-410,1206,-415,1206,-419,1206,-420,1206,-425,1206,-428,-901,-902,-645,-587,-1896,-903,1206,1206,1206,-802,1206,1206,-806,1206,-809,-835,1206,-820,1206,-822,1206,-824,-810,1206,-826,1206,-853,-854,1206,1206,-813,1206,-648,-904,-906,-650,-651,-647,1206,-707,-708,1206,-644,-905,-649,-652,-605,-716,1206,1206,-607,-588,1206,1206,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1206,1206,-711,-712,1206,-718,1206,329,329,329,1206,1206,-940,329,-441,-443,-749,1206,-893,1889,-717,-1896,1206,1206,329,329,1206,-444,-514,-525,1206,-730,-735,1206,-737,1206,-742,1206,-664,-670,1206,-680,-682,-684,-685,-692,-695,-699,-747,1206,1206,-876,1206,1206,-880,1206,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1206,-814,1206,-816,-803,1206,-804,-807,1206,-818,-821,-823,-825,-827,1206,-828,1206,-811,1206,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,329,-284,329,1206,329,1206,-457,1206,1206,-731,1206,-738,1206,-743,1206,-665,-673,1206,1206,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1206,-838,-53,329,1206,-732,1206,-739,1206,-744,-666,1206,-875,-54,329,329,-733,-740,-745,1206,329,1206,-874,]),'INET6_NTOA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[330,330,330,1207,-1896,330,330,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,330,330,330,330,-277,-278,1207,-1427,1207,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1207,1207,1207,-492,1207,1207,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1207,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1207,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1890,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,330,-174,-175,-176,-177,-995,330,330,330,330,330,330,330,330,330,330,1207,1207,1207,1207,1207,-292,-293,-283,330,1207,1207,1207,1207,-330,-320,-334,-335,-336,1207,1207,-984,-985,-986,-987,-988,-989,-990,330,330,1207,1207,1207,1207,1207,1207,1207,1207,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1207,1207,1207,-355,-358,330,-325,-326,-143,1207,-144,1207,-145,1207,-432,-937,-938,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1896,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1896,1207,-1896,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1896,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1896,330,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1207,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1207,330,330,-193,-194,330,-996,1207,330,330,330,330,-279,-280,-281,-282,-367,1207,-310,1207,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1207,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1207,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1207,1207,1207,1207,1207,1207,-575,1207,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1207,1207,-725,-726,-727,1207,1890,330,330,330,330,-996,330,1207,-93,-94,330,330,330,1207,-311,-312,-322,1207,-309,-295,-296,-297,1207,330,1207,1207,-620,-635,-592,1207,330,-438,330,-439,1207,-446,-447,-448,-380,-381,1207,1207,1207,-508,1207,1207,-512,1207,1207,1207,1207,-517,-518,-519,-520,1207,1207,-523,-524,1207,-526,-527,-528,-529,-530,-531,-532,-533,1207,-535,1207,1207,1207,-541,-543,-544,1207,-546,-547,-548,-549,1207,1207,1207,1207,1207,1207,-654,-655,-656,-657,330,-659,-660,-661,1207,1207,1207,-667,1207,1207,-671,-672,1207,1207,-675,1207,-677,-678,1207,-681,1207,-683,1207,1207,-686,-687,-688,1207,-690,1207,1207,-693,1207,1207,-696,-697,-698,1207,-700,-701,-702,-703,1207,1207,-748,1207,-751,-752,-753,-754,-755,1207,-757,-758,-759,-760,-761,1207,-768,-769,-771,1207,-773,-774,-775,-784,-858,-860,-862,-864,1207,1207,1207,1207,-870,1207,-872,1207,1207,1207,1207,1207,1207,1207,-908,-909,1207,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1207,-923,-926,1207,-936,1207,-387,-388,-389,1207,1207,-392,-393,-394,-395,1207,-398,1207,-401,-402,1207,-403,1207,-408,-409,1207,-412,-413,-414,1207,-417,1207,-418,1207,-423,-424,1207,-427,1207,-430,-431,-1896,-1896,1207,-621,-622,-623,-624,-625,-636,-586,-626,-799,1207,1207,1207,1207,1207,-833,1207,1207,-808,1207,-834,1207,1207,1207,1207,-800,1207,-855,-801,1207,1207,1207,1207,1207,1207,-856,-857,1207,-836,-832,-837,1207,-627,1207,-628,-629,-630,-631,-576,1207,1207,-632,-633,-634,1207,1207,1207,1207,1207,1207,-637,-638,-639,-594,-1896,-604,1207,-640,-641,-715,-642,-606,1207,-574,-579,-582,-585,1207,1207,1207,-600,-603,1207,-610,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1207,330,330,-997,330,1207,330,330,330,1207,-308,-327,-321,-298,-377,-454,-455,-456,-460,330,-445,1207,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1207,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,330,330,330,330,330,330,330,330,1207,-318,-537,-510,-593,-939,-941,-942,-440,1207,-442,-382,-383,-385,-509,-511,-513,1207,-515,-516,-521,-522,1207,-534,-536,-539,-540,-545,-550,-728,1207,-729,1207,-734,1207,-736,1207,-741,-658,-662,-663,1207,-668,1207,-669,1207,-674,-676,1207,-679,1207,1207,1207,-689,-691,1207,-694,1207,1207,-746,1207,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1207,1207,1207,1207,1207,-879,1207,-882,-910,-922,-927,-390,-391,1207,-396,1207,-399,1207,-404,1207,-405,1207,-410,1207,-415,1207,-419,1207,-420,1207,-425,1207,-428,-901,-902,-645,-587,-1896,-903,1207,1207,1207,-802,1207,1207,-806,1207,-809,-835,1207,-820,1207,-822,1207,-824,-810,1207,-826,1207,-853,-854,1207,1207,-813,1207,-648,-904,-906,-650,-651,-647,1207,-707,-708,1207,-644,-905,-649,-652,-605,-716,1207,1207,-607,-588,1207,1207,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1207,1207,-711,-712,1207,-718,1207,330,330,330,1207,1207,-940,330,-441,-443,-749,1207,-893,1890,-717,-1896,1207,1207,330,330,1207,-444,-514,-525,1207,-730,-735,1207,-737,1207,-742,1207,-664,-670,1207,-680,-682,-684,-685,-692,-695,-699,-747,1207,1207,-876,1207,1207,-880,1207,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1207,-814,1207,-816,-803,1207,-804,-807,1207,-818,-821,-823,-825,-827,1207,-828,1207,-811,1207,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,330,-284,330,1207,330,1207,-457,1207,1207,-731,1207,-738,1207,-743,1207,-665,-673,1207,1207,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1207,-838,-53,330,1207,-732,1207,-739,1207,-744,-666,1207,-875,-54,330,330,-733,-740,-745,1207,330,1207,-874,]),'INET_ATON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[331,331,331,1204,-1896,331,331,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,331,331,331,331,-277,-278,1204,-1427,1204,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1204,1204,1204,-492,1204,1204,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1204,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1204,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1891,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,331,-174,-175,-176,-177,-995,331,331,331,331,331,331,331,331,331,331,1204,1204,1204,1204,1204,-292,-293,-283,331,1204,1204,1204,1204,-330,-320,-334,-335,-336,1204,1204,-984,-985,-986,-987,-988,-989,-990,331,331,1204,1204,1204,1204,1204,1204,1204,1204,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1204,1204,1204,-355,-358,331,-325,-326,-143,1204,-144,1204,-145,1204,-432,-937,-938,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1896,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1896,1204,-1896,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1896,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1896,331,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1204,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1204,331,331,-193,-194,331,-996,1204,331,331,331,331,-279,-280,-281,-282,-367,1204,-310,1204,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1204,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1204,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1204,1204,1204,1204,1204,1204,-575,1204,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1204,1204,-725,-726,-727,1204,1891,331,331,331,331,-996,331,1204,-93,-94,331,331,331,1204,-311,-312,-322,1204,-309,-295,-296,-297,1204,331,1204,1204,-620,-635,-592,1204,331,-438,331,-439,1204,-446,-447,-448,-380,-381,1204,1204,1204,-508,1204,1204,-512,1204,1204,1204,1204,-517,-518,-519,-520,1204,1204,-523,-524,1204,-526,-527,-528,-529,-530,-531,-532,-533,1204,-535,1204,1204,1204,-541,-543,-544,1204,-546,-547,-548,-549,1204,1204,1204,1204,1204,1204,-654,-655,-656,-657,331,-659,-660,-661,1204,1204,1204,-667,1204,1204,-671,-672,1204,1204,-675,1204,-677,-678,1204,-681,1204,-683,1204,1204,-686,-687,-688,1204,-690,1204,1204,-693,1204,1204,-696,-697,-698,1204,-700,-701,-702,-703,1204,1204,-748,1204,-751,-752,-753,-754,-755,1204,-757,-758,-759,-760,-761,1204,-768,-769,-771,1204,-773,-774,-775,-784,-858,-860,-862,-864,1204,1204,1204,1204,-870,1204,-872,1204,1204,1204,1204,1204,1204,1204,-908,-909,1204,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1204,-923,-926,1204,-936,1204,-387,-388,-389,1204,1204,-392,-393,-394,-395,1204,-398,1204,-401,-402,1204,-403,1204,-408,-409,1204,-412,-413,-414,1204,-417,1204,-418,1204,-423,-424,1204,-427,1204,-430,-431,-1896,-1896,1204,-621,-622,-623,-624,-625,-636,-586,-626,-799,1204,1204,1204,1204,1204,-833,1204,1204,-808,1204,-834,1204,1204,1204,1204,-800,1204,-855,-801,1204,1204,1204,1204,1204,1204,-856,-857,1204,-836,-832,-837,1204,-627,1204,-628,-629,-630,-631,-576,1204,1204,-632,-633,-634,1204,1204,1204,1204,1204,1204,-637,-638,-639,-594,-1896,-604,1204,-640,-641,-715,-642,-606,1204,-574,-579,-582,-585,1204,1204,1204,-600,-603,1204,-610,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1204,331,331,-997,331,1204,331,331,331,1204,-308,-327,-321,-298,-377,-454,-455,-456,-460,331,-445,1204,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1204,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,331,331,331,331,331,331,331,331,1204,-318,-537,-510,-593,-939,-941,-942,-440,1204,-442,-382,-383,-385,-509,-511,-513,1204,-515,-516,-521,-522,1204,-534,-536,-539,-540,-545,-550,-728,1204,-729,1204,-734,1204,-736,1204,-741,-658,-662,-663,1204,-668,1204,-669,1204,-674,-676,1204,-679,1204,1204,1204,-689,-691,1204,-694,1204,1204,-746,1204,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1204,1204,1204,1204,1204,-879,1204,-882,-910,-922,-927,-390,-391,1204,-396,1204,-399,1204,-404,1204,-405,1204,-410,1204,-415,1204,-419,1204,-420,1204,-425,1204,-428,-901,-902,-645,-587,-1896,-903,1204,1204,1204,-802,1204,1204,-806,1204,-809,-835,1204,-820,1204,-822,1204,-824,-810,1204,-826,1204,-853,-854,1204,1204,-813,1204,-648,-904,-906,-650,-651,-647,1204,-707,-708,1204,-644,-905,-649,-652,-605,-716,1204,1204,-607,-588,1204,1204,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1204,1204,-711,-712,1204,-718,1204,331,331,331,1204,1204,-940,331,-441,-443,-749,1204,-893,1891,-717,-1896,1204,1204,331,331,1204,-444,-514,-525,1204,-730,-735,1204,-737,1204,-742,1204,-664,-670,1204,-680,-682,-684,-685,-692,-695,-699,-747,1204,1204,-876,1204,1204,-880,1204,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1204,-814,1204,-816,-803,1204,-804,-807,1204,-818,-821,-823,-825,-827,1204,-828,1204,-811,1204,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,331,-284,331,1204,331,1204,-457,1204,1204,-731,1204,-738,1204,-743,1204,-665,-673,1204,1204,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1204,-838,-53,331,1204,-732,1204,-739,1204,-744,-666,1204,-875,-54,331,331,-733,-740,-745,1204,331,1204,-874,]),'INET_NTOA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[332,332,332,1205,-1896,332,332,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,332,332,332,332,-277,-278,1205,-1427,1205,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1205,1205,1205,-492,1205,1205,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1205,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1205,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1892,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,332,-174,-175,-176,-177,-995,332,332,332,332,332,332,332,332,332,332,1205,1205,1205,1205,1205,-292,-293,-283,332,1205,1205,1205,1205,-330,-320,-334,-335,-336,1205,1205,-984,-985,-986,-987,-988,-989,-990,332,332,1205,1205,1205,1205,1205,1205,1205,1205,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1205,1205,1205,-355,-358,332,-325,-326,-143,1205,-144,1205,-145,1205,-432,-937,-938,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1896,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1896,1205,-1896,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1896,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1896,332,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1205,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1205,332,332,-193,-194,332,-996,1205,332,332,332,332,-279,-280,-281,-282,-367,1205,-310,1205,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1205,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1205,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1205,1205,1205,1205,1205,1205,-575,1205,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1205,1205,-725,-726,-727,1205,1892,332,332,332,332,-996,332,1205,-93,-94,332,332,332,1205,-311,-312,-322,1205,-309,-295,-296,-297,1205,332,1205,1205,-620,-635,-592,1205,332,-438,332,-439,1205,-446,-447,-448,-380,-381,1205,1205,1205,-508,1205,1205,-512,1205,1205,1205,1205,-517,-518,-519,-520,1205,1205,-523,-524,1205,-526,-527,-528,-529,-530,-531,-532,-533,1205,-535,1205,1205,1205,-541,-543,-544,1205,-546,-547,-548,-549,1205,1205,1205,1205,1205,1205,-654,-655,-656,-657,332,-659,-660,-661,1205,1205,1205,-667,1205,1205,-671,-672,1205,1205,-675,1205,-677,-678,1205,-681,1205,-683,1205,1205,-686,-687,-688,1205,-690,1205,1205,-693,1205,1205,-696,-697,-698,1205,-700,-701,-702,-703,1205,1205,-748,1205,-751,-752,-753,-754,-755,1205,-757,-758,-759,-760,-761,1205,-768,-769,-771,1205,-773,-774,-775,-784,-858,-860,-862,-864,1205,1205,1205,1205,-870,1205,-872,1205,1205,1205,1205,1205,1205,1205,-908,-909,1205,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1205,-923,-926,1205,-936,1205,-387,-388,-389,1205,1205,-392,-393,-394,-395,1205,-398,1205,-401,-402,1205,-403,1205,-408,-409,1205,-412,-413,-414,1205,-417,1205,-418,1205,-423,-424,1205,-427,1205,-430,-431,-1896,-1896,1205,-621,-622,-623,-624,-625,-636,-586,-626,-799,1205,1205,1205,1205,1205,-833,1205,1205,-808,1205,-834,1205,1205,1205,1205,-800,1205,-855,-801,1205,1205,1205,1205,1205,1205,-856,-857,1205,-836,-832,-837,1205,-627,1205,-628,-629,-630,-631,-576,1205,1205,-632,-633,-634,1205,1205,1205,1205,1205,1205,-637,-638,-639,-594,-1896,-604,1205,-640,-641,-715,-642,-606,1205,-574,-579,-582,-585,1205,1205,1205,-600,-603,1205,-610,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1205,332,332,-997,332,1205,332,332,332,1205,-308,-327,-321,-298,-377,-454,-455,-456,-460,332,-445,1205,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1205,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,332,332,332,332,332,332,332,332,1205,-318,-537,-510,-593,-939,-941,-942,-440,1205,-442,-382,-383,-385,-509,-511,-513,1205,-515,-516,-521,-522,1205,-534,-536,-539,-540,-545,-550,-728,1205,-729,1205,-734,1205,-736,1205,-741,-658,-662,-663,1205,-668,1205,-669,1205,-674,-676,1205,-679,1205,1205,1205,-689,-691,1205,-694,1205,1205,-746,1205,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1205,1205,1205,1205,1205,-879,1205,-882,-910,-922,-927,-390,-391,1205,-396,1205,-399,1205,-404,1205,-405,1205,-410,1205,-415,1205,-419,1205,-420,1205,-425,1205,-428,-901,-902,-645,-587,-1896,-903,1205,1205,1205,-802,1205,1205,-806,1205,-809,-835,1205,-820,1205,-822,1205,-824,-810,1205,-826,1205,-853,-854,1205,1205,-813,1205,-648,-904,-906,-650,-651,-647,1205,-707,-708,1205,-644,-905,-649,-652,-605,-716,1205,1205,-607,-588,1205,1205,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1205,1205,-711,-712,1205,-718,1205,332,332,332,1205,1205,-940,332,-441,-443,-749,1205,-893,1892,-717,-1896,1205,1205,332,332,1205,-444,-514,-525,1205,-730,-735,1205,-737,1205,-742,1205,-664,-670,1205,-680,-682,-684,-685,-692,-695,-699,-747,1205,1205,-876,1205,1205,-880,1205,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1205,-814,1205,-816,-803,1205,-804,-807,1205,-818,-821,-823,-825,-827,1205,-828,1205,-811,1205,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,332,-284,332,1205,332,1205,-457,1205,1205,-731,1205,-738,1205,-743,1205,-665,-673,1205,1205,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1205,-838,-53,332,1205,-732,1205,-739,1205,-744,-666,1205,-875,-54,332,332,-733,-740,-745,1205,332,1205,-874,]),'INFO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[333,333,333,333,-1896,333,333,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,333,333,333,333,-277,-278,333,-1427,333,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,333,333,333,-492,333,333,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,333,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,333,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,333,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,333,-174,-175,-176,-177,-995,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-292,-293,-283,333,333,333,333,333,-330,-320,-334,-335,-336,333,333,-984,-985,-986,-987,-988,-989,-990,333,333,333,333,333,333,333,333,333,333,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,333,333,333,-355,-358,333,-325,-326,-143,333,-144,333,-145,333,-432,-937,-938,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-1896,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-1896,333,-1896,333,333,333,333,333,333,333,333,333,333,333,333,-1896,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-1896,333,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,333,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,333,333,333,-193,-194,333,-996,333,333,333,333,333,-279,-280,-281,-282,-367,333,-310,333,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,333,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,333,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,333,333,333,333,333,333,-575,333,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,333,333,-725,-726,-727,333,333,333,333,333,333,-996,333,333,-93,-94,333,333,333,333,-311,-312,-322,333,-309,-295,-296,-297,333,333,333,333,-620,-635,-592,333,333,-438,333,-439,333,-446,-447,-448,-380,-381,333,333,333,-508,333,333,-512,333,333,333,333,-517,-518,-519,-520,333,333,-523,-524,333,-526,-527,-528,-529,-530,-531,-532,-533,333,-535,333,333,333,-541,-543,-544,333,-546,-547,-548,-549,333,333,333,333,333,333,-654,-655,-656,-657,333,-659,-660,-661,333,333,333,-667,333,333,-671,-672,333,333,-675,333,-677,-678,333,-681,333,-683,333,333,-686,-687,-688,333,-690,333,333,-693,333,333,-696,-697,-698,333,-700,-701,-702,-703,333,333,-748,333,-751,-752,-753,-754,-755,333,-757,-758,-759,-760,-761,333,-768,-769,-771,333,-773,-774,-775,-784,-858,-860,-862,-864,333,333,333,333,-870,333,-872,333,333,333,333,333,333,333,-908,-909,333,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,333,-923,-926,333,-936,333,-387,-388,-389,333,333,-392,-393,-394,-395,333,-398,333,-401,-402,333,-403,333,-408,-409,333,-412,-413,-414,333,-417,333,-418,333,-423,-424,333,-427,333,-430,-431,-1896,-1896,333,-621,-622,-623,-624,-625,-636,-586,-626,-799,333,333,333,333,333,-833,333,333,-808,333,-834,333,333,333,333,-800,333,-855,-801,333,333,333,333,333,333,-856,-857,333,-836,-832,-837,333,-627,333,-628,-629,-630,-631,-576,333,333,-632,-633,-634,333,333,333,333,333,333,-637,-638,-639,-594,-1896,-604,333,-640,-641,-715,-642,-606,333,-574,-579,-582,-585,333,333,333,-600,-603,333,-610,333,333,333,333,333,333,333,333,333,333,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,333,333,333,-997,333,333,333,333,333,333,-308,-327,-321,-298,-377,-454,-455,-456,-460,333,-445,333,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,333,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,333,333,333,333,333,333,333,333,333,-318,-537,-510,-593,-939,-941,-942,-440,333,-442,-382,-383,-385,-509,-511,-513,333,-515,-516,-521,-522,333,-534,-536,-539,-540,-545,-550,-728,333,-729,333,-734,333,-736,333,-741,-658,-662,-663,333,-668,333,-669,333,-674,-676,333,-679,333,333,333,-689,-691,333,-694,333,333,-746,333,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,333,333,333,333,333,-879,333,-882,-910,-922,-927,-390,-391,333,-396,333,-399,333,-404,333,-405,333,-410,333,-415,333,-419,333,-420,333,-425,333,-428,-901,-902,-645,-587,-1896,-903,333,333,333,-802,333,333,-806,333,-809,-835,333,-820,333,-822,333,-824,-810,333,-826,333,-853,-854,333,333,-813,333,-648,-904,-906,-650,-651,-647,333,-707,-708,333,-644,-905,-649,-652,-605,-716,333,333,-607,-588,333,333,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,333,333,-711,-712,333,-718,333,333,333,333,333,333,-940,333,-441,-443,-749,333,-893,333,-717,-1896,333,333,333,333,333,-444,-514,-525,333,-730,-735,333,-737,333,-742,333,-664,-670,333,-680,-682,-684,-685,-692,-695,-699,-747,333,333,-876,333,333,-880,333,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,333,-814,333,-816,-803,333,-804,-807,333,-818,-821,-823,-825,-827,333,-828,333,-811,333,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,333,-284,333,333,333,333,-457,333,333,-731,333,-738,333,-743,333,-665,-673,333,333,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,333,-838,-53,333,333,-732,333,-739,333,-744,-666,333,-875,-54,333,333,-733,-740,-745,333,333,333,-874,]),'INITIAL_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[334,334,334,334,-1896,334,334,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,334,334,334,334,-277,-278,334,-1427,334,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,334,334,334,-492,334,334,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,334,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,334,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,334,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,334,-174,-175,-176,-177,-995,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-292,-293,-283,334,334,334,334,334,-330,-320,-334,-335,-336,334,334,-984,-985,-986,-987,-988,-989,-990,334,334,334,334,334,334,334,334,334,334,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,334,334,334,-355,-358,334,-325,-326,-143,334,-144,334,-145,334,-432,-937,-938,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-1896,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-1896,334,-1896,334,334,334,334,334,334,334,334,334,334,334,334,-1896,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-1896,334,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,334,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,334,334,334,-193,-194,334,-996,334,334,334,334,334,-279,-280,-281,-282,-367,334,-310,334,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,334,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,334,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,334,334,334,334,334,334,-575,334,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,334,334,-725,-726,-727,334,334,334,334,334,334,-996,334,334,-93,-94,334,334,334,334,-311,-312,-322,334,-309,-295,-296,-297,334,334,334,334,-620,-635,-592,334,334,-438,334,-439,334,-446,-447,-448,-380,-381,334,334,334,-508,334,334,-512,334,334,334,334,-517,-518,-519,-520,334,334,-523,-524,334,-526,-527,-528,-529,-530,-531,-532,-533,334,-535,334,334,334,-541,-543,-544,334,-546,-547,-548,-549,334,334,334,334,334,334,-654,-655,-656,-657,334,-659,-660,-661,334,334,334,-667,334,334,-671,-672,334,334,-675,334,-677,-678,334,-681,334,-683,334,334,-686,-687,-688,334,-690,334,334,-693,334,334,-696,-697,-698,334,-700,-701,-702,-703,334,334,-748,334,-751,-752,-753,-754,-755,334,-757,-758,-759,-760,-761,334,-768,-769,-771,334,-773,-774,-775,-784,-858,-860,-862,-864,334,334,334,334,-870,334,-872,334,334,334,334,334,334,334,-908,-909,334,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,334,-923,-926,334,-936,334,-387,-388,-389,334,334,-392,-393,-394,-395,334,-398,334,-401,-402,334,-403,334,-408,-409,334,-412,-413,-414,334,-417,334,-418,334,-423,-424,334,-427,334,-430,-431,-1896,-1896,334,-621,-622,-623,-624,-625,-636,-586,-626,-799,334,334,334,334,334,-833,334,334,-808,334,-834,334,334,334,334,-800,334,-855,-801,334,334,334,334,334,334,-856,-857,334,-836,-832,-837,334,-627,334,-628,-629,-630,-631,-576,334,334,-632,-633,-634,334,334,334,334,334,334,-637,-638,-639,-594,-1896,-604,334,-640,-641,-715,-642,-606,334,-574,-579,-582,-585,334,334,334,-600,-603,334,-610,334,334,334,334,334,334,334,334,334,334,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,334,334,334,-997,334,334,334,334,334,334,-308,-327,-321,-298,-377,-454,-455,-456,-460,334,-445,334,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,334,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,334,334,334,334,334,334,334,334,334,-318,-537,-510,-593,-939,-941,-942,-440,334,-442,-382,-383,-385,-509,-511,-513,334,-515,-516,-521,-522,334,-534,-536,-539,-540,-545,-550,-728,334,-729,334,-734,334,-736,334,-741,-658,-662,-663,334,-668,334,-669,334,-674,-676,334,-679,334,334,334,-689,-691,334,-694,334,334,-746,334,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,334,334,334,334,334,-879,334,-882,-910,-922,-927,-390,-391,334,-396,334,-399,334,-404,334,-405,334,-410,334,-415,334,-419,334,-420,334,-425,334,-428,-901,-902,-645,-587,-1896,-903,334,334,334,-802,334,334,-806,334,-809,-835,334,-820,334,-822,334,-824,-810,334,-826,334,-853,-854,334,334,-813,334,-648,-904,-906,-650,-651,-647,334,-707,-708,334,-644,-905,-649,-652,-605,-716,334,334,-607,-588,334,334,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,334,334,-711,-712,334,-718,334,334,334,334,334,334,-940,334,-441,-443,-749,334,-893,334,-717,-1896,334,334,334,334,334,-444,-514,-525,334,-730,-735,334,-737,334,-742,334,-664,-670,334,-680,-682,-684,-685,-692,-695,-699,-747,334,334,-876,334,334,-880,334,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,334,-814,334,-816,-803,334,-804,-807,334,-818,-821,-823,-825,-827,334,-828,334,-811,334,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,334,-284,334,334,334,334,-457,334,334,-731,334,-738,334,-743,334,-665,-673,334,334,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,334,-838,-53,334,334,-732,334,-739,334,-744,-666,334,-875,-54,334,334,-733,-740,-745,334,334,334,-874,]),'INTO':([7,16,17,18,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,927,928,929,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[335,335,335,-1896,335,-1896,335,335,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,335,335,335,335,1423,-73,-74,-277,-278,335,-1427,335,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,335,335,335,-492,335,335,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,335,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,335,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,335,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,335,-174,-175,-176,-177,-995,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-292,-293,-283,335,335,335,335,335,-330,-320,-334,-335,-336,335,335,-984,-985,-986,-987,-988,-989,-990,335,335,335,335,335,335,335,335,335,335,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,335,335,335,-355,-358,335,-325,-326,-143,335,-144,335,-145,335,-432,-937,-938,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-1896,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-1896,335,-1896,335,335,335,335,335,335,335,335,335,335,335,335,-1896,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-1896,335,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,335,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,335,335,335,-193,-194,335,-996,335,335,335,335,335,-279,-280,-281,-282,-367,335,-310,335,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,335,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,335,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,335,335,335,335,335,335,-575,335,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,335,335,-725,-726,-727,335,335,335,335,335,335,-996,335,335,-93,-94,335,335,335,335,-311,-312,-322,335,-309,-295,-296,-297,335,335,335,335,-620,-635,-592,335,335,-438,335,-439,335,-446,-447,-448,-380,-381,335,335,335,-508,335,335,-512,335,335,335,335,-517,-518,-519,-520,335,335,-523,-524,335,-526,-527,-528,-529,-530,-531,-532,-533,335,-535,335,335,335,-541,-543,-544,335,-546,-547,-548,-549,335,335,335,335,335,335,-654,-655,-656,-657,335,-659,-660,-661,335,335,335,-667,335,335,-671,-672,335,335,-675,335,-677,-678,335,-681,335,-683,335,335,-686,-687,-688,335,-690,335,335,-693,335,335,-696,-697,-698,335,-700,-701,-702,-703,335,335,-748,335,-751,-752,-753,-754,-755,335,-757,-758,-759,-760,-761,335,-768,-769,-771,335,-773,-774,-775,-784,-858,-860,-862,-864,335,335,335,335,-870,335,-872,335,335,335,335,335,335,335,-908,-909,335,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,335,-923,-926,335,-936,335,-387,-388,-389,335,335,-392,-393,-394,-395,335,-398,335,-401,-402,335,-403,335,-408,-409,335,-412,-413,-414,335,-417,335,-418,335,-423,-424,335,-427,335,-430,-431,-1896,-1896,335,-621,-622,-623,-624,-625,-636,-586,-626,-799,335,335,335,335,335,-833,335,335,-808,335,-834,335,335,335,335,-800,335,-855,-801,335,335,335,335,335,335,-856,-857,335,-836,-832,-837,335,-627,335,-628,-629,-630,-631,-576,335,335,-632,-633,-634,335,335,335,335,335,335,-637,-638,-639,-594,-1896,-604,335,-640,-641,-715,-642,-606,335,-574,-579,-582,-585,335,335,335,-600,-603,335,-610,335,335,335,335,335,335,335,335,335,335,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,335,335,335,-997,335,335,335,335,335,335,-308,-327,-321,-298,-377,-454,-455,-456,-460,335,-445,335,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,335,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,335,335,335,335,335,335,335,335,335,-318,-537,-510,-593,-939,-941,-942,-440,335,-442,-382,-383,-385,-509,-511,-513,335,-515,-516,-521,-522,335,-534,-536,-539,-540,-545,-550,-728,335,-729,335,-734,335,-736,335,-741,-658,-662,-663,335,-668,335,-669,335,-674,-676,335,-679,335,335,335,-689,-691,335,-694,335,335,-746,335,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,335,335,335,335,335,-879,335,-882,-910,-922,-927,-390,-391,335,-396,335,-399,335,-404,335,-405,335,-410,335,-415,335,-419,335,-420,335,-425,335,-428,-901,-902,-645,-587,-1896,-903,335,335,335,-802,335,335,-806,335,-809,-835,335,-820,335,-822,335,-824,-810,335,-826,335,-853,-854,335,335,-813,335,-648,-904,-906,-650,-651,-647,335,-707,-708,335,-644,-905,-649,-652,-605,-716,335,335,-607,-588,335,335,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,335,335,-711,-712,335,-718,335,335,335,335,335,335,-940,335,-441,-443,-749,335,-893,335,-717,-1896,335,335,335,335,335,-444,-514,-525,335,-730,-735,335,-737,335,-742,335,-664,-670,335,-680,-682,-684,-685,-692,-695,-699,-747,335,335,-876,335,335,-880,335,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,335,-814,335,-816,-803,335,-804,-807,335,-818,-821,-823,-825,-827,335,-828,335,-811,335,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,335,-284,335,335,335,335,-457,335,335,-731,335,-738,335,-743,335,-665,-673,335,335,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,335,-838,-53,335,335,-732,335,-739,335,-744,-666,335,-875,-54,335,335,-733,-740,-745,335,335,335,-874,]),'INTERVAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3746,3748,3749,3756,3769,3773,3788,3795,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3851,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[336,336,336,960,-1896,336,336,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,336,336,336,336,-277,-278,960,-1427,960,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1479,1479,960,-492,1479,1479,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,960,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,960,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1893,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,336,-174,-175,-176,-177,-995,336,336,336,336,336,336,336,336,336,336,960,960,960,960,960,-292,-293,-283,336,960,960,960,960,-330,-320,-334,-335,-336,960,960,-984,-985,-986,-987,-988,-989,-990,336,336,960,960,960,960,960,960,960,960,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,960,960,960,-355,-358,336,-325,-326,-143,960,-144,960,-145,960,-432,-937,-938,960,960,960,960,960,960,960,1479,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,-1896,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,-1896,960,-1896,960,960,960,960,960,960,960,960,960,960,960,960,-1896,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,-1896,336,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,960,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,960,336,336,-193,-194,336,-996,960,336,336,336,336,-279,-280,-281,-282,-367,960,-310,960,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1479,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,960,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,960,960,960,960,960,960,-575,960,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,960,960,-725,-726,-727,960,1893,336,336,336,336,-996,336,960,-93,-94,336,336,336,960,-311,-312,-322,1479,-309,-295,-296,-297,960,336,960,960,-620,-635,-592,960,336,-438,336,-439,1479,-446,-447,-448,-380,-381,960,960,960,-508,960,960,-512,960,960,960,960,-517,-518,-519,-520,960,960,-523,-524,960,-526,-527,-528,-529,-530,-531,-532,-533,960,-535,960,960,960,-541,-543,-544,960,-546,-547,-548,-549,960,960,960,960,960,960,-654,-655,-656,-657,336,-659,-660,-661,960,960,960,-667,960,960,-671,-672,960,960,-675,960,-677,-678,960,-681,960,-683,960,960,-686,-687,-688,960,-690,960,960,-693,960,960,-696,-697,-698,960,-700,-701,-702,-703,960,960,-748,960,-751,-752,-753,-754,-755,960,-757,-758,-759,-760,-761,960,-768,-769,-771,960,-773,-774,-775,-784,-858,-860,-862,-864,960,960,960,960,-870,960,-872,960,960,960,960,960,960,960,-908,-909,960,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,960,-923,-926,960,-936,960,-387,-388,-389,960,960,-392,-393,-394,-395,960,-398,960,-401,-402,960,-403,960,-408,-409,960,-412,-413,-414,960,-417,960,-418,960,-423,-424,960,-427,960,-430,-431,-1896,-1896,960,-621,-622,-623,-624,-625,-636,-586,-626,-799,960,960,960,960,960,-833,960,960,-808,960,-834,960,960,960,960,-800,960,-855,-801,960,960,960,960,960,960,-856,-857,960,-836,-832,-837,960,-627,960,-628,-629,-630,-631,-576,960,960,-632,-633,-634,960,960,960,960,960,960,-637,-638,-639,-594,-1896,-604,960,-640,-641,-715,-642,-606,960,-574,-579,-582,-585,960,960,960,-600,-603,960,-610,960,960,960,960,960,960,960,960,960,960,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,960,336,336,-997,336,960,336,336,336,960,-308,-327,-321,-298,-377,-454,-455,-456,-460,336,-445,960,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,960,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,336,336,336,336,336,336,336,336,960,-318,-537,-510,-593,-939,-941,-942,-440,960,-442,-382,-383,-385,-509,-511,-513,960,-515,-516,-521,-522,960,-534,-536,-539,-540,-545,-550,-728,960,-729,960,-734,960,-736,960,-741,-658,-662,-663,960,-668,960,-669,960,-674,-676,960,-679,960,960,960,-689,-691,960,-694,960,960,-746,960,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,960,960,960,960,960,-879,960,-882,-910,-922,-927,-390,-391,960,-396,960,-399,960,-404,960,-405,960,-410,960,-415,960,-419,960,-420,960,-425,960,-428,-901,-902,-645,-587,-1896,-903,960,960,960,-802,960,960,-806,960,-809,-835,960,-820,960,-822,960,-824,-810,960,-826,960,-853,-854,960,960,-813,960,-648,-904,-906,-650,-651,-647,960,-707,-708,960,-644,-905,-649,-652,-605,-716,960,960,-607,-588,960,960,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,960,960,-711,-712,960,-718,960,336,336,336,960,960,-940,336,-441,-443,-749,960,-893,1893,-717,-1896,960,960,336,336,960,-444,-514,-525,960,-730,-735,960,-737,960,-742,960,-664,-670,960,-680,-682,-684,-685,-692,-695,-699,-747,960,960,-876,960,960,-880,960,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,960,-814,960,-816,-803,960,-804,-807,960,-818,-821,-823,-825,-827,960,-828,960,-811,960,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,336,-284,336,3798,-470,-471,960,336,960,-457,3798,960,960,-731,960,-738,960,-743,960,-665,-673,960,960,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,960,-838,-53,336,3798,960,-732,960,-739,960,-744,-666,960,-875,-54,336,336,-733,-740,-745,960,336,960,-874,]),'INNER_PARSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[337,337,337,337,-1896,337,337,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,337,337,337,337,-277,-278,337,-1427,337,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,337,337,337,-492,337,337,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,337,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,337,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,337,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,337,-174,-175,-176,-177,-995,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-292,-293,-283,337,337,337,337,337,-330,-320,-334,-335,-336,337,337,-984,-985,-986,-987,-988,-989,-990,337,337,337,337,337,337,337,337,337,337,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,337,337,337,-355,-358,337,-325,-326,-143,337,-144,337,-145,337,-432,-937,-938,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-1896,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-1896,337,-1896,337,337,337,337,337,337,337,337,337,337,337,337,-1896,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-1896,337,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,337,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,337,337,337,-193,-194,337,-996,337,337,337,337,337,-279,-280,-281,-282,-367,337,-310,337,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,337,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,337,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,337,337,337,337,337,337,-575,337,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,337,337,-725,-726,-727,337,337,337,337,337,337,-996,337,337,-93,-94,337,337,337,337,-311,-312,-322,337,-309,-295,-296,-297,337,337,337,337,-620,-635,-592,337,337,-438,337,-439,337,-446,-447,-448,-380,-381,337,337,337,-508,337,337,-512,337,337,337,337,-517,-518,-519,-520,337,337,-523,-524,337,-526,-527,-528,-529,-530,-531,-532,-533,337,-535,337,337,337,-541,-543,-544,337,-546,-547,-548,-549,337,337,337,337,337,337,-654,-655,-656,-657,337,-659,-660,-661,337,337,337,-667,337,337,-671,-672,337,337,-675,337,-677,-678,337,-681,337,-683,337,337,-686,-687,-688,337,-690,337,337,-693,337,337,-696,-697,-698,337,-700,-701,-702,-703,337,337,-748,337,-751,-752,-753,-754,-755,337,-757,-758,-759,-760,-761,337,-768,-769,-771,337,-773,-774,-775,-784,-858,-860,-862,-864,337,337,337,337,-870,337,-872,337,337,337,337,337,337,337,-908,-909,337,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,337,-923,-926,337,-936,337,-387,-388,-389,337,337,-392,-393,-394,-395,337,-398,337,-401,-402,337,-403,337,-408,-409,337,-412,-413,-414,337,-417,337,-418,337,-423,-424,337,-427,337,-430,-431,-1896,-1896,337,-621,-622,-623,-624,-625,-636,-586,-626,-799,337,337,337,337,337,-833,337,337,-808,337,-834,337,337,337,337,-800,337,-855,-801,337,337,337,337,337,337,-856,-857,337,-836,-832,-837,337,-627,337,-628,-629,-630,-631,-576,337,337,-632,-633,-634,337,337,337,337,337,337,-637,-638,-639,-594,-1896,-604,337,-640,-641,-715,-642,-606,337,-574,-579,-582,-585,337,337,337,-600,-603,337,-610,337,337,337,337,337,337,337,337,337,337,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,337,337,337,-997,337,337,337,337,337,337,-308,-327,-321,-298,-377,-454,-455,-456,-460,337,-445,337,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,337,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,337,337,337,337,337,337,337,337,337,-318,-537,-510,-593,-939,-941,-942,-440,337,-442,-382,-383,-385,-509,-511,-513,337,-515,-516,-521,-522,337,-534,-536,-539,-540,-545,-550,-728,337,-729,337,-734,337,-736,337,-741,-658,-662,-663,337,-668,337,-669,337,-674,-676,337,-679,337,337,337,-689,-691,337,-694,337,337,-746,337,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,337,337,337,337,337,-879,337,-882,-910,-922,-927,-390,-391,337,-396,337,-399,337,-404,337,-405,337,-410,337,-415,337,-419,337,-420,337,-425,337,-428,-901,-902,-645,-587,-1896,-903,337,337,337,-802,337,337,-806,337,-809,-835,337,-820,337,-822,337,-824,-810,337,-826,337,-853,-854,337,337,-813,337,-648,-904,-906,-650,-651,-647,337,-707,-708,337,-644,-905,-649,-652,-605,-716,337,337,-607,-588,337,337,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,337,337,-711,-712,337,-718,337,337,337,337,337,337,-940,337,-441,-443,-749,337,-893,337,-717,-1896,337,337,337,337,337,-444,-514,-525,337,-730,-735,337,-737,337,-742,337,-664,-670,337,-680,-682,-684,-685,-692,-695,-699,-747,337,337,-876,337,337,-880,337,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,337,-814,337,-816,-803,337,-804,-807,337,-818,-821,-823,-825,-827,337,-828,337,-811,337,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,337,-284,337,337,337,337,-457,337,337,-731,337,-738,337,-743,337,-665,-673,337,337,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,337,-838,-53,337,337,-732,337,-739,337,-744,-666,337,-875,-54,337,337,-733,-740,-745,337,337,337,-874,]),'INNODB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[338,338,338,338,-1896,338,338,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,338,338,338,338,-277,-278,338,-1427,338,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,338,338,338,-492,338,338,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,338,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,338,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,338,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,338,-174,-175,-176,-177,-995,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-292,-293,-283,338,338,338,338,338,-330,-320,-334,-335,-336,338,338,-984,-985,-986,-987,-988,-989,-990,338,338,338,338,338,338,338,338,338,338,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,338,338,338,-355,-358,338,-325,-326,-143,338,-144,338,-145,338,-432,-937,-938,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-1896,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-1896,338,-1896,338,338,338,338,338,338,338,338,338,338,338,338,-1896,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-1896,338,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,338,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,338,338,338,-193,-194,338,-996,338,338,338,338,338,-279,-280,-281,-282,-367,338,-310,338,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,338,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,338,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,338,338,338,338,338,338,-575,338,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,338,338,-725,-726,-727,338,338,338,338,338,338,-996,338,338,-93,-94,338,338,338,338,-311,-312,-322,338,-309,-295,-296,-297,338,338,338,338,-620,-635,-592,338,338,-438,338,-439,338,-446,-447,-448,-380,-381,338,338,338,-508,338,338,-512,338,338,338,338,-517,-518,-519,-520,338,338,-523,-524,338,-526,-527,-528,-529,-530,-531,-532,-533,338,-535,338,338,338,-541,-543,-544,338,-546,-547,-548,-549,338,338,338,338,338,338,-654,-655,-656,-657,338,-659,-660,-661,338,338,338,-667,338,338,-671,-672,338,338,-675,338,-677,-678,338,-681,338,-683,338,338,-686,-687,-688,338,-690,338,338,-693,338,338,-696,-697,-698,338,-700,-701,-702,-703,338,338,-748,338,-751,-752,-753,-754,-755,338,-757,-758,-759,-760,-761,338,-768,-769,-771,338,-773,-774,-775,-784,-858,-860,-862,-864,338,338,338,338,-870,338,-872,338,338,338,338,338,338,338,-908,-909,338,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,338,-923,-926,338,-936,338,-387,-388,-389,338,338,-392,-393,-394,-395,338,-398,338,-401,-402,338,-403,338,-408,-409,338,-412,-413,-414,338,-417,338,-418,338,-423,-424,338,-427,338,-430,-431,-1896,-1896,338,-621,-622,-623,-624,-625,-636,-586,-626,-799,338,338,338,338,338,-833,338,338,-808,338,-834,338,338,338,338,-800,338,-855,-801,338,338,338,338,338,338,-856,-857,338,-836,-832,-837,338,-627,338,-628,-629,-630,-631,-576,338,338,-632,-633,-634,338,338,338,338,338,338,-637,-638,-639,-594,-1896,-604,338,-640,-641,-715,-642,-606,338,-574,-579,-582,-585,338,338,338,-600,-603,338,-610,338,338,338,338,338,338,338,338,338,338,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,338,338,338,-997,338,338,338,338,338,338,-308,-327,-321,-298,-377,-454,-455,-456,-460,338,-445,338,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,338,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,338,338,338,338,338,338,338,338,338,-318,-537,-510,-593,-939,-941,-942,-440,338,-442,-382,-383,-385,-509,-511,-513,338,-515,-516,-521,-522,338,-534,-536,-539,-540,-545,-550,-728,338,-729,338,-734,338,-736,338,-741,-658,-662,-663,338,-668,338,-669,338,-674,-676,338,-679,338,338,338,-689,-691,338,-694,338,338,-746,338,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,338,338,338,338,338,-879,338,-882,-910,-922,-927,-390,-391,338,-396,338,-399,338,-404,338,-405,338,-410,338,-415,338,-419,338,-420,338,-425,338,-428,-901,-902,-645,-587,-1896,-903,338,338,338,-802,338,338,-806,338,-809,-835,338,-820,338,-822,338,-824,-810,338,-826,338,-853,-854,338,338,-813,338,-648,-904,-906,-650,-651,-647,338,-707,-708,338,-644,-905,-649,-652,-605,-716,338,338,-607,-588,338,338,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,338,338,-711,-712,338,-718,338,338,338,338,338,338,-940,338,-441,-443,-749,338,-893,338,-717,-1896,338,338,338,338,338,-444,-514,-525,338,-730,-735,338,-737,338,-742,338,-664,-670,338,-680,-682,-684,-685,-692,-695,-699,-747,338,338,-876,338,338,-880,338,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,338,-814,338,-816,-803,338,-804,-807,338,-818,-821,-823,-825,-827,338,-828,338,-811,338,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,338,-284,338,338,338,338,-457,338,338,-731,338,-738,338,-743,338,-665,-673,338,338,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,338,-838,-53,338,338,-732,338,-739,338,-744,-666,338,-875,-54,338,338,-733,-740,-745,338,338,338,-874,]),'INSENSITIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[339,339,339,339,-1896,339,339,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,339,339,339,339,-277,-278,339,-1427,339,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,339,339,339,-492,339,339,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,339,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,339,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,339,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,339,-174,-175,-176,-177,-995,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-292,-293,-283,339,339,339,339,339,-330,-320,-334,-335,-336,339,339,-984,-985,-986,-987,-988,-989,-990,339,339,339,339,339,339,339,339,339,339,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,339,339,339,-355,-358,339,-325,-326,-143,339,-144,339,-145,339,-432,-937,-938,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-1896,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-1896,339,-1896,339,339,339,339,339,339,339,339,339,339,339,339,-1896,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-1896,339,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,339,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,339,339,339,-193,-194,339,-996,339,339,339,339,339,-279,-280,-281,-282,-367,339,-310,339,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,339,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,339,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,339,339,339,339,339,339,-575,339,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,339,339,-725,-726,-727,339,339,339,339,339,339,-996,339,339,-93,-94,339,339,339,339,-311,-312,-322,339,-309,-295,-296,-297,339,339,339,339,-620,-635,-592,339,339,-438,339,-439,339,-446,-447,-448,-380,-381,339,339,339,-508,339,339,-512,339,339,339,339,-517,-518,-519,-520,339,339,-523,-524,339,-526,-527,-528,-529,-530,-531,-532,-533,339,-535,339,339,339,-541,-543,-544,339,-546,-547,-548,-549,339,339,339,339,339,339,-654,-655,-656,-657,339,-659,-660,-661,339,339,339,-667,339,339,-671,-672,339,339,-675,339,-677,-678,339,-681,339,-683,339,339,-686,-687,-688,339,-690,339,339,-693,339,339,-696,-697,-698,339,-700,-701,-702,-703,339,339,-748,339,-751,-752,-753,-754,-755,339,-757,-758,-759,-760,-761,339,-768,-769,-771,339,-773,-774,-775,-784,-858,-860,-862,-864,339,339,339,339,-870,339,-872,339,339,339,339,339,339,339,-908,-909,339,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,339,-923,-926,339,-936,339,-387,-388,-389,339,339,-392,-393,-394,-395,339,-398,339,-401,-402,339,-403,339,-408,-409,339,-412,-413,-414,339,-417,339,-418,339,-423,-424,339,-427,339,-430,-431,-1896,-1896,339,-621,-622,-623,-624,-625,-636,-586,-626,-799,339,339,339,339,339,-833,339,339,-808,339,-834,339,339,339,339,-800,339,-855,-801,339,339,339,339,339,339,-856,-857,339,-836,-832,-837,339,-627,339,-628,-629,-630,-631,-576,339,339,-632,-633,-634,339,339,339,339,339,339,-637,-638,-639,-594,-1896,-604,339,-640,-641,-715,-642,-606,339,-574,-579,-582,-585,339,339,339,-600,-603,339,-610,339,339,339,339,339,339,339,339,339,339,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,339,339,339,-997,339,339,339,339,339,339,-308,-327,-321,-298,-377,-454,-455,-456,-460,339,-445,339,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,339,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,339,339,339,339,339,339,339,339,339,-318,-537,-510,-593,-939,-941,-942,-440,339,-442,-382,-383,-385,-509,-511,-513,339,-515,-516,-521,-522,339,-534,-536,-539,-540,-545,-550,-728,339,-729,339,-734,339,-736,339,-741,-658,-662,-663,339,-668,339,-669,339,-674,-676,339,-679,339,339,339,-689,-691,339,-694,339,339,-746,339,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,339,339,339,339,339,-879,339,-882,-910,-922,-927,-390,-391,339,-396,339,-399,339,-404,339,-405,339,-410,339,-415,339,-419,339,-420,339,-425,339,-428,-901,-902,-645,-587,-1896,-903,339,339,339,-802,339,339,-806,339,-809,-835,339,-820,339,-822,339,-824,-810,339,-826,339,-853,-854,339,339,-813,339,-648,-904,-906,-650,-651,-647,339,-707,-708,339,-644,-905,-649,-652,-605,-716,339,339,-607,-588,339,339,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,339,339,-711,-712,339,-718,339,339,339,339,339,339,-940,339,-441,-443,-749,339,-893,339,-717,-1896,339,339,339,339,339,-444,-514,-525,339,-730,-735,339,-737,339,-742,339,-664,-670,339,-680,-682,-684,-685,-692,-695,-699,-747,339,339,-876,339,339,-880,339,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,339,-814,339,-816,-803,339,-804,-807,339,-818,-821,-823,-825,-827,339,-828,339,-811,339,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,339,-284,339,339,339,339,-457,339,339,-731,339,-738,339,-743,339,-665,-673,339,339,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,339,-838,-53,339,339,-732,339,-739,339,-744,-666,339,-875,-54,339,339,-733,-740,-745,339,339,339,-874,]),'INSERT_METHOD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[340,340,340,340,-1896,340,340,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,340,340,340,340,-277,-278,340,-1427,340,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,340,340,340,-492,340,340,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,340,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,340,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,340,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,340,-174,-175,-176,-177,-995,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-292,-293,-283,340,340,340,340,340,-330,-320,-334,-335,-336,340,340,-984,-985,-986,-987,-988,-989,-990,340,340,340,340,340,340,340,340,340,340,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,340,340,340,-355,-358,340,-325,-326,-143,340,-144,340,-145,340,-432,-937,-938,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-1896,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-1896,340,-1896,340,340,340,340,340,340,340,340,340,340,340,340,-1896,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-1896,340,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,340,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,340,340,340,-193,-194,340,-996,340,340,340,340,340,-279,-280,-281,-282,-367,340,-310,340,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,340,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,340,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,340,340,340,340,340,340,-575,340,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,340,340,-725,-726,-727,340,340,340,340,340,340,-996,340,340,-93,-94,340,340,340,340,-311,-312,-322,340,-309,-295,-296,-297,340,340,340,340,-620,-635,-592,340,340,-438,340,-439,340,-446,-447,-448,-380,-381,340,340,340,-508,340,340,-512,340,340,340,340,-517,-518,-519,-520,340,340,-523,-524,340,-526,-527,-528,-529,-530,-531,-532,-533,340,-535,340,340,340,-541,-543,-544,340,-546,-547,-548,-549,340,340,340,340,340,340,-654,-655,-656,-657,340,-659,-660,-661,340,340,340,-667,340,340,-671,-672,340,340,-675,340,-677,-678,340,-681,340,-683,340,340,-686,-687,-688,340,-690,340,340,-693,340,340,-696,-697,-698,340,-700,-701,-702,-703,340,340,-748,340,-751,-752,-753,-754,-755,340,-757,-758,-759,-760,-761,340,-768,-769,-771,340,-773,-774,-775,-784,-858,-860,-862,-864,340,340,340,340,-870,340,-872,340,340,340,340,340,340,340,-908,-909,340,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,340,-923,-926,340,-936,340,-387,-388,-389,340,340,-392,-393,-394,-395,340,-398,340,-401,-402,340,-403,340,-408,-409,340,-412,-413,-414,340,-417,340,-418,340,-423,-424,340,-427,340,-430,-431,-1896,-1896,340,-621,-622,-623,-624,-625,-636,-586,-626,-799,340,340,340,340,340,-833,340,340,-808,340,-834,340,340,340,340,-800,340,-855,-801,340,340,340,340,340,340,-856,-857,340,-836,-832,-837,340,-627,340,-628,-629,-630,-631,-576,340,340,-632,-633,-634,340,340,340,340,340,340,-637,-638,-639,-594,-1896,-604,340,-640,-641,-715,-642,-606,340,-574,-579,-582,-585,340,340,340,-600,-603,340,-610,340,340,340,340,340,340,340,340,340,340,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,340,340,340,-997,340,340,340,340,340,340,-308,-327,-321,-298,-377,-454,-455,-456,-460,340,-445,340,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,340,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,340,340,340,340,340,340,340,340,340,-318,-537,-510,-593,-939,-941,-942,-440,340,-442,-382,-383,-385,-509,-511,-513,340,-515,-516,-521,-522,340,-534,-536,-539,-540,-545,-550,-728,340,-729,340,-734,340,-736,340,-741,-658,-662,-663,340,-668,340,-669,340,-674,-676,340,-679,340,340,340,-689,-691,340,-694,340,340,-746,340,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,340,340,340,340,340,-879,340,-882,-910,-922,-927,-390,-391,340,-396,340,-399,340,-404,340,-405,340,-410,340,-415,340,-419,340,-420,340,-425,340,-428,-901,-902,-645,-587,-1896,-903,340,340,340,-802,340,340,-806,340,-809,-835,340,-820,340,-822,340,-824,-810,340,-826,340,-853,-854,340,340,-813,340,-648,-904,-906,-650,-651,-647,340,-707,-708,340,-644,-905,-649,-652,-605,-716,340,340,-607,-588,340,340,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,340,340,-711,-712,340,-718,340,340,340,340,340,340,-940,340,-441,-443,-749,340,-893,340,-717,-1896,340,340,340,340,340,-444,-514,-525,340,-730,-735,340,-737,340,-742,340,-664,-670,340,-680,-682,-684,-685,-692,-695,-699,-747,340,340,-876,340,340,-880,340,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,340,-814,340,-816,-803,340,-804,-807,340,-818,-821,-823,-825,-827,340,-828,340,-811,340,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,340,-284,340,340,340,340,-457,340,340,-731,340,-738,340,-743,340,-665,-673,340,340,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,340,-838,-53,340,340,-732,340,-739,340,-744,-666,340,-875,-54,340,340,-733,-740,-745,340,340,340,-874,]),'INSTALL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[341,341,341,341,-1896,341,341,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,341,341,341,341,-277,-278,341,-1427,341,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,341,341,341,-492,341,341,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,341,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,341,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,341,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,341,-174,-175,-176,-177,-995,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-292,-293,-283,341,341,341,341,341,-330,-320,-334,-335,-336,341,341,-984,-985,-986,-987,-988,-989,-990,341,341,341,341,341,341,341,341,341,341,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,341,341,341,-355,-358,341,-325,-326,-143,341,-144,341,-145,341,-432,-937,-938,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-1896,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-1896,341,-1896,341,341,341,341,341,341,341,341,341,341,341,341,-1896,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-1896,341,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,341,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,341,341,341,-193,-194,341,-996,341,341,341,341,341,-279,-280,-281,-282,-367,341,-310,341,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,341,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,341,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,341,341,341,341,341,341,-575,341,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,341,341,-725,-726,-727,341,341,341,341,341,341,-996,341,341,-93,-94,341,341,341,341,-311,-312,-322,341,-309,-295,-296,-297,341,341,341,341,-620,-635,-592,341,341,-438,341,-439,341,-446,-447,-448,-380,-381,341,341,341,-508,341,341,-512,341,341,341,341,-517,-518,-519,-520,341,341,-523,-524,341,-526,-527,-528,-529,-530,-531,-532,-533,341,-535,341,341,341,-541,-543,-544,341,-546,-547,-548,-549,341,341,341,341,341,341,-654,-655,-656,-657,341,-659,-660,-661,341,341,341,-667,341,341,-671,-672,341,341,-675,341,-677,-678,341,-681,341,-683,341,341,-686,-687,-688,341,-690,341,341,-693,341,341,-696,-697,-698,341,-700,-701,-702,-703,341,341,-748,341,-751,-752,-753,-754,-755,341,-757,-758,-759,-760,-761,341,-768,-769,-771,341,-773,-774,-775,-784,-858,-860,-862,-864,341,341,341,341,-870,341,-872,341,341,341,341,341,341,341,-908,-909,341,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,341,-923,-926,341,-936,341,-387,-388,-389,341,341,-392,-393,-394,-395,341,-398,341,-401,-402,341,-403,341,-408,-409,341,-412,-413,-414,341,-417,341,-418,341,-423,-424,341,-427,341,-430,-431,-1896,-1896,341,-621,-622,-623,-624,-625,-636,-586,-626,-799,341,341,341,341,341,-833,341,341,-808,341,-834,341,341,341,341,-800,341,-855,-801,341,341,341,341,341,341,-856,-857,341,-836,-832,-837,341,-627,341,-628,-629,-630,-631,-576,341,341,-632,-633,-634,341,341,341,341,341,341,-637,-638,-639,-594,-1896,-604,341,-640,-641,-715,-642,-606,341,-574,-579,-582,-585,341,341,341,-600,-603,341,-610,341,341,341,341,341,341,341,341,341,341,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,341,341,341,-997,341,341,341,341,341,341,-308,-327,-321,-298,-377,-454,-455,-456,-460,341,-445,341,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,341,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,341,341,341,341,341,341,341,341,341,-318,-537,-510,-593,-939,-941,-942,-440,341,-442,-382,-383,-385,-509,-511,-513,341,-515,-516,-521,-522,341,-534,-536,-539,-540,-545,-550,-728,341,-729,341,-734,341,-736,341,-741,-658,-662,-663,341,-668,341,-669,341,-674,-676,341,-679,341,341,341,-689,-691,341,-694,341,341,-746,341,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,341,341,341,341,341,-879,341,-882,-910,-922,-927,-390,-391,341,-396,341,-399,341,-404,341,-405,341,-410,341,-415,341,-419,341,-420,341,-425,341,-428,-901,-902,-645,-587,-1896,-903,341,341,341,-802,341,341,-806,341,-809,-835,341,-820,341,-822,341,-824,-810,341,-826,341,-853,-854,341,341,-813,341,-648,-904,-906,-650,-651,-647,341,-707,-708,341,-644,-905,-649,-652,-605,-716,341,341,-607,-588,341,341,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,341,341,-711,-712,341,-718,341,341,341,341,341,341,-940,341,-441,-443,-749,341,-893,341,-717,-1896,341,341,341,341,341,-444,-514,-525,341,-730,-735,341,-737,341,-742,341,-664,-670,341,-680,-682,-684,-685,-692,-695,-699,-747,341,341,-876,341,341,-880,341,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,341,-814,341,-816,-803,341,-804,-807,341,-818,-821,-823,-825,-827,341,-828,341,-811,341,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,341,-284,341,341,341,341,-457,341,341,-731,341,-738,341,-743,341,-665,-673,341,341,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,341,-838,-53,341,341,-732,341,-739,341,-744,-666,341,-875,-54,341,341,-733,-740,-745,341,341,341,-874,]),'INSTANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[342,342,342,342,-1896,342,342,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,342,342,342,342,-277,-278,342,-1427,342,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,342,342,342,-492,342,342,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,342,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,342,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,342,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,342,-174,-175,-176,-177,-995,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-292,-293,-283,342,342,342,342,342,-330,-320,-334,-335,-336,342,342,-984,-985,-986,-987,-988,-989,-990,342,342,342,342,342,342,342,342,342,342,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,342,342,342,-355,-358,342,-325,-326,-143,342,-144,342,-145,342,-432,-937,-938,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-1896,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-1896,342,-1896,342,342,342,342,342,342,342,342,342,342,342,342,-1896,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-1896,342,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,342,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,342,342,342,-193,-194,342,-996,342,342,342,342,342,-279,-280,-281,-282,-367,342,-310,342,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,342,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,342,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,342,342,342,342,342,342,-575,342,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,342,342,-725,-726,-727,342,342,342,342,342,342,-996,342,342,-93,-94,342,342,342,342,-311,-312,-322,342,-309,-295,-296,-297,342,342,342,342,-620,-635,-592,342,342,-438,342,-439,342,-446,-447,-448,-380,-381,342,342,342,-508,342,342,-512,342,342,342,342,-517,-518,-519,-520,342,342,-523,-524,342,-526,-527,-528,-529,-530,-531,-532,-533,342,-535,342,342,342,-541,-543,-544,342,-546,-547,-548,-549,342,342,342,342,342,342,-654,-655,-656,-657,342,-659,-660,-661,342,342,342,-667,342,342,-671,-672,342,342,-675,342,-677,-678,342,-681,342,-683,342,342,-686,-687,-688,342,-690,342,342,-693,342,342,-696,-697,-698,342,-700,-701,-702,-703,342,342,-748,342,-751,-752,-753,-754,-755,342,-757,-758,-759,-760,-761,342,-768,-769,-771,342,-773,-774,-775,-784,-858,-860,-862,-864,342,342,342,342,-870,342,-872,342,342,342,342,342,342,342,-908,-909,342,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,342,-923,-926,342,-936,342,-387,-388,-389,342,342,-392,-393,-394,-395,342,-398,342,-401,-402,342,-403,342,-408,-409,342,-412,-413,-414,342,-417,342,-418,342,-423,-424,342,-427,342,-430,-431,-1896,-1896,342,-621,-622,-623,-624,-625,-636,-586,-626,-799,342,342,342,342,342,-833,342,342,-808,342,-834,342,342,342,342,-800,342,-855,-801,342,342,342,342,342,342,-856,-857,342,-836,-832,-837,342,-627,342,-628,-629,-630,-631,-576,342,342,-632,-633,-634,342,342,342,342,342,342,-637,-638,-639,-594,-1896,-604,342,-640,-641,-715,-642,-606,342,-574,-579,-582,-585,342,342,342,-600,-603,342,-610,342,342,342,342,342,342,342,342,342,342,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,342,342,342,-997,342,342,342,342,342,342,-308,-327,-321,-298,-377,-454,-455,-456,-460,342,-445,342,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,342,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,342,342,342,342,342,342,342,342,342,-318,-537,-510,-593,-939,-941,-942,-440,342,-442,-382,-383,-385,-509,-511,-513,342,-515,-516,-521,-522,342,-534,-536,-539,-540,-545,-550,-728,342,-729,342,-734,342,-736,342,-741,-658,-662,-663,342,-668,342,-669,342,-674,-676,342,-679,342,342,342,-689,-691,342,-694,342,342,-746,342,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,342,342,342,342,342,-879,342,-882,-910,-922,-927,-390,-391,342,-396,342,-399,342,-404,342,-405,342,-410,342,-415,342,-419,342,-420,342,-425,342,-428,-901,-902,-645,-587,-1896,-903,342,342,342,-802,342,342,-806,342,-809,-835,342,-820,342,-822,342,-824,-810,342,-826,342,-853,-854,342,342,-813,342,-648,-904,-906,-650,-651,-647,342,-707,-708,342,-644,-905,-649,-652,-605,-716,342,342,-607,-588,342,342,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,342,342,-711,-712,342,-718,342,342,342,342,342,342,-940,342,-441,-443,-749,342,-893,342,-717,-1896,342,342,342,342,342,-444,-514,-525,342,-730,-735,342,-737,342,-742,342,-664,-670,342,-680,-682,-684,-685,-692,-695,-699,-747,342,342,-876,342,342,-880,342,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,342,-814,342,-816,-803,342,-804,-807,342,-818,-821,-823,-825,-827,342,-828,342,-811,342,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,342,-284,342,342,342,342,-457,342,342,-731,342,-738,342,-743,342,-665,-673,342,342,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,342,-838,-53,342,342,-732,342,-739,342,-744,-666,342,-875,-54,342,342,-733,-740,-745,342,342,342,-874,]),'INSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[343,343,343,1098,-1896,343,343,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,343,343,343,343,-277,-278,1098,-1427,1098,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1098,1098,1098,-492,1098,1098,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1098,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1098,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1894,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,343,-174,-175,-176,-177,-995,343,343,343,343,343,343,343,343,343,343,1098,1098,1098,1098,1098,-292,-293,-283,343,1098,1098,1098,1098,-330,-320,-334,-335,-336,1098,1098,-984,-985,-986,-987,-988,-989,-990,343,343,1098,1098,1098,1098,1098,1098,1098,1098,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1098,1098,1098,-355,-358,343,-325,-326,-143,1098,-144,1098,-145,1098,-432,-937,-938,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1896,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1896,1098,-1896,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1896,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1896,343,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1098,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1098,343,343,-193,-194,343,-996,1098,343,343,343,343,-279,-280,-281,-282,-367,1098,-310,1098,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1098,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1098,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1098,1098,1098,1098,1098,1098,-575,1098,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1098,1098,-725,-726,-727,1098,1894,343,343,343,343,-996,343,1098,-93,-94,343,343,343,1098,-311,-312,-322,1098,-309,-295,-296,-297,1098,343,1098,1098,-620,-635,-592,1098,343,-438,343,-439,1098,-446,-447,-448,-380,-381,1098,1098,1098,-508,1098,1098,-512,1098,1098,1098,1098,-517,-518,-519,-520,1098,1098,-523,-524,1098,-526,-527,-528,-529,-530,-531,-532,-533,1098,-535,1098,1098,1098,-541,-543,-544,1098,-546,-547,-548,-549,1098,1098,1098,1098,1098,1098,-654,-655,-656,-657,343,-659,-660,-661,1098,1098,1098,-667,1098,1098,-671,-672,1098,1098,-675,1098,-677,-678,1098,-681,1098,-683,1098,1098,-686,-687,-688,1098,-690,1098,1098,-693,1098,1098,-696,-697,-698,1098,-700,-701,-702,-703,1098,1098,-748,1098,-751,-752,-753,-754,-755,1098,-757,-758,-759,-760,-761,1098,-768,-769,-771,1098,-773,-774,-775,-784,-858,-860,-862,-864,1098,1098,1098,1098,-870,1098,-872,1098,1098,1098,1098,1098,1098,1098,-908,-909,1098,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1098,-923,-926,1098,-936,1098,-387,-388,-389,1098,1098,-392,-393,-394,-395,1098,-398,1098,-401,-402,1098,-403,1098,-408,-409,1098,-412,-413,-414,1098,-417,1098,-418,1098,-423,-424,1098,-427,1098,-430,-431,-1896,-1896,1098,-621,-622,-623,-624,-625,-636,-586,-626,-799,1098,1098,1098,1098,1098,-833,1098,1098,-808,1098,-834,1098,1098,1098,1098,-800,1098,-855,-801,1098,1098,1098,1098,1098,1098,-856,-857,1098,-836,-832,-837,1098,-627,1098,-628,-629,-630,-631,-576,1098,1098,-632,-633,-634,1098,1098,1098,1098,1098,1098,-637,-638,-639,-594,-1896,-604,1098,-640,-641,-715,-642,-606,1098,-574,-579,-582,-585,1098,1098,1098,-600,-603,1098,-610,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1098,343,343,-997,343,1098,343,343,343,1098,-308,-327,-321,-298,-377,-454,-455,-456,-460,343,-445,1098,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1098,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,343,343,343,343,343,343,343,343,1098,-318,-537,-510,-593,-939,-941,-942,-440,1098,-442,-382,-383,-385,-509,-511,-513,1098,-515,-516,-521,-522,1098,-534,-536,-539,-540,-545,-550,-728,1098,-729,1098,-734,1098,-736,1098,-741,-658,-662,-663,1098,-668,1098,-669,1098,-674,-676,1098,-679,1098,1098,1098,-689,-691,1098,-694,1098,1098,-746,1098,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1098,1098,1098,1098,1098,-879,1098,-882,-910,-922,-927,-390,-391,1098,-396,1098,-399,1098,-404,1098,-405,1098,-410,1098,-415,1098,-419,1098,-420,1098,-425,1098,-428,-901,-902,-645,-587,-1896,-903,1098,1098,1098,-802,1098,1098,-806,1098,-809,-835,1098,-820,1098,-822,1098,-824,-810,1098,-826,1098,-853,-854,1098,1098,-813,1098,-648,-904,-906,-650,-651,-647,1098,-707,-708,1098,-644,-905,-649,-652,-605,-716,1098,1098,-607,-588,1098,1098,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1098,1098,-711,-712,1098,-718,1098,343,343,343,1098,1098,-940,343,-441,-443,-749,1098,-893,1894,-717,-1896,1098,1098,343,343,1098,-444,-514,-525,1098,-730,-735,1098,-737,1098,-742,1098,-664,-670,1098,-680,-682,-684,-685,-692,-695,-699,-747,1098,1098,-876,1098,1098,-880,1098,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1098,-814,1098,-816,-803,1098,-804,-807,1098,-818,-821,-823,-825,-827,1098,-828,1098,-811,1098,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,343,-284,343,1098,343,1098,-457,1098,1098,-731,1098,-738,1098,-743,1098,-665,-673,1098,1098,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1098,-838,-53,343,1098,-732,1098,-739,1098,-744,-666,1098,-875,-54,343,343,-733,-740,-745,1098,343,1098,-874,]),'INVISIBLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[344,344,344,344,-1896,344,344,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,344,344,344,344,-277,-278,344,-1427,344,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,344,344,344,-492,344,344,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,344,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,344,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,344,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,344,-174,-175,-176,-177,-995,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-292,-293,-283,344,344,344,344,344,-330,-320,-334,-335,-336,344,344,-984,-985,-986,-987,-988,-989,-990,344,344,344,344,344,344,344,344,344,344,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,344,344,344,-355,-358,344,-325,-326,-143,344,-144,344,-145,344,-432,-937,-938,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-1896,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-1896,344,-1896,344,344,344,344,344,344,344,344,344,344,344,344,-1896,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-1896,344,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,344,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,344,344,344,-193,-194,344,-996,344,344,344,344,344,-279,-280,-281,-282,-367,344,-310,344,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,344,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,344,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,344,344,344,344,344,344,-575,344,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,344,344,-725,-726,-727,344,344,344,344,344,344,-996,344,344,-93,-94,344,344,344,344,-311,-312,-322,344,-309,-295,-296,-297,344,344,344,344,-620,-635,-592,344,344,-438,344,-439,344,-446,-447,-448,-380,-381,344,344,344,-508,344,344,-512,344,344,344,344,-517,-518,-519,-520,344,344,-523,-524,344,-526,-527,-528,-529,-530,-531,-532,-533,344,-535,344,344,344,-541,-543,-544,344,-546,-547,-548,-549,344,344,344,344,344,344,-654,-655,-656,-657,344,-659,-660,-661,344,344,344,-667,344,344,-671,-672,344,344,-675,344,-677,-678,344,-681,344,-683,344,344,-686,-687,-688,344,-690,344,344,-693,344,344,-696,-697,-698,344,-700,-701,-702,-703,344,344,-748,344,-751,-752,-753,-754,-755,344,-757,-758,-759,-760,-761,344,-768,-769,-771,344,-773,-774,-775,-784,-858,-860,-862,-864,344,344,344,344,-870,344,-872,344,344,344,344,344,344,344,-908,-909,344,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,344,-923,-926,344,-936,344,-387,-388,-389,344,344,-392,-393,-394,-395,344,-398,344,-401,-402,344,-403,344,-408,-409,344,-412,-413,-414,344,-417,344,-418,344,-423,-424,344,-427,344,-430,-431,-1896,-1896,344,-621,-622,-623,-624,-625,-636,-586,-626,-799,344,344,344,344,344,-833,344,344,-808,344,-834,344,344,344,344,-800,344,-855,-801,344,344,344,344,344,344,-856,-857,344,-836,-832,-837,344,-627,344,-628,-629,-630,-631,-576,344,344,-632,-633,-634,344,344,344,344,344,344,-637,-638,-639,-594,-1896,-604,344,-640,-641,-715,-642,-606,344,-574,-579,-582,-585,344,344,344,-600,-603,344,-610,344,344,344,344,344,344,344,344,344,344,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,344,344,344,-997,344,344,344,344,344,344,-308,-327,-321,-298,-377,-454,-455,-456,-460,344,-445,344,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,344,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,344,344,344,344,344,344,344,344,344,-318,-537,-510,-593,-939,-941,-942,-440,344,-442,-382,-383,-385,-509,-511,-513,344,-515,-516,-521,-522,344,-534,-536,-539,-540,-545,-550,-728,344,-729,344,-734,344,-736,344,-741,-658,-662,-663,344,-668,344,-669,344,-674,-676,344,-679,344,344,344,-689,-691,344,-694,344,344,-746,344,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,344,344,344,344,344,-879,344,-882,-910,-922,-927,-390,-391,344,-396,344,-399,344,-404,344,-405,344,-410,344,-415,344,-419,344,-420,344,-425,344,-428,-901,-902,-645,-587,-1896,-903,344,344,344,-802,344,344,-806,344,-809,-835,344,-820,344,-822,344,-824,-810,344,-826,344,-853,-854,344,344,-813,344,-648,-904,-906,-650,-651,-647,344,-707,-708,344,-644,-905,-649,-652,-605,-716,344,344,-607,-588,344,344,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,344,344,-711,-712,344,-718,344,344,344,344,344,344,-940,344,-441,-443,-749,344,-893,344,-717,-1896,344,344,344,344,344,-444,-514,-525,344,-730,-735,344,-737,344,-742,344,-664,-670,344,-680,-682,-684,-685,-692,-695,-699,-747,344,344,-876,344,344,-880,344,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,344,-814,344,-816,-803,344,-804,-807,344,-818,-821,-823,-825,-827,344,-828,344,-811,344,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,344,-284,344,344,344,344,-457,344,344,-731,344,-738,344,-743,344,-665,-673,344,344,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,344,-838,-53,344,344,-732,344,-739,344,-744,-666,344,-875,-54,344,344,-733,-740,-745,344,344,344,-874,]),'INVOKER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[345,345,345,345,-1896,345,345,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,345,345,345,345,-277,-278,345,-1427,345,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,345,345,345,-492,345,345,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,345,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,345,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,345,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,345,-174,-175,-176,-177,-995,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-292,-293,-283,345,345,345,345,345,-330,-320,-334,-335,-336,345,345,-984,-985,-986,-987,-988,-989,-990,345,345,345,345,345,345,345,345,345,345,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,345,345,345,-355,-358,345,-325,-326,-143,345,-144,345,-145,345,-432,-937,-938,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-1896,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-1896,345,-1896,345,345,345,345,345,345,345,345,345,345,345,345,-1896,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-1896,345,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,345,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,345,345,345,-193,-194,345,-996,345,345,345,345,345,-279,-280,-281,-282,-367,345,-310,345,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,345,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,345,345,345,345,345,345,-575,345,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,345,345,-725,-726,-727,345,345,345,345,345,345,-996,345,345,-93,-94,345,345,345,345,-311,-312,-322,345,-309,-295,-296,-297,345,345,345,345,-620,-635,-592,345,345,-438,345,-439,345,-446,-447,-448,-380,-381,345,345,345,-508,345,345,-512,345,345,345,345,-517,-518,-519,-520,345,345,-523,-524,345,-526,-527,-528,-529,-530,-531,-532,-533,345,-535,345,345,345,-541,-543,-544,345,-546,-547,-548,-549,345,345,345,345,345,345,-654,-655,-656,-657,345,-659,-660,-661,345,345,345,-667,345,345,-671,-672,345,345,-675,345,-677,-678,345,-681,345,-683,345,345,-686,-687,-688,345,-690,345,345,-693,345,345,-696,-697,-698,345,-700,-701,-702,-703,345,345,-748,345,-751,-752,-753,-754,-755,345,-757,-758,-759,-760,-761,345,-768,-769,-771,345,-773,-774,-775,-784,-858,-860,-862,-864,345,345,345,345,-870,345,-872,345,345,345,345,345,345,345,-908,-909,345,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,345,-923,-926,345,-936,345,-387,-388,-389,345,345,-392,-393,-394,-395,345,-398,345,-401,-402,345,-403,345,-408,-409,345,-412,-413,-414,345,-417,345,-418,345,-423,-424,345,-427,345,-430,-431,-1896,-1896,345,-621,-622,-623,-624,-625,-636,-586,-626,-799,345,345,345,345,345,-833,345,345,-808,345,-834,345,345,345,345,-800,345,-855,-801,345,345,345,345,345,345,-856,-857,345,-836,-832,-837,345,-627,345,-628,-629,-630,-631,-576,345,345,-632,-633,-634,345,345,345,345,345,345,-637,-638,-639,-594,-1896,-604,345,-640,-641,-715,-642,-606,345,-574,-579,-582,-585,345,345,345,-600,-603,345,-610,345,345,345,345,345,345,345,345,345,345,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,345,345,345,-997,345,345,345,345,345,345,-308,-327,-321,-298,-377,-454,-455,-456,-460,345,-445,345,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,345,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,345,345,345,345,345,345,345,345,345,-318,-537,-510,-593,-939,-941,-942,-440,345,-442,-382,-383,-385,-509,-511,-513,345,-515,-516,-521,-522,345,-534,-536,-539,-540,-545,-550,-728,345,-729,345,-734,345,-736,345,-741,-658,-662,-663,345,-668,345,-669,345,-674,-676,345,-679,345,345,345,-689,-691,345,-694,345,345,-746,345,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,345,345,345,345,345,-879,345,-882,-910,-922,-927,-390,-391,345,-396,345,-399,345,-404,345,-405,345,-410,345,-415,345,-419,345,-420,345,-425,345,-428,-901,-902,-645,-587,-1896,-903,345,345,345,-802,345,345,-806,345,-809,-835,345,-820,345,-822,345,-824,-810,345,-826,345,-853,-854,345,345,-813,345,-648,-904,-906,-650,-651,-647,345,-707,-708,345,-644,-905,-649,-652,-605,-716,345,345,-607,-588,345,345,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,345,345,-711,-712,345,-718,345,345,345,345,345,345,-940,345,-441,-443,-749,345,-893,345,-717,-1896,345,345,345,345,345,-444,-514,-525,345,-730,-735,345,-737,345,-742,345,-664,-670,345,-680,-682,-684,-685,-692,-695,-699,-747,345,345,-876,345,345,-880,345,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,345,-814,345,-816,-803,345,-804,-807,345,-818,-821,-823,-825,-827,345,-828,345,-811,345,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,345,-284,345,345,345,345,-457,345,345,-731,345,-738,345,-743,345,-665,-673,345,345,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,345,-838,-53,345,345,-732,345,-739,345,-744,-666,345,-875,-54,345,345,-733,-740,-745,345,345,345,-874,]),'IO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[346,346,346,346,-1896,346,346,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,346,346,346,346,-277,-278,346,-1427,346,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,346,346,346,-492,346,346,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,346,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,346,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,346,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,346,-174,-175,-176,-177,-995,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-292,-293,-283,346,346,346,346,346,-330,-320,-334,-335,-336,346,346,-984,-985,-986,-987,-988,-989,-990,346,346,346,346,346,346,346,346,346,346,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,346,346,346,-355,-358,346,-325,-326,-143,346,-144,346,-145,346,-432,-937,-938,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-1896,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-1896,346,-1896,346,346,346,346,346,346,346,346,346,346,346,346,-1896,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-1896,346,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,346,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,346,346,346,-193,-194,346,-996,346,346,346,346,346,-279,-280,-281,-282,-367,346,-310,346,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,346,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,346,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,346,346,346,346,346,346,-575,346,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,346,346,-725,-726,-727,346,346,346,346,346,346,-996,346,346,-93,-94,346,346,346,346,-311,-312,-322,346,-309,-295,-296,-297,346,346,346,346,-620,-635,-592,346,346,-438,346,-439,346,-446,-447,-448,-380,-381,346,346,346,-508,346,346,-512,346,346,346,346,-517,-518,-519,-520,346,346,-523,-524,346,-526,-527,-528,-529,-530,-531,-532,-533,346,-535,346,346,346,-541,-543,-544,346,-546,-547,-548,-549,346,346,346,346,346,346,-654,-655,-656,-657,346,-659,-660,-661,346,346,346,-667,346,346,-671,-672,346,346,-675,346,-677,-678,346,-681,346,-683,346,346,-686,-687,-688,346,-690,346,346,-693,346,346,-696,-697,-698,346,-700,-701,-702,-703,346,346,-748,346,-751,-752,-753,-754,-755,346,-757,-758,-759,-760,-761,346,-768,-769,-771,346,-773,-774,-775,-784,-858,-860,-862,-864,346,346,346,346,-870,346,-872,346,346,346,346,346,346,346,-908,-909,346,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,346,-923,-926,346,-936,346,-387,-388,-389,346,346,-392,-393,-394,-395,346,-398,346,-401,-402,346,-403,346,-408,-409,346,-412,-413,-414,346,-417,346,-418,346,-423,-424,346,-427,346,-430,-431,-1896,-1896,346,-621,-622,-623,-624,-625,-636,-586,-626,-799,346,346,346,346,346,-833,346,346,-808,346,-834,346,346,346,346,-800,346,-855,-801,346,346,346,346,346,346,-856,-857,346,-836,-832,-837,346,-627,346,-628,-629,-630,-631,-576,346,346,-632,-633,-634,346,346,346,346,346,346,-637,-638,-639,-594,-1896,-604,346,-640,-641,-715,-642,-606,346,-574,-579,-582,-585,346,346,346,-600,-603,346,-610,346,346,346,346,346,346,346,346,346,346,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,346,346,346,-997,346,346,346,346,346,346,-308,-327,-321,-298,-377,-454,-455,-456,-460,346,-445,346,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,346,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,346,346,346,346,346,346,346,346,346,-318,-537,-510,-593,-939,-941,-942,-440,346,-442,-382,-383,-385,-509,-511,-513,346,-515,-516,-521,-522,346,-534,-536,-539,-540,-545,-550,-728,346,-729,346,-734,346,-736,346,-741,-658,-662,-663,346,-668,346,-669,346,-674,-676,346,-679,346,346,346,-689,-691,346,-694,346,346,-746,346,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,346,346,346,346,346,-879,346,-882,-910,-922,-927,-390,-391,346,-396,346,-399,346,-404,346,-405,346,-410,346,-415,346,-419,346,-420,346,-425,346,-428,-901,-902,-645,-587,-1896,-903,346,346,346,-802,346,346,-806,346,-809,-835,346,-820,346,-822,346,-824,-810,346,-826,346,-853,-854,346,346,-813,346,-648,-904,-906,-650,-651,-647,346,-707,-708,346,-644,-905,-649,-652,-605,-716,346,346,-607,-588,346,346,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,346,346,-711,-712,346,-718,346,346,346,346,346,346,-940,346,-441,-443,-749,346,-893,346,-717,-1896,346,346,346,346,346,-444,-514,-525,346,-730,-735,346,-737,346,-742,346,-664,-670,346,-680,-682,-684,-685,-692,-695,-699,-747,346,346,-876,346,346,-880,346,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,346,-814,346,-816,-803,346,-804,-807,346,-818,-821,-823,-825,-827,346,-828,346,-811,346,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,346,-284,346,346,346,346,-457,346,346,-731,346,-738,346,-743,346,-665,-673,346,346,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,346,-838,-53,346,346,-732,346,-739,346,-744,-666,346,-875,-54,346,346,-733,-740,-745,346,346,346,-874,]),'IO_AFTER_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[347,347,347,347,-1896,347,347,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,347,347,347,347,-277,-278,347,-1427,347,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,347,347,347,-492,347,347,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,347,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,347,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,347,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,347,-174,-175,-176,-177,-995,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-292,-293,-283,347,347,347,347,347,-330,-320,-334,-335,-336,347,347,-984,-985,-986,-987,-988,-989,-990,347,347,347,347,347,347,347,347,347,347,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,347,347,347,-355,-358,347,-325,-326,-143,347,-144,347,-145,347,-432,-937,-938,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-1896,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-1896,347,-1896,347,347,347,347,347,347,347,347,347,347,347,347,-1896,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-1896,347,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,347,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,347,347,347,-193,-194,347,-996,347,347,347,347,347,-279,-280,-281,-282,-367,347,-310,347,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,347,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,347,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,347,347,347,347,347,347,-575,347,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,347,347,-725,-726,-727,347,347,347,347,347,347,-996,347,347,-93,-94,347,347,347,347,-311,-312,-322,347,-309,-295,-296,-297,347,347,347,347,-620,-635,-592,347,347,-438,347,-439,347,-446,-447,-448,-380,-381,347,347,347,-508,347,347,-512,347,347,347,347,-517,-518,-519,-520,347,347,-523,-524,347,-526,-527,-528,-529,-530,-531,-532,-533,347,-535,347,347,347,-541,-543,-544,347,-546,-547,-548,-549,347,347,347,347,347,347,-654,-655,-656,-657,347,-659,-660,-661,347,347,347,-667,347,347,-671,-672,347,347,-675,347,-677,-678,347,-681,347,-683,347,347,-686,-687,-688,347,-690,347,347,-693,347,347,-696,-697,-698,347,-700,-701,-702,-703,347,347,-748,347,-751,-752,-753,-754,-755,347,-757,-758,-759,-760,-761,347,-768,-769,-771,347,-773,-774,-775,-784,-858,-860,-862,-864,347,347,347,347,-870,347,-872,347,347,347,347,347,347,347,-908,-909,347,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,347,-923,-926,347,-936,347,-387,-388,-389,347,347,-392,-393,-394,-395,347,-398,347,-401,-402,347,-403,347,-408,-409,347,-412,-413,-414,347,-417,347,-418,347,-423,-424,347,-427,347,-430,-431,-1896,-1896,347,-621,-622,-623,-624,-625,-636,-586,-626,-799,347,347,347,347,347,-833,347,347,-808,347,-834,347,347,347,347,-800,347,-855,-801,347,347,347,347,347,347,-856,-857,347,-836,-832,-837,347,-627,347,-628,-629,-630,-631,-576,347,347,-632,-633,-634,347,347,347,347,347,347,-637,-638,-639,-594,-1896,-604,347,-640,-641,-715,-642,-606,347,-574,-579,-582,-585,347,347,347,-600,-603,347,-610,347,347,347,347,347,347,347,347,347,347,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,347,347,347,-997,347,347,347,347,347,347,-308,-327,-321,-298,-377,-454,-455,-456,-460,347,-445,347,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,347,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,347,347,347,347,347,347,347,347,347,-318,-537,-510,-593,-939,-941,-942,-440,347,-442,-382,-383,-385,-509,-511,-513,347,-515,-516,-521,-522,347,-534,-536,-539,-540,-545,-550,-728,347,-729,347,-734,347,-736,347,-741,-658,-662,-663,347,-668,347,-669,347,-674,-676,347,-679,347,347,347,-689,-691,347,-694,347,347,-746,347,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,347,347,347,347,347,-879,347,-882,-910,-922,-927,-390,-391,347,-396,347,-399,347,-404,347,-405,347,-410,347,-415,347,-419,347,-420,347,-425,347,-428,-901,-902,-645,-587,-1896,-903,347,347,347,-802,347,347,-806,347,-809,-835,347,-820,347,-822,347,-824,-810,347,-826,347,-853,-854,347,347,-813,347,-648,-904,-906,-650,-651,-647,347,-707,-708,347,-644,-905,-649,-652,-605,-716,347,347,-607,-588,347,347,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,347,347,-711,-712,347,-718,347,347,347,347,347,347,-940,347,-441,-443,-749,347,-893,347,-717,-1896,347,347,347,347,347,-444,-514,-525,347,-730,-735,347,-737,347,-742,347,-664,-670,347,-680,-682,-684,-685,-692,-695,-699,-747,347,347,-876,347,347,-880,347,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,347,-814,347,-816,-803,347,-804,-807,347,-818,-821,-823,-825,-827,347,-828,347,-811,347,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,347,-284,347,347,347,347,-457,347,347,-731,347,-738,347,-743,347,-665,-673,347,347,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,347,-838,-53,347,347,-732,347,-739,347,-744,-666,347,-875,-54,347,347,-733,-740,-745,347,347,347,-874,]),'IO_BEFORE_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[348,348,348,348,-1896,348,348,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,348,348,348,348,-277,-278,348,-1427,348,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,348,348,348,-492,348,348,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,348,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,348,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,348,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,348,-174,-175,-176,-177,-995,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-292,-293,-283,348,348,348,348,348,-330,-320,-334,-335,-336,348,348,-984,-985,-986,-987,-988,-989,-990,348,348,348,348,348,348,348,348,348,348,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,348,348,348,-355,-358,348,-325,-326,-143,348,-144,348,-145,348,-432,-937,-938,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-1896,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-1896,348,-1896,348,348,348,348,348,348,348,348,348,348,348,348,-1896,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-1896,348,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,348,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,348,348,348,-193,-194,348,-996,348,348,348,348,348,-279,-280,-281,-282,-367,348,-310,348,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,348,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,348,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,348,348,348,348,348,348,-575,348,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,348,348,-725,-726,-727,348,348,348,348,348,348,-996,348,348,-93,-94,348,348,348,348,-311,-312,-322,348,-309,-295,-296,-297,348,348,348,348,-620,-635,-592,348,348,-438,348,-439,348,-446,-447,-448,-380,-381,348,348,348,-508,348,348,-512,348,348,348,348,-517,-518,-519,-520,348,348,-523,-524,348,-526,-527,-528,-529,-530,-531,-532,-533,348,-535,348,348,348,-541,-543,-544,348,-546,-547,-548,-549,348,348,348,348,348,348,-654,-655,-656,-657,348,-659,-660,-661,348,348,348,-667,348,348,-671,-672,348,348,-675,348,-677,-678,348,-681,348,-683,348,348,-686,-687,-688,348,-690,348,348,-693,348,348,-696,-697,-698,348,-700,-701,-702,-703,348,348,-748,348,-751,-752,-753,-754,-755,348,-757,-758,-759,-760,-761,348,-768,-769,-771,348,-773,-774,-775,-784,-858,-860,-862,-864,348,348,348,348,-870,348,-872,348,348,348,348,348,348,348,-908,-909,348,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,348,-923,-926,348,-936,348,-387,-388,-389,348,348,-392,-393,-394,-395,348,-398,348,-401,-402,348,-403,348,-408,-409,348,-412,-413,-414,348,-417,348,-418,348,-423,-424,348,-427,348,-430,-431,-1896,-1896,348,-621,-622,-623,-624,-625,-636,-586,-626,-799,348,348,348,348,348,-833,348,348,-808,348,-834,348,348,348,348,-800,348,-855,-801,348,348,348,348,348,348,-856,-857,348,-836,-832,-837,348,-627,348,-628,-629,-630,-631,-576,348,348,-632,-633,-634,348,348,348,348,348,348,-637,-638,-639,-594,-1896,-604,348,-640,-641,-715,-642,-606,348,-574,-579,-582,-585,348,348,348,-600,-603,348,-610,348,348,348,348,348,348,348,348,348,348,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,348,348,348,-997,348,348,348,348,348,348,-308,-327,-321,-298,-377,-454,-455,-456,-460,348,-445,348,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,348,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,348,348,348,348,348,348,348,348,348,-318,-537,-510,-593,-939,-941,-942,-440,348,-442,-382,-383,-385,-509,-511,-513,348,-515,-516,-521,-522,348,-534,-536,-539,-540,-545,-550,-728,348,-729,348,-734,348,-736,348,-741,-658,-662,-663,348,-668,348,-669,348,-674,-676,348,-679,348,348,348,-689,-691,348,-694,348,348,-746,348,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,348,348,348,348,348,-879,348,-882,-910,-922,-927,-390,-391,348,-396,348,-399,348,-404,348,-405,348,-410,348,-415,348,-419,348,-420,348,-425,348,-428,-901,-902,-645,-587,-1896,-903,348,348,348,-802,348,348,-806,348,-809,-835,348,-820,348,-822,348,-824,-810,348,-826,348,-853,-854,348,348,-813,348,-648,-904,-906,-650,-651,-647,348,-707,-708,348,-644,-905,-649,-652,-605,-716,348,348,-607,-588,348,348,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,348,348,-711,-712,348,-718,348,348,348,348,348,348,-940,348,-441,-443,-749,348,-893,348,-717,-1896,348,348,348,348,348,-444,-514,-525,348,-730,-735,348,-737,348,-742,348,-664,-670,348,-680,-682,-684,-685,-692,-695,-699,-747,348,348,-876,348,348,-880,348,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,348,-814,348,-816,-803,348,-804,-807,348,-818,-821,-823,-825,-827,348,-828,348,-811,348,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,348,-284,348,348,348,348,-457,348,348,-731,348,-738,348,-743,348,-665,-673,348,348,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,348,-838,-53,348,348,-732,348,-739,348,-744,-666,348,-875,-54,348,348,-733,-740,-745,348,348,348,-874,]),'IO_THREAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[349,349,349,349,-1896,349,349,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,349,349,349,349,-277,-278,349,-1427,349,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,349,349,349,-492,349,349,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,349,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,349,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,349,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,349,-174,-175,-176,-177,-995,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-292,-293,-283,349,349,349,349,349,-330,-320,-334,-335,-336,349,349,-984,-985,-986,-987,-988,-989,-990,349,349,349,349,349,349,349,349,349,349,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,349,349,349,-355,-358,349,-325,-326,-143,349,-144,349,-145,349,-432,-937,-938,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-1896,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-1896,349,-1896,349,349,349,349,349,349,349,349,349,349,349,349,-1896,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-1896,349,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,349,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,349,349,349,-193,-194,349,-996,349,349,349,349,349,-279,-280,-281,-282,-367,349,-310,349,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,349,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,349,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,349,349,349,349,349,349,-575,349,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,349,349,-725,-726,-727,349,349,349,349,349,349,-996,349,349,-93,-94,349,349,349,349,-311,-312,-322,349,-309,-295,-296,-297,349,349,349,349,-620,-635,-592,349,349,-438,349,-439,349,-446,-447,-448,-380,-381,349,349,349,-508,349,349,-512,349,349,349,349,-517,-518,-519,-520,349,349,-523,-524,349,-526,-527,-528,-529,-530,-531,-532,-533,349,-535,349,349,349,-541,-543,-544,349,-546,-547,-548,-549,349,349,349,349,349,349,-654,-655,-656,-657,349,-659,-660,-661,349,349,349,-667,349,349,-671,-672,349,349,-675,349,-677,-678,349,-681,349,-683,349,349,-686,-687,-688,349,-690,349,349,-693,349,349,-696,-697,-698,349,-700,-701,-702,-703,349,349,-748,349,-751,-752,-753,-754,-755,349,-757,-758,-759,-760,-761,349,-768,-769,-771,349,-773,-774,-775,-784,-858,-860,-862,-864,349,349,349,349,-870,349,-872,349,349,349,349,349,349,349,-908,-909,349,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,349,-923,-926,349,-936,349,-387,-388,-389,349,349,-392,-393,-394,-395,349,-398,349,-401,-402,349,-403,349,-408,-409,349,-412,-413,-414,349,-417,349,-418,349,-423,-424,349,-427,349,-430,-431,-1896,-1896,349,-621,-622,-623,-624,-625,-636,-586,-626,-799,349,349,349,349,349,-833,349,349,-808,349,-834,349,349,349,349,-800,349,-855,-801,349,349,349,349,349,349,-856,-857,349,-836,-832,-837,349,-627,349,-628,-629,-630,-631,-576,349,349,-632,-633,-634,349,349,349,349,349,349,-637,-638,-639,-594,-1896,-604,349,-640,-641,-715,-642,-606,349,-574,-579,-582,-585,349,349,349,-600,-603,349,-610,349,349,349,349,349,349,349,349,349,349,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,349,349,349,-997,349,349,349,349,349,349,-308,-327,-321,-298,-377,-454,-455,-456,-460,349,-445,349,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,349,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,349,349,349,349,349,349,349,349,349,-318,-537,-510,-593,-939,-941,-942,-440,349,-442,-382,-383,-385,-509,-511,-513,349,-515,-516,-521,-522,349,-534,-536,-539,-540,-545,-550,-728,349,-729,349,-734,349,-736,349,-741,-658,-662,-663,349,-668,349,-669,349,-674,-676,349,-679,349,349,349,-689,-691,349,-694,349,349,-746,349,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,349,349,349,349,349,-879,349,-882,-910,-922,-927,-390,-391,349,-396,349,-399,349,-404,349,-405,349,-410,349,-415,349,-419,349,-420,349,-425,349,-428,-901,-902,-645,-587,-1896,-903,349,349,349,-802,349,349,-806,349,-809,-835,349,-820,349,-822,349,-824,-810,349,-826,349,-853,-854,349,349,-813,349,-648,-904,-906,-650,-651,-647,349,-707,-708,349,-644,-905,-649,-652,-605,-716,349,349,-607,-588,349,349,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,349,349,-711,-712,349,-718,349,349,349,349,349,349,-940,349,-441,-443,-749,349,-893,349,-717,-1896,349,349,349,349,349,-444,-514,-525,349,-730,-735,349,-737,349,-742,349,-664,-670,349,-680,-682,-684,-685,-692,-695,-699,-747,349,349,-876,349,349,-880,349,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,349,-814,349,-816,-803,349,-804,-807,349,-818,-821,-823,-825,-827,349,-828,349,-811,349,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,349,-284,349,349,349,349,-457,349,349,-731,349,-738,349,-743,349,-665,-673,349,349,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,349,-838,-53,349,349,-732,349,-739,349,-744,-666,349,-875,-54,349,349,-733,-740,-745,349,349,349,-874,]),'IPC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[350,350,350,350,-1896,350,350,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,350,350,350,350,-277,-278,350,-1427,350,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,350,350,350,-492,350,350,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,350,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,350,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,350,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,350,-174,-175,-176,-177,-995,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-292,-293,-283,350,350,350,350,350,-330,-320,-334,-335,-336,350,350,-984,-985,-986,-987,-988,-989,-990,350,350,350,350,350,350,350,350,350,350,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,350,350,350,-355,-358,350,-325,-326,-143,350,-144,350,-145,350,-432,-937,-938,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-1896,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-1896,350,-1896,350,350,350,350,350,350,350,350,350,350,350,350,-1896,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-1896,350,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,350,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,350,350,350,-193,-194,350,-996,350,350,350,350,350,-279,-280,-281,-282,-367,350,-310,350,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,350,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,350,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,350,350,350,350,350,350,-575,350,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,350,350,-725,-726,-727,350,350,350,350,350,350,-996,350,350,-93,-94,350,350,350,350,-311,-312,-322,350,-309,-295,-296,-297,350,350,350,350,-620,-635,-592,350,350,-438,350,-439,350,-446,-447,-448,-380,-381,350,350,350,-508,350,350,-512,350,350,350,350,-517,-518,-519,-520,350,350,-523,-524,350,-526,-527,-528,-529,-530,-531,-532,-533,350,-535,350,350,350,-541,-543,-544,350,-546,-547,-548,-549,350,350,350,350,350,350,-654,-655,-656,-657,350,-659,-660,-661,350,350,350,-667,350,350,-671,-672,350,350,-675,350,-677,-678,350,-681,350,-683,350,350,-686,-687,-688,350,-690,350,350,-693,350,350,-696,-697,-698,350,-700,-701,-702,-703,350,350,-748,350,-751,-752,-753,-754,-755,350,-757,-758,-759,-760,-761,350,-768,-769,-771,350,-773,-774,-775,-784,-858,-860,-862,-864,350,350,350,350,-870,350,-872,350,350,350,350,350,350,350,-908,-909,350,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,350,-923,-926,350,-936,350,-387,-388,-389,350,350,-392,-393,-394,-395,350,-398,350,-401,-402,350,-403,350,-408,-409,350,-412,-413,-414,350,-417,350,-418,350,-423,-424,350,-427,350,-430,-431,-1896,-1896,350,-621,-622,-623,-624,-625,-636,-586,-626,-799,350,350,350,350,350,-833,350,350,-808,350,-834,350,350,350,350,-800,350,-855,-801,350,350,350,350,350,350,-856,-857,350,-836,-832,-837,350,-627,350,-628,-629,-630,-631,-576,350,350,-632,-633,-634,350,350,350,350,350,350,-637,-638,-639,-594,-1896,-604,350,-640,-641,-715,-642,-606,350,-574,-579,-582,-585,350,350,350,-600,-603,350,-610,350,350,350,350,350,350,350,350,350,350,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,350,350,350,-997,350,350,350,350,350,350,-308,-327,-321,-298,-377,-454,-455,-456,-460,350,-445,350,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,350,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,350,350,350,350,350,350,350,350,350,-318,-537,-510,-593,-939,-941,-942,-440,350,-442,-382,-383,-385,-509,-511,-513,350,-515,-516,-521,-522,350,-534,-536,-539,-540,-545,-550,-728,350,-729,350,-734,350,-736,350,-741,-658,-662,-663,350,-668,350,-669,350,-674,-676,350,-679,350,350,350,-689,-691,350,-694,350,350,-746,350,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,350,350,350,350,350,-879,350,-882,-910,-922,-927,-390,-391,350,-396,350,-399,350,-404,350,-405,350,-410,350,-415,350,-419,350,-420,350,-425,350,-428,-901,-902,-645,-587,-1896,-903,350,350,350,-802,350,350,-806,350,-809,-835,350,-820,350,-822,350,-824,-810,350,-826,350,-853,-854,350,350,-813,350,-648,-904,-906,-650,-651,-647,350,-707,-708,350,-644,-905,-649,-652,-605,-716,350,350,-607,-588,350,350,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,350,350,-711,-712,350,-718,350,350,350,350,350,350,-940,350,-441,-443,-749,350,-893,350,-717,-1896,350,350,350,350,350,-444,-514,-525,350,-730,-735,350,-737,350,-742,350,-664,-670,350,-680,-682,-684,-685,-692,-695,-699,-747,350,350,-876,350,350,-880,350,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,350,-814,350,-816,-803,350,-804,-807,350,-818,-821,-823,-825,-827,350,-828,350,-811,350,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,350,-284,350,350,350,350,-457,350,350,-731,350,-738,350,-743,350,-665,-673,350,350,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,350,-838,-53,350,350,-732,350,-739,350,-744,-666,350,-875,-54,350,350,-733,-740,-745,350,350,350,-874,]),'IS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[351,351,351,351,-1896,351,351,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,351,351,351,351,-277,-278,351,-1427,351,1449,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,351,351,351,-492,351,351,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,351,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,351,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,351,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,351,-174,-175,-176,-177,-995,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-292,-293,-283,351,351,-365,351,351,351,-330,-320,-334,-335,-336,351,351,-984,-985,-986,-987,-988,-989,-990,351,351,351,351,351,351,351,351,351,351,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,351,351,351,-355,-358,351,-325,-326,-143,351,-144,351,-145,351,-432,-937,-938,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-1896,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-1896,351,-1896,351,351,351,351,351,351,351,351,351,351,351,351,-1896,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-1896,351,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,351,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,351,351,351,-193,-194,351,-996,351,351,351,351,351,-279,-280,-281,-282,-367,351,-310,351,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,351,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,351,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,351,351,351,351,351,351,-575,351,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,351,351,-725,-726,-727,351,351,351,351,351,351,-996,351,351,-93,-94,351,351,351,351,-311,-312,-322,351,-309,-295,-296,-297,351,351,351,351,-620,-635,-592,351,351,-438,351,-439,351,-446,-447,-448,-380,-381,351,351,351,-508,351,351,-512,351,351,351,351,-517,-518,-519,-520,351,351,-523,-524,351,-526,-527,-528,-529,-530,-531,-532,-533,351,-535,351,351,351,-541,-543,-544,351,-546,-547,-548,-549,351,351,351,351,351,351,-654,-655,-656,-657,351,-659,-660,-661,351,351,351,-667,351,351,-671,-672,351,351,-675,351,-677,-678,351,-681,351,-683,351,351,-686,-687,-688,351,-690,351,351,-693,351,351,-696,-697,-698,351,-700,-701,-702,-703,351,351,-748,351,-751,-752,-753,-754,-755,351,-757,-758,-759,-760,-761,351,-768,-769,-771,351,-773,-774,-775,-784,-858,-860,-862,-864,351,351,351,351,-870,351,-872,351,351,351,351,351,351,351,-908,-909,351,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,351,-923,-926,351,-936,351,-387,-388,-389,351,351,-392,-393,-394,-395,351,-398,351,-401,-402,351,-403,351,-408,-409,351,-412,-413,-414,351,-417,351,-418,351,-423,-424,351,-427,351,-430,-431,-1896,-1896,351,-621,-622,-623,-624,-625,-636,-586,-626,-799,351,351,351,351,351,-833,351,351,-808,351,-834,351,351,351,351,-800,351,-855,-801,351,351,351,351,351,351,-856,-857,351,-836,-832,-837,351,-627,351,-628,-629,-630,-631,-576,351,351,-632,-633,-634,351,351,351,351,351,351,-637,-638,-639,-594,-1896,-604,351,-640,-641,-715,-642,-606,351,-574,-579,-582,-585,351,351,351,-600,-603,351,-610,351,351,351,351,351,351,351,351,351,351,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,351,351,351,-997,351,351,351,351,351,351,-308,-327,-321,-298,-377,-454,-455,-456,-460,351,-445,351,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,351,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,351,351,351,351,351,351,351,351,351,-318,-537,-510,-593,-939,-941,-942,-440,351,-442,-382,-383,-385,-509,-511,-513,351,-515,-516,-521,-522,351,-534,-536,-539,-540,-545,-550,-728,351,-729,351,-734,351,-736,351,-741,-658,-662,-663,351,-668,351,-669,351,-674,-676,351,-679,351,351,351,-689,-691,351,-694,351,351,-746,351,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,351,351,351,351,351,-879,351,-882,-910,-922,-927,-390,-391,351,-396,351,-399,351,-404,351,-405,351,-410,351,-415,351,-419,351,-420,351,-425,351,-428,-901,-902,-645,-587,-1896,-903,351,351,351,-802,351,351,-806,351,-809,-835,351,-820,351,-822,351,-824,-810,351,-826,351,-853,-854,351,351,-813,351,-648,-904,-906,-650,-651,-647,351,-707,-708,351,-644,-905,-649,-652,-605,-716,351,351,-607,-588,351,351,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,351,351,-711,-712,351,-718,351,351,351,351,351,351,-940,351,-441,-443,-749,351,-893,351,-717,-1896,351,351,351,351,351,-444,-514,-525,351,-730,-735,351,-737,351,-742,351,-664,-670,351,-680,-682,-684,-685,-692,-695,-699,-747,351,351,-876,351,351,-880,351,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,351,-814,351,-816,-803,351,-804,-807,351,-818,-821,-823,-825,-827,351,-828,351,-811,351,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,351,-284,351,351,351,351,-457,351,351,-731,351,-738,351,-743,351,-665,-673,351,351,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,351,-838,-53,351,351,-732,351,-739,351,-744,-666,351,-875,-54,351,351,-733,-740,-745,351,351,351,-874,]),'ISNULL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[352,352,352,1041,-1896,352,352,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,352,352,352,352,-277,-278,1041,-1427,1041,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1041,1041,1041,-492,1041,1041,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1041,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1041,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1895,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,352,-174,-175,-176,-177,-995,352,352,352,352,352,352,352,352,352,352,1041,1041,1041,1041,1041,-292,-293,-283,352,1041,1041,1041,1041,-330,-320,-334,-335,-336,1041,1041,-984,-985,-986,-987,-988,-989,-990,352,352,1041,1041,1041,1041,1041,1041,1041,1041,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1041,1041,1041,-355,-358,352,-325,-326,-143,1041,-144,1041,-145,1041,-432,-937,-938,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1896,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1896,1041,-1896,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1896,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1896,352,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1041,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1041,352,352,-193,-194,352,-996,1041,352,352,352,352,-279,-280,-281,-282,-367,1041,-310,1041,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1041,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1041,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1041,1041,1041,1041,1041,1041,-575,1041,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1041,1041,-725,-726,-727,1041,1895,352,352,352,352,-996,352,1041,-93,-94,352,352,352,1041,-311,-312,-322,1041,-309,-295,-296,-297,1041,352,1041,1041,-620,-635,-592,1041,352,-438,352,-439,1041,-446,-447,-448,-380,-381,1041,1041,1041,-508,1041,1041,-512,1041,1041,1041,1041,-517,-518,-519,-520,1041,1041,-523,-524,1041,-526,-527,-528,-529,-530,-531,-532,-533,1041,-535,1041,1041,1041,-541,-543,-544,1041,-546,-547,-548,-549,1041,1041,1041,1041,1041,1041,-654,-655,-656,-657,352,-659,-660,-661,1041,1041,1041,-667,1041,1041,-671,-672,1041,1041,-675,1041,-677,-678,1041,-681,1041,-683,1041,1041,-686,-687,-688,1041,-690,1041,1041,-693,1041,1041,-696,-697,-698,1041,-700,-701,-702,-703,1041,1041,-748,1041,-751,-752,-753,-754,-755,1041,-757,-758,-759,-760,-761,1041,-768,-769,-771,1041,-773,-774,-775,-784,-858,-860,-862,-864,1041,1041,1041,1041,-870,1041,-872,1041,1041,1041,1041,1041,1041,1041,-908,-909,1041,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1041,-923,-926,1041,-936,1041,-387,-388,-389,1041,1041,-392,-393,-394,-395,1041,-398,1041,-401,-402,1041,-403,1041,-408,-409,1041,-412,-413,-414,1041,-417,1041,-418,1041,-423,-424,1041,-427,1041,-430,-431,-1896,-1896,1041,-621,-622,-623,-624,-625,-636,-586,-626,-799,1041,1041,1041,1041,1041,-833,1041,1041,-808,1041,-834,1041,1041,1041,1041,-800,1041,-855,-801,1041,1041,1041,1041,1041,1041,-856,-857,1041,-836,-832,-837,1041,-627,1041,-628,-629,-630,-631,-576,1041,1041,-632,-633,-634,1041,1041,1041,1041,1041,1041,-637,-638,-639,-594,-1896,-604,1041,-640,-641,-715,-642,-606,1041,-574,-579,-582,-585,1041,1041,1041,-600,-603,1041,-610,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1041,352,352,-997,352,1041,352,352,352,1041,-308,-327,-321,-298,-377,-454,-455,-456,-460,352,-445,1041,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1041,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,352,352,352,352,352,352,352,352,1041,-318,-537,-510,-593,-939,-941,-942,-440,1041,-442,-382,-383,-385,-509,-511,-513,1041,-515,-516,-521,-522,1041,-534,-536,-539,-540,-545,-550,-728,1041,-729,1041,-734,1041,-736,1041,-741,-658,-662,-663,1041,-668,1041,-669,1041,-674,-676,1041,-679,1041,1041,1041,-689,-691,1041,-694,1041,1041,-746,1041,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1041,1041,1041,1041,1041,-879,1041,-882,-910,-922,-927,-390,-391,1041,-396,1041,-399,1041,-404,1041,-405,1041,-410,1041,-415,1041,-419,1041,-420,1041,-425,1041,-428,-901,-902,-645,-587,-1896,-903,1041,1041,1041,-802,1041,1041,-806,1041,-809,-835,1041,-820,1041,-822,1041,-824,-810,1041,-826,1041,-853,-854,1041,1041,-813,1041,-648,-904,-906,-650,-651,-647,1041,-707,-708,1041,-644,-905,-649,-652,-605,-716,1041,1041,-607,-588,1041,1041,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1041,1041,-711,-712,1041,-718,1041,352,352,352,1041,1041,-940,352,-441,-443,-749,1041,-893,1895,-717,-1896,1041,1041,352,352,1041,-444,-514,-525,1041,-730,-735,1041,-737,1041,-742,1041,-664,-670,1041,-680,-682,-684,-685,-692,-695,-699,-747,1041,1041,-876,1041,1041,-880,1041,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1041,-814,1041,-816,-803,1041,-804,-807,1041,-818,-821,-823,-825,-827,1041,-828,1041,-811,1041,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,352,-284,352,1041,352,1041,-457,1041,1041,-731,1041,-738,1041,-743,1041,-665,-673,1041,1041,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1041,-838,-53,352,1041,-732,1041,-739,1041,-744,-666,1041,-875,-54,352,352,-733,-740,-745,1041,352,1041,-874,]),'ISOLATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[353,353,353,353,-1896,353,353,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,353,353,353,353,-277,-278,353,-1427,353,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,353,353,353,-492,353,353,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,353,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,353,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,353,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,353,-174,-175,-176,-177,-995,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-292,-293,-283,353,353,353,353,353,-330,-320,-334,-335,-336,353,353,-984,-985,-986,-987,-988,-989,-990,353,353,353,353,353,353,353,353,353,353,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,353,353,353,-355,-358,353,-325,-326,-143,353,-144,353,-145,353,-432,-937,-938,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-1896,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-1896,353,-1896,353,353,353,353,353,353,353,353,353,353,353,353,-1896,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-1896,353,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,353,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,353,353,353,-193,-194,353,-996,353,353,353,353,353,-279,-280,-281,-282,-367,353,-310,353,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,353,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,353,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,353,353,353,353,353,353,-575,353,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,353,353,-725,-726,-727,353,353,353,353,353,353,-996,353,353,-93,-94,353,353,353,353,-311,-312,-322,353,-309,-295,-296,-297,353,353,353,353,-620,-635,-592,353,353,-438,353,-439,353,-446,-447,-448,-380,-381,353,353,353,-508,353,353,-512,353,353,353,353,-517,-518,-519,-520,353,353,-523,-524,353,-526,-527,-528,-529,-530,-531,-532,-533,353,-535,353,353,353,-541,-543,-544,353,-546,-547,-548,-549,353,353,353,353,353,353,-654,-655,-656,-657,353,-659,-660,-661,353,353,353,-667,353,353,-671,-672,353,353,-675,353,-677,-678,353,-681,353,-683,353,353,-686,-687,-688,353,-690,353,353,-693,353,353,-696,-697,-698,353,-700,-701,-702,-703,353,353,-748,353,-751,-752,-753,-754,-755,353,-757,-758,-759,-760,-761,353,-768,-769,-771,353,-773,-774,-775,-784,-858,-860,-862,-864,353,353,353,353,-870,353,-872,353,353,353,353,353,353,353,-908,-909,353,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,353,-923,-926,353,-936,353,-387,-388,-389,353,353,-392,-393,-394,-395,353,-398,353,-401,-402,353,-403,353,-408,-409,353,-412,-413,-414,353,-417,353,-418,353,-423,-424,353,-427,353,-430,-431,-1896,-1896,353,-621,-622,-623,-624,-625,-636,-586,-626,-799,353,353,353,353,353,-833,353,353,-808,353,-834,353,353,353,353,-800,353,-855,-801,353,353,353,353,353,353,-856,-857,353,-836,-832,-837,353,-627,353,-628,-629,-630,-631,-576,353,353,-632,-633,-634,353,353,353,353,353,353,-637,-638,-639,-594,-1896,-604,353,-640,-641,-715,-642,-606,353,-574,-579,-582,-585,353,353,353,-600,-603,353,-610,353,353,353,353,353,353,353,353,353,353,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,353,353,353,-997,353,353,353,353,353,353,-308,-327,-321,-298,-377,-454,-455,-456,-460,353,-445,353,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,353,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,353,353,353,353,353,353,353,353,353,-318,-537,-510,-593,-939,-941,-942,-440,353,-442,-382,-383,-385,-509,-511,-513,353,-515,-516,-521,-522,353,-534,-536,-539,-540,-545,-550,-728,353,-729,353,-734,353,-736,353,-741,-658,-662,-663,353,-668,353,-669,353,-674,-676,353,-679,353,353,353,-689,-691,353,-694,353,353,-746,353,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,353,353,353,353,353,-879,353,-882,-910,-922,-927,-390,-391,353,-396,353,-399,353,-404,353,-405,353,-410,353,-415,353,-419,353,-420,353,-425,353,-428,-901,-902,-645,-587,-1896,-903,353,353,353,-802,353,353,-806,353,-809,-835,353,-820,353,-822,353,-824,-810,353,-826,353,-853,-854,353,353,-813,353,-648,-904,-906,-650,-651,-647,353,-707,-708,353,-644,-905,-649,-652,-605,-716,353,353,-607,-588,353,353,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,353,353,-711,-712,353,-718,353,353,353,353,353,353,-940,353,-441,-443,-749,353,-893,353,-717,-1896,353,353,353,353,353,-444,-514,-525,353,-730,-735,353,-737,353,-742,353,-664,-670,353,-680,-682,-684,-685,-692,-695,-699,-747,353,353,-876,353,353,-880,353,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,353,-814,353,-816,-803,353,-804,-807,353,-818,-821,-823,-825,-827,353,-828,353,-811,353,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,353,-284,353,353,353,353,-457,353,353,-731,353,-738,353,-743,353,-665,-673,353,353,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,353,-838,-53,353,353,-732,353,-739,353,-744,-666,353,-875,-54,353,353,-733,-740,-745,353,353,353,-874,]),'ISSUER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[354,354,354,354,-1896,354,354,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,354,354,354,354,-277,-278,354,-1427,354,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,354,354,354,-492,354,354,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,354,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,354,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,354,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,354,-174,-175,-176,-177,-995,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-292,-293,-283,354,354,354,354,354,-330,-320,-334,-335,-336,354,354,-984,-985,-986,-987,-988,-989,-990,354,354,354,354,354,354,354,354,354,354,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,354,354,354,-355,-358,354,-325,-326,-143,354,-144,354,-145,354,-432,-937,-938,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-1896,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-1896,354,-1896,354,354,354,354,354,354,354,354,354,354,354,354,-1896,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-1896,354,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,354,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,354,354,354,-193,-194,354,-996,354,354,354,354,354,-279,-280,-281,-282,-367,354,-310,354,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,354,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,354,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,354,354,354,354,354,354,-575,354,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,354,354,-725,-726,-727,354,354,354,354,354,354,-996,354,354,-93,-94,354,354,354,354,-311,-312,-322,354,-309,-295,-296,-297,354,354,354,354,-620,-635,-592,354,354,-438,354,-439,354,-446,-447,-448,-380,-381,354,354,354,-508,354,354,-512,354,354,354,354,-517,-518,-519,-520,354,354,-523,-524,354,-526,-527,-528,-529,-530,-531,-532,-533,354,-535,354,354,354,-541,-543,-544,354,-546,-547,-548,-549,354,354,354,354,354,354,-654,-655,-656,-657,354,-659,-660,-661,354,354,354,-667,354,354,-671,-672,354,354,-675,354,-677,-678,354,-681,354,-683,354,354,-686,-687,-688,354,-690,354,354,-693,354,354,-696,-697,-698,354,-700,-701,-702,-703,354,354,-748,354,-751,-752,-753,-754,-755,354,-757,-758,-759,-760,-761,354,-768,-769,-771,354,-773,-774,-775,-784,-858,-860,-862,-864,354,354,354,354,-870,354,-872,354,354,354,354,354,354,354,-908,-909,354,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,354,-923,-926,354,-936,354,-387,-388,-389,354,354,-392,-393,-394,-395,354,-398,354,-401,-402,354,-403,354,-408,-409,354,-412,-413,-414,354,-417,354,-418,354,-423,-424,354,-427,354,-430,-431,-1896,-1896,354,-621,-622,-623,-624,-625,-636,-586,-626,-799,354,354,354,354,354,-833,354,354,-808,354,-834,354,354,354,354,-800,354,-855,-801,354,354,354,354,354,354,-856,-857,354,-836,-832,-837,354,-627,354,-628,-629,-630,-631,-576,354,354,-632,-633,-634,354,354,354,354,354,354,-637,-638,-639,-594,-1896,-604,354,-640,-641,-715,-642,-606,354,-574,-579,-582,-585,354,354,354,-600,-603,354,-610,354,354,354,354,354,354,354,354,354,354,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,354,354,354,-997,354,354,354,354,354,354,-308,-327,-321,-298,-377,-454,-455,-456,-460,354,-445,354,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,354,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,354,354,354,354,354,354,354,354,354,-318,-537,-510,-593,-939,-941,-942,-440,354,-442,-382,-383,-385,-509,-511,-513,354,-515,-516,-521,-522,354,-534,-536,-539,-540,-545,-550,-728,354,-729,354,-734,354,-736,354,-741,-658,-662,-663,354,-668,354,-669,354,-674,-676,354,-679,354,354,354,-689,-691,354,-694,354,354,-746,354,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,354,354,354,354,354,-879,354,-882,-910,-922,-927,-390,-391,354,-396,354,-399,354,-404,354,-405,354,-410,354,-415,354,-419,354,-420,354,-425,354,-428,-901,-902,-645,-587,-1896,-903,354,354,354,-802,354,354,-806,354,-809,-835,354,-820,354,-822,354,-824,-810,354,-826,354,-853,-854,354,354,-813,354,-648,-904,-906,-650,-651,-647,354,-707,-708,354,-644,-905,-649,-652,-605,-716,354,354,-607,-588,354,354,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,354,354,-711,-712,354,-718,354,354,354,354,354,354,-940,354,-441,-443,-749,354,-893,354,-717,-1896,354,354,354,354,354,-444,-514,-525,354,-730,-735,354,-737,354,-742,354,-664,-670,354,-680,-682,-684,-685,-692,-695,-699,-747,354,354,-876,354,354,-880,354,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,354,-814,354,-816,-803,354,-804,-807,354,-818,-821,-823,-825,-827,354,-828,354,-811,354,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,354,-284,354,354,354,354,-457,354,354,-731,354,-738,354,-743,354,-665,-673,354,354,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,354,-838,-53,354,354,-732,354,-739,354,-744,-666,354,-875,-54,354,354,-733,-740,-745,354,354,354,-874,]),'IS_FREE_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[355,355,355,1147,-1896,355,355,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,355,355,355,355,-277,-278,1147,-1427,1147,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1147,1147,1147,-492,1147,1147,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1147,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1147,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1896,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,355,-174,-175,-176,-177,-995,355,355,355,355,355,355,355,355,355,355,1147,1147,1147,1147,1147,-292,-293,-283,355,1147,1147,1147,1147,-330,-320,-334,-335,-336,1147,1147,-984,-985,-986,-987,-988,-989,-990,355,355,1147,1147,1147,1147,1147,1147,1147,1147,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1147,1147,1147,-355,-358,355,-325,-326,-143,1147,-144,1147,-145,1147,-432,-937,-938,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1896,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1896,1147,-1896,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1896,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1896,355,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1147,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1147,355,355,-193,-194,355,-996,1147,355,355,355,355,-279,-280,-281,-282,-367,1147,-310,1147,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1147,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1147,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1147,1147,1147,1147,1147,1147,-575,1147,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1147,1147,-725,-726,-727,1147,1896,355,355,355,355,-996,355,1147,-93,-94,355,355,355,1147,-311,-312,-322,1147,-309,-295,-296,-297,1147,355,1147,1147,-620,-635,-592,1147,355,-438,355,-439,1147,-446,-447,-448,-380,-381,1147,1147,1147,-508,1147,1147,-512,1147,1147,1147,1147,-517,-518,-519,-520,1147,1147,-523,-524,1147,-526,-527,-528,-529,-530,-531,-532,-533,1147,-535,1147,1147,1147,-541,-543,-544,1147,-546,-547,-548,-549,1147,1147,1147,1147,1147,1147,-654,-655,-656,-657,355,-659,-660,-661,1147,1147,1147,-667,1147,1147,-671,-672,1147,1147,-675,1147,-677,-678,1147,-681,1147,-683,1147,1147,-686,-687,-688,1147,-690,1147,1147,-693,1147,1147,-696,-697,-698,1147,-700,-701,-702,-703,1147,1147,-748,1147,-751,-752,-753,-754,-755,1147,-757,-758,-759,-760,-761,1147,-768,-769,-771,1147,-773,-774,-775,-784,-858,-860,-862,-864,1147,1147,1147,1147,-870,1147,-872,1147,1147,1147,1147,1147,1147,1147,-908,-909,1147,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1147,-923,-926,1147,-936,1147,-387,-388,-389,1147,1147,-392,-393,-394,-395,1147,-398,1147,-401,-402,1147,-403,1147,-408,-409,1147,-412,-413,-414,1147,-417,1147,-418,1147,-423,-424,1147,-427,1147,-430,-431,-1896,-1896,1147,-621,-622,-623,-624,-625,-636,-586,-626,-799,1147,1147,1147,1147,1147,-833,1147,1147,-808,1147,-834,1147,1147,1147,1147,-800,1147,-855,-801,1147,1147,1147,1147,1147,1147,-856,-857,1147,-836,-832,-837,1147,-627,1147,-628,-629,-630,-631,-576,1147,1147,-632,-633,-634,1147,1147,1147,1147,1147,1147,-637,-638,-639,-594,-1896,-604,1147,-640,-641,-715,-642,-606,1147,-574,-579,-582,-585,1147,1147,1147,-600,-603,1147,-610,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1147,355,355,-997,355,1147,355,355,355,1147,-308,-327,-321,-298,-377,-454,-455,-456,-460,355,-445,1147,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1147,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,355,355,355,355,355,355,355,355,1147,-318,-537,-510,-593,-939,-941,-942,-440,1147,-442,-382,-383,-385,-509,-511,-513,1147,-515,-516,-521,-522,1147,-534,-536,-539,-540,-545,-550,-728,1147,-729,1147,-734,1147,-736,1147,-741,-658,-662,-663,1147,-668,1147,-669,1147,-674,-676,1147,-679,1147,1147,1147,-689,-691,1147,-694,1147,1147,-746,1147,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1147,1147,1147,1147,1147,-879,1147,-882,-910,-922,-927,-390,-391,1147,-396,1147,-399,1147,-404,1147,-405,1147,-410,1147,-415,1147,-419,1147,-420,1147,-425,1147,-428,-901,-902,-645,-587,-1896,-903,1147,1147,1147,-802,1147,1147,-806,1147,-809,-835,1147,-820,1147,-822,1147,-824,-810,1147,-826,1147,-853,-854,1147,1147,-813,1147,-648,-904,-906,-650,-651,-647,1147,-707,-708,1147,-644,-905,-649,-652,-605,-716,1147,1147,-607,-588,1147,1147,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1147,1147,-711,-712,1147,-718,1147,355,355,355,1147,1147,-940,355,-441,-443,-749,1147,-893,1896,-717,-1896,1147,1147,355,355,1147,-444,-514,-525,1147,-730,-735,1147,-737,1147,-742,1147,-664,-670,1147,-680,-682,-684,-685,-692,-695,-699,-747,1147,1147,-876,1147,1147,-880,1147,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1147,-814,1147,-816,-803,1147,-804,-807,1147,-818,-821,-823,-825,-827,1147,-828,1147,-811,1147,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,355,-284,355,1147,355,1147,-457,1147,1147,-731,1147,-738,1147,-743,1147,-665,-673,1147,1147,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1147,-838,-53,355,1147,-732,1147,-739,1147,-744,-666,1147,-875,-54,355,355,-733,-740,-745,1147,355,1147,-874,]),'IS_IPV4':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[356,356,356,1208,-1896,356,356,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,356,356,356,356,-277,-278,1208,-1427,1208,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1208,1208,1208,-492,1208,1208,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1208,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1208,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1897,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,356,-174,-175,-176,-177,-995,356,356,356,356,356,356,356,356,356,356,1208,1208,1208,1208,1208,-292,-293,-283,356,1208,1208,1208,1208,-330,-320,-334,-335,-336,1208,1208,-984,-985,-986,-987,-988,-989,-990,356,356,1208,1208,1208,1208,1208,1208,1208,1208,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1208,1208,1208,-355,-358,356,-325,-326,-143,1208,-144,1208,-145,1208,-432,-937,-938,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1896,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1896,1208,-1896,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1896,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1896,356,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1208,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1208,356,356,-193,-194,356,-996,1208,356,356,356,356,-279,-280,-281,-282,-367,1208,-310,1208,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1208,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1208,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1208,1208,1208,1208,1208,1208,-575,1208,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1208,1208,-725,-726,-727,1208,1897,356,356,356,356,-996,356,1208,-93,-94,356,356,356,1208,-311,-312,-322,1208,-309,-295,-296,-297,1208,356,1208,1208,-620,-635,-592,1208,356,-438,356,-439,1208,-446,-447,-448,-380,-381,1208,1208,1208,-508,1208,1208,-512,1208,1208,1208,1208,-517,-518,-519,-520,1208,1208,-523,-524,1208,-526,-527,-528,-529,-530,-531,-532,-533,1208,-535,1208,1208,1208,-541,-543,-544,1208,-546,-547,-548,-549,1208,1208,1208,1208,1208,1208,-654,-655,-656,-657,356,-659,-660,-661,1208,1208,1208,-667,1208,1208,-671,-672,1208,1208,-675,1208,-677,-678,1208,-681,1208,-683,1208,1208,-686,-687,-688,1208,-690,1208,1208,-693,1208,1208,-696,-697,-698,1208,-700,-701,-702,-703,1208,1208,-748,1208,-751,-752,-753,-754,-755,1208,-757,-758,-759,-760,-761,1208,-768,-769,-771,1208,-773,-774,-775,-784,-858,-860,-862,-864,1208,1208,1208,1208,-870,1208,-872,1208,1208,1208,1208,1208,1208,1208,-908,-909,1208,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1208,-923,-926,1208,-936,1208,-387,-388,-389,1208,1208,-392,-393,-394,-395,1208,-398,1208,-401,-402,1208,-403,1208,-408,-409,1208,-412,-413,-414,1208,-417,1208,-418,1208,-423,-424,1208,-427,1208,-430,-431,-1896,-1896,1208,-621,-622,-623,-624,-625,-636,-586,-626,-799,1208,1208,1208,1208,1208,-833,1208,1208,-808,1208,-834,1208,1208,1208,1208,-800,1208,-855,-801,1208,1208,1208,1208,1208,1208,-856,-857,1208,-836,-832,-837,1208,-627,1208,-628,-629,-630,-631,-576,1208,1208,-632,-633,-634,1208,1208,1208,1208,1208,1208,-637,-638,-639,-594,-1896,-604,1208,-640,-641,-715,-642,-606,1208,-574,-579,-582,-585,1208,1208,1208,-600,-603,1208,-610,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1208,356,356,-997,356,1208,356,356,356,1208,-308,-327,-321,-298,-377,-454,-455,-456,-460,356,-445,1208,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1208,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,356,356,356,356,356,356,356,356,1208,-318,-537,-510,-593,-939,-941,-942,-440,1208,-442,-382,-383,-385,-509,-511,-513,1208,-515,-516,-521,-522,1208,-534,-536,-539,-540,-545,-550,-728,1208,-729,1208,-734,1208,-736,1208,-741,-658,-662,-663,1208,-668,1208,-669,1208,-674,-676,1208,-679,1208,1208,1208,-689,-691,1208,-694,1208,1208,-746,1208,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1208,1208,1208,1208,1208,-879,1208,-882,-910,-922,-927,-390,-391,1208,-396,1208,-399,1208,-404,1208,-405,1208,-410,1208,-415,1208,-419,1208,-420,1208,-425,1208,-428,-901,-902,-645,-587,-1896,-903,1208,1208,1208,-802,1208,1208,-806,1208,-809,-835,1208,-820,1208,-822,1208,-824,-810,1208,-826,1208,-853,-854,1208,1208,-813,1208,-648,-904,-906,-650,-651,-647,1208,-707,-708,1208,-644,-905,-649,-652,-605,-716,1208,1208,-607,-588,1208,1208,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1208,1208,-711,-712,1208,-718,1208,356,356,356,1208,1208,-940,356,-441,-443,-749,1208,-893,1897,-717,-1896,1208,1208,356,356,1208,-444,-514,-525,1208,-730,-735,1208,-737,1208,-742,1208,-664,-670,1208,-680,-682,-684,-685,-692,-695,-699,-747,1208,1208,-876,1208,1208,-880,1208,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1208,-814,1208,-816,-803,1208,-804,-807,1208,-818,-821,-823,-825,-827,1208,-828,1208,-811,1208,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,356,-284,356,1208,356,1208,-457,1208,1208,-731,1208,-738,1208,-743,1208,-665,-673,1208,1208,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1208,-838,-53,356,1208,-732,1208,-739,1208,-744,-666,1208,-875,-54,356,356,-733,-740,-745,1208,356,1208,-874,]),'IS_IPV4_COMPAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[357,357,357,1209,-1896,357,357,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,357,357,357,357,-277,-278,1209,-1427,1209,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1209,1209,1209,-492,1209,1209,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1209,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1209,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1898,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,357,-174,-175,-176,-177,-995,357,357,357,357,357,357,357,357,357,357,1209,1209,1209,1209,1209,-292,-293,-283,357,1209,1209,1209,1209,-330,-320,-334,-335,-336,1209,1209,-984,-985,-986,-987,-988,-989,-990,357,357,1209,1209,1209,1209,1209,1209,1209,1209,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1209,1209,1209,-355,-358,357,-325,-326,-143,1209,-144,1209,-145,1209,-432,-937,-938,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1896,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1896,1209,-1896,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1896,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1896,357,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1209,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1209,357,357,-193,-194,357,-996,1209,357,357,357,357,-279,-280,-281,-282,-367,1209,-310,1209,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1209,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1209,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1209,1209,1209,1209,1209,1209,-575,1209,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1209,1209,-725,-726,-727,1209,1898,357,357,357,357,-996,357,1209,-93,-94,357,357,357,1209,-311,-312,-322,1209,-309,-295,-296,-297,1209,357,1209,1209,-620,-635,-592,1209,357,-438,357,-439,1209,-446,-447,-448,-380,-381,1209,1209,1209,-508,1209,1209,-512,1209,1209,1209,1209,-517,-518,-519,-520,1209,1209,-523,-524,1209,-526,-527,-528,-529,-530,-531,-532,-533,1209,-535,1209,1209,1209,-541,-543,-544,1209,-546,-547,-548,-549,1209,1209,1209,1209,1209,1209,-654,-655,-656,-657,357,-659,-660,-661,1209,1209,1209,-667,1209,1209,-671,-672,1209,1209,-675,1209,-677,-678,1209,-681,1209,-683,1209,1209,-686,-687,-688,1209,-690,1209,1209,-693,1209,1209,-696,-697,-698,1209,-700,-701,-702,-703,1209,1209,-748,1209,-751,-752,-753,-754,-755,1209,-757,-758,-759,-760,-761,1209,-768,-769,-771,1209,-773,-774,-775,-784,-858,-860,-862,-864,1209,1209,1209,1209,-870,1209,-872,1209,1209,1209,1209,1209,1209,1209,-908,-909,1209,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1209,-923,-926,1209,-936,1209,-387,-388,-389,1209,1209,-392,-393,-394,-395,1209,-398,1209,-401,-402,1209,-403,1209,-408,-409,1209,-412,-413,-414,1209,-417,1209,-418,1209,-423,-424,1209,-427,1209,-430,-431,-1896,-1896,1209,-621,-622,-623,-624,-625,-636,-586,-626,-799,1209,1209,1209,1209,1209,-833,1209,1209,-808,1209,-834,1209,1209,1209,1209,-800,1209,-855,-801,1209,1209,1209,1209,1209,1209,-856,-857,1209,-836,-832,-837,1209,-627,1209,-628,-629,-630,-631,-576,1209,1209,-632,-633,-634,1209,1209,1209,1209,1209,1209,-637,-638,-639,-594,-1896,-604,1209,-640,-641,-715,-642,-606,1209,-574,-579,-582,-585,1209,1209,1209,-600,-603,1209,-610,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1209,357,357,-997,357,1209,357,357,357,1209,-308,-327,-321,-298,-377,-454,-455,-456,-460,357,-445,1209,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1209,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,357,357,357,357,357,357,357,357,1209,-318,-537,-510,-593,-939,-941,-942,-440,1209,-442,-382,-383,-385,-509,-511,-513,1209,-515,-516,-521,-522,1209,-534,-536,-539,-540,-545,-550,-728,1209,-729,1209,-734,1209,-736,1209,-741,-658,-662,-663,1209,-668,1209,-669,1209,-674,-676,1209,-679,1209,1209,1209,-689,-691,1209,-694,1209,1209,-746,1209,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1209,1209,1209,1209,1209,-879,1209,-882,-910,-922,-927,-390,-391,1209,-396,1209,-399,1209,-404,1209,-405,1209,-410,1209,-415,1209,-419,1209,-420,1209,-425,1209,-428,-901,-902,-645,-587,-1896,-903,1209,1209,1209,-802,1209,1209,-806,1209,-809,-835,1209,-820,1209,-822,1209,-824,-810,1209,-826,1209,-853,-854,1209,1209,-813,1209,-648,-904,-906,-650,-651,-647,1209,-707,-708,1209,-644,-905,-649,-652,-605,-716,1209,1209,-607,-588,1209,1209,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1209,1209,-711,-712,1209,-718,1209,357,357,357,1209,1209,-940,357,-441,-443,-749,1209,-893,1898,-717,-1896,1209,1209,357,357,1209,-444,-514,-525,1209,-730,-735,1209,-737,1209,-742,1209,-664,-670,1209,-680,-682,-684,-685,-692,-695,-699,-747,1209,1209,-876,1209,1209,-880,1209,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1209,-814,1209,-816,-803,1209,-804,-807,1209,-818,-821,-823,-825,-827,1209,-828,1209,-811,1209,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,357,-284,357,1209,357,1209,-457,1209,1209,-731,1209,-738,1209,-743,1209,-665,-673,1209,1209,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1209,-838,-53,357,1209,-732,1209,-739,1209,-744,-666,1209,-875,-54,357,357,-733,-740,-745,1209,357,1209,-874,]),'IS_IPV4_MAPPED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[358,358,358,1210,-1896,358,358,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,358,358,358,358,-277,-278,1210,-1427,1210,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1210,1210,1210,-492,1210,1210,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1210,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1210,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1899,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,358,-174,-175,-176,-177,-995,358,358,358,358,358,358,358,358,358,358,1210,1210,1210,1210,1210,-292,-293,-283,358,1210,1210,1210,1210,-330,-320,-334,-335,-336,1210,1210,-984,-985,-986,-987,-988,-989,-990,358,358,1210,1210,1210,1210,1210,1210,1210,1210,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1210,1210,1210,-355,-358,358,-325,-326,-143,1210,-144,1210,-145,1210,-432,-937,-938,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1896,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1896,1210,-1896,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1896,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1896,358,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1210,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1210,358,358,-193,-194,358,-996,1210,358,358,358,358,-279,-280,-281,-282,-367,1210,-310,1210,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1210,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1210,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1210,1210,1210,1210,1210,1210,-575,1210,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1210,1210,-725,-726,-727,1210,1899,358,358,358,358,-996,358,1210,-93,-94,358,358,358,1210,-311,-312,-322,1210,-309,-295,-296,-297,1210,358,1210,1210,-620,-635,-592,1210,358,-438,358,-439,1210,-446,-447,-448,-380,-381,1210,1210,1210,-508,1210,1210,-512,1210,1210,1210,1210,-517,-518,-519,-520,1210,1210,-523,-524,1210,-526,-527,-528,-529,-530,-531,-532,-533,1210,-535,1210,1210,1210,-541,-543,-544,1210,-546,-547,-548,-549,1210,1210,1210,1210,1210,1210,-654,-655,-656,-657,358,-659,-660,-661,1210,1210,1210,-667,1210,1210,-671,-672,1210,1210,-675,1210,-677,-678,1210,-681,1210,-683,1210,1210,-686,-687,-688,1210,-690,1210,1210,-693,1210,1210,-696,-697,-698,1210,-700,-701,-702,-703,1210,1210,-748,1210,-751,-752,-753,-754,-755,1210,-757,-758,-759,-760,-761,1210,-768,-769,-771,1210,-773,-774,-775,-784,-858,-860,-862,-864,1210,1210,1210,1210,-870,1210,-872,1210,1210,1210,1210,1210,1210,1210,-908,-909,1210,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1210,-923,-926,1210,-936,1210,-387,-388,-389,1210,1210,-392,-393,-394,-395,1210,-398,1210,-401,-402,1210,-403,1210,-408,-409,1210,-412,-413,-414,1210,-417,1210,-418,1210,-423,-424,1210,-427,1210,-430,-431,-1896,-1896,1210,-621,-622,-623,-624,-625,-636,-586,-626,-799,1210,1210,1210,1210,1210,-833,1210,1210,-808,1210,-834,1210,1210,1210,1210,-800,1210,-855,-801,1210,1210,1210,1210,1210,1210,-856,-857,1210,-836,-832,-837,1210,-627,1210,-628,-629,-630,-631,-576,1210,1210,-632,-633,-634,1210,1210,1210,1210,1210,1210,-637,-638,-639,-594,-1896,-604,1210,-640,-641,-715,-642,-606,1210,-574,-579,-582,-585,1210,1210,1210,-600,-603,1210,-610,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1210,358,358,-997,358,1210,358,358,358,1210,-308,-327,-321,-298,-377,-454,-455,-456,-460,358,-445,1210,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1210,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,358,358,358,358,358,358,358,358,1210,-318,-537,-510,-593,-939,-941,-942,-440,1210,-442,-382,-383,-385,-509,-511,-513,1210,-515,-516,-521,-522,1210,-534,-536,-539,-540,-545,-550,-728,1210,-729,1210,-734,1210,-736,1210,-741,-658,-662,-663,1210,-668,1210,-669,1210,-674,-676,1210,-679,1210,1210,1210,-689,-691,1210,-694,1210,1210,-746,1210,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1210,1210,1210,1210,1210,-879,1210,-882,-910,-922,-927,-390,-391,1210,-396,1210,-399,1210,-404,1210,-405,1210,-410,1210,-415,1210,-419,1210,-420,1210,-425,1210,-428,-901,-902,-645,-587,-1896,-903,1210,1210,1210,-802,1210,1210,-806,1210,-809,-835,1210,-820,1210,-822,1210,-824,-810,1210,-826,1210,-853,-854,1210,1210,-813,1210,-648,-904,-906,-650,-651,-647,1210,-707,-708,1210,-644,-905,-649,-652,-605,-716,1210,1210,-607,-588,1210,1210,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1210,1210,-711,-712,1210,-718,1210,358,358,358,1210,1210,-940,358,-441,-443,-749,1210,-893,1899,-717,-1896,1210,1210,358,358,1210,-444,-514,-525,1210,-730,-735,1210,-737,1210,-742,1210,-664,-670,1210,-680,-682,-684,-685,-692,-695,-699,-747,1210,1210,-876,1210,1210,-880,1210,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1210,-814,1210,-816,-803,1210,-804,-807,1210,-818,-821,-823,-825,-827,1210,-828,1210,-811,1210,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,358,-284,358,1210,358,1210,-457,1210,1210,-731,1210,-738,1210,-743,1210,-665,-673,1210,1210,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1210,-838,-53,358,1210,-732,1210,-739,1210,-744,-666,1210,-875,-54,358,358,-733,-740,-745,1210,358,1210,-874,]),'IS_IPV6':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[359,359,359,1211,-1896,359,359,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,359,359,359,359,-277,-278,1211,-1427,1211,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1211,1211,1211,-492,1211,1211,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1211,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1211,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1900,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,359,-174,-175,-176,-177,-995,359,359,359,359,359,359,359,359,359,359,1211,1211,1211,1211,1211,-292,-293,-283,359,1211,1211,1211,1211,-330,-320,-334,-335,-336,1211,1211,-984,-985,-986,-987,-988,-989,-990,359,359,1211,1211,1211,1211,1211,1211,1211,1211,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1211,1211,1211,-355,-358,359,-325,-326,-143,1211,-144,1211,-145,1211,-432,-937,-938,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1896,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1896,1211,-1896,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1896,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1896,359,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1211,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1211,359,359,-193,-194,359,-996,1211,359,359,359,359,-279,-280,-281,-282,-367,1211,-310,1211,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1211,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1211,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1211,1211,1211,1211,1211,1211,-575,1211,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1211,1211,-725,-726,-727,1211,1900,359,359,359,359,-996,359,1211,-93,-94,359,359,359,1211,-311,-312,-322,1211,-309,-295,-296,-297,1211,359,1211,1211,-620,-635,-592,1211,359,-438,359,-439,1211,-446,-447,-448,-380,-381,1211,1211,1211,-508,1211,1211,-512,1211,1211,1211,1211,-517,-518,-519,-520,1211,1211,-523,-524,1211,-526,-527,-528,-529,-530,-531,-532,-533,1211,-535,1211,1211,1211,-541,-543,-544,1211,-546,-547,-548,-549,1211,1211,1211,1211,1211,1211,-654,-655,-656,-657,359,-659,-660,-661,1211,1211,1211,-667,1211,1211,-671,-672,1211,1211,-675,1211,-677,-678,1211,-681,1211,-683,1211,1211,-686,-687,-688,1211,-690,1211,1211,-693,1211,1211,-696,-697,-698,1211,-700,-701,-702,-703,1211,1211,-748,1211,-751,-752,-753,-754,-755,1211,-757,-758,-759,-760,-761,1211,-768,-769,-771,1211,-773,-774,-775,-784,-858,-860,-862,-864,1211,1211,1211,1211,-870,1211,-872,1211,1211,1211,1211,1211,1211,1211,-908,-909,1211,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1211,-923,-926,1211,-936,1211,-387,-388,-389,1211,1211,-392,-393,-394,-395,1211,-398,1211,-401,-402,1211,-403,1211,-408,-409,1211,-412,-413,-414,1211,-417,1211,-418,1211,-423,-424,1211,-427,1211,-430,-431,-1896,-1896,1211,-621,-622,-623,-624,-625,-636,-586,-626,-799,1211,1211,1211,1211,1211,-833,1211,1211,-808,1211,-834,1211,1211,1211,1211,-800,1211,-855,-801,1211,1211,1211,1211,1211,1211,-856,-857,1211,-836,-832,-837,1211,-627,1211,-628,-629,-630,-631,-576,1211,1211,-632,-633,-634,1211,1211,1211,1211,1211,1211,-637,-638,-639,-594,-1896,-604,1211,-640,-641,-715,-642,-606,1211,-574,-579,-582,-585,1211,1211,1211,-600,-603,1211,-610,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1211,359,359,-997,359,1211,359,359,359,1211,-308,-327,-321,-298,-377,-454,-455,-456,-460,359,-445,1211,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1211,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,359,359,359,359,359,359,359,359,1211,-318,-537,-510,-593,-939,-941,-942,-440,1211,-442,-382,-383,-385,-509,-511,-513,1211,-515,-516,-521,-522,1211,-534,-536,-539,-540,-545,-550,-728,1211,-729,1211,-734,1211,-736,1211,-741,-658,-662,-663,1211,-668,1211,-669,1211,-674,-676,1211,-679,1211,1211,1211,-689,-691,1211,-694,1211,1211,-746,1211,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1211,1211,1211,1211,1211,-879,1211,-882,-910,-922,-927,-390,-391,1211,-396,1211,-399,1211,-404,1211,-405,1211,-410,1211,-415,1211,-419,1211,-420,1211,-425,1211,-428,-901,-902,-645,-587,-1896,-903,1211,1211,1211,-802,1211,1211,-806,1211,-809,-835,1211,-820,1211,-822,1211,-824,-810,1211,-826,1211,-853,-854,1211,1211,-813,1211,-648,-904,-906,-650,-651,-647,1211,-707,-708,1211,-644,-905,-649,-652,-605,-716,1211,1211,-607,-588,1211,1211,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1211,1211,-711,-712,1211,-718,1211,359,359,359,1211,1211,-940,359,-441,-443,-749,1211,-893,1900,-717,-1896,1211,1211,359,359,1211,-444,-514,-525,1211,-730,-735,1211,-737,1211,-742,1211,-664,-670,1211,-680,-682,-684,-685,-692,-695,-699,-747,1211,1211,-876,1211,1211,-880,1211,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1211,-814,1211,-816,-803,1211,-804,-807,1211,-818,-821,-823,-825,-827,1211,-828,1211,-811,1211,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,359,-284,359,1211,359,1211,-457,1211,1211,-731,1211,-738,1211,-743,1211,-665,-673,1211,1211,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1211,-838,-53,359,1211,-732,1211,-739,1211,-744,-666,1211,-875,-54,359,359,-733,-740,-745,1211,359,1211,-874,]),'IS_TENANT_SYS_POOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[360,360,360,360,-1896,360,360,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,360,360,360,360,-277,-278,360,-1427,360,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,360,360,360,-492,360,360,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,360,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,360,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,360,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,360,-174,-175,-176,-177,-995,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-292,-293,-283,360,360,360,360,360,-330,-320,-334,-335,-336,360,360,-984,-985,-986,-987,-988,-989,-990,360,360,360,360,360,360,360,360,360,360,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,360,360,360,-355,-358,360,-325,-326,-143,360,-144,360,-145,360,-432,-937,-938,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-1896,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-1896,360,-1896,360,360,360,360,360,360,360,360,360,360,360,360,-1896,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-1896,360,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,360,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,360,360,360,-193,-194,360,-996,360,360,360,360,360,-279,-280,-281,-282,-367,360,-310,360,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,360,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,360,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,360,360,360,360,360,360,-575,360,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,360,360,-725,-726,-727,360,360,360,360,360,360,-996,360,360,-93,-94,360,360,360,360,-311,-312,-322,360,-309,-295,-296,-297,360,360,360,360,-620,-635,-592,360,360,-438,360,-439,360,-446,-447,-448,-380,-381,360,360,360,-508,360,360,-512,360,360,360,360,-517,-518,-519,-520,360,360,-523,-524,360,-526,-527,-528,-529,-530,-531,-532,-533,360,-535,360,360,360,-541,-543,-544,360,-546,-547,-548,-549,360,360,360,360,360,360,-654,-655,-656,-657,360,-659,-660,-661,360,360,360,-667,360,360,-671,-672,360,360,-675,360,-677,-678,360,-681,360,-683,360,360,-686,-687,-688,360,-690,360,360,-693,360,360,-696,-697,-698,360,-700,-701,-702,-703,360,360,-748,360,-751,-752,-753,-754,-755,360,-757,-758,-759,-760,-761,360,-768,-769,-771,360,-773,-774,-775,-784,-858,-860,-862,-864,360,360,360,360,-870,360,-872,360,360,360,360,360,360,360,-908,-909,360,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,360,-923,-926,360,-936,360,-387,-388,-389,360,360,-392,-393,-394,-395,360,-398,360,-401,-402,360,-403,360,-408,-409,360,-412,-413,-414,360,-417,360,-418,360,-423,-424,360,-427,360,-430,-431,-1896,-1896,360,-621,-622,-623,-624,-625,-636,-586,-626,-799,360,360,360,360,360,-833,360,360,-808,360,-834,360,360,360,360,-800,360,-855,-801,360,360,360,360,360,360,-856,-857,360,-836,-832,-837,360,-627,360,-628,-629,-630,-631,-576,360,360,-632,-633,-634,360,360,360,360,360,360,-637,-638,-639,-594,-1896,-604,360,-640,-641,-715,-642,-606,360,-574,-579,-582,-585,360,360,360,-600,-603,360,-610,360,360,360,360,360,360,360,360,360,360,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,360,360,360,-997,360,360,360,360,360,360,-308,-327,-321,-298,-377,-454,-455,-456,-460,360,-445,360,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,360,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,360,360,360,360,360,360,360,360,360,-318,-537,-510,-593,-939,-941,-942,-440,360,-442,-382,-383,-385,-509,-511,-513,360,-515,-516,-521,-522,360,-534,-536,-539,-540,-545,-550,-728,360,-729,360,-734,360,-736,360,-741,-658,-662,-663,360,-668,360,-669,360,-674,-676,360,-679,360,360,360,-689,-691,360,-694,360,360,-746,360,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,360,360,360,360,360,-879,360,-882,-910,-922,-927,-390,-391,360,-396,360,-399,360,-404,360,-405,360,-410,360,-415,360,-419,360,-420,360,-425,360,-428,-901,-902,-645,-587,-1896,-903,360,360,360,-802,360,360,-806,360,-809,-835,360,-820,360,-822,360,-824,-810,360,-826,360,-853,-854,360,360,-813,360,-648,-904,-906,-650,-651,-647,360,-707,-708,360,-644,-905,-649,-652,-605,-716,360,360,-607,-588,360,360,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,360,360,-711,-712,360,-718,360,360,360,360,360,360,-940,360,-441,-443,-749,360,-893,360,-717,-1896,360,360,360,360,360,-444,-514,-525,360,-730,-735,360,-737,360,-742,360,-664,-670,360,-680,-682,-684,-685,-692,-695,-699,-747,360,360,-876,360,360,-880,360,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,360,-814,360,-816,-803,360,-804,-807,360,-818,-821,-823,-825,-827,360,-828,360,-811,360,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,360,-284,360,360,360,360,-457,360,360,-731,360,-738,360,-743,360,-665,-673,360,360,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,360,-838,-53,360,360,-732,360,-739,360,-744,-666,360,-875,-54,360,360,-733,-740,-745,360,360,360,-874,]),'IS_USED_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[361,361,361,1148,-1896,361,361,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,361,361,361,361,-277,-278,1148,-1427,1148,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1148,1148,1148,-492,1148,1148,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1148,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1148,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1901,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,361,-174,-175,-176,-177,-995,361,361,361,361,361,361,361,361,361,361,1148,1148,1148,1148,1148,-292,-293,-283,361,1148,1148,1148,1148,-330,-320,-334,-335,-336,1148,1148,-984,-985,-986,-987,-988,-989,-990,361,361,1148,1148,1148,1148,1148,1148,1148,1148,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1148,1148,1148,-355,-358,361,-325,-326,-143,1148,-144,1148,-145,1148,-432,-937,-938,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1896,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1896,1148,-1896,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1896,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1896,361,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1148,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1148,361,361,-193,-194,361,-996,1148,361,361,361,361,-279,-280,-281,-282,-367,1148,-310,1148,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1148,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1148,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1148,1148,1148,1148,1148,1148,-575,1148,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1148,1148,-725,-726,-727,1148,1901,361,361,361,361,-996,361,1148,-93,-94,361,361,361,1148,-311,-312,-322,1148,-309,-295,-296,-297,1148,361,1148,1148,-620,-635,-592,1148,361,-438,361,-439,1148,-446,-447,-448,-380,-381,1148,1148,1148,-508,1148,1148,-512,1148,1148,1148,1148,-517,-518,-519,-520,1148,1148,-523,-524,1148,-526,-527,-528,-529,-530,-531,-532,-533,1148,-535,1148,1148,1148,-541,-543,-544,1148,-546,-547,-548,-549,1148,1148,1148,1148,1148,1148,-654,-655,-656,-657,361,-659,-660,-661,1148,1148,1148,-667,1148,1148,-671,-672,1148,1148,-675,1148,-677,-678,1148,-681,1148,-683,1148,1148,-686,-687,-688,1148,-690,1148,1148,-693,1148,1148,-696,-697,-698,1148,-700,-701,-702,-703,1148,1148,-748,1148,-751,-752,-753,-754,-755,1148,-757,-758,-759,-760,-761,1148,-768,-769,-771,1148,-773,-774,-775,-784,-858,-860,-862,-864,1148,1148,1148,1148,-870,1148,-872,1148,1148,1148,1148,1148,1148,1148,-908,-909,1148,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1148,-923,-926,1148,-936,1148,-387,-388,-389,1148,1148,-392,-393,-394,-395,1148,-398,1148,-401,-402,1148,-403,1148,-408,-409,1148,-412,-413,-414,1148,-417,1148,-418,1148,-423,-424,1148,-427,1148,-430,-431,-1896,-1896,1148,-621,-622,-623,-624,-625,-636,-586,-626,-799,1148,1148,1148,1148,1148,-833,1148,1148,-808,1148,-834,1148,1148,1148,1148,-800,1148,-855,-801,1148,1148,1148,1148,1148,1148,-856,-857,1148,-836,-832,-837,1148,-627,1148,-628,-629,-630,-631,-576,1148,1148,-632,-633,-634,1148,1148,1148,1148,1148,1148,-637,-638,-639,-594,-1896,-604,1148,-640,-641,-715,-642,-606,1148,-574,-579,-582,-585,1148,1148,1148,-600,-603,1148,-610,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1148,361,361,-997,361,1148,361,361,361,1148,-308,-327,-321,-298,-377,-454,-455,-456,-460,361,-445,1148,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1148,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,361,361,361,361,361,361,361,361,1148,-318,-537,-510,-593,-939,-941,-942,-440,1148,-442,-382,-383,-385,-509,-511,-513,1148,-515,-516,-521,-522,1148,-534,-536,-539,-540,-545,-550,-728,1148,-729,1148,-734,1148,-736,1148,-741,-658,-662,-663,1148,-668,1148,-669,1148,-674,-676,1148,-679,1148,1148,1148,-689,-691,1148,-694,1148,1148,-746,1148,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1148,1148,1148,1148,1148,-879,1148,-882,-910,-922,-927,-390,-391,1148,-396,1148,-399,1148,-404,1148,-405,1148,-410,1148,-415,1148,-419,1148,-420,1148,-425,1148,-428,-901,-902,-645,-587,-1896,-903,1148,1148,1148,-802,1148,1148,-806,1148,-809,-835,1148,-820,1148,-822,1148,-824,-810,1148,-826,1148,-853,-854,1148,1148,-813,1148,-648,-904,-906,-650,-651,-647,1148,-707,-708,1148,-644,-905,-649,-652,-605,-716,1148,1148,-607,-588,1148,1148,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1148,1148,-711,-712,1148,-718,1148,361,361,361,1148,1148,-940,361,-441,-443,-749,1148,-893,1901,-717,-1896,1148,1148,361,361,1148,-444,-514,-525,1148,-730,-735,1148,-737,1148,-742,1148,-664,-670,1148,-680,-682,-684,-685,-692,-695,-699,-747,1148,1148,-876,1148,1148,-880,1148,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1148,-814,1148,-816,-803,1148,-804,-807,1148,-818,-821,-823,-825,-827,1148,-828,1148,-811,1148,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,361,-284,361,1148,361,1148,-457,1148,1148,-731,1148,-738,1148,-743,1148,-665,-673,1148,1148,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1148,-838,-53,361,1148,-732,1148,-739,1148,-744,-666,1148,-875,-54,361,361,-733,-740,-745,1148,361,1148,-874,]),'IS_UUID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[362,362,362,1212,-1896,362,362,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,362,362,362,362,-277,-278,1212,-1427,1212,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1212,1212,1212,-492,1212,1212,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1212,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1212,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1902,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,362,-174,-175,-176,-177,-995,362,362,362,362,362,362,362,362,362,362,1212,1212,1212,1212,1212,-292,-293,-283,362,1212,1212,1212,1212,-330,-320,-334,-335,-336,1212,1212,-984,-985,-986,-987,-988,-989,-990,362,362,1212,1212,1212,1212,1212,1212,1212,1212,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1212,1212,1212,-355,-358,362,-325,-326,-143,1212,-144,1212,-145,1212,-432,-937,-938,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1896,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1896,1212,-1896,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1896,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1896,362,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1212,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1212,362,362,-193,-194,362,-996,1212,362,362,362,362,-279,-280,-281,-282,-367,1212,-310,1212,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1212,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1212,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1212,1212,1212,1212,1212,1212,-575,1212,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1212,1212,-725,-726,-727,1212,1902,362,362,362,362,-996,362,1212,-93,-94,362,362,362,1212,-311,-312,-322,1212,-309,-295,-296,-297,1212,362,1212,1212,-620,-635,-592,1212,362,-438,362,-439,1212,-446,-447,-448,-380,-381,1212,1212,1212,-508,1212,1212,-512,1212,1212,1212,1212,-517,-518,-519,-520,1212,1212,-523,-524,1212,-526,-527,-528,-529,-530,-531,-532,-533,1212,-535,1212,1212,1212,-541,-543,-544,1212,-546,-547,-548,-549,1212,1212,1212,1212,1212,1212,-654,-655,-656,-657,362,-659,-660,-661,1212,1212,1212,-667,1212,1212,-671,-672,1212,1212,-675,1212,-677,-678,1212,-681,1212,-683,1212,1212,-686,-687,-688,1212,-690,1212,1212,-693,1212,1212,-696,-697,-698,1212,-700,-701,-702,-703,1212,1212,-748,1212,-751,-752,-753,-754,-755,1212,-757,-758,-759,-760,-761,1212,-768,-769,-771,1212,-773,-774,-775,-784,-858,-860,-862,-864,1212,1212,1212,1212,-870,1212,-872,1212,1212,1212,1212,1212,1212,1212,-908,-909,1212,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1212,-923,-926,1212,-936,1212,-387,-388,-389,1212,1212,-392,-393,-394,-395,1212,-398,1212,-401,-402,1212,-403,1212,-408,-409,1212,-412,-413,-414,1212,-417,1212,-418,1212,-423,-424,1212,-427,1212,-430,-431,-1896,-1896,1212,-621,-622,-623,-624,-625,-636,-586,-626,-799,1212,1212,1212,1212,1212,-833,1212,1212,-808,1212,-834,1212,1212,1212,1212,-800,1212,-855,-801,1212,1212,1212,1212,1212,1212,-856,-857,1212,-836,-832,-837,1212,-627,1212,-628,-629,-630,-631,-576,1212,1212,-632,-633,-634,1212,1212,1212,1212,1212,1212,-637,-638,-639,-594,-1896,-604,1212,-640,-641,-715,-642,-606,1212,-574,-579,-582,-585,1212,1212,1212,-600,-603,1212,-610,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1212,362,362,-997,362,1212,362,362,362,1212,-308,-327,-321,-298,-377,-454,-455,-456,-460,362,-445,1212,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1212,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,362,362,362,362,362,362,362,362,1212,-318,-537,-510,-593,-939,-941,-942,-440,1212,-442,-382,-383,-385,-509,-511,-513,1212,-515,-516,-521,-522,1212,-534,-536,-539,-540,-545,-550,-728,1212,-729,1212,-734,1212,-736,1212,-741,-658,-662,-663,1212,-668,1212,-669,1212,-674,-676,1212,-679,1212,1212,1212,-689,-691,1212,-694,1212,1212,-746,1212,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1212,1212,1212,1212,1212,-879,1212,-882,-910,-922,-927,-390,-391,1212,-396,1212,-399,1212,-404,1212,-405,1212,-410,1212,-415,1212,-419,1212,-420,1212,-425,1212,-428,-901,-902,-645,-587,-1896,-903,1212,1212,1212,-802,1212,1212,-806,1212,-809,-835,1212,-820,1212,-822,1212,-824,-810,1212,-826,1212,-853,-854,1212,1212,-813,1212,-648,-904,-906,-650,-651,-647,1212,-707,-708,1212,-644,-905,-649,-652,-605,-716,1212,1212,-607,-588,1212,1212,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1212,1212,-711,-712,1212,-718,1212,362,362,362,1212,1212,-940,362,-441,-443,-749,1212,-893,1902,-717,-1896,1212,1212,362,362,1212,-444,-514,-525,1212,-730,-735,1212,-737,1212,-742,1212,-664,-670,1212,-680,-682,-684,-685,-692,-695,-699,-747,1212,1212,-876,1212,1212,-880,1212,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1212,-814,1212,-816,-803,1212,-804,-807,1212,-818,-821,-823,-825,-827,1212,-828,1212,-811,1212,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,362,-284,362,1212,362,1212,-457,1212,1212,-731,1212,-738,1212,-743,1212,-665,-673,1212,1212,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1212,-838,-53,362,1212,-732,1212,-739,1212,-744,-666,1212,-875,-54,362,362,-733,-740,-745,1212,362,1212,-874,]),'ITERATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[363,363,363,363,-1896,363,363,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,363,363,363,363,-277,-278,363,-1427,363,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,363,363,363,-492,363,363,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,363,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,363,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,363,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,363,-174,-175,-176,-177,-995,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-292,-293,-283,363,363,363,363,363,-330,-320,-334,-335,-336,363,363,-984,-985,-986,-987,-988,-989,-990,363,363,363,363,363,363,363,363,363,363,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,363,363,363,-355,-358,363,-325,-326,-143,363,-144,363,-145,363,-432,-937,-938,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-1896,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-1896,363,-1896,363,363,363,363,363,363,363,363,363,363,363,363,-1896,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-1896,363,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,363,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,363,363,363,-193,-194,363,-996,363,363,363,363,363,-279,-280,-281,-282,-367,363,-310,363,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,363,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,363,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,363,363,363,363,363,363,-575,363,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,363,363,-725,-726,-727,363,363,363,363,363,363,-996,363,363,-93,-94,363,363,363,363,-311,-312,-322,363,-309,-295,-296,-297,363,363,363,363,-620,-635,-592,363,363,-438,363,-439,363,-446,-447,-448,-380,-381,363,363,363,-508,363,363,-512,363,363,363,363,-517,-518,-519,-520,363,363,-523,-524,363,-526,-527,-528,-529,-530,-531,-532,-533,363,-535,363,363,363,-541,-543,-544,363,-546,-547,-548,-549,363,363,363,363,363,363,-654,-655,-656,-657,363,-659,-660,-661,363,363,363,-667,363,363,-671,-672,363,363,-675,363,-677,-678,363,-681,363,-683,363,363,-686,-687,-688,363,-690,363,363,-693,363,363,-696,-697,-698,363,-700,-701,-702,-703,363,363,-748,363,-751,-752,-753,-754,-755,363,-757,-758,-759,-760,-761,363,-768,-769,-771,363,-773,-774,-775,-784,-858,-860,-862,-864,363,363,363,363,-870,363,-872,363,363,363,363,363,363,363,-908,-909,363,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,363,-923,-926,363,-936,363,-387,-388,-389,363,363,-392,-393,-394,-395,363,-398,363,-401,-402,363,-403,363,-408,-409,363,-412,-413,-414,363,-417,363,-418,363,-423,-424,363,-427,363,-430,-431,-1896,-1896,363,-621,-622,-623,-624,-625,-636,-586,-626,-799,363,363,363,363,363,-833,363,363,-808,363,-834,363,363,363,363,-800,363,-855,-801,363,363,363,363,363,363,-856,-857,363,-836,-832,-837,363,-627,363,-628,-629,-630,-631,-576,363,363,-632,-633,-634,363,363,363,363,363,363,-637,-638,-639,-594,-1896,-604,363,-640,-641,-715,-642,-606,363,-574,-579,-582,-585,363,363,363,-600,-603,363,-610,363,363,363,363,363,363,363,363,363,363,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,363,363,363,-997,363,363,363,363,363,363,-308,-327,-321,-298,-377,-454,-455,-456,-460,363,-445,363,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,363,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,363,363,363,363,363,363,363,363,363,-318,-537,-510,-593,-939,-941,-942,-440,363,-442,-382,-383,-385,-509,-511,-513,363,-515,-516,-521,-522,363,-534,-536,-539,-540,-545,-550,-728,363,-729,363,-734,363,-736,363,-741,-658,-662,-663,363,-668,363,-669,363,-674,-676,363,-679,363,363,363,-689,-691,363,-694,363,363,-746,363,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,363,363,363,363,363,-879,363,-882,-910,-922,-927,-390,-391,363,-396,363,-399,363,-404,363,-405,363,-410,363,-415,363,-419,363,-420,363,-425,363,-428,-901,-902,-645,-587,-1896,-903,363,363,363,-802,363,363,-806,363,-809,-835,363,-820,363,-822,363,-824,-810,363,-826,363,-853,-854,363,363,-813,363,-648,-904,-906,-650,-651,-647,363,-707,-708,363,-644,-905,-649,-652,-605,-716,363,363,-607,-588,363,363,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,363,363,-711,-712,363,-718,363,363,363,363,363,363,-940,363,-441,-443,-749,363,-893,363,-717,-1896,363,363,363,363,363,-444,-514,-525,363,-730,-735,363,-737,363,-742,363,-664,-670,363,-680,-682,-684,-685,-692,-695,-699,-747,363,363,-876,363,363,-880,363,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,363,-814,363,-816,-803,363,-804,-807,363,-818,-821,-823,-825,-827,363,-828,363,-811,363,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,363,-284,363,363,363,363,-457,363,363,-731,363,-738,363,-743,363,-665,-673,363,363,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,363,-838,-53,363,363,-732,363,-739,363,-744,-666,363,-875,-54,363,363,-733,-740,-745,363,363,363,-874,]),'JOB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[364,364,364,364,-1896,364,364,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,364,364,364,364,-277,-278,364,-1427,364,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,364,364,364,-492,364,364,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,364,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,364,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,364,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,364,-174,-175,-176,-177,-995,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-292,-293,-283,364,364,364,364,364,-330,-320,-334,-335,-336,364,364,-984,-985,-986,-987,-988,-989,-990,364,364,364,364,364,364,364,364,364,364,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,364,364,364,-355,-358,364,-325,-326,-143,364,-144,364,-145,364,-432,-937,-938,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-1896,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-1896,364,-1896,364,364,364,364,364,364,364,364,364,364,364,364,-1896,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-1896,364,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,364,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,364,364,364,-193,-194,364,-996,364,364,364,364,364,-279,-280,-281,-282,-367,364,-310,364,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,364,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,364,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,364,364,364,364,364,364,-575,364,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,364,364,-725,-726,-727,364,364,364,364,364,364,-996,364,364,-93,-94,364,364,364,364,-311,-312,-322,364,-309,-295,-296,-297,364,364,364,364,-620,-635,-592,364,364,-438,364,-439,364,-446,-447,-448,-380,-381,364,364,364,-508,364,364,-512,364,364,364,364,-517,-518,-519,-520,364,364,-523,-524,364,-526,-527,-528,-529,-530,-531,-532,-533,364,-535,364,364,364,-541,-543,-544,364,-546,-547,-548,-549,364,364,364,364,364,364,-654,-655,-656,-657,364,-659,-660,-661,364,364,364,-667,364,364,-671,-672,364,364,-675,364,-677,-678,364,-681,364,-683,364,364,-686,-687,-688,364,-690,364,364,-693,364,364,-696,-697,-698,364,-700,-701,-702,-703,364,364,-748,364,-751,-752,-753,-754,-755,364,-757,-758,-759,-760,-761,364,-768,-769,-771,364,-773,-774,-775,-784,-858,-860,-862,-864,364,364,364,364,-870,364,-872,364,364,364,364,364,364,364,-908,-909,364,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,364,-923,-926,364,-936,364,-387,-388,-389,364,364,-392,-393,-394,-395,364,-398,364,-401,-402,364,-403,364,-408,-409,364,-412,-413,-414,364,-417,364,-418,364,-423,-424,364,-427,364,-430,-431,-1896,-1896,364,-621,-622,-623,-624,-625,-636,-586,-626,-799,364,364,364,364,364,-833,364,364,-808,364,-834,364,364,364,364,-800,364,-855,-801,364,364,364,364,364,364,-856,-857,364,-836,-832,-837,364,-627,364,-628,-629,-630,-631,-576,364,364,-632,-633,-634,364,364,364,364,364,364,-637,-638,-639,-594,-1896,-604,364,-640,-641,-715,-642,-606,364,-574,-579,-582,-585,364,364,364,-600,-603,364,-610,364,364,364,364,364,364,364,364,364,364,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,364,364,364,-997,364,364,364,364,364,364,-308,-327,-321,-298,-377,-454,-455,-456,-460,364,-445,364,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,364,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,364,364,364,364,364,364,364,364,364,-318,-537,-510,-593,-939,-941,-942,-440,364,-442,-382,-383,-385,-509,-511,-513,364,-515,-516,-521,-522,364,-534,-536,-539,-540,-545,-550,-728,364,-729,364,-734,364,-736,364,-741,-658,-662,-663,364,-668,364,-669,364,-674,-676,364,-679,364,364,364,-689,-691,364,-694,364,364,-746,364,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,364,364,364,364,364,-879,364,-882,-910,-922,-927,-390,-391,364,-396,364,-399,364,-404,364,-405,364,-410,364,-415,364,-419,364,-420,364,-425,364,-428,-901,-902,-645,-587,-1896,-903,364,364,364,-802,364,364,-806,364,-809,-835,364,-820,364,-822,364,-824,-810,364,-826,364,-853,-854,364,364,-813,364,-648,-904,-906,-650,-651,-647,364,-707,-708,364,-644,-905,-649,-652,-605,-716,364,364,-607,-588,364,364,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,364,364,-711,-712,364,-718,364,364,364,364,364,364,-940,364,-441,-443,-749,364,-893,364,-717,-1896,364,364,364,364,364,-444,-514,-525,364,-730,-735,364,-737,364,-742,364,-664,-670,364,-680,-682,-684,-685,-692,-695,-699,-747,364,364,-876,364,364,-880,364,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,364,-814,364,-816,-803,364,-804,-807,364,-818,-821,-823,-825,-827,364,-828,364,-811,364,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,364,-284,364,364,364,364,-457,364,364,-731,364,-738,364,-743,364,-665,-673,364,364,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,364,-838,-53,364,364,-732,364,-739,364,-744,-666,364,-875,-54,364,364,-733,-740,-745,364,364,364,-874,]),'JSON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[365,365,365,365,-1896,365,365,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,365,365,365,365,-277,-278,365,-1427,365,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,365,365,365,-492,365,365,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,365,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,365,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,365,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,365,-174,-175,-176,-177,-995,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-292,-293,-283,365,365,365,365,365,-330,-320,-334,-335,-336,365,365,-984,-985,-986,-987,-988,-989,-990,365,365,365,365,365,365,365,365,365,365,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,365,365,365,-355,-358,365,-325,-326,-143,365,-144,365,-145,365,-432,-937,-938,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-1896,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-1896,365,-1896,365,365,365,365,365,365,365,365,365,365,365,365,-1896,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-1896,365,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,365,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,365,365,365,-193,-194,365,-996,365,365,365,365,365,-279,-280,-281,-282,-367,365,-310,365,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,365,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,365,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,365,365,365,365,365,365,-575,365,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,365,365,-725,-726,-727,365,365,365,365,365,365,-996,365,365,-93,-94,365,365,365,365,-311,-312,-322,365,-309,-295,-296,-297,365,365,365,365,-620,-635,-592,365,2969,2969,365,-438,365,-439,365,-446,-447,-448,-380,-381,365,365,365,-508,365,365,-512,365,365,365,365,-517,-518,-519,-520,365,365,-523,-524,365,-526,-527,-528,-529,-530,-531,-532,-533,365,-535,365,365,365,-541,-543,-544,365,-546,-547,-548,-549,365,365,365,365,365,365,-654,-655,-656,-657,365,-659,-660,-661,365,365,365,-667,365,365,-671,-672,365,365,-675,365,-677,-678,365,-681,365,-683,365,365,-686,-687,-688,365,-690,365,365,-693,365,365,-696,-697,-698,365,-700,-701,-702,-703,365,365,-748,365,-751,-752,-753,-754,-755,365,-757,-758,-759,-760,-761,365,-768,-769,-771,365,-773,-774,-775,-784,-858,-860,-862,-864,365,365,365,365,-870,365,-872,365,365,365,365,365,365,365,-908,-909,365,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,365,-923,-926,365,-936,365,-387,-388,-389,365,365,-392,-393,-394,-395,365,-398,365,-401,-402,365,-403,365,-408,-409,365,-412,-413,-414,365,-417,365,-418,365,-423,-424,365,-427,365,-430,-431,-1896,-1896,365,-621,-622,-623,-624,-625,-636,-586,-626,-799,365,365,365,365,365,-833,365,365,-808,365,-834,365,365,365,365,-800,365,-855,-801,365,365,365,365,365,365,-856,-857,365,-836,-832,-837,365,-627,365,-628,-629,-630,-631,-576,365,365,-632,-633,-634,365,365,365,365,365,365,-637,-638,-639,-594,-1896,-604,365,-640,-641,-715,-642,-606,365,-574,-579,-582,-585,365,365,365,-600,-603,365,-610,365,365,365,365,365,365,365,365,365,365,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,365,365,365,-997,365,365,365,365,365,365,-308,-327,-321,-298,-377,-454,-455,-456,-460,365,-445,365,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,365,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,365,365,365,365,365,365,365,365,365,-318,-537,-510,-593,-939,-941,-942,-440,365,-442,-382,-383,-385,-509,-511,-513,365,-515,-516,-521,-522,365,-534,-536,-539,-540,-545,-550,-728,365,-729,365,-734,365,-736,365,-741,-658,-662,-663,365,-668,365,-669,365,-674,-676,365,-679,365,365,365,-689,-691,365,-694,365,365,-746,365,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,365,365,365,365,365,-879,365,-882,-910,-922,-927,-390,-391,365,-396,365,-399,365,-404,365,-405,365,-410,365,-415,365,-419,365,-420,365,-425,365,-428,-901,-902,-645,-587,-1896,-903,365,365,365,-802,365,365,-806,365,-809,-835,365,-820,365,-822,365,-824,-810,365,-826,365,-853,-854,365,365,-813,365,-648,-904,-906,-650,-651,-647,365,-707,-708,365,-644,-905,-649,-652,-605,-716,365,365,-607,-588,365,365,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,365,365,-711,-712,365,-718,365,365,365,365,365,365,-940,365,-441,-443,-749,365,-893,365,-717,-1896,365,365,365,365,365,-444,-514,-525,365,-730,-735,365,-737,365,-742,365,-664,-670,365,-680,-682,-684,-685,-692,-695,-699,-747,365,365,-876,365,365,-880,365,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,365,-814,365,-816,-803,365,-804,-807,365,-818,-821,-823,-825,-827,365,-828,365,-811,365,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,365,-284,365,365,365,365,-457,365,365,-731,365,-738,365,-743,365,-665,-673,365,365,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,365,-838,-53,365,365,-732,365,-739,365,-744,-666,365,-875,-54,365,365,-733,-740,-745,365,365,365,-874,]),'JSON_ARRAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[366,366,366,1254,-1896,366,366,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,366,366,366,366,-277,-278,1254,-1427,1254,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1254,1254,1254,-492,1254,1254,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1254,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1254,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1254,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,366,-174,-175,-176,-177,-995,366,366,366,366,366,366,366,366,366,366,1254,1254,1254,1254,1254,-292,-293,-283,366,1254,1254,1254,1254,-330,-320,-334,-335,-336,1254,1254,-984,-985,-986,-987,-988,-989,-990,366,366,1254,1254,1254,1254,1254,1254,1254,1254,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1254,1254,1254,-355,-358,366,-325,-326,-143,1254,-144,1254,-145,1254,-432,-937,-938,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1896,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1896,1254,-1896,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1896,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1896,366,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1254,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1254,366,366,-193,-194,366,-996,1254,366,366,366,366,-279,-280,-281,-282,-367,1254,-310,1254,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1254,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1254,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1254,1254,1254,1254,1254,1254,-575,1254,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1254,1254,-725,-726,-727,1254,1254,366,366,366,366,-996,366,1254,-93,-94,366,366,366,1254,-311,-312,-322,1254,-309,-295,-296,-297,1254,366,1254,1254,-620,-635,-592,1254,366,-438,366,-439,1254,-446,-447,-448,-380,-381,1254,1254,1254,-508,1254,1254,-512,1254,1254,1254,1254,-517,-518,-519,-520,1254,1254,-523,-524,1254,-526,-527,-528,-529,-530,-531,-532,-533,1254,-535,1254,1254,1254,-541,-543,-544,1254,-546,-547,-548,-549,1254,1254,1254,1254,1254,1254,-654,-655,-656,-657,366,-659,-660,-661,1254,1254,1254,-667,1254,1254,-671,-672,1254,1254,-675,1254,-677,-678,1254,-681,1254,-683,1254,1254,-686,-687,-688,1254,-690,1254,1254,-693,1254,1254,-696,-697,-698,1254,-700,-701,-702,-703,1254,1254,-748,1254,-751,-752,-753,-754,-755,1254,-757,-758,-759,-760,-761,1254,-768,-769,-771,1254,-773,-774,-775,-784,-858,-860,-862,-864,1254,1254,1254,1254,-870,1254,-872,1254,1254,1254,1254,1254,1254,1254,-908,-909,1254,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1254,-923,-926,1254,-936,1254,-387,-388,-389,1254,1254,-392,-393,-394,-395,1254,-398,1254,-401,-402,1254,-403,1254,-408,-409,1254,-412,-413,-414,1254,-417,1254,-418,1254,-423,-424,1254,-427,1254,-430,-431,-1896,-1896,1254,-621,-622,-623,-624,-625,-636,-586,-626,-799,1254,1254,1254,1254,1254,-833,1254,1254,-808,1254,-834,1254,1254,1254,1254,-800,1254,-855,-801,1254,1254,1254,1254,1254,1254,-856,-857,1254,-836,-832,-837,1254,-627,1254,-628,-629,-630,-631,-576,1254,1254,-632,-633,-634,1254,1254,1254,1254,1254,1254,-637,-638,-639,-594,-1896,-604,1254,-640,-641,-715,-642,-606,1254,-574,-579,-582,-585,1254,1254,1254,-600,-603,1254,-610,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1254,366,366,-997,366,1254,366,366,366,1254,-308,-327,-321,-298,-377,-454,-455,-456,-460,366,-445,1254,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1254,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,366,366,366,366,366,366,366,366,1254,-318,-537,-510,-593,-939,-941,-942,-440,1254,-442,-382,-383,-385,-509,-511,-513,1254,-515,-516,-521,-522,1254,-534,-536,-539,-540,-545,-550,-728,1254,-729,1254,-734,1254,-736,1254,-741,-658,-662,-663,1254,-668,1254,-669,1254,-674,-676,1254,-679,1254,1254,1254,-689,-691,1254,-694,1254,1254,-746,1254,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1254,1254,1254,1254,1254,-879,1254,-882,-910,-922,-927,-390,-391,1254,-396,1254,-399,1254,-404,1254,-405,1254,-410,1254,-415,1254,-419,1254,-420,1254,-425,1254,-428,-901,-902,-645,-587,-1896,-903,1254,1254,1254,-802,1254,1254,-806,1254,-809,-835,1254,-820,1254,-822,1254,-824,-810,1254,-826,1254,-853,-854,1254,1254,-813,1254,-648,-904,-906,-650,-651,-647,1254,-707,-708,1254,-644,-905,-649,-652,-605,-716,1254,1254,-607,-588,1254,1254,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1254,1254,-711,-712,1254,-718,1254,366,366,366,1254,1254,-940,366,-441,-443,-749,1254,-893,1254,-717,-1896,1254,1254,366,366,1254,-444,-514,-525,1254,-730,-735,1254,-737,1254,-742,1254,-664,-670,1254,-680,-682,-684,-685,-692,-695,-699,-747,1254,1254,-876,1254,1254,-880,1254,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1254,-814,1254,-816,-803,1254,-804,-807,1254,-818,-821,-823,-825,-827,1254,-828,1254,-811,1254,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,366,-284,366,1254,366,1254,-457,1254,1254,-731,1254,-738,1254,-743,1254,-665,-673,1254,1254,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1254,-838,-53,366,1254,-732,1254,-739,1254,-744,-666,1254,-875,-54,366,366,-733,-740,-745,1254,366,1254,-874,]),'JSON_ARRAYAGG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[367,367,367,1255,-1896,367,367,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,367,367,367,367,-277,-278,1255,-1427,1255,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1255,1255,1255,-492,1255,1255,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1255,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1255,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1255,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,367,-174,-175,-176,-177,-995,367,367,367,367,367,367,367,367,367,367,1255,1255,1255,1255,1255,-292,-293,-283,367,1255,1255,1255,1255,-330,-320,-334,-335,-336,1255,1255,-984,-985,-986,-987,-988,-989,-990,367,367,1255,1255,1255,1255,1255,1255,1255,1255,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1255,1255,1255,-355,-358,367,-325,-326,-143,1255,-144,1255,-145,1255,-432,-937,-938,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1896,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1896,1255,-1896,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1896,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1896,367,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1255,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1255,367,367,-193,-194,367,-996,1255,367,367,367,367,-279,-280,-281,-282,-367,1255,-310,1255,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1255,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1255,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1255,1255,1255,1255,1255,1255,-575,1255,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1255,1255,-725,-726,-727,1255,1255,367,367,367,367,-996,367,1255,-93,-94,367,367,367,1255,-311,-312,-322,1255,-309,-295,-296,-297,1255,367,1255,1255,-620,-635,-592,1255,367,-438,367,-439,1255,-446,-447,-448,-380,-381,1255,1255,1255,-508,1255,1255,-512,1255,1255,1255,1255,-517,-518,-519,-520,1255,1255,-523,-524,1255,-526,-527,-528,-529,-530,-531,-532,-533,1255,-535,1255,1255,1255,-541,-543,-544,1255,-546,-547,-548,-549,1255,1255,1255,1255,1255,1255,-654,-655,-656,-657,367,-659,-660,-661,1255,1255,1255,-667,1255,1255,-671,-672,1255,1255,-675,1255,-677,-678,1255,-681,1255,-683,1255,1255,-686,-687,-688,1255,-690,1255,1255,-693,1255,1255,-696,-697,-698,1255,-700,-701,-702,-703,1255,1255,-748,1255,-751,-752,-753,-754,-755,1255,-757,-758,-759,-760,-761,1255,-768,-769,-771,1255,-773,-774,-775,-784,-858,-860,-862,-864,1255,1255,1255,1255,-870,1255,-872,1255,1255,1255,1255,1255,1255,1255,-908,-909,1255,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1255,-923,-926,1255,-936,1255,-387,-388,-389,1255,1255,-392,-393,-394,-395,1255,-398,1255,-401,-402,1255,-403,1255,-408,-409,1255,-412,-413,-414,1255,-417,1255,-418,1255,-423,-424,1255,-427,1255,-430,-431,-1896,-1896,1255,-621,-622,-623,-624,-625,-636,-586,-626,-799,1255,1255,1255,1255,1255,-833,1255,1255,-808,1255,-834,1255,1255,1255,1255,-800,1255,-855,-801,1255,1255,1255,1255,1255,1255,-856,-857,1255,-836,-832,-837,1255,-627,1255,-628,-629,-630,-631,-576,1255,1255,-632,-633,-634,1255,1255,1255,1255,1255,1255,-637,-638,-639,-594,-1896,-604,1255,-640,-641,-715,-642,-606,1255,-574,-579,-582,-585,1255,1255,1255,-600,-603,1255,-610,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1255,367,367,-997,367,1255,367,367,367,1255,-308,-327,-321,-298,-377,-454,-455,-456,-460,367,-445,1255,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1255,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,367,367,367,367,367,367,367,367,1255,-318,-537,-510,-593,-939,-941,-942,-440,1255,-442,-382,-383,-385,-509,-511,-513,1255,-515,-516,-521,-522,1255,-534,-536,-539,-540,-545,-550,-728,1255,-729,1255,-734,1255,-736,1255,-741,-658,-662,-663,1255,-668,1255,-669,1255,-674,-676,1255,-679,1255,1255,1255,-689,-691,1255,-694,1255,1255,-746,1255,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1255,1255,1255,1255,1255,-879,1255,-882,-910,-922,-927,-390,-391,1255,-396,1255,-399,1255,-404,1255,-405,1255,-410,1255,-415,1255,-419,1255,-420,1255,-425,1255,-428,-901,-902,-645,-587,-1896,-903,1255,1255,1255,-802,1255,1255,-806,1255,-809,-835,1255,-820,1255,-822,1255,-824,-810,1255,-826,1255,-853,-854,1255,1255,-813,1255,-648,-904,-906,-650,-651,-647,1255,-707,-708,1255,-644,-905,-649,-652,-605,-716,1255,1255,-607,-588,1255,1255,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1255,1255,-711,-712,1255,-718,1255,367,367,367,1255,1255,-940,367,-441,-443,-749,1255,-893,1255,-717,-1896,1255,1255,367,367,1255,-444,-514,-525,1255,-730,-735,1255,-737,1255,-742,1255,-664,-670,1255,-680,-682,-684,-685,-692,-695,-699,-747,1255,1255,-876,1255,1255,-880,1255,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1255,-814,1255,-816,-803,1255,-804,-807,1255,-818,-821,-823,-825,-827,1255,-828,1255,-811,1255,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,367,-284,367,1255,367,1255,-457,1255,1255,-731,1255,-738,1255,-743,1255,-665,-673,1255,1255,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1255,-838,-53,367,1255,-732,1255,-739,1255,-744,-666,1255,-875,-54,367,367,-733,-740,-745,1255,367,1255,-874,]),'JSON_ARRAY_APPEND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[368,368,368,1256,-1896,368,368,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,368,368,368,368,-277,-278,1256,-1427,1256,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1256,1256,1256,-492,1256,1256,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1256,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1256,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1256,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,368,-174,-175,-176,-177,-995,368,368,368,368,368,368,368,368,368,368,1256,1256,1256,1256,1256,-292,-293,-283,368,1256,1256,1256,1256,-330,-320,-334,-335,-336,1256,1256,-984,-985,-986,-987,-988,-989,-990,368,368,1256,1256,1256,1256,1256,1256,1256,1256,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1256,1256,1256,-355,-358,368,-325,-326,-143,1256,-144,1256,-145,1256,-432,-937,-938,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1896,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1896,1256,-1896,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1896,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1896,368,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1256,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1256,368,368,-193,-194,368,-996,1256,368,368,368,368,-279,-280,-281,-282,-367,1256,-310,1256,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1256,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1256,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1256,1256,1256,1256,1256,1256,-575,1256,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1256,1256,-725,-726,-727,1256,1256,368,368,368,368,-996,368,1256,-93,-94,368,368,368,1256,-311,-312,-322,1256,-309,-295,-296,-297,1256,368,1256,1256,-620,-635,-592,1256,368,-438,368,-439,1256,-446,-447,-448,-380,-381,1256,1256,1256,-508,1256,1256,-512,1256,1256,1256,1256,-517,-518,-519,-520,1256,1256,-523,-524,1256,-526,-527,-528,-529,-530,-531,-532,-533,1256,-535,1256,1256,1256,-541,-543,-544,1256,-546,-547,-548,-549,1256,1256,1256,1256,1256,1256,-654,-655,-656,-657,368,-659,-660,-661,1256,1256,1256,-667,1256,1256,-671,-672,1256,1256,-675,1256,-677,-678,1256,-681,1256,-683,1256,1256,-686,-687,-688,1256,-690,1256,1256,-693,1256,1256,-696,-697,-698,1256,-700,-701,-702,-703,1256,1256,-748,1256,-751,-752,-753,-754,-755,1256,-757,-758,-759,-760,-761,1256,-768,-769,-771,1256,-773,-774,-775,-784,-858,-860,-862,-864,1256,1256,1256,1256,-870,1256,-872,1256,1256,1256,1256,1256,1256,1256,-908,-909,1256,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1256,-923,-926,1256,-936,1256,-387,-388,-389,1256,1256,-392,-393,-394,-395,1256,-398,1256,-401,-402,1256,-403,1256,-408,-409,1256,-412,-413,-414,1256,-417,1256,-418,1256,-423,-424,1256,-427,1256,-430,-431,-1896,-1896,1256,-621,-622,-623,-624,-625,-636,-586,-626,-799,1256,1256,1256,1256,1256,-833,1256,1256,-808,1256,-834,1256,1256,1256,1256,-800,1256,-855,-801,1256,1256,1256,1256,1256,1256,-856,-857,1256,-836,-832,-837,1256,-627,1256,-628,-629,-630,-631,-576,1256,1256,-632,-633,-634,1256,1256,1256,1256,1256,1256,-637,-638,-639,-594,-1896,-604,1256,-640,-641,-715,-642,-606,1256,-574,-579,-582,-585,1256,1256,1256,-600,-603,1256,-610,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1256,368,368,-997,368,1256,368,368,368,1256,-308,-327,-321,-298,-377,-454,-455,-456,-460,368,-445,1256,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1256,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,368,368,368,368,368,368,368,368,1256,-318,-537,-510,-593,-939,-941,-942,-440,1256,-442,-382,-383,-385,-509,-511,-513,1256,-515,-516,-521,-522,1256,-534,-536,-539,-540,-545,-550,-728,1256,-729,1256,-734,1256,-736,1256,-741,-658,-662,-663,1256,-668,1256,-669,1256,-674,-676,1256,-679,1256,1256,1256,-689,-691,1256,-694,1256,1256,-746,1256,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1256,1256,1256,1256,1256,-879,1256,-882,-910,-922,-927,-390,-391,1256,-396,1256,-399,1256,-404,1256,-405,1256,-410,1256,-415,1256,-419,1256,-420,1256,-425,1256,-428,-901,-902,-645,-587,-1896,-903,1256,1256,1256,-802,1256,1256,-806,1256,-809,-835,1256,-820,1256,-822,1256,-824,-810,1256,-826,1256,-853,-854,1256,1256,-813,1256,-648,-904,-906,-650,-651,-647,1256,-707,-708,1256,-644,-905,-649,-652,-605,-716,1256,1256,-607,-588,1256,1256,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1256,1256,-711,-712,1256,-718,1256,368,368,368,1256,1256,-940,368,-441,-443,-749,1256,-893,1256,-717,-1896,1256,1256,368,368,1256,-444,-514,-525,1256,-730,-735,1256,-737,1256,-742,1256,-664,-670,1256,-680,-682,-684,-685,-692,-695,-699,-747,1256,1256,-876,1256,1256,-880,1256,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1256,-814,1256,-816,-803,1256,-804,-807,1256,-818,-821,-823,-825,-827,1256,-828,1256,-811,1256,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,368,-284,368,1256,368,1256,-457,1256,1256,-731,1256,-738,1256,-743,1256,-665,-673,1256,1256,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1256,-838,-53,368,1256,-732,1256,-739,1256,-744,-666,1256,-875,-54,368,368,-733,-740,-745,1256,368,1256,-874,]),'JSON_ARRAY_INSERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[369,369,369,1257,-1896,369,369,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,369,369,369,369,-277,-278,1257,-1427,1257,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1257,1257,1257,-492,1257,1257,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1257,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1257,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1257,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,369,-174,-175,-176,-177,-995,369,369,369,369,369,369,369,369,369,369,1257,1257,1257,1257,1257,-292,-293,-283,369,1257,1257,1257,1257,-330,-320,-334,-335,-336,1257,1257,-984,-985,-986,-987,-988,-989,-990,369,369,1257,1257,1257,1257,1257,1257,1257,1257,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1257,1257,1257,-355,-358,369,-325,-326,-143,1257,-144,1257,-145,1257,-432,-937,-938,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1896,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1896,1257,-1896,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1896,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1896,369,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1257,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1257,369,369,-193,-194,369,-996,1257,369,369,369,369,-279,-280,-281,-282,-367,1257,-310,1257,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1257,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1257,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1257,1257,1257,1257,1257,1257,-575,1257,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1257,1257,-725,-726,-727,1257,1257,369,369,369,369,-996,369,1257,-93,-94,369,369,369,1257,-311,-312,-322,1257,-309,-295,-296,-297,1257,369,1257,1257,-620,-635,-592,1257,369,-438,369,-439,1257,-446,-447,-448,-380,-381,1257,1257,1257,-508,1257,1257,-512,1257,1257,1257,1257,-517,-518,-519,-520,1257,1257,-523,-524,1257,-526,-527,-528,-529,-530,-531,-532,-533,1257,-535,1257,1257,1257,-541,-543,-544,1257,-546,-547,-548,-549,1257,1257,1257,1257,1257,1257,-654,-655,-656,-657,369,-659,-660,-661,1257,1257,1257,-667,1257,1257,-671,-672,1257,1257,-675,1257,-677,-678,1257,-681,1257,-683,1257,1257,-686,-687,-688,1257,-690,1257,1257,-693,1257,1257,-696,-697,-698,1257,-700,-701,-702,-703,1257,1257,-748,1257,-751,-752,-753,-754,-755,1257,-757,-758,-759,-760,-761,1257,-768,-769,-771,1257,-773,-774,-775,-784,-858,-860,-862,-864,1257,1257,1257,1257,-870,1257,-872,1257,1257,1257,1257,1257,1257,1257,-908,-909,1257,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1257,-923,-926,1257,-936,1257,-387,-388,-389,1257,1257,-392,-393,-394,-395,1257,-398,1257,-401,-402,1257,-403,1257,-408,-409,1257,-412,-413,-414,1257,-417,1257,-418,1257,-423,-424,1257,-427,1257,-430,-431,-1896,-1896,1257,-621,-622,-623,-624,-625,-636,-586,-626,-799,1257,1257,1257,1257,1257,-833,1257,1257,-808,1257,-834,1257,1257,1257,1257,-800,1257,-855,-801,1257,1257,1257,1257,1257,1257,-856,-857,1257,-836,-832,-837,1257,-627,1257,-628,-629,-630,-631,-576,1257,1257,-632,-633,-634,1257,1257,1257,1257,1257,1257,-637,-638,-639,-594,-1896,-604,1257,-640,-641,-715,-642,-606,1257,-574,-579,-582,-585,1257,1257,1257,-600,-603,1257,-610,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1257,369,369,-997,369,1257,369,369,369,1257,-308,-327,-321,-298,-377,-454,-455,-456,-460,369,-445,1257,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1257,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,369,369,369,369,369,369,369,369,1257,-318,-537,-510,-593,-939,-941,-942,-440,1257,-442,-382,-383,-385,-509,-511,-513,1257,-515,-516,-521,-522,1257,-534,-536,-539,-540,-545,-550,-728,1257,-729,1257,-734,1257,-736,1257,-741,-658,-662,-663,1257,-668,1257,-669,1257,-674,-676,1257,-679,1257,1257,1257,-689,-691,1257,-694,1257,1257,-746,1257,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1257,1257,1257,1257,1257,-879,1257,-882,-910,-922,-927,-390,-391,1257,-396,1257,-399,1257,-404,1257,-405,1257,-410,1257,-415,1257,-419,1257,-420,1257,-425,1257,-428,-901,-902,-645,-587,-1896,-903,1257,1257,1257,-802,1257,1257,-806,1257,-809,-835,1257,-820,1257,-822,1257,-824,-810,1257,-826,1257,-853,-854,1257,1257,-813,1257,-648,-904,-906,-650,-651,-647,1257,-707,-708,1257,-644,-905,-649,-652,-605,-716,1257,1257,-607,-588,1257,1257,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1257,1257,-711,-712,1257,-718,1257,369,369,369,1257,1257,-940,369,-441,-443,-749,1257,-893,1257,-717,-1896,1257,1257,369,369,1257,-444,-514,-525,1257,-730,-735,1257,-737,1257,-742,1257,-664,-670,1257,-680,-682,-684,-685,-692,-695,-699,-747,1257,1257,-876,1257,1257,-880,1257,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1257,-814,1257,-816,-803,1257,-804,-807,1257,-818,-821,-823,-825,-827,1257,-828,1257,-811,1257,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,369,-284,369,1257,369,1257,-457,1257,1257,-731,1257,-738,1257,-743,1257,-665,-673,1257,1257,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1257,-838,-53,369,1257,-732,1257,-739,1257,-744,-666,1257,-875,-54,369,369,-733,-740,-745,1257,369,1257,-874,]),'JSON_CONTAINS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[370,370,370,1258,-1896,370,370,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,370,370,370,370,-277,-278,1258,-1427,1258,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1258,1258,1258,-492,1258,1258,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1258,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1258,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1258,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,370,-174,-175,-176,-177,-995,370,370,370,370,370,370,370,370,370,370,1258,1258,1258,1258,1258,-292,-293,-283,370,1258,1258,1258,1258,-330,-320,-334,-335,-336,1258,1258,-984,-985,-986,-987,-988,-989,-990,370,370,1258,1258,1258,1258,1258,1258,1258,1258,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1258,1258,1258,-355,-358,370,-325,-326,-143,1258,-144,1258,-145,1258,-432,-937,-938,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1896,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1896,1258,-1896,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1896,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1896,370,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1258,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1258,370,370,-193,-194,370,-996,1258,370,370,370,370,-279,-280,-281,-282,-367,1258,-310,1258,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1258,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1258,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1258,1258,1258,1258,1258,1258,-575,1258,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1258,1258,-725,-726,-727,1258,1258,370,370,370,370,-996,370,1258,-93,-94,370,370,370,1258,-311,-312,-322,1258,-309,-295,-296,-297,1258,370,1258,1258,-620,-635,-592,1258,370,-438,370,-439,1258,-446,-447,-448,-380,-381,1258,1258,1258,-508,1258,1258,-512,1258,1258,1258,1258,-517,-518,-519,-520,1258,1258,-523,-524,1258,-526,-527,-528,-529,-530,-531,-532,-533,1258,-535,1258,1258,1258,-541,-543,-544,1258,-546,-547,-548,-549,1258,1258,1258,1258,1258,1258,-654,-655,-656,-657,370,-659,-660,-661,1258,1258,1258,-667,1258,1258,-671,-672,1258,1258,-675,1258,-677,-678,1258,-681,1258,-683,1258,1258,-686,-687,-688,1258,-690,1258,1258,-693,1258,1258,-696,-697,-698,1258,-700,-701,-702,-703,1258,1258,-748,1258,-751,-752,-753,-754,-755,1258,-757,-758,-759,-760,-761,1258,-768,-769,-771,1258,-773,-774,-775,-784,-858,-860,-862,-864,1258,1258,1258,1258,-870,1258,-872,1258,1258,1258,1258,1258,1258,1258,-908,-909,1258,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1258,-923,-926,1258,-936,1258,-387,-388,-389,1258,1258,-392,-393,-394,-395,1258,-398,1258,-401,-402,1258,-403,1258,-408,-409,1258,-412,-413,-414,1258,-417,1258,-418,1258,-423,-424,1258,-427,1258,-430,-431,-1896,-1896,1258,-621,-622,-623,-624,-625,-636,-586,-626,-799,1258,1258,1258,1258,1258,-833,1258,1258,-808,1258,-834,1258,1258,1258,1258,-800,1258,-855,-801,1258,1258,1258,1258,1258,1258,-856,-857,1258,-836,-832,-837,1258,-627,1258,-628,-629,-630,-631,-576,1258,1258,-632,-633,-634,1258,1258,1258,1258,1258,1258,-637,-638,-639,-594,-1896,-604,1258,-640,-641,-715,-642,-606,1258,-574,-579,-582,-585,1258,1258,1258,-600,-603,1258,-610,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1258,370,370,-997,370,1258,370,370,370,1258,-308,-327,-321,-298,-377,-454,-455,-456,-460,370,-445,1258,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1258,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,370,370,370,370,370,370,370,370,1258,-318,-537,-510,-593,-939,-941,-942,-440,1258,-442,-382,-383,-385,-509,-511,-513,1258,-515,-516,-521,-522,1258,-534,-536,-539,-540,-545,-550,-728,1258,-729,1258,-734,1258,-736,1258,-741,-658,-662,-663,1258,-668,1258,-669,1258,-674,-676,1258,-679,1258,1258,1258,-689,-691,1258,-694,1258,1258,-746,1258,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1258,1258,1258,1258,1258,-879,1258,-882,-910,-922,-927,-390,-391,1258,-396,1258,-399,1258,-404,1258,-405,1258,-410,1258,-415,1258,-419,1258,-420,1258,-425,1258,-428,-901,-902,-645,-587,-1896,-903,1258,1258,1258,-802,1258,1258,-806,1258,-809,-835,1258,-820,1258,-822,1258,-824,-810,1258,-826,1258,-853,-854,1258,1258,-813,1258,-648,-904,-906,-650,-651,-647,1258,-707,-708,1258,-644,-905,-649,-652,-605,-716,1258,1258,-607,-588,1258,1258,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1258,1258,-711,-712,1258,-718,1258,370,370,370,1258,1258,-940,370,-441,-443,-749,1258,-893,1258,-717,-1896,1258,1258,370,370,1258,-444,-514,-525,1258,-730,-735,1258,-737,1258,-742,1258,-664,-670,1258,-680,-682,-684,-685,-692,-695,-699,-747,1258,1258,-876,1258,1258,-880,1258,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1258,-814,1258,-816,-803,1258,-804,-807,1258,-818,-821,-823,-825,-827,1258,-828,1258,-811,1258,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,370,-284,370,1258,370,1258,-457,1258,1258,-731,1258,-738,1258,-743,1258,-665,-673,1258,1258,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1258,-838,-53,370,1258,-732,1258,-739,1258,-744,-666,1258,-875,-54,370,370,-733,-740,-745,1258,370,1258,-874,]),'JSON_CONTAINS_PATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[371,371,371,1259,-1896,371,371,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,371,371,371,371,-277,-278,1259,-1427,1259,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1259,1259,1259,-492,1259,1259,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1259,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1259,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1259,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,371,-174,-175,-176,-177,-995,371,371,371,371,371,371,371,371,371,371,1259,1259,1259,1259,1259,-292,-293,-283,371,1259,1259,1259,1259,-330,-320,-334,-335,-336,1259,1259,-984,-985,-986,-987,-988,-989,-990,371,371,1259,1259,1259,1259,1259,1259,1259,1259,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1259,1259,1259,-355,-358,371,-325,-326,-143,1259,-144,1259,-145,1259,-432,-937,-938,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1896,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1896,1259,-1896,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1896,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1896,371,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1259,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1259,371,371,-193,-194,371,-996,1259,371,371,371,371,-279,-280,-281,-282,-367,1259,-310,1259,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1259,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1259,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1259,1259,1259,1259,1259,1259,-575,1259,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1259,1259,-725,-726,-727,1259,1259,371,371,371,371,-996,371,1259,-93,-94,371,371,371,1259,-311,-312,-322,1259,-309,-295,-296,-297,1259,371,1259,1259,-620,-635,-592,1259,371,-438,371,-439,1259,-446,-447,-448,-380,-381,1259,1259,1259,-508,1259,1259,-512,1259,1259,1259,1259,-517,-518,-519,-520,1259,1259,-523,-524,1259,-526,-527,-528,-529,-530,-531,-532,-533,1259,-535,1259,1259,1259,-541,-543,-544,1259,-546,-547,-548,-549,1259,1259,1259,1259,1259,1259,-654,-655,-656,-657,371,-659,-660,-661,1259,1259,1259,-667,1259,1259,-671,-672,1259,1259,-675,1259,-677,-678,1259,-681,1259,-683,1259,1259,-686,-687,-688,1259,-690,1259,1259,-693,1259,1259,-696,-697,-698,1259,-700,-701,-702,-703,1259,1259,-748,1259,-751,-752,-753,-754,-755,1259,-757,-758,-759,-760,-761,1259,-768,-769,-771,1259,-773,-774,-775,-784,-858,-860,-862,-864,1259,1259,1259,1259,-870,1259,-872,1259,1259,1259,1259,1259,1259,1259,-908,-909,1259,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1259,-923,-926,1259,-936,1259,-387,-388,-389,1259,1259,-392,-393,-394,-395,1259,-398,1259,-401,-402,1259,-403,1259,-408,-409,1259,-412,-413,-414,1259,-417,1259,-418,1259,-423,-424,1259,-427,1259,-430,-431,-1896,-1896,1259,-621,-622,-623,-624,-625,-636,-586,-626,-799,1259,1259,1259,1259,1259,-833,1259,1259,-808,1259,-834,1259,1259,1259,1259,-800,1259,-855,-801,1259,1259,1259,1259,1259,1259,-856,-857,1259,-836,-832,-837,1259,-627,1259,-628,-629,-630,-631,-576,1259,1259,-632,-633,-634,1259,1259,1259,1259,1259,1259,-637,-638,-639,-594,-1896,-604,1259,-640,-641,-715,-642,-606,1259,-574,-579,-582,-585,1259,1259,1259,-600,-603,1259,-610,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1259,371,371,-997,371,1259,371,371,371,1259,-308,-327,-321,-298,-377,-454,-455,-456,-460,371,-445,1259,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1259,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,371,371,371,371,371,371,371,371,1259,-318,-537,-510,-593,-939,-941,-942,-440,1259,-442,-382,-383,-385,-509,-511,-513,1259,-515,-516,-521,-522,1259,-534,-536,-539,-540,-545,-550,-728,1259,-729,1259,-734,1259,-736,1259,-741,-658,-662,-663,1259,-668,1259,-669,1259,-674,-676,1259,-679,1259,1259,1259,-689,-691,1259,-694,1259,1259,-746,1259,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1259,1259,1259,1259,1259,-879,1259,-882,-910,-922,-927,-390,-391,1259,-396,1259,-399,1259,-404,1259,-405,1259,-410,1259,-415,1259,-419,1259,-420,1259,-425,1259,-428,-901,-902,-645,-587,-1896,-903,1259,1259,1259,-802,1259,1259,-806,1259,-809,-835,1259,-820,1259,-822,1259,-824,-810,1259,-826,1259,-853,-854,1259,1259,-813,1259,-648,-904,-906,-650,-651,-647,1259,-707,-708,1259,-644,-905,-649,-652,-605,-716,1259,1259,-607,-588,1259,1259,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1259,1259,-711,-712,1259,-718,1259,371,371,371,1259,1259,-940,371,-441,-443,-749,1259,-893,1259,-717,-1896,1259,1259,371,371,1259,-444,-514,-525,1259,-730,-735,1259,-737,1259,-742,1259,-664,-670,1259,-680,-682,-684,-685,-692,-695,-699,-747,1259,1259,-876,1259,1259,-880,1259,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1259,-814,1259,-816,-803,1259,-804,-807,1259,-818,-821,-823,-825,-827,1259,-828,1259,-811,1259,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,371,-284,371,1259,371,1259,-457,1259,1259,-731,1259,-738,1259,-743,1259,-665,-673,1259,1259,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1259,-838,-53,371,1259,-732,1259,-739,1259,-744,-666,1259,-875,-54,371,371,-733,-740,-745,1259,371,1259,-874,]),'JSON_DEPTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[372,372,372,1260,-1896,372,372,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,372,372,372,372,-277,-278,1260,-1427,1260,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1260,1260,1260,-492,1260,1260,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1260,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1260,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1260,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,372,-174,-175,-176,-177,-995,372,372,372,372,372,372,372,372,372,372,1260,1260,1260,1260,1260,-292,-293,-283,372,1260,1260,1260,1260,-330,-320,-334,-335,-336,1260,1260,-984,-985,-986,-987,-988,-989,-990,372,372,1260,1260,1260,1260,1260,1260,1260,1260,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1260,1260,1260,-355,-358,372,-325,-326,-143,1260,-144,1260,-145,1260,-432,-937,-938,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1896,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1896,1260,-1896,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1896,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1896,372,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1260,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1260,372,372,-193,-194,372,-996,1260,372,372,372,372,-279,-280,-281,-282,-367,1260,-310,1260,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1260,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1260,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1260,1260,1260,1260,1260,1260,-575,1260,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1260,1260,-725,-726,-727,1260,1260,372,372,372,372,-996,372,1260,-93,-94,372,372,372,1260,-311,-312,-322,1260,-309,-295,-296,-297,1260,372,1260,1260,-620,-635,-592,1260,372,-438,372,-439,1260,-446,-447,-448,-380,-381,1260,1260,1260,-508,1260,1260,-512,1260,1260,1260,1260,-517,-518,-519,-520,1260,1260,-523,-524,1260,-526,-527,-528,-529,-530,-531,-532,-533,1260,-535,1260,1260,1260,-541,-543,-544,1260,-546,-547,-548,-549,1260,1260,1260,1260,1260,1260,-654,-655,-656,-657,372,-659,-660,-661,1260,1260,1260,-667,1260,1260,-671,-672,1260,1260,-675,1260,-677,-678,1260,-681,1260,-683,1260,1260,-686,-687,-688,1260,-690,1260,1260,-693,1260,1260,-696,-697,-698,1260,-700,-701,-702,-703,1260,1260,-748,1260,-751,-752,-753,-754,-755,1260,-757,-758,-759,-760,-761,1260,-768,-769,-771,1260,-773,-774,-775,-784,-858,-860,-862,-864,1260,1260,1260,1260,-870,1260,-872,1260,1260,1260,1260,1260,1260,1260,-908,-909,1260,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1260,-923,-926,1260,-936,1260,-387,-388,-389,1260,1260,-392,-393,-394,-395,1260,-398,1260,-401,-402,1260,-403,1260,-408,-409,1260,-412,-413,-414,1260,-417,1260,-418,1260,-423,-424,1260,-427,1260,-430,-431,-1896,-1896,1260,-621,-622,-623,-624,-625,-636,-586,-626,-799,1260,1260,1260,1260,1260,-833,1260,1260,-808,1260,-834,1260,1260,1260,1260,-800,1260,-855,-801,1260,1260,1260,1260,1260,1260,-856,-857,1260,-836,-832,-837,1260,-627,1260,-628,-629,-630,-631,-576,1260,1260,-632,-633,-634,1260,1260,1260,1260,1260,1260,-637,-638,-639,-594,-1896,-604,1260,-640,-641,-715,-642,-606,1260,-574,-579,-582,-585,1260,1260,1260,-600,-603,1260,-610,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1260,372,372,-997,372,1260,372,372,372,1260,-308,-327,-321,-298,-377,-454,-455,-456,-460,372,-445,1260,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1260,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,372,372,372,372,372,372,372,372,1260,-318,-537,-510,-593,-939,-941,-942,-440,1260,-442,-382,-383,-385,-509,-511,-513,1260,-515,-516,-521,-522,1260,-534,-536,-539,-540,-545,-550,-728,1260,-729,1260,-734,1260,-736,1260,-741,-658,-662,-663,1260,-668,1260,-669,1260,-674,-676,1260,-679,1260,1260,1260,-689,-691,1260,-694,1260,1260,-746,1260,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1260,1260,1260,1260,1260,-879,1260,-882,-910,-922,-927,-390,-391,1260,-396,1260,-399,1260,-404,1260,-405,1260,-410,1260,-415,1260,-419,1260,-420,1260,-425,1260,-428,-901,-902,-645,-587,-1896,-903,1260,1260,1260,-802,1260,1260,-806,1260,-809,-835,1260,-820,1260,-822,1260,-824,-810,1260,-826,1260,-853,-854,1260,1260,-813,1260,-648,-904,-906,-650,-651,-647,1260,-707,-708,1260,-644,-905,-649,-652,-605,-716,1260,1260,-607,-588,1260,1260,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1260,1260,-711,-712,1260,-718,1260,372,372,372,1260,1260,-940,372,-441,-443,-749,1260,-893,1260,-717,-1896,1260,1260,372,372,1260,-444,-514,-525,1260,-730,-735,1260,-737,1260,-742,1260,-664,-670,1260,-680,-682,-684,-685,-692,-695,-699,-747,1260,1260,-876,1260,1260,-880,1260,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1260,-814,1260,-816,-803,1260,-804,-807,1260,-818,-821,-823,-825,-827,1260,-828,1260,-811,1260,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,372,-284,372,1260,372,1260,-457,1260,1260,-731,1260,-738,1260,-743,1260,-665,-673,1260,1260,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1260,-838,-53,372,1260,-732,1260,-739,1260,-744,-666,1260,-875,-54,372,372,-733,-740,-745,1260,372,1260,-874,]),'JSON_EXTRACT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[373,373,373,1261,-1896,373,373,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,373,373,373,373,-277,-278,1261,-1427,1261,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1261,1261,1261,-492,1261,1261,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1261,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1261,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1261,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,373,-174,-175,-176,-177,-995,373,373,373,373,373,373,373,373,373,373,1261,1261,1261,1261,1261,-292,-293,-283,373,1261,1261,1261,1261,-330,-320,-334,-335,-336,1261,1261,-984,-985,-986,-987,-988,-989,-990,373,373,1261,1261,1261,1261,1261,1261,1261,1261,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1261,1261,1261,-355,-358,373,-325,-326,-143,1261,-144,1261,-145,1261,-432,-937,-938,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1896,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1896,1261,-1896,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1896,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1896,373,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1261,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1261,373,373,-193,-194,373,-996,1261,373,373,373,373,-279,-280,-281,-282,-367,1261,-310,1261,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1261,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1261,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1261,1261,1261,1261,1261,1261,-575,1261,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1261,1261,-725,-726,-727,1261,1261,373,373,373,373,-996,373,1261,-93,-94,373,373,373,1261,-311,-312,-322,1261,-309,-295,-296,-297,1261,373,1261,1261,-620,-635,-592,1261,373,-438,373,-439,1261,-446,-447,-448,-380,-381,1261,1261,1261,-508,1261,1261,-512,1261,1261,1261,1261,-517,-518,-519,-520,1261,1261,-523,-524,1261,-526,-527,-528,-529,-530,-531,-532,-533,1261,-535,1261,1261,1261,-541,-543,-544,1261,-546,-547,-548,-549,1261,1261,1261,1261,1261,1261,-654,-655,-656,-657,373,-659,-660,-661,1261,1261,1261,-667,1261,1261,-671,-672,1261,1261,-675,1261,-677,-678,1261,-681,1261,-683,1261,1261,-686,-687,-688,1261,-690,1261,1261,-693,1261,1261,-696,-697,-698,1261,-700,-701,-702,-703,1261,1261,-748,1261,-751,-752,-753,-754,-755,1261,-757,-758,-759,-760,-761,1261,-768,-769,-771,1261,-773,-774,-775,-784,-858,-860,-862,-864,1261,1261,1261,1261,-870,1261,-872,1261,1261,1261,1261,1261,1261,1261,-908,-909,1261,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1261,-923,-926,1261,-936,1261,-387,-388,-389,1261,1261,-392,-393,-394,-395,1261,-398,1261,-401,-402,1261,-403,1261,-408,-409,1261,-412,-413,-414,1261,-417,1261,-418,1261,-423,-424,1261,-427,1261,-430,-431,-1896,-1896,1261,-621,-622,-623,-624,-625,-636,-586,-626,-799,1261,1261,1261,1261,1261,-833,1261,1261,-808,1261,-834,1261,1261,1261,1261,-800,1261,-855,-801,1261,1261,1261,1261,1261,1261,-856,-857,1261,-836,-832,-837,1261,-627,1261,-628,-629,-630,-631,-576,1261,1261,-632,-633,-634,1261,1261,1261,1261,1261,1261,-637,-638,-639,-594,-1896,-604,1261,-640,-641,-715,-642,-606,1261,-574,-579,-582,-585,1261,1261,1261,-600,-603,1261,-610,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1261,373,373,-997,373,1261,373,373,373,1261,-308,-327,-321,-298,-377,-454,-455,-456,-460,373,-445,1261,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1261,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,373,373,373,373,373,373,373,373,1261,-318,-537,-510,-593,-939,-941,-942,-440,1261,-442,-382,-383,-385,-509,-511,-513,1261,-515,-516,-521,-522,1261,-534,-536,-539,-540,-545,-550,-728,1261,-729,1261,-734,1261,-736,1261,-741,-658,-662,-663,1261,-668,1261,-669,1261,-674,-676,1261,-679,1261,1261,1261,-689,-691,1261,-694,1261,1261,-746,1261,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1261,1261,1261,1261,1261,-879,1261,-882,-910,-922,-927,-390,-391,1261,-396,1261,-399,1261,-404,1261,-405,1261,-410,1261,-415,1261,-419,1261,-420,1261,-425,1261,-428,-901,-902,-645,-587,-1896,-903,1261,1261,1261,-802,1261,1261,-806,1261,-809,-835,1261,-820,1261,-822,1261,-824,-810,1261,-826,1261,-853,-854,1261,1261,-813,1261,-648,-904,-906,-650,-651,-647,1261,-707,-708,1261,-644,-905,-649,-652,-605,-716,1261,1261,-607,-588,1261,1261,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1261,1261,-711,-712,1261,-718,1261,373,373,373,1261,1261,-940,373,-441,-443,-749,1261,-893,1261,-717,-1896,1261,1261,373,373,1261,-444,-514,-525,1261,-730,-735,1261,-737,1261,-742,1261,-664,-670,1261,-680,-682,-684,-685,-692,-695,-699,-747,1261,1261,-876,1261,1261,-880,1261,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1261,-814,1261,-816,-803,1261,-804,-807,1261,-818,-821,-823,-825,-827,1261,-828,1261,-811,1261,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,373,-284,373,1261,373,1261,-457,1261,1261,-731,1261,-738,1261,-743,1261,-665,-673,1261,1261,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1261,-838,-53,373,1261,-732,1261,-739,1261,-744,-666,1261,-875,-54,373,373,-733,-740,-745,1261,373,1261,-874,]),'JSON_INSERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[374,374,374,1262,-1896,374,374,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,374,374,374,374,-277,-278,1262,-1427,1262,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1262,1262,1262,-492,1262,1262,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1262,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1262,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1262,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,374,-174,-175,-176,-177,-995,374,374,374,374,374,374,374,374,374,374,1262,1262,1262,1262,1262,-292,-293,-283,374,1262,1262,1262,1262,-330,-320,-334,-335,-336,1262,1262,-984,-985,-986,-987,-988,-989,-990,374,374,1262,1262,1262,1262,1262,1262,1262,1262,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1262,1262,1262,-355,-358,374,-325,-326,-143,1262,-144,1262,-145,1262,-432,-937,-938,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1896,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1896,1262,-1896,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1896,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1896,374,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1262,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1262,374,374,-193,-194,374,-996,1262,374,374,374,374,-279,-280,-281,-282,-367,1262,-310,1262,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1262,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1262,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1262,1262,1262,1262,1262,1262,-575,1262,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1262,1262,-725,-726,-727,1262,1262,374,374,374,374,-996,374,1262,-93,-94,374,374,374,1262,-311,-312,-322,1262,-309,-295,-296,-297,1262,374,1262,1262,-620,-635,-592,1262,374,-438,374,-439,1262,-446,-447,-448,-380,-381,1262,1262,1262,-508,1262,1262,-512,1262,1262,1262,1262,-517,-518,-519,-520,1262,1262,-523,-524,1262,-526,-527,-528,-529,-530,-531,-532,-533,1262,-535,1262,1262,1262,-541,-543,-544,1262,-546,-547,-548,-549,1262,1262,1262,1262,1262,1262,-654,-655,-656,-657,374,-659,-660,-661,1262,1262,1262,-667,1262,1262,-671,-672,1262,1262,-675,1262,-677,-678,1262,-681,1262,-683,1262,1262,-686,-687,-688,1262,-690,1262,1262,-693,1262,1262,-696,-697,-698,1262,-700,-701,-702,-703,1262,1262,-748,1262,-751,-752,-753,-754,-755,1262,-757,-758,-759,-760,-761,1262,-768,-769,-771,1262,-773,-774,-775,-784,-858,-860,-862,-864,1262,1262,1262,1262,-870,1262,-872,1262,1262,1262,1262,1262,1262,1262,-908,-909,1262,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1262,-923,-926,1262,-936,1262,-387,-388,-389,1262,1262,-392,-393,-394,-395,1262,-398,1262,-401,-402,1262,-403,1262,-408,-409,1262,-412,-413,-414,1262,-417,1262,-418,1262,-423,-424,1262,-427,1262,-430,-431,-1896,-1896,1262,-621,-622,-623,-624,-625,-636,-586,-626,-799,1262,1262,1262,1262,1262,-833,1262,1262,-808,1262,-834,1262,1262,1262,1262,-800,1262,-855,-801,1262,1262,1262,1262,1262,1262,-856,-857,1262,-836,-832,-837,1262,-627,1262,-628,-629,-630,-631,-576,1262,1262,-632,-633,-634,1262,1262,1262,1262,1262,1262,-637,-638,-639,-594,-1896,-604,1262,-640,-641,-715,-642,-606,1262,-574,-579,-582,-585,1262,1262,1262,-600,-603,1262,-610,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1262,374,374,-997,374,1262,374,374,374,1262,-308,-327,-321,-298,-377,-454,-455,-456,-460,374,-445,1262,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1262,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,374,374,374,374,374,374,374,374,1262,-318,-537,-510,-593,-939,-941,-942,-440,1262,-442,-382,-383,-385,-509,-511,-513,1262,-515,-516,-521,-522,1262,-534,-536,-539,-540,-545,-550,-728,1262,-729,1262,-734,1262,-736,1262,-741,-658,-662,-663,1262,-668,1262,-669,1262,-674,-676,1262,-679,1262,1262,1262,-689,-691,1262,-694,1262,1262,-746,1262,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1262,1262,1262,1262,1262,-879,1262,-882,-910,-922,-927,-390,-391,1262,-396,1262,-399,1262,-404,1262,-405,1262,-410,1262,-415,1262,-419,1262,-420,1262,-425,1262,-428,-901,-902,-645,-587,-1896,-903,1262,1262,1262,-802,1262,1262,-806,1262,-809,-835,1262,-820,1262,-822,1262,-824,-810,1262,-826,1262,-853,-854,1262,1262,-813,1262,-648,-904,-906,-650,-651,-647,1262,-707,-708,1262,-644,-905,-649,-652,-605,-716,1262,1262,-607,-588,1262,1262,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1262,1262,-711,-712,1262,-718,1262,374,374,374,1262,1262,-940,374,-441,-443,-749,1262,-893,1262,-717,-1896,1262,1262,374,374,1262,-444,-514,-525,1262,-730,-735,1262,-737,1262,-742,1262,-664,-670,1262,-680,-682,-684,-685,-692,-695,-699,-747,1262,1262,-876,1262,1262,-880,1262,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1262,-814,1262,-816,-803,1262,-804,-807,1262,-818,-821,-823,-825,-827,1262,-828,1262,-811,1262,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,374,-284,374,1262,374,1262,-457,1262,1262,-731,1262,-738,1262,-743,1262,-665,-673,1262,1262,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1262,-838,-53,374,1262,-732,1262,-739,1262,-744,-666,1262,-875,-54,374,374,-733,-740,-745,1262,374,1262,-874,]),'JSON_KEYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[375,375,375,1263,-1896,375,375,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,375,375,375,375,-277,-278,1263,-1427,1263,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1263,1263,1263,-492,1263,1263,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1263,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1263,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1263,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,375,-174,-175,-176,-177,-995,375,375,375,375,375,375,375,375,375,375,1263,1263,1263,1263,1263,-292,-293,-283,375,1263,1263,1263,1263,-330,-320,-334,-335,-336,1263,1263,-984,-985,-986,-987,-988,-989,-990,375,375,1263,1263,1263,1263,1263,1263,1263,1263,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1263,1263,1263,-355,-358,375,-325,-326,-143,1263,-144,1263,-145,1263,-432,-937,-938,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1896,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1896,1263,-1896,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1896,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1896,375,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1263,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1263,375,375,-193,-194,375,-996,1263,375,375,375,375,-279,-280,-281,-282,-367,1263,-310,1263,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1263,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1263,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1263,1263,1263,1263,1263,1263,-575,1263,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1263,1263,-725,-726,-727,1263,1263,375,375,375,375,-996,375,1263,-93,-94,375,375,375,1263,-311,-312,-322,1263,-309,-295,-296,-297,1263,375,1263,1263,-620,-635,-592,1263,375,-438,375,-439,1263,-446,-447,-448,-380,-381,1263,1263,1263,-508,1263,1263,-512,1263,1263,1263,1263,-517,-518,-519,-520,1263,1263,-523,-524,1263,-526,-527,-528,-529,-530,-531,-532,-533,1263,-535,1263,1263,1263,-541,-543,-544,1263,-546,-547,-548,-549,1263,1263,1263,1263,1263,1263,-654,-655,-656,-657,375,-659,-660,-661,1263,1263,1263,-667,1263,1263,-671,-672,1263,1263,-675,1263,-677,-678,1263,-681,1263,-683,1263,1263,-686,-687,-688,1263,-690,1263,1263,-693,1263,1263,-696,-697,-698,1263,-700,-701,-702,-703,1263,1263,-748,1263,-751,-752,-753,-754,-755,1263,-757,-758,-759,-760,-761,1263,-768,-769,-771,1263,-773,-774,-775,-784,-858,-860,-862,-864,1263,1263,1263,1263,-870,1263,-872,1263,1263,1263,1263,1263,1263,1263,-908,-909,1263,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1263,-923,-926,1263,-936,1263,-387,-388,-389,1263,1263,-392,-393,-394,-395,1263,-398,1263,-401,-402,1263,-403,1263,-408,-409,1263,-412,-413,-414,1263,-417,1263,-418,1263,-423,-424,1263,-427,1263,-430,-431,-1896,-1896,1263,-621,-622,-623,-624,-625,-636,-586,-626,-799,1263,1263,1263,1263,1263,-833,1263,1263,-808,1263,-834,1263,1263,1263,1263,-800,1263,-855,-801,1263,1263,1263,1263,1263,1263,-856,-857,1263,-836,-832,-837,1263,-627,1263,-628,-629,-630,-631,-576,1263,1263,-632,-633,-634,1263,1263,1263,1263,1263,1263,-637,-638,-639,-594,-1896,-604,1263,-640,-641,-715,-642,-606,1263,-574,-579,-582,-585,1263,1263,1263,-600,-603,1263,-610,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1263,375,375,-997,375,1263,375,375,375,1263,-308,-327,-321,-298,-377,-454,-455,-456,-460,375,-445,1263,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1263,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,375,375,375,375,375,375,375,375,1263,-318,-537,-510,-593,-939,-941,-942,-440,1263,-442,-382,-383,-385,-509,-511,-513,1263,-515,-516,-521,-522,1263,-534,-536,-539,-540,-545,-550,-728,1263,-729,1263,-734,1263,-736,1263,-741,-658,-662,-663,1263,-668,1263,-669,1263,-674,-676,1263,-679,1263,1263,1263,-689,-691,1263,-694,1263,1263,-746,1263,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1263,1263,1263,1263,1263,-879,1263,-882,-910,-922,-927,-390,-391,1263,-396,1263,-399,1263,-404,1263,-405,1263,-410,1263,-415,1263,-419,1263,-420,1263,-425,1263,-428,-901,-902,-645,-587,-1896,-903,1263,1263,1263,-802,1263,1263,-806,1263,-809,-835,1263,-820,1263,-822,1263,-824,-810,1263,-826,1263,-853,-854,1263,1263,-813,1263,-648,-904,-906,-650,-651,-647,1263,-707,-708,1263,-644,-905,-649,-652,-605,-716,1263,1263,-607,-588,1263,1263,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1263,1263,-711,-712,1263,-718,1263,375,375,375,1263,1263,-940,375,-441,-443,-749,1263,-893,1263,-717,-1896,1263,1263,375,375,1263,-444,-514,-525,1263,-730,-735,1263,-737,1263,-742,1263,-664,-670,1263,-680,-682,-684,-685,-692,-695,-699,-747,1263,1263,-876,1263,1263,-880,1263,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1263,-814,1263,-816,-803,1263,-804,-807,1263,-818,-821,-823,-825,-827,1263,-828,1263,-811,1263,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,375,-284,375,1263,375,1263,-457,1263,1263,-731,1263,-738,1263,-743,1263,-665,-673,1263,1263,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1263,-838,-53,375,1263,-732,1263,-739,1263,-744,-666,1263,-875,-54,375,375,-733,-740,-745,1263,375,1263,-874,]),'JSON_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[376,376,376,1264,-1896,376,376,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,376,376,376,376,-277,-278,1264,-1427,1264,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1264,1264,1264,-492,1264,1264,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1264,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1264,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1264,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,376,-174,-175,-176,-177,-995,376,376,376,376,376,376,376,376,376,376,1264,1264,1264,1264,1264,-292,-293,-283,376,1264,1264,1264,1264,-330,-320,-334,-335,-336,1264,1264,-984,-985,-986,-987,-988,-989,-990,376,376,1264,1264,1264,1264,1264,1264,1264,1264,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1264,1264,1264,-355,-358,376,-325,-326,-143,1264,-144,1264,-145,1264,-432,-937,-938,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1896,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1896,1264,-1896,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1896,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1896,376,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1264,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1264,376,376,-193,-194,376,-996,1264,376,376,376,376,-279,-280,-281,-282,-367,1264,-310,1264,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1264,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1264,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1264,1264,1264,1264,1264,1264,-575,1264,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1264,1264,-725,-726,-727,1264,1264,376,376,376,376,-996,376,1264,-93,-94,376,376,376,1264,-311,-312,-322,1264,-309,-295,-296,-297,1264,376,1264,1264,-620,-635,-592,1264,376,-438,376,-439,1264,-446,-447,-448,-380,-381,1264,1264,1264,-508,1264,1264,-512,1264,1264,1264,1264,-517,-518,-519,-520,1264,1264,-523,-524,1264,-526,-527,-528,-529,-530,-531,-532,-533,1264,-535,1264,1264,1264,-541,-543,-544,1264,-546,-547,-548,-549,1264,1264,1264,1264,1264,1264,-654,-655,-656,-657,376,-659,-660,-661,1264,1264,1264,-667,1264,1264,-671,-672,1264,1264,-675,1264,-677,-678,1264,-681,1264,-683,1264,1264,-686,-687,-688,1264,-690,1264,1264,-693,1264,1264,-696,-697,-698,1264,-700,-701,-702,-703,1264,1264,-748,1264,-751,-752,-753,-754,-755,1264,-757,-758,-759,-760,-761,1264,-768,-769,-771,1264,-773,-774,-775,-784,-858,-860,-862,-864,1264,1264,1264,1264,-870,1264,-872,1264,1264,1264,1264,1264,1264,1264,-908,-909,1264,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1264,-923,-926,1264,-936,1264,-387,-388,-389,1264,1264,-392,-393,-394,-395,1264,-398,1264,-401,-402,1264,-403,1264,-408,-409,1264,-412,-413,-414,1264,-417,1264,-418,1264,-423,-424,1264,-427,1264,-430,-431,-1896,-1896,1264,-621,-622,-623,-624,-625,-636,-586,-626,-799,1264,1264,1264,1264,1264,-833,1264,1264,-808,1264,-834,1264,1264,1264,1264,-800,1264,-855,-801,1264,1264,1264,1264,1264,1264,-856,-857,1264,-836,-832,-837,1264,-627,1264,-628,-629,-630,-631,-576,1264,1264,-632,-633,-634,1264,1264,1264,1264,1264,1264,-637,-638,-639,-594,-1896,-604,1264,-640,-641,-715,-642,-606,1264,-574,-579,-582,-585,1264,1264,1264,-600,-603,1264,-610,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1264,376,376,-997,376,1264,376,376,376,1264,-308,-327,-321,-298,-377,-454,-455,-456,-460,376,-445,1264,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1264,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,376,376,376,376,376,376,376,376,1264,-318,-537,-510,-593,-939,-941,-942,-440,1264,-442,-382,-383,-385,-509,-511,-513,1264,-515,-516,-521,-522,1264,-534,-536,-539,-540,-545,-550,-728,1264,-729,1264,-734,1264,-736,1264,-741,-658,-662,-663,1264,-668,1264,-669,1264,-674,-676,1264,-679,1264,1264,1264,-689,-691,1264,-694,1264,1264,-746,1264,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1264,1264,1264,1264,1264,-879,1264,-882,-910,-922,-927,-390,-391,1264,-396,1264,-399,1264,-404,1264,-405,1264,-410,1264,-415,1264,-419,1264,-420,1264,-425,1264,-428,-901,-902,-645,-587,-1896,-903,1264,1264,1264,-802,1264,1264,-806,1264,-809,-835,1264,-820,1264,-822,1264,-824,-810,1264,-826,1264,-853,-854,1264,1264,-813,1264,-648,-904,-906,-650,-651,-647,1264,-707,-708,1264,-644,-905,-649,-652,-605,-716,1264,1264,-607,-588,1264,1264,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1264,1264,-711,-712,1264,-718,1264,376,376,376,1264,1264,-940,376,-441,-443,-749,1264,-893,1264,-717,-1896,1264,1264,376,376,1264,-444,-514,-525,1264,-730,-735,1264,-737,1264,-742,1264,-664,-670,1264,-680,-682,-684,-685,-692,-695,-699,-747,1264,1264,-876,1264,1264,-880,1264,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1264,-814,1264,-816,-803,1264,-804,-807,1264,-818,-821,-823,-825,-827,1264,-828,1264,-811,1264,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,376,-284,376,1264,376,1264,-457,1264,1264,-731,1264,-738,1264,-743,1264,-665,-673,1264,1264,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1264,-838,-53,376,1264,-732,1264,-739,1264,-744,-666,1264,-875,-54,376,376,-733,-740,-745,1264,376,1264,-874,]),'JSON_MERGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[377,377,377,1265,-1896,377,377,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,377,377,377,377,-277,-278,1265,-1427,1265,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1265,1265,1265,-492,1265,1265,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1265,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1265,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1265,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,377,-174,-175,-176,-177,-995,377,377,377,377,377,377,377,377,377,377,1265,1265,1265,1265,1265,-292,-293,-283,377,1265,1265,1265,1265,-330,-320,-334,-335,-336,1265,1265,-984,-985,-986,-987,-988,-989,-990,377,377,1265,1265,1265,1265,1265,1265,1265,1265,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1265,1265,1265,-355,-358,377,-325,-326,-143,1265,-144,1265,-145,1265,-432,-937,-938,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1896,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1896,1265,-1896,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1896,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1896,377,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1265,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1265,377,377,-193,-194,377,-996,1265,377,377,377,377,-279,-280,-281,-282,-367,1265,-310,1265,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1265,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1265,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1265,1265,1265,1265,1265,1265,-575,1265,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1265,1265,-725,-726,-727,1265,1265,377,377,377,377,-996,377,1265,-93,-94,377,377,377,1265,-311,-312,-322,1265,-309,-295,-296,-297,1265,377,1265,1265,-620,-635,-592,1265,377,-438,377,-439,1265,-446,-447,-448,-380,-381,1265,1265,1265,-508,1265,1265,-512,1265,1265,1265,1265,-517,-518,-519,-520,1265,1265,-523,-524,1265,-526,-527,-528,-529,-530,-531,-532,-533,1265,-535,1265,1265,1265,-541,-543,-544,1265,-546,-547,-548,-549,1265,1265,1265,1265,1265,1265,-654,-655,-656,-657,377,-659,-660,-661,1265,1265,1265,-667,1265,1265,-671,-672,1265,1265,-675,1265,-677,-678,1265,-681,1265,-683,1265,1265,-686,-687,-688,1265,-690,1265,1265,-693,1265,1265,-696,-697,-698,1265,-700,-701,-702,-703,1265,1265,-748,1265,-751,-752,-753,-754,-755,1265,-757,-758,-759,-760,-761,1265,-768,-769,-771,1265,-773,-774,-775,-784,-858,-860,-862,-864,1265,1265,1265,1265,-870,1265,-872,1265,1265,1265,1265,1265,1265,1265,-908,-909,1265,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1265,-923,-926,1265,-936,1265,-387,-388,-389,1265,1265,-392,-393,-394,-395,1265,-398,1265,-401,-402,1265,-403,1265,-408,-409,1265,-412,-413,-414,1265,-417,1265,-418,1265,-423,-424,1265,-427,1265,-430,-431,-1896,-1896,1265,-621,-622,-623,-624,-625,-636,-586,-626,-799,1265,1265,1265,1265,1265,-833,1265,1265,-808,1265,-834,1265,1265,1265,1265,-800,1265,-855,-801,1265,1265,1265,1265,1265,1265,-856,-857,1265,-836,-832,-837,1265,-627,1265,-628,-629,-630,-631,-576,1265,1265,-632,-633,-634,1265,1265,1265,1265,1265,1265,-637,-638,-639,-594,-1896,-604,1265,-640,-641,-715,-642,-606,1265,-574,-579,-582,-585,1265,1265,1265,-600,-603,1265,-610,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1265,377,377,-997,377,1265,377,377,377,1265,-308,-327,-321,-298,-377,-454,-455,-456,-460,377,-445,1265,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1265,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,377,377,377,377,377,377,377,377,1265,-318,-537,-510,-593,-939,-941,-942,-440,1265,-442,-382,-383,-385,-509,-511,-513,1265,-515,-516,-521,-522,1265,-534,-536,-539,-540,-545,-550,-728,1265,-729,1265,-734,1265,-736,1265,-741,-658,-662,-663,1265,-668,1265,-669,1265,-674,-676,1265,-679,1265,1265,1265,-689,-691,1265,-694,1265,1265,-746,1265,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1265,1265,1265,1265,1265,-879,1265,-882,-910,-922,-927,-390,-391,1265,-396,1265,-399,1265,-404,1265,-405,1265,-410,1265,-415,1265,-419,1265,-420,1265,-425,1265,-428,-901,-902,-645,-587,-1896,-903,1265,1265,1265,-802,1265,1265,-806,1265,-809,-835,1265,-820,1265,-822,1265,-824,-810,1265,-826,1265,-853,-854,1265,1265,-813,1265,-648,-904,-906,-650,-651,-647,1265,-707,-708,1265,-644,-905,-649,-652,-605,-716,1265,1265,-607,-588,1265,1265,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1265,1265,-711,-712,1265,-718,1265,377,377,377,1265,1265,-940,377,-441,-443,-749,1265,-893,1265,-717,-1896,1265,1265,377,377,1265,-444,-514,-525,1265,-730,-735,1265,-737,1265,-742,1265,-664,-670,1265,-680,-682,-684,-685,-692,-695,-699,-747,1265,1265,-876,1265,1265,-880,1265,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1265,-814,1265,-816,-803,1265,-804,-807,1265,-818,-821,-823,-825,-827,1265,-828,1265,-811,1265,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,377,-284,377,1265,377,1265,-457,1265,1265,-731,1265,-738,1265,-743,1265,-665,-673,1265,1265,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1265,-838,-53,377,1265,-732,1265,-739,1265,-744,-666,1265,-875,-54,377,377,-733,-740,-745,1265,377,1265,-874,]),'JSON_MERGE_PATCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[378,378,378,1266,-1896,378,378,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,378,378,378,378,-277,-278,1266,-1427,1266,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1266,1266,1266,-492,1266,1266,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1266,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1266,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1266,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,378,-174,-175,-176,-177,-995,378,378,378,378,378,378,378,378,378,378,1266,1266,1266,1266,1266,-292,-293,-283,378,1266,1266,1266,1266,-330,-320,-334,-335,-336,1266,1266,-984,-985,-986,-987,-988,-989,-990,378,378,1266,1266,1266,1266,1266,1266,1266,1266,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1266,1266,1266,-355,-358,378,-325,-326,-143,1266,-144,1266,-145,1266,-432,-937,-938,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1896,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1896,1266,-1896,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1896,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1896,378,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1266,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1266,378,378,-193,-194,378,-996,1266,378,378,378,378,-279,-280,-281,-282,-367,1266,-310,1266,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1266,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1266,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1266,1266,1266,1266,1266,1266,-575,1266,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1266,1266,-725,-726,-727,1266,1266,378,378,378,378,-996,378,1266,-93,-94,378,378,378,1266,-311,-312,-322,1266,-309,-295,-296,-297,1266,378,1266,1266,-620,-635,-592,1266,378,-438,378,-439,1266,-446,-447,-448,-380,-381,1266,1266,1266,-508,1266,1266,-512,1266,1266,1266,1266,-517,-518,-519,-520,1266,1266,-523,-524,1266,-526,-527,-528,-529,-530,-531,-532,-533,1266,-535,1266,1266,1266,-541,-543,-544,1266,-546,-547,-548,-549,1266,1266,1266,1266,1266,1266,-654,-655,-656,-657,378,-659,-660,-661,1266,1266,1266,-667,1266,1266,-671,-672,1266,1266,-675,1266,-677,-678,1266,-681,1266,-683,1266,1266,-686,-687,-688,1266,-690,1266,1266,-693,1266,1266,-696,-697,-698,1266,-700,-701,-702,-703,1266,1266,-748,1266,-751,-752,-753,-754,-755,1266,-757,-758,-759,-760,-761,1266,-768,-769,-771,1266,-773,-774,-775,-784,-858,-860,-862,-864,1266,1266,1266,1266,-870,1266,-872,1266,1266,1266,1266,1266,1266,1266,-908,-909,1266,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1266,-923,-926,1266,-936,1266,-387,-388,-389,1266,1266,-392,-393,-394,-395,1266,-398,1266,-401,-402,1266,-403,1266,-408,-409,1266,-412,-413,-414,1266,-417,1266,-418,1266,-423,-424,1266,-427,1266,-430,-431,-1896,-1896,1266,-621,-622,-623,-624,-625,-636,-586,-626,-799,1266,1266,1266,1266,1266,-833,1266,1266,-808,1266,-834,1266,1266,1266,1266,-800,1266,-855,-801,1266,1266,1266,1266,1266,1266,-856,-857,1266,-836,-832,-837,1266,-627,1266,-628,-629,-630,-631,-576,1266,1266,-632,-633,-634,1266,1266,1266,1266,1266,1266,-637,-638,-639,-594,-1896,-604,1266,-640,-641,-715,-642,-606,1266,-574,-579,-582,-585,1266,1266,1266,-600,-603,1266,-610,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1266,378,378,-997,378,1266,378,378,378,1266,-308,-327,-321,-298,-377,-454,-455,-456,-460,378,-445,1266,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1266,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,378,378,378,378,378,378,378,378,1266,-318,-537,-510,-593,-939,-941,-942,-440,1266,-442,-382,-383,-385,-509,-511,-513,1266,-515,-516,-521,-522,1266,-534,-536,-539,-540,-545,-550,-728,1266,-729,1266,-734,1266,-736,1266,-741,-658,-662,-663,1266,-668,1266,-669,1266,-674,-676,1266,-679,1266,1266,1266,-689,-691,1266,-694,1266,1266,-746,1266,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1266,1266,1266,1266,1266,-879,1266,-882,-910,-922,-927,-390,-391,1266,-396,1266,-399,1266,-404,1266,-405,1266,-410,1266,-415,1266,-419,1266,-420,1266,-425,1266,-428,-901,-902,-645,-587,-1896,-903,1266,1266,1266,-802,1266,1266,-806,1266,-809,-835,1266,-820,1266,-822,1266,-824,-810,1266,-826,1266,-853,-854,1266,1266,-813,1266,-648,-904,-906,-650,-651,-647,1266,-707,-708,1266,-644,-905,-649,-652,-605,-716,1266,1266,-607,-588,1266,1266,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1266,1266,-711,-712,1266,-718,1266,378,378,378,1266,1266,-940,378,-441,-443,-749,1266,-893,1266,-717,-1896,1266,1266,378,378,1266,-444,-514,-525,1266,-730,-735,1266,-737,1266,-742,1266,-664,-670,1266,-680,-682,-684,-685,-692,-695,-699,-747,1266,1266,-876,1266,1266,-880,1266,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1266,-814,1266,-816,-803,1266,-804,-807,1266,-818,-821,-823,-825,-827,1266,-828,1266,-811,1266,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,378,-284,378,1266,378,1266,-457,1266,1266,-731,1266,-738,1266,-743,1266,-665,-673,1266,1266,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1266,-838,-53,378,1266,-732,1266,-739,1266,-744,-666,1266,-875,-54,378,378,-733,-740,-745,1266,378,1266,-874,]),'JSON_MERGE_PRESERVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[379,379,379,1267,-1896,379,379,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,379,379,379,379,-277,-278,1267,-1427,1267,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1267,1267,1267,-492,1267,1267,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1267,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1267,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1267,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,379,-174,-175,-176,-177,-995,379,379,379,379,379,379,379,379,379,379,1267,1267,1267,1267,1267,-292,-293,-283,379,1267,1267,1267,1267,-330,-320,-334,-335,-336,1267,1267,-984,-985,-986,-987,-988,-989,-990,379,379,1267,1267,1267,1267,1267,1267,1267,1267,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1267,1267,1267,-355,-358,379,-325,-326,-143,1267,-144,1267,-145,1267,-432,-937,-938,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1896,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1896,1267,-1896,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1896,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1896,379,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1267,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1267,379,379,-193,-194,379,-996,1267,379,379,379,379,-279,-280,-281,-282,-367,1267,-310,1267,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1267,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1267,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1267,1267,1267,1267,1267,1267,-575,1267,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1267,1267,-725,-726,-727,1267,1267,379,379,379,379,-996,379,1267,-93,-94,379,379,379,1267,-311,-312,-322,1267,-309,-295,-296,-297,1267,379,1267,1267,-620,-635,-592,1267,379,-438,379,-439,1267,-446,-447,-448,-380,-381,1267,1267,1267,-508,1267,1267,-512,1267,1267,1267,1267,-517,-518,-519,-520,1267,1267,-523,-524,1267,-526,-527,-528,-529,-530,-531,-532,-533,1267,-535,1267,1267,1267,-541,-543,-544,1267,-546,-547,-548,-549,1267,1267,1267,1267,1267,1267,-654,-655,-656,-657,379,-659,-660,-661,1267,1267,1267,-667,1267,1267,-671,-672,1267,1267,-675,1267,-677,-678,1267,-681,1267,-683,1267,1267,-686,-687,-688,1267,-690,1267,1267,-693,1267,1267,-696,-697,-698,1267,-700,-701,-702,-703,1267,1267,-748,1267,-751,-752,-753,-754,-755,1267,-757,-758,-759,-760,-761,1267,-768,-769,-771,1267,-773,-774,-775,-784,-858,-860,-862,-864,1267,1267,1267,1267,-870,1267,-872,1267,1267,1267,1267,1267,1267,1267,-908,-909,1267,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1267,-923,-926,1267,-936,1267,-387,-388,-389,1267,1267,-392,-393,-394,-395,1267,-398,1267,-401,-402,1267,-403,1267,-408,-409,1267,-412,-413,-414,1267,-417,1267,-418,1267,-423,-424,1267,-427,1267,-430,-431,-1896,-1896,1267,-621,-622,-623,-624,-625,-636,-586,-626,-799,1267,1267,1267,1267,1267,-833,1267,1267,-808,1267,-834,1267,1267,1267,1267,-800,1267,-855,-801,1267,1267,1267,1267,1267,1267,-856,-857,1267,-836,-832,-837,1267,-627,1267,-628,-629,-630,-631,-576,1267,1267,-632,-633,-634,1267,1267,1267,1267,1267,1267,-637,-638,-639,-594,-1896,-604,1267,-640,-641,-715,-642,-606,1267,-574,-579,-582,-585,1267,1267,1267,-600,-603,1267,-610,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1267,379,379,-997,379,1267,379,379,379,1267,-308,-327,-321,-298,-377,-454,-455,-456,-460,379,-445,1267,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1267,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,379,379,379,379,379,379,379,379,1267,-318,-537,-510,-593,-939,-941,-942,-440,1267,-442,-382,-383,-385,-509,-511,-513,1267,-515,-516,-521,-522,1267,-534,-536,-539,-540,-545,-550,-728,1267,-729,1267,-734,1267,-736,1267,-741,-658,-662,-663,1267,-668,1267,-669,1267,-674,-676,1267,-679,1267,1267,1267,-689,-691,1267,-694,1267,1267,-746,1267,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1267,1267,1267,1267,1267,-879,1267,-882,-910,-922,-927,-390,-391,1267,-396,1267,-399,1267,-404,1267,-405,1267,-410,1267,-415,1267,-419,1267,-420,1267,-425,1267,-428,-901,-902,-645,-587,-1896,-903,1267,1267,1267,-802,1267,1267,-806,1267,-809,-835,1267,-820,1267,-822,1267,-824,-810,1267,-826,1267,-853,-854,1267,1267,-813,1267,-648,-904,-906,-650,-651,-647,1267,-707,-708,1267,-644,-905,-649,-652,-605,-716,1267,1267,-607,-588,1267,1267,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1267,1267,-711,-712,1267,-718,1267,379,379,379,1267,1267,-940,379,-441,-443,-749,1267,-893,1267,-717,-1896,1267,1267,379,379,1267,-444,-514,-525,1267,-730,-735,1267,-737,1267,-742,1267,-664,-670,1267,-680,-682,-684,-685,-692,-695,-699,-747,1267,1267,-876,1267,1267,-880,1267,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1267,-814,1267,-816,-803,1267,-804,-807,1267,-818,-821,-823,-825,-827,1267,-828,1267,-811,1267,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,379,-284,379,1267,379,1267,-457,1267,1267,-731,1267,-738,1267,-743,1267,-665,-673,1267,1267,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1267,-838,-53,379,1267,-732,1267,-739,1267,-744,-666,1267,-875,-54,379,379,-733,-740,-745,1267,379,1267,-874,]),'JSON_OBJECT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[380,380,380,1268,-1896,380,380,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,380,380,380,380,-277,-278,1268,-1427,1268,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1268,1268,1268,-492,1268,1268,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1268,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1268,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1268,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,380,-174,-175,-176,-177,-995,380,380,380,380,380,380,380,380,380,380,1268,1268,1268,1268,1268,-292,-293,-283,380,1268,1268,1268,1268,-330,-320,-334,-335,-336,1268,1268,-984,-985,-986,-987,-988,-989,-990,380,380,1268,1268,1268,1268,1268,1268,1268,1268,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1268,1268,1268,-355,-358,380,-325,-326,-143,1268,-144,1268,-145,1268,-432,-937,-938,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1896,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1896,1268,-1896,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1896,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1896,380,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1268,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1268,380,380,-193,-194,380,-996,1268,380,380,380,380,-279,-280,-281,-282,-367,1268,-310,1268,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1268,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1268,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1268,1268,1268,1268,1268,1268,-575,1268,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1268,1268,-725,-726,-727,1268,1268,380,380,380,380,-996,380,1268,-93,-94,380,380,380,1268,-311,-312,-322,1268,-309,-295,-296,-297,1268,380,1268,1268,-620,-635,-592,1268,380,-438,380,-439,1268,-446,-447,-448,-380,-381,1268,1268,1268,-508,1268,1268,-512,1268,1268,1268,1268,-517,-518,-519,-520,1268,1268,-523,-524,1268,-526,-527,-528,-529,-530,-531,-532,-533,1268,-535,1268,1268,1268,-541,-543,-544,1268,-546,-547,-548,-549,1268,1268,1268,1268,1268,1268,-654,-655,-656,-657,380,-659,-660,-661,1268,1268,1268,-667,1268,1268,-671,-672,1268,1268,-675,1268,-677,-678,1268,-681,1268,-683,1268,1268,-686,-687,-688,1268,-690,1268,1268,-693,1268,1268,-696,-697,-698,1268,-700,-701,-702,-703,1268,1268,-748,1268,-751,-752,-753,-754,-755,1268,-757,-758,-759,-760,-761,1268,-768,-769,-771,1268,-773,-774,-775,-784,-858,-860,-862,-864,1268,1268,1268,1268,-870,1268,-872,1268,1268,1268,1268,1268,1268,1268,-908,-909,1268,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1268,-923,-926,1268,-936,1268,-387,-388,-389,1268,1268,-392,-393,-394,-395,1268,-398,1268,-401,-402,1268,-403,1268,-408,-409,1268,-412,-413,-414,1268,-417,1268,-418,1268,-423,-424,1268,-427,1268,-430,-431,-1896,-1896,1268,-621,-622,-623,-624,-625,-636,-586,-626,-799,1268,1268,1268,1268,1268,-833,1268,1268,-808,1268,-834,1268,1268,1268,1268,-800,1268,-855,-801,1268,1268,1268,1268,1268,1268,-856,-857,1268,-836,-832,-837,1268,-627,1268,-628,-629,-630,-631,-576,1268,1268,-632,-633,-634,1268,1268,1268,1268,1268,1268,-637,-638,-639,-594,-1896,-604,1268,-640,-641,-715,-642,-606,1268,-574,-579,-582,-585,1268,1268,1268,-600,-603,1268,-610,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1268,380,380,-997,380,1268,380,380,380,1268,-308,-327,-321,-298,-377,-454,-455,-456,-460,380,-445,1268,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1268,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,380,380,380,380,380,380,380,380,1268,-318,-537,-510,-593,-939,-941,-942,-440,1268,-442,-382,-383,-385,-509,-511,-513,1268,-515,-516,-521,-522,1268,-534,-536,-539,-540,-545,-550,-728,1268,-729,1268,-734,1268,-736,1268,-741,-658,-662,-663,1268,-668,1268,-669,1268,-674,-676,1268,-679,1268,1268,1268,-689,-691,1268,-694,1268,1268,-746,1268,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1268,1268,1268,1268,1268,-879,1268,-882,-910,-922,-927,-390,-391,1268,-396,1268,-399,1268,-404,1268,-405,1268,-410,1268,-415,1268,-419,1268,-420,1268,-425,1268,-428,-901,-902,-645,-587,-1896,-903,1268,1268,1268,-802,1268,1268,-806,1268,-809,-835,1268,-820,1268,-822,1268,-824,-810,1268,-826,1268,-853,-854,1268,1268,-813,1268,-648,-904,-906,-650,-651,-647,1268,-707,-708,1268,-644,-905,-649,-652,-605,-716,1268,1268,-607,-588,1268,1268,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1268,1268,-711,-712,1268,-718,1268,380,380,380,1268,1268,-940,380,-441,-443,-749,1268,-893,1268,-717,-1896,1268,1268,380,380,1268,-444,-514,-525,1268,-730,-735,1268,-737,1268,-742,1268,-664,-670,1268,-680,-682,-684,-685,-692,-695,-699,-747,1268,1268,-876,1268,1268,-880,1268,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1268,-814,1268,-816,-803,1268,-804,-807,1268,-818,-821,-823,-825,-827,1268,-828,1268,-811,1268,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,380,-284,380,1268,380,1268,-457,1268,1268,-731,1268,-738,1268,-743,1268,-665,-673,1268,1268,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1268,-838,-53,380,1268,-732,1268,-739,1268,-744,-666,1268,-875,-54,380,380,-733,-740,-745,1268,380,1268,-874,]),'JSON_OVERLAPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[381,381,381,1269,-1896,381,381,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,381,381,381,381,-277,-278,1269,-1427,1269,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1269,1269,1269,-492,1269,1269,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1269,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1269,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1269,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,381,-174,-175,-176,-177,-995,381,381,381,381,381,381,381,381,381,381,1269,1269,1269,1269,1269,-292,-293,-283,381,1269,1269,1269,1269,-330,-320,-334,-335,-336,1269,1269,-984,-985,-986,-987,-988,-989,-990,381,381,1269,1269,1269,1269,1269,1269,1269,1269,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1269,1269,1269,-355,-358,381,-325,-326,-143,1269,-144,1269,-145,1269,-432,-937,-938,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1896,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1896,1269,-1896,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1896,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1896,381,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1269,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1269,381,381,-193,-194,381,-996,1269,381,381,381,381,-279,-280,-281,-282,-367,1269,-310,1269,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1269,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1269,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1269,1269,1269,1269,1269,1269,-575,1269,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1269,1269,-725,-726,-727,1269,1269,381,381,381,381,-996,381,1269,-93,-94,381,381,381,1269,-311,-312,-322,1269,-309,-295,-296,-297,1269,381,1269,1269,-620,-635,-592,1269,381,-438,381,-439,1269,-446,-447,-448,-380,-381,1269,1269,1269,-508,1269,1269,-512,1269,1269,1269,1269,-517,-518,-519,-520,1269,1269,-523,-524,1269,-526,-527,-528,-529,-530,-531,-532,-533,1269,-535,1269,1269,1269,-541,-543,-544,1269,-546,-547,-548,-549,1269,1269,1269,1269,1269,1269,-654,-655,-656,-657,381,-659,-660,-661,1269,1269,1269,-667,1269,1269,-671,-672,1269,1269,-675,1269,-677,-678,1269,-681,1269,-683,1269,1269,-686,-687,-688,1269,-690,1269,1269,-693,1269,1269,-696,-697,-698,1269,-700,-701,-702,-703,1269,1269,-748,1269,-751,-752,-753,-754,-755,1269,-757,-758,-759,-760,-761,1269,-768,-769,-771,1269,-773,-774,-775,-784,-858,-860,-862,-864,1269,1269,1269,1269,-870,1269,-872,1269,1269,1269,1269,1269,1269,1269,-908,-909,1269,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1269,-923,-926,1269,-936,1269,-387,-388,-389,1269,1269,-392,-393,-394,-395,1269,-398,1269,-401,-402,1269,-403,1269,-408,-409,1269,-412,-413,-414,1269,-417,1269,-418,1269,-423,-424,1269,-427,1269,-430,-431,-1896,-1896,1269,-621,-622,-623,-624,-625,-636,-586,-626,-799,1269,1269,1269,1269,1269,-833,1269,1269,-808,1269,-834,1269,1269,1269,1269,-800,1269,-855,-801,1269,1269,1269,1269,1269,1269,-856,-857,1269,-836,-832,-837,1269,-627,1269,-628,-629,-630,-631,-576,1269,1269,-632,-633,-634,1269,1269,1269,1269,1269,1269,-637,-638,-639,-594,-1896,-604,1269,-640,-641,-715,-642,-606,1269,-574,-579,-582,-585,1269,1269,1269,-600,-603,1269,-610,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1269,381,381,-997,381,1269,381,381,381,1269,-308,-327,-321,-298,-377,-454,-455,-456,-460,381,-445,1269,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1269,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,381,381,381,381,381,381,381,381,1269,-318,-537,-510,-593,-939,-941,-942,-440,1269,-442,-382,-383,-385,-509,-511,-513,1269,-515,-516,-521,-522,1269,-534,-536,-539,-540,-545,-550,-728,1269,-729,1269,-734,1269,-736,1269,-741,-658,-662,-663,1269,-668,1269,-669,1269,-674,-676,1269,-679,1269,1269,1269,-689,-691,1269,-694,1269,1269,-746,1269,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1269,1269,1269,1269,1269,-879,1269,-882,-910,-922,-927,-390,-391,1269,-396,1269,-399,1269,-404,1269,-405,1269,-410,1269,-415,1269,-419,1269,-420,1269,-425,1269,-428,-901,-902,-645,-587,-1896,-903,1269,1269,1269,-802,1269,1269,-806,1269,-809,-835,1269,-820,1269,-822,1269,-824,-810,1269,-826,1269,-853,-854,1269,1269,-813,1269,-648,-904,-906,-650,-651,-647,1269,-707,-708,1269,-644,-905,-649,-652,-605,-716,1269,1269,-607,-588,1269,1269,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1269,1269,-711,-712,1269,-718,1269,381,381,381,1269,1269,-940,381,-441,-443,-749,1269,-893,1269,-717,-1896,1269,1269,381,381,1269,-444,-514,-525,1269,-730,-735,1269,-737,1269,-742,1269,-664,-670,1269,-680,-682,-684,-685,-692,-695,-699,-747,1269,1269,-876,1269,1269,-880,1269,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1269,-814,1269,-816,-803,1269,-804,-807,1269,-818,-821,-823,-825,-827,1269,-828,1269,-811,1269,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,381,-284,381,1269,381,1269,-457,1269,1269,-731,1269,-738,1269,-743,1269,-665,-673,1269,1269,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1269,-838,-53,381,1269,-732,1269,-739,1269,-744,-666,1269,-875,-54,381,381,-733,-740,-745,1269,381,1269,-874,]),'JSON_PERTTY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[382,382,382,1270,-1896,382,382,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,382,382,382,382,-277,-278,1270,-1427,1270,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1270,1270,1270,-492,1270,1270,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1270,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1270,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1270,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,382,-174,-175,-176,-177,-995,382,382,382,382,382,382,382,382,382,382,1270,1270,1270,1270,1270,-292,-293,-283,382,1270,1270,1270,1270,-330,-320,-334,-335,-336,1270,1270,-984,-985,-986,-987,-988,-989,-990,382,382,1270,1270,1270,1270,1270,1270,1270,1270,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1270,1270,1270,-355,-358,382,-325,-326,-143,1270,-144,1270,-145,1270,-432,-937,-938,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1896,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1896,1270,-1896,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1896,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1896,382,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1270,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1270,382,382,-193,-194,382,-996,1270,382,382,382,382,-279,-280,-281,-282,-367,1270,-310,1270,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1270,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1270,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1270,1270,1270,1270,1270,1270,-575,1270,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1270,1270,-725,-726,-727,1270,1270,382,382,382,382,-996,382,1270,-93,-94,382,382,382,1270,-311,-312,-322,1270,-309,-295,-296,-297,1270,382,1270,1270,-620,-635,-592,1270,382,-438,382,-439,1270,-446,-447,-448,-380,-381,1270,1270,1270,-508,1270,1270,-512,1270,1270,1270,1270,-517,-518,-519,-520,1270,1270,-523,-524,1270,-526,-527,-528,-529,-530,-531,-532,-533,1270,-535,1270,1270,1270,-541,-543,-544,1270,-546,-547,-548,-549,1270,1270,1270,1270,1270,1270,-654,-655,-656,-657,382,-659,-660,-661,1270,1270,1270,-667,1270,1270,-671,-672,1270,1270,-675,1270,-677,-678,1270,-681,1270,-683,1270,1270,-686,-687,-688,1270,-690,1270,1270,-693,1270,1270,-696,-697,-698,1270,-700,-701,-702,-703,1270,1270,-748,1270,-751,-752,-753,-754,-755,1270,-757,-758,-759,-760,-761,1270,-768,-769,-771,1270,-773,-774,-775,-784,-858,-860,-862,-864,1270,1270,1270,1270,-870,1270,-872,1270,1270,1270,1270,1270,1270,1270,-908,-909,1270,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1270,-923,-926,1270,-936,1270,-387,-388,-389,1270,1270,-392,-393,-394,-395,1270,-398,1270,-401,-402,1270,-403,1270,-408,-409,1270,-412,-413,-414,1270,-417,1270,-418,1270,-423,-424,1270,-427,1270,-430,-431,-1896,-1896,1270,-621,-622,-623,-624,-625,-636,-586,-626,-799,1270,1270,1270,1270,1270,-833,1270,1270,-808,1270,-834,1270,1270,1270,1270,-800,1270,-855,-801,1270,1270,1270,1270,1270,1270,-856,-857,1270,-836,-832,-837,1270,-627,1270,-628,-629,-630,-631,-576,1270,1270,-632,-633,-634,1270,1270,1270,1270,1270,1270,-637,-638,-639,-594,-1896,-604,1270,-640,-641,-715,-642,-606,1270,-574,-579,-582,-585,1270,1270,1270,-600,-603,1270,-610,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1270,382,382,-997,382,1270,382,382,382,1270,-308,-327,-321,-298,-377,-454,-455,-456,-460,382,-445,1270,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1270,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,382,382,382,382,382,382,382,382,1270,-318,-537,-510,-593,-939,-941,-942,-440,1270,-442,-382,-383,-385,-509,-511,-513,1270,-515,-516,-521,-522,1270,-534,-536,-539,-540,-545,-550,-728,1270,-729,1270,-734,1270,-736,1270,-741,-658,-662,-663,1270,-668,1270,-669,1270,-674,-676,1270,-679,1270,1270,1270,-689,-691,1270,-694,1270,1270,-746,1270,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1270,1270,1270,1270,1270,-879,1270,-882,-910,-922,-927,-390,-391,1270,-396,1270,-399,1270,-404,1270,-405,1270,-410,1270,-415,1270,-419,1270,-420,1270,-425,1270,-428,-901,-902,-645,-587,-1896,-903,1270,1270,1270,-802,1270,1270,-806,1270,-809,-835,1270,-820,1270,-822,1270,-824,-810,1270,-826,1270,-853,-854,1270,1270,-813,1270,-648,-904,-906,-650,-651,-647,1270,-707,-708,1270,-644,-905,-649,-652,-605,-716,1270,1270,-607,-588,1270,1270,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1270,1270,-711,-712,1270,-718,1270,382,382,382,1270,1270,-940,382,-441,-443,-749,1270,-893,1270,-717,-1896,1270,1270,382,382,1270,-444,-514,-525,1270,-730,-735,1270,-737,1270,-742,1270,-664,-670,1270,-680,-682,-684,-685,-692,-695,-699,-747,1270,1270,-876,1270,1270,-880,1270,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1270,-814,1270,-816,-803,1270,-804,-807,1270,-818,-821,-823,-825,-827,1270,-828,1270,-811,1270,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,382,-284,382,1270,382,1270,-457,1270,1270,-731,1270,-738,1270,-743,1270,-665,-673,1270,1270,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1270,-838,-53,382,1270,-732,1270,-739,1270,-744,-666,1270,-875,-54,382,382,-733,-740,-745,1270,382,1270,-874,]),'JSON_QUOTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[383,383,383,1271,-1896,383,383,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,383,383,383,383,-277,-278,1271,-1427,1271,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1271,1271,1271,-492,1271,1271,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1271,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1271,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1271,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,383,-174,-175,-176,-177,-995,383,383,383,383,383,383,383,383,383,383,1271,1271,1271,1271,1271,-292,-293,-283,383,1271,1271,1271,1271,-330,-320,-334,-335,-336,1271,1271,-984,-985,-986,-987,-988,-989,-990,383,383,1271,1271,1271,1271,1271,1271,1271,1271,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1271,1271,1271,-355,-358,383,-325,-326,-143,1271,-144,1271,-145,1271,-432,-937,-938,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1896,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1896,1271,-1896,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1896,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1896,383,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1271,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1271,383,383,-193,-194,383,-996,1271,383,383,383,383,-279,-280,-281,-282,-367,1271,-310,1271,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1271,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1271,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1271,1271,1271,1271,1271,1271,-575,1271,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1271,1271,-725,-726,-727,1271,1271,383,383,383,383,-996,383,1271,-93,-94,383,383,383,1271,-311,-312,-322,1271,-309,-295,-296,-297,1271,383,1271,1271,-620,-635,-592,1271,383,-438,383,-439,1271,-446,-447,-448,-380,-381,1271,1271,1271,-508,1271,1271,-512,1271,1271,1271,1271,-517,-518,-519,-520,1271,1271,-523,-524,1271,-526,-527,-528,-529,-530,-531,-532,-533,1271,-535,1271,1271,1271,-541,-543,-544,1271,-546,-547,-548,-549,1271,1271,1271,1271,1271,1271,-654,-655,-656,-657,383,-659,-660,-661,1271,1271,1271,-667,1271,1271,-671,-672,1271,1271,-675,1271,-677,-678,1271,-681,1271,-683,1271,1271,-686,-687,-688,1271,-690,1271,1271,-693,1271,1271,-696,-697,-698,1271,-700,-701,-702,-703,1271,1271,-748,1271,-751,-752,-753,-754,-755,1271,-757,-758,-759,-760,-761,1271,-768,-769,-771,1271,-773,-774,-775,-784,-858,-860,-862,-864,1271,1271,1271,1271,-870,1271,-872,1271,1271,1271,1271,1271,1271,1271,-908,-909,1271,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1271,-923,-926,1271,-936,1271,-387,-388,-389,1271,1271,-392,-393,-394,-395,1271,-398,1271,-401,-402,1271,-403,1271,-408,-409,1271,-412,-413,-414,1271,-417,1271,-418,1271,-423,-424,1271,-427,1271,-430,-431,-1896,-1896,1271,-621,-622,-623,-624,-625,-636,-586,-626,-799,1271,1271,1271,1271,1271,-833,1271,1271,-808,1271,-834,1271,1271,1271,1271,-800,1271,-855,-801,1271,1271,1271,1271,1271,1271,-856,-857,1271,-836,-832,-837,1271,-627,1271,-628,-629,-630,-631,-576,1271,1271,-632,-633,-634,1271,1271,1271,1271,1271,1271,-637,-638,-639,-594,-1896,-604,1271,-640,-641,-715,-642,-606,1271,-574,-579,-582,-585,1271,1271,1271,-600,-603,1271,-610,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1271,383,383,-997,383,1271,383,383,383,1271,-308,-327,-321,-298,-377,-454,-455,-456,-460,383,-445,1271,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1271,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,383,383,383,383,383,383,383,383,1271,-318,-537,-510,-593,-939,-941,-942,-440,1271,-442,-382,-383,-385,-509,-511,-513,1271,-515,-516,-521,-522,1271,-534,-536,-539,-540,-545,-550,-728,1271,-729,1271,-734,1271,-736,1271,-741,-658,-662,-663,1271,-668,1271,-669,1271,-674,-676,1271,-679,1271,1271,1271,-689,-691,1271,-694,1271,1271,-746,1271,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1271,1271,1271,1271,1271,-879,1271,-882,-910,-922,-927,-390,-391,1271,-396,1271,-399,1271,-404,1271,-405,1271,-410,1271,-415,1271,-419,1271,-420,1271,-425,1271,-428,-901,-902,-645,-587,-1896,-903,1271,1271,1271,-802,1271,1271,-806,1271,-809,-835,1271,-820,1271,-822,1271,-824,-810,1271,-826,1271,-853,-854,1271,1271,-813,1271,-648,-904,-906,-650,-651,-647,1271,-707,-708,1271,-644,-905,-649,-652,-605,-716,1271,1271,-607,-588,1271,1271,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1271,1271,-711,-712,1271,-718,1271,383,383,383,1271,1271,-940,383,-441,-443,-749,1271,-893,1271,-717,-1896,1271,1271,383,383,1271,-444,-514,-525,1271,-730,-735,1271,-737,1271,-742,1271,-664,-670,1271,-680,-682,-684,-685,-692,-695,-699,-747,1271,1271,-876,1271,1271,-880,1271,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1271,-814,1271,-816,-803,1271,-804,-807,1271,-818,-821,-823,-825,-827,1271,-828,1271,-811,1271,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,383,-284,383,1271,383,1271,-457,1271,1271,-731,1271,-738,1271,-743,1271,-665,-673,1271,1271,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1271,-838,-53,383,1271,-732,1271,-739,1271,-744,-666,1271,-875,-54,383,383,-733,-740,-745,1271,383,1271,-874,]),'JSON_REMOVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[384,384,384,1272,-1896,384,384,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,384,384,384,384,-277,-278,1272,-1427,1272,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1272,1272,1272,-492,1272,1272,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1272,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1272,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1272,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,384,-174,-175,-176,-177,-995,384,384,384,384,384,384,384,384,384,384,1272,1272,1272,1272,1272,-292,-293,-283,384,1272,1272,1272,1272,-330,-320,-334,-335,-336,1272,1272,-984,-985,-986,-987,-988,-989,-990,384,384,1272,1272,1272,1272,1272,1272,1272,1272,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1272,1272,1272,-355,-358,384,-325,-326,-143,1272,-144,1272,-145,1272,-432,-937,-938,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1896,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1896,1272,-1896,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1896,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1896,384,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1272,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1272,384,384,-193,-194,384,-996,1272,384,384,384,384,-279,-280,-281,-282,-367,1272,-310,1272,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1272,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1272,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1272,1272,1272,1272,1272,1272,-575,1272,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1272,1272,-725,-726,-727,1272,1272,384,384,384,384,-996,384,1272,-93,-94,384,384,384,1272,-311,-312,-322,1272,-309,-295,-296,-297,1272,384,1272,1272,-620,-635,-592,1272,384,-438,384,-439,1272,-446,-447,-448,-380,-381,1272,1272,1272,-508,1272,1272,-512,1272,1272,1272,1272,-517,-518,-519,-520,1272,1272,-523,-524,1272,-526,-527,-528,-529,-530,-531,-532,-533,1272,-535,1272,1272,1272,-541,-543,-544,1272,-546,-547,-548,-549,1272,1272,1272,1272,1272,1272,-654,-655,-656,-657,384,-659,-660,-661,1272,1272,1272,-667,1272,1272,-671,-672,1272,1272,-675,1272,-677,-678,1272,-681,1272,-683,1272,1272,-686,-687,-688,1272,-690,1272,1272,-693,1272,1272,-696,-697,-698,1272,-700,-701,-702,-703,1272,1272,-748,1272,-751,-752,-753,-754,-755,1272,-757,-758,-759,-760,-761,1272,-768,-769,-771,1272,-773,-774,-775,-784,-858,-860,-862,-864,1272,1272,1272,1272,-870,1272,-872,1272,1272,1272,1272,1272,1272,1272,-908,-909,1272,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1272,-923,-926,1272,-936,1272,-387,-388,-389,1272,1272,-392,-393,-394,-395,1272,-398,1272,-401,-402,1272,-403,1272,-408,-409,1272,-412,-413,-414,1272,-417,1272,-418,1272,-423,-424,1272,-427,1272,-430,-431,-1896,-1896,1272,-621,-622,-623,-624,-625,-636,-586,-626,-799,1272,1272,1272,1272,1272,-833,1272,1272,-808,1272,-834,1272,1272,1272,1272,-800,1272,-855,-801,1272,1272,1272,1272,1272,1272,-856,-857,1272,-836,-832,-837,1272,-627,1272,-628,-629,-630,-631,-576,1272,1272,-632,-633,-634,1272,1272,1272,1272,1272,1272,-637,-638,-639,-594,-1896,-604,1272,-640,-641,-715,-642,-606,1272,-574,-579,-582,-585,1272,1272,1272,-600,-603,1272,-610,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1272,384,384,-997,384,1272,384,384,384,1272,-308,-327,-321,-298,-377,-454,-455,-456,-460,384,-445,1272,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1272,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,384,384,384,384,384,384,384,384,1272,-318,-537,-510,-593,-939,-941,-942,-440,1272,-442,-382,-383,-385,-509,-511,-513,1272,-515,-516,-521,-522,1272,-534,-536,-539,-540,-545,-550,-728,1272,-729,1272,-734,1272,-736,1272,-741,-658,-662,-663,1272,-668,1272,-669,1272,-674,-676,1272,-679,1272,1272,1272,-689,-691,1272,-694,1272,1272,-746,1272,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1272,1272,1272,1272,1272,-879,1272,-882,-910,-922,-927,-390,-391,1272,-396,1272,-399,1272,-404,1272,-405,1272,-410,1272,-415,1272,-419,1272,-420,1272,-425,1272,-428,-901,-902,-645,-587,-1896,-903,1272,1272,1272,-802,1272,1272,-806,1272,-809,-835,1272,-820,1272,-822,1272,-824,-810,1272,-826,1272,-853,-854,1272,1272,-813,1272,-648,-904,-906,-650,-651,-647,1272,-707,-708,1272,-644,-905,-649,-652,-605,-716,1272,1272,-607,-588,1272,1272,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1272,1272,-711,-712,1272,-718,1272,384,384,384,1272,1272,-940,384,-441,-443,-749,1272,-893,1272,-717,-1896,1272,1272,384,384,1272,-444,-514,-525,1272,-730,-735,1272,-737,1272,-742,1272,-664,-670,1272,-680,-682,-684,-685,-692,-695,-699,-747,1272,1272,-876,1272,1272,-880,1272,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1272,-814,1272,-816,-803,1272,-804,-807,1272,-818,-821,-823,-825,-827,1272,-828,1272,-811,1272,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,384,-284,384,1272,384,1272,-457,1272,1272,-731,1272,-738,1272,-743,1272,-665,-673,1272,1272,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1272,-838,-53,384,1272,-732,1272,-739,1272,-744,-666,1272,-875,-54,384,384,-733,-740,-745,1272,384,1272,-874,]),'JSON_REPLACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[385,385,385,1273,-1896,385,385,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,385,385,385,385,-277,-278,1273,-1427,1273,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1273,1273,1273,-492,1273,1273,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1273,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1273,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1273,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,385,-174,-175,-176,-177,-995,385,385,385,385,385,385,385,385,385,385,1273,1273,1273,1273,1273,-292,-293,-283,385,1273,1273,1273,1273,-330,-320,-334,-335,-336,1273,1273,-984,-985,-986,-987,-988,-989,-990,385,385,1273,1273,1273,1273,1273,1273,1273,1273,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1273,1273,1273,-355,-358,385,-325,-326,-143,1273,-144,1273,-145,1273,-432,-937,-938,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1896,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1896,1273,-1896,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1896,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1896,385,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1273,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1273,385,385,-193,-194,385,-996,1273,385,385,385,385,-279,-280,-281,-282,-367,1273,-310,1273,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1273,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1273,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1273,1273,1273,1273,1273,1273,-575,1273,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1273,1273,-725,-726,-727,1273,1273,385,385,385,385,-996,385,1273,-93,-94,385,385,385,1273,-311,-312,-322,1273,-309,-295,-296,-297,1273,385,1273,1273,-620,-635,-592,1273,385,-438,385,-439,1273,-446,-447,-448,-380,-381,1273,1273,1273,-508,1273,1273,-512,1273,1273,1273,1273,-517,-518,-519,-520,1273,1273,-523,-524,1273,-526,-527,-528,-529,-530,-531,-532,-533,1273,-535,1273,1273,1273,-541,-543,-544,1273,-546,-547,-548,-549,1273,1273,1273,1273,1273,1273,-654,-655,-656,-657,385,-659,-660,-661,1273,1273,1273,-667,1273,1273,-671,-672,1273,1273,-675,1273,-677,-678,1273,-681,1273,-683,1273,1273,-686,-687,-688,1273,-690,1273,1273,-693,1273,1273,-696,-697,-698,1273,-700,-701,-702,-703,1273,1273,-748,1273,-751,-752,-753,-754,-755,1273,-757,-758,-759,-760,-761,1273,-768,-769,-771,1273,-773,-774,-775,-784,-858,-860,-862,-864,1273,1273,1273,1273,-870,1273,-872,1273,1273,1273,1273,1273,1273,1273,-908,-909,1273,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1273,-923,-926,1273,-936,1273,-387,-388,-389,1273,1273,-392,-393,-394,-395,1273,-398,1273,-401,-402,1273,-403,1273,-408,-409,1273,-412,-413,-414,1273,-417,1273,-418,1273,-423,-424,1273,-427,1273,-430,-431,-1896,-1896,1273,-621,-622,-623,-624,-625,-636,-586,-626,-799,1273,1273,1273,1273,1273,-833,1273,1273,-808,1273,-834,1273,1273,1273,1273,-800,1273,-855,-801,1273,1273,1273,1273,1273,1273,-856,-857,1273,-836,-832,-837,1273,-627,1273,-628,-629,-630,-631,-576,1273,1273,-632,-633,-634,1273,1273,1273,1273,1273,1273,-637,-638,-639,-594,-1896,-604,1273,-640,-641,-715,-642,-606,1273,-574,-579,-582,-585,1273,1273,1273,-600,-603,1273,-610,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1273,385,385,-997,385,1273,385,385,385,1273,-308,-327,-321,-298,-377,-454,-455,-456,-460,385,-445,1273,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1273,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,385,385,385,385,385,385,385,385,1273,-318,-537,-510,-593,-939,-941,-942,-440,1273,-442,-382,-383,-385,-509,-511,-513,1273,-515,-516,-521,-522,1273,-534,-536,-539,-540,-545,-550,-728,1273,-729,1273,-734,1273,-736,1273,-741,-658,-662,-663,1273,-668,1273,-669,1273,-674,-676,1273,-679,1273,1273,1273,-689,-691,1273,-694,1273,1273,-746,1273,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1273,1273,1273,1273,1273,-879,1273,-882,-910,-922,-927,-390,-391,1273,-396,1273,-399,1273,-404,1273,-405,1273,-410,1273,-415,1273,-419,1273,-420,1273,-425,1273,-428,-901,-902,-645,-587,-1896,-903,1273,1273,1273,-802,1273,1273,-806,1273,-809,-835,1273,-820,1273,-822,1273,-824,-810,1273,-826,1273,-853,-854,1273,1273,-813,1273,-648,-904,-906,-650,-651,-647,1273,-707,-708,1273,-644,-905,-649,-652,-605,-716,1273,1273,-607,-588,1273,1273,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1273,1273,-711,-712,1273,-718,1273,385,385,385,1273,1273,-940,385,-441,-443,-749,1273,-893,1273,-717,-1896,1273,1273,385,385,1273,-444,-514,-525,1273,-730,-735,1273,-737,1273,-742,1273,-664,-670,1273,-680,-682,-684,-685,-692,-695,-699,-747,1273,1273,-876,1273,1273,-880,1273,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1273,-814,1273,-816,-803,1273,-804,-807,1273,-818,-821,-823,-825,-827,1273,-828,1273,-811,1273,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,385,-284,385,1273,385,1273,-457,1273,1273,-731,1273,-738,1273,-743,1273,-665,-673,1273,1273,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1273,-838,-53,385,1273,-732,1273,-739,1273,-744,-666,1273,-875,-54,385,385,-733,-740,-745,1273,385,1273,-874,]),'JSON_SCHEMA_VALID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[386,386,386,1274,-1896,386,386,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,386,386,386,386,-277,-278,1274,-1427,1274,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1274,1274,1274,-492,1274,1274,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1274,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1274,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1274,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,386,-174,-175,-176,-177,-995,386,386,386,386,386,386,386,386,386,386,1274,1274,1274,1274,1274,-292,-293,-283,386,1274,1274,1274,1274,-330,-320,-334,-335,-336,1274,1274,-984,-985,-986,-987,-988,-989,-990,386,386,1274,1274,1274,1274,1274,1274,1274,1274,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1274,1274,1274,-355,-358,386,-325,-326,-143,1274,-144,1274,-145,1274,-432,-937,-938,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1896,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1896,1274,-1896,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1896,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1896,386,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1274,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1274,386,386,-193,-194,386,-996,1274,386,386,386,386,-279,-280,-281,-282,-367,1274,-310,1274,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1274,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1274,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1274,1274,1274,1274,1274,1274,-575,1274,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1274,1274,-725,-726,-727,1274,1274,386,386,386,386,-996,386,1274,-93,-94,386,386,386,1274,-311,-312,-322,1274,-309,-295,-296,-297,1274,386,1274,1274,-620,-635,-592,1274,386,-438,386,-439,1274,-446,-447,-448,-380,-381,1274,1274,1274,-508,1274,1274,-512,1274,1274,1274,1274,-517,-518,-519,-520,1274,1274,-523,-524,1274,-526,-527,-528,-529,-530,-531,-532,-533,1274,-535,1274,1274,1274,-541,-543,-544,1274,-546,-547,-548,-549,1274,1274,1274,1274,1274,1274,-654,-655,-656,-657,386,-659,-660,-661,1274,1274,1274,-667,1274,1274,-671,-672,1274,1274,-675,1274,-677,-678,1274,-681,1274,-683,1274,1274,-686,-687,-688,1274,-690,1274,1274,-693,1274,1274,-696,-697,-698,1274,-700,-701,-702,-703,1274,1274,-748,1274,-751,-752,-753,-754,-755,1274,-757,-758,-759,-760,-761,1274,-768,-769,-771,1274,-773,-774,-775,-784,-858,-860,-862,-864,1274,1274,1274,1274,-870,1274,-872,1274,1274,1274,1274,1274,1274,1274,-908,-909,1274,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1274,-923,-926,1274,-936,1274,-387,-388,-389,1274,1274,-392,-393,-394,-395,1274,-398,1274,-401,-402,1274,-403,1274,-408,-409,1274,-412,-413,-414,1274,-417,1274,-418,1274,-423,-424,1274,-427,1274,-430,-431,-1896,-1896,1274,-621,-622,-623,-624,-625,-636,-586,-626,-799,1274,1274,1274,1274,1274,-833,1274,1274,-808,1274,-834,1274,1274,1274,1274,-800,1274,-855,-801,1274,1274,1274,1274,1274,1274,-856,-857,1274,-836,-832,-837,1274,-627,1274,-628,-629,-630,-631,-576,1274,1274,-632,-633,-634,1274,1274,1274,1274,1274,1274,-637,-638,-639,-594,-1896,-604,1274,-640,-641,-715,-642,-606,1274,-574,-579,-582,-585,1274,1274,1274,-600,-603,1274,-610,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1274,386,386,-997,386,1274,386,386,386,1274,-308,-327,-321,-298,-377,-454,-455,-456,-460,386,-445,1274,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1274,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,386,386,386,386,386,386,386,386,1274,-318,-537,-510,-593,-939,-941,-942,-440,1274,-442,-382,-383,-385,-509,-511,-513,1274,-515,-516,-521,-522,1274,-534,-536,-539,-540,-545,-550,-728,1274,-729,1274,-734,1274,-736,1274,-741,-658,-662,-663,1274,-668,1274,-669,1274,-674,-676,1274,-679,1274,1274,1274,-689,-691,1274,-694,1274,1274,-746,1274,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1274,1274,1274,1274,1274,-879,1274,-882,-910,-922,-927,-390,-391,1274,-396,1274,-399,1274,-404,1274,-405,1274,-410,1274,-415,1274,-419,1274,-420,1274,-425,1274,-428,-901,-902,-645,-587,-1896,-903,1274,1274,1274,-802,1274,1274,-806,1274,-809,-835,1274,-820,1274,-822,1274,-824,-810,1274,-826,1274,-853,-854,1274,1274,-813,1274,-648,-904,-906,-650,-651,-647,1274,-707,-708,1274,-644,-905,-649,-652,-605,-716,1274,1274,-607,-588,1274,1274,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1274,1274,-711,-712,1274,-718,1274,386,386,386,1274,1274,-940,386,-441,-443,-749,1274,-893,1274,-717,-1896,1274,1274,386,386,1274,-444,-514,-525,1274,-730,-735,1274,-737,1274,-742,1274,-664,-670,1274,-680,-682,-684,-685,-692,-695,-699,-747,1274,1274,-876,1274,1274,-880,1274,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1274,-814,1274,-816,-803,1274,-804,-807,1274,-818,-821,-823,-825,-827,1274,-828,1274,-811,1274,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,386,-284,386,1274,386,1274,-457,1274,1274,-731,1274,-738,1274,-743,1274,-665,-673,1274,1274,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1274,-838,-53,386,1274,-732,1274,-739,1274,-744,-666,1274,-875,-54,386,386,-733,-740,-745,1274,386,1274,-874,]),'JSON_SCHEMA_VALIDATION_REPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[387,387,387,1275,-1896,387,387,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,387,387,387,387,-277,-278,1275,-1427,1275,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1275,1275,1275,-492,1275,1275,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1275,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1275,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1275,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,387,-174,-175,-176,-177,-995,387,387,387,387,387,387,387,387,387,387,1275,1275,1275,1275,1275,-292,-293,-283,387,1275,1275,1275,1275,-330,-320,-334,-335,-336,1275,1275,-984,-985,-986,-987,-988,-989,-990,387,387,1275,1275,1275,1275,1275,1275,1275,1275,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1275,1275,1275,-355,-358,387,-325,-326,-143,1275,-144,1275,-145,1275,-432,-937,-938,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1896,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1896,1275,-1896,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1896,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1896,387,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1275,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1275,387,387,-193,-194,387,-996,1275,387,387,387,387,-279,-280,-281,-282,-367,1275,-310,1275,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1275,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1275,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1275,1275,1275,1275,1275,1275,-575,1275,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1275,1275,-725,-726,-727,1275,1275,387,387,387,387,-996,387,1275,-93,-94,387,387,387,1275,-311,-312,-322,1275,-309,-295,-296,-297,1275,387,1275,1275,-620,-635,-592,1275,387,-438,387,-439,1275,-446,-447,-448,-380,-381,1275,1275,1275,-508,1275,1275,-512,1275,1275,1275,1275,-517,-518,-519,-520,1275,1275,-523,-524,1275,-526,-527,-528,-529,-530,-531,-532,-533,1275,-535,1275,1275,1275,-541,-543,-544,1275,-546,-547,-548,-549,1275,1275,1275,1275,1275,1275,-654,-655,-656,-657,387,-659,-660,-661,1275,1275,1275,-667,1275,1275,-671,-672,1275,1275,-675,1275,-677,-678,1275,-681,1275,-683,1275,1275,-686,-687,-688,1275,-690,1275,1275,-693,1275,1275,-696,-697,-698,1275,-700,-701,-702,-703,1275,1275,-748,1275,-751,-752,-753,-754,-755,1275,-757,-758,-759,-760,-761,1275,-768,-769,-771,1275,-773,-774,-775,-784,-858,-860,-862,-864,1275,1275,1275,1275,-870,1275,-872,1275,1275,1275,1275,1275,1275,1275,-908,-909,1275,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1275,-923,-926,1275,-936,1275,-387,-388,-389,1275,1275,-392,-393,-394,-395,1275,-398,1275,-401,-402,1275,-403,1275,-408,-409,1275,-412,-413,-414,1275,-417,1275,-418,1275,-423,-424,1275,-427,1275,-430,-431,-1896,-1896,1275,-621,-622,-623,-624,-625,-636,-586,-626,-799,1275,1275,1275,1275,1275,-833,1275,1275,-808,1275,-834,1275,1275,1275,1275,-800,1275,-855,-801,1275,1275,1275,1275,1275,1275,-856,-857,1275,-836,-832,-837,1275,-627,1275,-628,-629,-630,-631,-576,1275,1275,-632,-633,-634,1275,1275,1275,1275,1275,1275,-637,-638,-639,-594,-1896,-604,1275,-640,-641,-715,-642,-606,1275,-574,-579,-582,-585,1275,1275,1275,-600,-603,1275,-610,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1275,387,387,-997,387,1275,387,387,387,1275,-308,-327,-321,-298,-377,-454,-455,-456,-460,387,-445,1275,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1275,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,387,387,387,387,387,387,387,387,1275,-318,-537,-510,-593,-939,-941,-942,-440,1275,-442,-382,-383,-385,-509,-511,-513,1275,-515,-516,-521,-522,1275,-534,-536,-539,-540,-545,-550,-728,1275,-729,1275,-734,1275,-736,1275,-741,-658,-662,-663,1275,-668,1275,-669,1275,-674,-676,1275,-679,1275,1275,1275,-689,-691,1275,-694,1275,1275,-746,1275,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1275,1275,1275,1275,1275,-879,1275,-882,-910,-922,-927,-390,-391,1275,-396,1275,-399,1275,-404,1275,-405,1275,-410,1275,-415,1275,-419,1275,-420,1275,-425,1275,-428,-901,-902,-645,-587,-1896,-903,1275,1275,1275,-802,1275,1275,-806,1275,-809,-835,1275,-820,1275,-822,1275,-824,-810,1275,-826,1275,-853,-854,1275,1275,-813,1275,-648,-904,-906,-650,-651,-647,1275,-707,-708,1275,-644,-905,-649,-652,-605,-716,1275,1275,-607,-588,1275,1275,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1275,1275,-711,-712,1275,-718,1275,387,387,387,1275,1275,-940,387,-441,-443,-749,1275,-893,1275,-717,-1896,1275,1275,387,387,1275,-444,-514,-525,1275,-730,-735,1275,-737,1275,-742,1275,-664,-670,1275,-680,-682,-684,-685,-692,-695,-699,-747,1275,1275,-876,1275,1275,-880,1275,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1275,-814,1275,-816,-803,1275,-804,-807,1275,-818,-821,-823,-825,-827,1275,-828,1275,-811,1275,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,387,-284,387,1275,387,1275,-457,1275,1275,-731,1275,-738,1275,-743,1275,-665,-673,1275,1275,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1275,-838,-53,387,1275,-732,1275,-739,1275,-744,-666,1275,-875,-54,387,387,-733,-740,-745,1275,387,1275,-874,]),'JSON_SEARCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[388,388,388,1276,-1896,388,388,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,388,388,388,388,-277,-278,1276,-1427,1276,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1276,1276,1276,-492,1276,1276,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1276,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1276,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1276,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,388,-174,-175,-176,-177,-995,388,388,388,388,388,388,388,388,388,388,1276,1276,1276,1276,1276,-292,-293,-283,388,1276,1276,1276,1276,-330,-320,-334,-335,-336,1276,1276,-984,-985,-986,-987,-988,-989,-990,388,388,1276,1276,1276,1276,1276,1276,1276,1276,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1276,1276,1276,-355,-358,388,-325,-326,-143,1276,-144,1276,-145,1276,-432,-937,-938,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1896,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1896,1276,-1896,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1896,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1896,388,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1276,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1276,388,388,-193,-194,388,-996,1276,388,388,388,388,-279,-280,-281,-282,-367,1276,-310,1276,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1276,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1276,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1276,1276,1276,1276,1276,1276,-575,1276,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1276,1276,-725,-726,-727,1276,1276,388,388,388,388,-996,388,1276,-93,-94,388,388,388,1276,-311,-312,-322,1276,-309,-295,-296,-297,1276,388,1276,1276,-620,-635,-592,1276,388,-438,388,-439,1276,-446,-447,-448,-380,-381,1276,1276,1276,-508,1276,1276,-512,1276,1276,1276,1276,-517,-518,-519,-520,1276,1276,-523,-524,1276,-526,-527,-528,-529,-530,-531,-532,-533,1276,-535,1276,1276,1276,-541,-543,-544,1276,-546,-547,-548,-549,1276,1276,1276,1276,1276,1276,-654,-655,-656,-657,388,-659,-660,-661,1276,1276,1276,-667,1276,1276,-671,-672,1276,1276,-675,1276,-677,-678,1276,-681,1276,-683,1276,1276,-686,-687,-688,1276,-690,1276,1276,-693,1276,1276,-696,-697,-698,1276,-700,-701,-702,-703,1276,1276,-748,1276,-751,-752,-753,-754,-755,1276,-757,-758,-759,-760,-761,1276,-768,-769,-771,1276,-773,-774,-775,-784,-858,-860,-862,-864,1276,1276,1276,1276,-870,1276,-872,1276,1276,1276,1276,1276,1276,1276,-908,-909,1276,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1276,-923,-926,1276,-936,1276,-387,-388,-389,1276,1276,-392,-393,-394,-395,1276,-398,1276,-401,-402,1276,-403,1276,-408,-409,1276,-412,-413,-414,1276,-417,1276,-418,1276,-423,-424,1276,-427,1276,-430,-431,-1896,-1896,1276,-621,-622,-623,-624,-625,-636,-586,-626,-799,1276,1276,1276,1276,1276,-833,1276,1276,-808,1276,-834,1276,1276,1276,1276,-800,1276,-855,-801,1276,1276,1276,1276,1276,1276,-856,-857,1276,-836,-832,-837,1276,-627,1276,-628,-629,-630,-631,-576,1276,1276,-632,-633,-634,1276,1276,1276,1276,1276,1276,-637,-638,-639,-594,-1896,-604,1276,-640,-641,-715,-642,-606,1276,-574,-579,-582,-585,1276,1276,1276,-600,-603,1276,-610,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1276,388,388,-997,388,1276,388,388,388,1276,-308,-327,-321,-298,-377,-454,-455,-456,-460,388,-445,1276,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1276,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,388,388,388,388,388,388,388,388,1276,-318,-537,-510,-593,-939,-941,-942,-440,1276,-442,-382,-383,-385,-509,-511,-513,1276,-515,-516,-521,-522,1276,-534,-536,-539,-540,-545,-550,-728,1276,-729,1276,-734,1276,-736,1276,-741,-658,-662,-663,1276,-668,1276,-669,1276,-674,-676,1276,-679,1276,1276,1276,-689,-691,1276,-694,1276,1276,-746,1276,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1276,1276,1276,1276,1276,-879,1276,-882,-910,-922,-927,-390,-391,1276,-396,1276,-399,1276,-404,1276,-405,1276,-410,1276,-415,1276,-419,1276,-420,1276,-425,1276,-428,-901,-902,-645,-587,-1896,-903,1276,1276,1276,-802,1276,1276,-806,1276,-809,-835,1276,-820,1276,-822,1276,-824,-810,1276,-826,1276,-853,-854,1276,1276,-813,1276,-648,-904,-906,-650,-651,-647,1276,-707,-708,1276,-644,-905,-649,-652,-605,-716,1276,1276,-607,-588,1276,1276,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1276,1276,-711,-712,1276,-718,1276,388,388,388,1276,1276,-940,388,-441,-443,-749,1276,-893,1276,-717,-1896,1276,1276,388,388,1276,-444,-514,-525,1276,-730,-735,1276,-737,1276,-742,1276,-664,-670,1276,-680,-682,-684,-685,-692,-695,-699,-747,1276,1276,-876,1276,1276,-880,1276,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1276,-814,1276,-816,-803,1276,-804,-807,1276,-818,-821,-823,-825,-827,1276,-828,1276,-811,1276,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,388,-284,388,1276,388,1276,-457,1276,1276,-731,1276,-738,1276,-743,1276,-665,-673,1276,1276,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1276,-838,-53,388,1276,-732,1276,-739,1276,-744,-666,1276,-875,-54,388,388,-733,-740,-745,1276,388,1276,-874,]),'JSON_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[389,389,389,1277,-1896,389,389,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,389,389,389,389,-277,-278,1277,-1427,1277,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1277,1277,1277,-492,1277,1277,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1277,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1277,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1277,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,389,-174,-175,-176,-177,-995,389,389,389,389,389,389,389,389,389,389,1277,1277,1277,1277,1277,-292,-293,-283,389,1277,1277,1277,1277,-330,-320,-334,-335,-336,1277,1277,-984,-985,-986,-987,-988,-989,-990,389,389,1277,1277,1277,1277,1277,1277,1277,1277,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1277,1277,1277,-355,-358,389,-325,-326,-143,1277,-144,1277,-145,1277,-432,-937,-938,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1896,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1896,1277,-1896,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1896,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1896,389,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1277,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1277,389,389,-193,-194,389,-996,1277,389,389,389,389,-279,-280,-281,-282,-367,1277,-310,1277,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1277,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1277,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1277,1277,1277,1277,1277,1277,-575,1277,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1277,1277,-725,-726,-727,1277,1277,389,389,389,389,-996,389,1277,-93,-94,389,389,389,1277,-311,-312,-322,1277,-309,-295,-296,-297,1277,389,1277,1277,-620,-635,-592,1277,389,-438,389,-439,1277,-446,-447,-448,-380,-381,1277,1277,1277,-508,1277,1277,-512,1277,1277,1277,1277,-517,-518,-519,-520,1277,1277,-523,-524,1277,-526,-527,-528,-529,-530,-531,-532,-533,1277,-535,1277,1277,1277,-541,-543,-544,1277,-546,-547,-548,-549,1277,1277,1277,1277,1277,1277,-654,-655,-656,-657,389,-659,-660,-661,1277,1277,1277,-667,1277,1277,-671,-672,1277,1277,-675,1277,-677,-678,1277,-681,1277,-683,1277,1277,-686,-687,-688,1277,-690,1277,1277,-693,1277,1277,-696,-697,-698,1277,-700,-701,-702,-703,1277,1277,-748,1277,-751,-752,-753,-754,-755,1277,-757,-758,-759,-760,-761,1277,-768,-769,-771,1277,-773,-774,-775,-784,-858,-860,-862,-864,1277,1277,1277,1277,-870,1277,-872,1277,1277,1277,1277,1277,1277,1277,-908,-909,1277,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1277,-923,-926,1277,-936,1277,-387,-388,-389,1277,1277,-392,-393,-394,-395,1277,-398,1277,-401,-402,1277,-403,1277,-408,-409,1277,-412,-413,-414,1277,-417,1277,-418,1277,-423,-424,1277,-427,1277,-430,-431,-1896,-1896,1277,-621,-622,-623,-624,-625,-636,-586,-626,-799,1277,1277,1277,1277,1277,-833,1277,1277,-808,1277,-834,1277,1277,1277,1277,-800,1277,-855,-801,1277,1277,1277,1277,1277,1277,-856,-857,1277,-836,-832,-837,1277,-627,1277,-628,-629,-630,-631,-576,1277,1277,-632,-633,-634,1277,1277,1277,1277,1277,1277,-637,-638,-639,-594,-1896,-604,1277,-640,-641,-715,-642,-606,1277,-574,-579,-582,-585,1277,1277,1277,-600,-603,1277,-610,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1277,389,389,-997,389,1277,389,389,389,1277,-308,-327,-321,-298,-377,-454,-455,-456,-460,389,-445,1277,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1277,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,389,389,389,389,389,389,389,389,1277,-318,-537,-510,-593,-939,-941,-942,-440,1277,-442,-382,-383,-385,-509,-511,-513,1277,-515,-516,-521,-522,1277,-534,-536,-539,-540,-545,-550,-728,1277,-729,1277,-734,1277,-736,1277,-741,-658,-662,-663,1277,-668,1277,-669,1277,-674,-676,1277,-679,1277,1277,1277,-689,-691,1277,-694,1277,1277,-746,1277,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1277,1277,1277,1277,1277,-879,1277,-882,-910,-922,-927,-390,-391,1277,-396,1277,-399,1277,-404,1277,-405,1277,-410,1277,-415,1277,-419,1277,-420,1277,-425,1277,-428,-901,-902,-645,-587,-1896,-903,1277,1277,1277,-802,1277,1277,-806,1277,-809,-835,1277,-820,1277,-822,1277,-824,-810,1277,-826,1277,-853,-854,1277,1277,-813,1277,-648,-904,-906,-650,-651,-647,1277,-707,-708,1277,-644,-905,-649,-652,-605,-716,1277,1277,-607,-588,1277,1277,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1277,1277,-711,-712,1277,-718,1277,389,389,389,1277,1277,-940,389,-441,-443,-749,1277,-893,1277,-717,-1896,1277,1277,389,389,1277,-444,-514,-525,1277,-730,-735,1277,-737,1277,-742,1277,-664,-670,1277,-680,-682,-684,-685,-692,-695,-699,-747,1277,1277,-876,1277,1277,-880,1277,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1277,-814,1277,-816,-803,1277,-804,-807,1277,-818,-821,-823,-825,-827,1277,-828,1277,-811,1277,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,389,-284,389,1277,389,1277,-457,1277,1277,-731,1277,-738,1277,-743,1277,-665,-673,1277,1277,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1277,-838,-53,389,1277,-732,1277,-739,1277,-744,-666,1277,-875,-54,389,389,-733,-740,-745,1277,389,1277,-874,]),'JSON_STORAGE_FREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[390,390,390,1278,-1896,390,390,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,390,390,390,390,-277,-278,1278,-1427,1278,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1278,1278,1278,-492,1278,1278,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1278,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1278,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1278,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,390,-174,-175,-176,-177,-995,390,390,390,390,390,390,390,390,390,390,1278,1278,1278,1278,1278,-292,-293,-283,390,1278,1278,1278,1278,-330,-320,-334,-335,-336,1278,1278,-984,-985,-986,-987,-988,-989,-990,390,390,1278,1278,1278,1278,1278,1278,1278,1278,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1278,1278,1278,-355,-358,390,-325,-326,-143,1278,-144,1278,-145,1278,-432,-937,-938,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1896,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1896,1278,-1896,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1896,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1896,390,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1278,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1278,390,390,-193,-194,390,-996,1278,390,390,390,390,-279,-280,-281,-282,-367,1278,-310,1278,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1278,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1278,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1278,1278,1278,1278,1278,1278,-575,1278,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1278,1278,-725,-726,-727,1278,1278,390,390,390,390,-996,390,1278,-93,-94,390,390,390,1278,-311,-312,-322,1278,-309,-295,-296,-297,1278,390,1278,1278,-620,-635,-592,1278,390,-438,390,-439,1278,-446,-447,-448,-380,-381,1278,1278,1278,-508,1278,1278,-512,1278,1278,1278,1278,-517,-518,-519,-520,1278,1278,-523,-524,1278,-526,-527,-528,-529,-530,-531,-532,-533,1278,-535,1278,1278,1278,-541,-543,-544,1278,-546,-547,-548,-549,1278,1278,1278,1278,1278,1278,-654,-655,-656,-657,390,-659,-660,-661,1278,1278,1278,-667,1278,1278,-671,-672,1278,1278,-675,1278,-677,-678,1278,-681,1278,-683,1278,1278,-686,-687,-688,1278,-690,1278,1278,-693,1278,1278,-696,-697,-698,1278,-700,-701,-702,-703,1278,1278,-748,1278,-751,-752,-753,-754,-755,1278,-757,-758,-759,-760,-761,1278,-768,-769,-771,1278,-773,-774,-775,-784,-858,-860,-862,-864,1278,1278,1278,1278,-870,1278,-872,1278,1278,1278,1278,1278,1278,1278,-908,-909,1278,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1278,-923,-926,1278,-936,1278,-387,-388,-389,1278,1278,-392,-393,-394,-395,1278,-398,1278,-401,-402,1278,-403,1278,-408,-409,1278,-412,-413,-414,1278,-417,1278,-418,1278,-423,-424,1278,-427,1278,-430,-431,-1896,-1896,1278,-621,-622,-623,-624,-625,-636,-586,-626,-799,1278,1278,1278,1278,1278,-833,1278,1278,-808,1278,-834,1278,1278,1278,1278,-800,1278,-855,-801,1278,1278,1278,1278,1278,1278,-856,-857,1278,-836,-832,-837,1278,-627,1278,-628,-629,-630,-631,-576,1278,1278,-632,-633,-634,1278,1278,1278,1278,1278,1278,-637,-638,-639,-594,-1896,-604,1278,-640,-641,-715,-642,-606,1278,-574,-579,-582,-585,1278,1278,1278,-600,-603,1278,-610,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1278,390,390,-997,390,1278,390,390,390,1278,-308,-327,-321,-298,-377,-454,-455,-456,-460,390,-445,1278,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1278,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,390,390,390,390,390,390,390,390,1278,-318,-537,-510,-593,-939,-941,-942,-440,1278,-442,-382,-383,-385,-509,-511,-513,1278,-515,-516,-521,-522,1278,-534,-536,-539,-540,-545,-550,-728,1278,-729,1278,-734,1278,-736,1278,-741,-658,-662,-663,1278,-668,1278,-669,1278,-674,-676,1278,-679,1278,1278,1278,-689,-691,1278,-694,1278,1278,-746,1278,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1278,1278,1278,1278,1278,-879,1278,-882,-910,-922,-927,-390,-391,1278,-396,1278,-399,1278,-404,1278,-405,1278,-410,1278,-415,1278,-419,1278,-420,1278,-425,1278,-428,-901,-902,-645,-587,-1896,-903,1278,1278,1278,-802,1278,1278,-806,1278,-809,-835,1278,-820,1278,-822,1278,-824,-810,1278,-826,1278,-853,-854,1278,1278,-813,1278,-648,-904,-906,-650,-651,-647,1278,-707,-708,1278,-644,-905,-649,-652,-605,-716,1278,1278,-607,-588,1278,1278,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1278,1278,-711,-712,1278,-718,1278,390,390,390,1278,1278,-940,390,-441,-443,-749,1278,-893,1278,-717,-1896,1278,1278,390,390,1278,-444,-514,-525,1278,-730,-735,1278,-737,1278,-742,1278,-664,-670,1278,-680,-682,-684,-685,-692,-695,-699,-747,1278,1278,-876,1278,1278,-880,1278,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1278,-814,1278,-816,-803,1278,-804,-807,1278,-818,-821,-823,-825,-827,1278,-828,1278,-811,1278,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,390,-284,390,1278,390,1278,-457,1278,1278,-731,1278,-738,1278,-743,1278,-665,-673,1278,1278,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1278,-838,-53,390,1278,-732,1278,-739,1278,-744,-666,1278,-875,-54,390,390,-733,-740,-745,1278,390,1278,-874,]),'JSON_STORAGE_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[391,391,391,1279,-1896,391,391,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,391,391,391,391,-277,-278,1279,-1427,1279,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1279,1279,1279,-492,1279,1279,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1279,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1279,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1279,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,391,-174,-175,-176,-177,-995,391,391,391,391,391,391,391,391,391,391,1279,1279,1279,1279,1279,-292,-293,-283,391,1279,1279,1279,1279,-330,-320,-334,-335,-336,1279,1279,-984,-985,-986,-987,-988,-989,-990,391,391,1279,1279,1279,1279,1279,1279,1279,1279,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1279,1279,1279,-355,-358,391,-325,-326,-143,1279,-144,1279,-145,1279,-432,-937,-938,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1896,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1896,1279,-1896,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1896,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1896,391,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1279,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1279,391,391,-193,-194,391,-996,1279,391,391,391,391,-279,-280,-281,-282,-367,1279,-310,1279,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1279,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1279,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1279,1279,1279,1279,1279,1279,-575,1279,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1279,1279,-725,-726,-727,1279,1279,391,391,391,391,-996,391,1279,-93,-94,391,391,391,1279,-311,-312,-322,1279,-309,-295,-296,-297,1279,391,1279,1279,-620,-635,-592,1279,391,-438,391,-439,1279,-446,-447,-448,-380,-381,1279,1279,1279,-508,1279,1279,-512,1279,1279,1279,1279,-517,-518,-519,-520,1279,1279,-523,-524,1279,-526,-527,-528,-529,-530,-531,-532,-533,1279,-535,1279,1279,1279,-541,-543,-544,1279,-546,-547,-548,-549,1279,1279,1279,1279,1279,1279,-654,-655,-656,-657,391,-659,-660,-661,1279,1279,1279,-667,1279,1279,-671,-672,1279,1279,-675,1279,-677,-678,1279,-681,1279,-683,1279,1279,-686,-687,-688,1279,-690,1279,1279,-693,1279,1279,-696,-697,-698,1279,-700,-701,-702,-703,1279,1279,-748,1279,-751,-752,-753,-754,-755,1279,-757,-758,-759,-760,-761,1279,-768,-769,-771,1279,-773,-774,-775,-784,-858,-860,-862,-864,1279,1279,1279,1279,-870,1279,-872,1279,1279,1279,1279,1279,1279,1279,-908,-909,1279,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1279,-923,-926,1279,-936,1279,-387,-388,-389,1279,1279,-392,-393,-394,-395,1279,-398,1279,-401,-402,1279,-403,1279,-408,-409,1279,-412,-413,-414,1279,-417,1279,-418,1279,-423,-424,1279,-427,1279,-430,-431,-1896,-1896,1279,-621,-622,-623,-624,-625,-636,-586,-626,-799,1279,1279,1279,1279,1279,-833,1279,1279,-808,1279,-834,1279,1279,1279,1279,-800,1279,-855,-801,1279,1279,1279,1279,1279,1279,-856,-857,1279,-836,-832,-837,1279,-627,1279,-628,-629,-630,-631,-576,1279,1279,-632,-633,-634,1279,1279,1279,1279,1279,1279,-637,-638,-639,-594,-1896,-604,1279,-640,-641,-715,-642,-606,1279,-574,-579,-582,-585,1279,1279,1279,-600,-603,1279,-610,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1279,391,391,-997,391,1279,391,391,391,1279,-308,-327,-321,-298,-377,-454,-455,-456,-460,391,-445,1279,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1279,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,391,391,391,391,391,391,391,391,1279,-318,-537,-510,-593,-939,-941,-942,-440,1279,-442,-382,-383,-385,-509,-511,-513,1279,-515,-516,-521,-522,1279,-534,-536,-539,-540,-545,-550,-728,1279,-729,1279,-734,1279,-736,1279,-741,-658,-662,-663,1279,-668,1279,-669,1279,-674,-676,1279,-679,1279,1279,1279,-689,-691,1279,-694,1279,1279,-746,1279,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1279,1279,1279,1279,1279,-879,1279,-882,-910,-922,-927,-390,-391,1279,-396,1279,-399,1279,-404,1279,-405,1279,-410,1279,-415,1279,-419,1279,-420,1279,-425,1279,-428,-901,-902,-645,-587,-1896,-903,1279,1279,1279,-802,1279,1279,-806,1279,-809,-835,1279,-820,1279,-822,1279,-824,-810,1279,-826,1279,-853,-854,1279,1279,-813,1279,-648,-904,-906,-650,-651,-647,1279,-707,-708,1279,-644,-905,-649,-652,-605,-716,1279,1279,-607,-588,1279,1279,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1279,1279,-711,-712,1279,-718,1279,391,391,391,1279,1279,-940,391,-441,-443,-749,1279,-893,1279,-717,-1896,1279,1279,391,391,1279,-444,-514,-525,1279,-730,-735,1279,-737,1279,-742,1279,-664,-670,1279,-680,-682,-684,-685,-692,-695,-699,-747,1279,1279,-876,1279,1279,-880,1279,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1279,-814,1279,-816,-803,1279,-804,-807,1279,-818,-821,-823,-825,-827,1279,-828,1279,-811,1279,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,391,-284,391,1279,391,1279,-457,1279,1279,-731,1279,-738,1279,-743,1279,-665,-673,1279,1279,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1279,-838,-53,391,1279,-732,1279,-739,1279,-744,-666,1279,-875,-54,391,391,-733,-740,-745,1279,391,1279,-874,]),'JSON_TABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[392,392,392,1280,-1896,392,392,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,392,392,392,392,-277,-278,1280,-1427,1280,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1280,1280,1280,-492,1280,1280,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1280,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1280,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1280,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,392,-174,-175,-176,-177,-995,392,392,392,392,392,392,392,392,392,392,1280,1280,1280,1280,1280,-292,-293,-283,392,1280,1280,1280,1280,-330,-320,-334,-335,-336,1280,1280,-984,-985,-986,-987,-988,-989,-990,392,392,1280,1280,1280,1280,1280,1280,1280,1280,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1280,1280,1280,-355,-358,392,-325,-326,-143,1280,-144,1280,-145,1280,-432,-937,-938,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1896,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1896,1280,-1896,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1896,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1896,392,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1280,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1280,392,392,-193,-194,392,-996,1280,392,392,392,392,-279,-280,-281,-282,-367,1280,-310,1280,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1280,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1280,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1280,1280,1280,1280,1280,1280,-575,1280,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1280,1280,-725,-726,-727,1280,1280,392,392,392,392,-996,392,1280,-93,-94,392,392,392,1280,-311,-312,-322,1280,-309,-295,-296,-297,1280,392,1280,1280,-620,-635,-592,1280,392,-438,392,-439,1280,-446,-447,-448,-380,-381,1280,1280,1280,-508,1280,1280,-512,1280,1280,1280,1280,-517,-518,-519,-520,1280,1280,-523,-524,1280,-526,-527,-528,-529,-530,-531,-532,-533,1280,-535,1280,1280,1280,-541,-543,-544,1280,-546,-547,-548,-549,1280,1280,1280,1280,1280,1280,-654,-655,-656,-657,392,-659,-660,-661,1280,1280,1280,-667,1280,1280,-671,-672,1280,1280,-675,1280,-677,-678,1280,-681,1280,-683,1280,1280,-686,-687,-688,1280,-690,1280,1280,-693,1280,1280,-696,-697,-698,1280,-700,-701,-702,-703,1280,1280,-748,1280,-751,-752,-753,-754,-755,1280,-757,-758,-759,-760,-761,1280,-768,-769,-771,1280,-773,-774,-775,-784,-858,-860,-862,-864,1280,1280,1280,1280,-870,1280,-872,1280,1280,1280,1280,1280,1280,1280,-908,-909,1280,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1280,-923,-926,1280,-936,1280,-387,-388,-389,1280,1280,-392,-393,-394,-395,1280,-398,1280,-401,-402,1280,-403,1280,-408,-409,1280,-412,-413,-414,1280,-417,1280,-418,1280,-423,-424,1280,-427,1280,-430,-431,-1896,-1896,1280,-621,-622,-623,-624,-625,-636,-586,-626,-799,1280,1280,1280,1280,1280,-833,1280,1280,-808,1280,-834,1280,1280,1280,1280,-800,1280,-855,-801,1280,1280,1280,1280,1280,1280,-856,-857,1280,-836,-832,-837,1280,-627,1280,-628,-629,-630,-631,-576,1280,1280,-632,-633,-634,1280,1280,1280,1280,1280,1280,-637,-638,-639,-594,-1896,-604,1280,-640,-641,-715,-642,-606,1280,-574,-579,-582,-585,1280,1280,1280,-600,-603,1280,-610,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1280,392,392,-997,392,1280,392,392,392,1280,-308,-327,-321,-298,-377,-454,-455,-456,-460,392,-445,1280,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1280,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,392,392,392,392,392,392,392,392,1280,-318,-537,-510,-593,-939,-941,-942,-440,1280,-442,-382,-383,-385,-509,-511,-513,1280,-515,-516,-521,-522,1280,-534,-536,-539,-540,-545,-550,-728,1280,-729,1280,-734,1280,-736,1280,-741,-658,-662,-663,1280,-668,1280,-669,1280,-674,-676,1280,-679,1280,1280,1280,-689,-691,1280,-694,1280,1280,-746,1280,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1280,1280,1280,1280,1280,-879,1280,-882,-910,-922,-927,-390,-391,1280,-396,1280,-399,1280,-404,1280,-405,1280,-410,1280,-415,1280,-419,1280,-420,1280,-425,1280,-428,-901,-902,-645,-587,-1896,-903,1280,1280,1280,-802,1280,1280,-806,1280,-809,-835,1280,-820,1280,-822,1280,-824,-810,1280,-826,1280,-853,-854,1280,1280,-813,1280,-648,-904,-906,-650,-651,-647,1280,-707,-708,1280,-644,-905,-649,-652,-605,-716,1280,1280,-607,-588,1280,1280,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1280,1280,-711,-712,1280,-718,1280,392,392,392,1280,1280,-940,392,-441,-443,-749,1280,-893,1280,-717,-1896,1280,1280,392,392,1280,-444,-514,-525,1280,-730,-735,1280,-737,1280,-742,1280,-664,-670,1280,-680,-682,-684,-685,-692,-695,-699,-747,1280,1280,-876,1280,1280,-880,1280,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1280,-814,1280,-816,-803,1280,-804,-807,1280,-818,-821,-823,-825,-827,1280,-828,1280,-811,1280,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,392,-284,392,1280,392,1280,-457,1280,1280,-731,1280,-738,1280,-743,1280,-665,-673,1280,1280,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1280,-838,-53,392,1280,-732,1280,-739,1280,-744,-666,1280,-875,-54,392,392,-733,-740,-745,1280,392,1280,-874,]),'JSON_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[393,393,393,1281,-1896,393,393,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,393,393,393,393,-277,-278,1281,-1427,1281,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1281,1281,1281,-492,1281,1281,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1281,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1281,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1281,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,393,-174,-175,-176,-177,-995,393,393,393,393,393,393,393,393,393,393,1281,1281,1281,1281,1281,-292,-293,-283,393,1281,1281,1281,1281,-330,-320,-334,-335,-336,1281,1281,-984,-985,-986,-987,-988,-989,-990,393,393,1281,1281,1281,1281,1281,1281,1281,1281,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1281,1281,1281,-355,-358,393,-325,-326,-143,1281,-144,1281,-145,1281,-432,-937,-938,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1896,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1896,1281,-1896,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1896,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1896,393,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1281,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1281,393,393,-193,-194,393,-996,1281,393,393,393,393,-279,-280,-281,-282,-367,1281,-310,1281,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1281,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1281,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1281,1281,1281,1281,1281,1281,-575,1281,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1281,1281,-725,-726,-727,1281,1281,393,393,393,393,-996,393,1281,-93,-94,393,393,393,1281,-311,-312,-322,1281,-309,-295,-296,-297,1281,393,1281,1281,-620,-635,-592,1281,393,-438,393,-439,1281,-446,-447,-448,-380,-381,1281,1281,1281,-508,1281,1281,-512,1281,1281,1281,1281,-517,-518,-519,-520,1281,1281,-523,-524,1281,-526,-527,-528,-529,-530,-531,-532,-533,1281,-535,1281,1281,1281,-541,-543,-544,1281,-546,-547,-548,-549,1281,1281,1281,1281,1281,1281,-654,-655,-656,-657,393,-659,-660,-661,1281,1281,1281,-667,1281,1281,-671,-672,1281,1281,-675,1281,-677,-678,1281,-681,1281,-683,1281,1281,-686,-687,-688,1281,-690,1281,1281,-693,1281,1281,-696,-697,-698,1281,-700,-701,-702,-703,1281,1281,-748,1281,-751,-752,-753,-754,-755,1281,-757,-758,-759,-760,-761,1281,-768,-769,-771,1281,-773,-774,-775,-784,-858,-860,-862,-864,1281,1281,1281,1281,-870,1281,-872,1281,1281,1281,1281,1281,1281,1281,-908,-909,1281,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1281,-923,-926,1281,-936,1281,-387,-388,-389,1281,1281,-392,-393,-394,-395,1281,-398,1281,-401,-402,1281,-403,1281,-408,-409,1281,-412,-413,-414,1281,-417,1281,-418,1281,-423,-424,1281,-427,1281,-430,-431,-1896,-1896,1281,-621,-622,-623,-624,-625,-636,-586,-626,-799,1281,1281,1281,1281,1281,-833,1281,1281,-808,1281,-834,1281,1281,1281,1281,-800,1281,-855,-801,1281,1281,1281,1281,1281,1281,-856,-857,1281,-836,-832,-837,1281,-627,1281,-628,-629,-630,-631,-576,1281,1281,-632,-633,-634,1281,1281,1281,1281,1281,1281,-637,-638,-639,-594,-1896,-604,1281,-640,-641,-715,-642,-606,1281,-574,-579,-582,-585,1281,1281,1281,-600,-603,1281,-610,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1281,393,393,-997,393,1281,393,393,393,1281,-308,-327,-321,-298,-377,-454,-455,-456,-460,393,-445,1281,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1281,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,393,393,393,393,393,393,393,393,1281,-318,-537,-510,-593,-939,-941,-942,-440,1281,-442,-382,-383,-385,-509,-511,-513,1281,-515,-516,-521,-522,1281,-534,-536,-539,-540,-545,-550,-728,1281,-729,1281,-734,1281,-736,1281,-741,-658,-662,-663,1281,-668,1281,-669,1281,-674,-676,1281,-679,1281,1281,1281,-689,-691,1281,-694,1281,1281,-746,1281,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1281,1281,1281,1281,1281,-879,1281,-882,-910,-922,-927,-390,-391,1281,-396,1281,-399,1281,-404,1281,-405,1281,-410,1281,-415,1281,-419,1281,-420,1281,-425,1281,-428,-901,-902,-645,-587,-1896,-903,1281,1281,1281,-802,1281,1281,-806,1281,-809,-835,1281,-820,1281,-822,1281,-824,-810,1281,-826,1281,-853,-854,1281,1281,-813,1281,-648,-904,-906,-650,-651,-647,1281,-707,-708,1281,-644,-905,-649,-652,-605,-716,1281,1281,-607,-588,1281,1281,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1281,1281,-711,-712,1281,-718,1281,393,393,393,1281,1281,-940,393,-441,-443,-749,1281,-893,1281,-717,-1896,1281,1281,393,393,1281,-444,-514,-525,1281,-730,-735,1281,-737,1281,-742,1281,-664,-670,1281,-680,-682,-684,-685,-692,-695,-699,-747,1281,1281,-876,1281,1281,-880,1281,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1281,-814,1281,-816,-803,1281,-804,-807,1281,-818,-821,-823,-825,-827,1281,-828,1281,-811,1281,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,393,-284,393,1281,393,1281,-457,1281,1281,-731,1281,-738,1281,-743,1281,-665,-673,1281,1281,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1281,-838,-53,393,1281,-732,1281,-739,1281,-744,-666,1281,-875,-54,393,393,-733,-740,-745,1281,393,1281,-874,]),'JSON_UNQUOTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[394,394,394,1282,-1896,394,394,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,394,394,394,394,-277,-278,1282,-1427,1282,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1282,1282,1282,-492,1282,1282,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1282,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1282,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1282,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,394,-174,-175,-176,-177,-995,394,394,394,394,394,394,394,394,394,394,1282,1282,1282,1282,1282,-292,-293,-283,394,1282,1282,1282,1282,-330,-320,-334,-335,-336,1282,1282,-984,-985,-986,-987,-988,-989,-990,394,394,1282,1282,1282,1282,1282,1282,1282,1282,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1282,1282,1282,-355,-358,394,-325,-326,-143,1282,-144,1282,-145,1282,-432,-937,-938,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1896,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1896,1282,-1896,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1896,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1896,394,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1282,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1282,394,394,-193,-194,394,-996,1282,394,394,394,394,-279,-280,-281,-282,-367,1282,-310,1282,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1282,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1282,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1282,1282,1282,1282,1282,1282,-575,1282,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1282,1282,-725,-726,-727,1282,1282,394,394,394,394,-996,394,1282,-93,-94,394,394,394,1282,-311,-312,-322,1282,-309,-295,-296,-297,1282,394,1282,1282,-620,-635,-592,1282,394,-438,394,-439,1282,-446,-447,-448,-380,-381,1282,1282,1282,-508,1282,1282,-512,1282,1282,1282,1282,-517,-518,-519,-520,1282,1282,-523,-524,1282,-526,-527,-528,-529,-530,-531,-532,-533,1282,-535,1282,1282,1282,-541,-543,-544,1282,-546,-547,-548,-549,1282,1282,1282,1282,1282,1282,-654,-655,-656,-657,394,-659,-660,-661,1282,1282,1282,-667,1282,1282,-671,-672,1282,1282,-675,1282,-677,-678,1282,-681,1282,-683,1282,1282,-686,-687,-688,1282,-690,1282,1282,-693,1282,1282,-696,-697,-698,1282,-700,-701,-702,-703,1282,1282,-748,1282,-751,-752,-753,-754,-755,1282,-757,-758,-759,-760,-761,1282,-768,-769,-771,1282,-773,-774,-775,-784,-858,-860,-862,-864,1282,1282,1282,1282,-870,1282,-872,1282,1282,1282,1282,1282,1282,1282,-908,-909,1282,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1282,-923,-926,1282,-936,1282,-387,-388,-389,1282,1282,-392,-393,-394,-395,1282,-398,1282,-401,-402,1282,-403,1282,-408,-409,1282,-412,-413,-414,1282,-417,1282,-418,1282,-423,-424,1282,-427,1282,-430,-431,-1896,-1896,1282,-621,-622,-623,-624,-625,-636,-586,-626,-799,1282,1282,1282,1282,1282,-833,1282,1282,-808,1282,-834,1282,1282,1282,1282,-800,1282,-855,-801,1282,1282,1282,1282,1282,1282,-856,-857,1282,-836,-832,-837,1282,-627,1282,-628,-629,-630,-631,-576,1282,1282,-632,-633,-634,1282,1282,1282,1282,1282,1282,-637,-638,-639,-594,-1896,-604,1282,-640,-641,-715,-642,-606,1282,-574,-579,-582,-585,1282,1282,1282,-600,-603,1282,-610,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1282,394,394,-997,394,1282,394,394,394,1282,-308,-327,-321,-298,-377,-454,-455,-456,-460,394,-445,1282,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1282,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,394,394,394,394,394,394,394,394,1282,-318,-537,-510,-593,-939,-941,-942,-440,1282,-442,-382,-383,-385,-509,-511,-513,1282,-515,-516,-521,-522,1282,-534,-536,-539,-540,-545,-550,-728,1282,-729,1282,-734,1282,-736,1282,-741,-658,-662,-663,1282,-668,1282,-669,1282,-674,-676,1282,-679,1282,1282,1282,-689,-691,1282,-694,1282,1282,-746,1282,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1282,1282,1282,1282,1282,-879,1282,-882,-910,-922,-927,-390,-391,1282,-396,1282,-399,1282,-404,1282,-405,1282,-410,1282,-415,1282,-419,1282,-420,1282,-425,1282,-428,-901,-902,-645,-587,-1896,-903,1282,1282,1282,-802,1282,1282,-806,1282,-809,-835,1282,-820,1282,-822,1282,-824,-810,1282,-826,1282,-853,-854,1282,1282,-813,1282,-648,-904,-906,-650,-651,-647,1282,-707,-708,1282,-644,-905,-649,-652,-605,-716,1282,1282,-607,-588,1282,1282,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1282,1282,-711,-712,1282,-718,1282,394,394,394,1282,1282,-940,394,-441,-443,-749,1282,-893,1282,-717,-1896,1282,1282,394,394,1282,-444,-514,-525,1282,-730,-735,1282,-737,1282,-742,1282,-664,-670,1282,-680,-682,-684,-685,-692,-695,-699,-747,1282,1282,-876,1282,1282,-880,1282,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1282,-814,1282,-816,-803,1282,-804,-807,1282,-818,-821,-823,-825,-827,1282,-828,1282,-811,1282,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,394,-284,394,1282,394,1282,-457,1282,1282,-731,1282,-738,1282,-743,1282,-665,-673,1282,1282,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1282,-838,-53,394,1282,-732,1282,-739,1282,-744,-666,1282,-875,-54,394,394,-733,-740,-745,1282,394,1282,-874,]),'JSON_VAILD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[395,395,395,1283,-1896,395,395,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,395,395,395,395,-277,-278,1283,-1427,1283,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1283,1283,1283,-492,1283,1283,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1283,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1283,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1283,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,395,-174,-175,-176,-177,-995,395,395,395,395,395,395,395,395,395,395,1283,1283,1283,1283,1283,-292,-293,-283,395,1283,1283,1283,1283,-330,-320,-334,-335,-336,1283,1283,-984,-985,-986,-987,-988,-989,-990,395,395,1283,1283,1283,1283,1283,1283,1283,1283,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1283,1283,1283,-355,-358,395,-325,-326,-143,1283,-144,1283,-145,1283,-432,-937,-938,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1896,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1896,1283,-1896,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1896,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1896,395,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1283,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1283,395,395,-193,-194,395,-996,1283,395,395,395,395,-279,-280,-281,-282,-367,1283,-310,1283,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1283,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1283,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1283,1283,1283,1283,1283,1283,-575,1283,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1283,1283,-725,-726,-727,1283,1283,395,395,395,395,-996,395,1283,-93,-94,395,395,395,1283,-311,-312,-322,1283,-309,-295,-296,-297,1283,395,1283,1283,-620,-635,-592,1283,395,-438,395,-439,1283,-446,-447,-448,-380,-381,1283,1283,1283,-508,1283,1283,-512,1283,1283,1283,1283,-517,-518,-519,-520,1283,1283,-523,-524,1283,-526,-527,-528,-529,-530,-531,-532,-533,1283,-535,1283,1283,1283,-541,-543,-544,1283,-546,-547,-548,-549,1283,1283,1283,1283,1283,1283,-654,-655,-656,-657,395,-659,-660,-661,1283,1283,1283,-667,1283,1283,-671,-672,1283,1283,-675,1283,-677,-678,1283,-681,1283,-683,1283,1283,-686,-687,-688,1283,-690,1283,1283,-693,1283,1283,-696,-697,-698,1283,-700,-701,-702,-703,1283,1283,-748,1283,-751,-752,-753,-754,-755,1283,-757,-758,-759,-760,-761,1283,-768,-769,-771,1283,-773,-774,-775,-784,-858,-860,-862,-864,1283,1283,1283,1283,-870,1283,-872,1283,1283,1283,1283,1283,1283,1283,-908,-909,1283,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1283,-923,-926,1283,-936,1283,-387,-388,-389,1283,1283,-392,-393,-394,-395,1283,-398,1283,-401,-402,1283,-403,1283,-408,-409,1283,-412,-413,-414,1283,-417,1283,-418,1283,-423,-424,1283,-427,1283,-430,-431,-1896,-1896,1283,-621,-622,-623,-624,-625,-636,-586,-626,-799,1283,1283,1283,1283,1283,-833,1283,1283,-808,1283,-834,1283,1283,1283,1283,-800,1283,-855,-801,1283,1283,1283,1283,1283,1283,-856,-857,1283,-836,-832,-837,1283,-627,1283,-628,-629,-630,-631,-576,1283,1283,-632,-633,-634,1283,1283,1283,1283,1283,1283,-637,-638,-639,-594,-1896,-604,1283,-640,-641,-715,-642,-606,1283,-574,-579,-582,-585,1283,1283,1283,-600,-603,1283,-610,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1283,395,395,-997,395,1283,395,395,395,1283,-308,-327,-321,-298,-377,-454,-455,-456,-460,395,-445,1283,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1283,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,395,395,395,395,395,395,395,395,1283,-318,-537,-510,-593,-939,-941,-942,-440,1283,-442,-382,-383,-385,-509,-511,-513,1283,-515,-516,-521,-522,1283,-534,-536,-539,-540,-545,-550,-728,1283,-729,1283,-734,1283,-736,1283,-741,-658,-662,-663,1283,-668,1283,-669,1283,-674,-676,1283,-679,1283,1283,1283,-689,-691,1283,-694,1283,1283,-746,1283,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1283,1283,1283,1283,1283,-879,1283,-882,-910,-922,-927,-390,-391,1283,-396,1283,-399,1283,-404,1283,-405,1283,-410,1283,-415,1283,-419,1283,-420,1283,-425,1283,-428,-901,-902,-645,-587,-1896,-903,1283,1283,1283,-802,1283,1283,-806,1283,-809,-835,1283,-820,1283,-822,1283,-824,-810,1283,-826,1283,-853,-854,1283,1283,-813,1283,-648,-904,-906,-650,-651,-647,1283,-707,-708,1283,-644,-905,-649,-652,-605,-716,1283,1283,-607,-588,1283,1283,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1283,1283,-711,-712,1283,-718,1283,395,395,395,1283,1283,-940,395,-441,-443,-749,1283,-893,1283,-717,-1896,1283,1283,395,395,1283,-444,-514,-525,1283,-730,-735,1283,-737,1283,-742,1283,-664,-670,1283,-680,-682,-684,-685,-692,-695,-699,-747,1283,1283,-876,1283,1283,-880,1283,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1283,-814,1283,-816,-803,1283,-804,-807,1283,-818,-821,-823,-825,-827,1283,-828,1283,-811,1283,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,395,-284,395,1283,395,1283,-457,1283,1283,-731,1283,-738,1283,-743,1283,-665,-673,1283,1283,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1283,-838,-53,395,1283,-732,1283,-739,1283,-744,-666,1283,-875,-54,395,395,-733,-740,-745,1283,395,1283,-874,]),'JSON_VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[396,396,396,1284,-1896,396,396,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,396,396,396,396,-277,-278,1284,-1427,1284,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1284,1284,1284,-492,1284,1284,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1284,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1284,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1284,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,396,-174,-175,-176,-177,-995,396,396,396,396,396,396,396,396,396,396,1284,1284,1284,1284,1284,-292,-293,-283,396,1284,1284,1284,1284,-330,-320,-334,-335,-336,1284,1284,-984,-985,-986,-987,-988,-989,-990,396,396,1284,1284,1284,1284,1284,1284,1284,1284,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1284,1284,1284,-355,-358,396,-325,-326,-143,1284,-144,1284,-145,1284,-432,-937,-938,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1896,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1896,1284,-1896,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1896,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1896,396,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1284,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1284,396,396,-193,-194,396,-996,1284,396,396,396,396,-279,-280,-281,-282,-367,1284,-310,1284,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1284,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1284,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1284,1284,1284,1284,1284,1284,-575,1284,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1284,1284,-725,-726,-727,1284,1284,396,396,396,396,-996,396,1284,-93,-94,396,396,396,1284,-311,-312,-322,1284,-309,-295,-296,-297,1284,396,1284,1284,-620,-635,-592,1284,396,-438,396,-439,1284,-446,-447,-448,-380,-381,1284,1284,1284,-508,1284,1284,-512,1284,1284,1284,1284,-517,-518,-519,-520,1284,1284,-523,-524,1284,-526,-527,-528,-529,-530,-531,-532,-533,1284,-535,1284,1284,1284,-541,-543,-544,1284,-546,-547,-548,-549,1284,1284,1284,1284,1284,1284,-654,-655,-656,-657,396,-659,-660,-661,1284,1284,1284,-667,1284,1284,-671,-672,1284,1284,-675,1284,-677,-678,1284,-681,1284,-683,1284,1284,-686,-687,-688,1284,-690,1284,1284,-693,1284,1284,-696,-697,-698,1284,-700,-701,-702,-703,1284,1284,-748,1284,-751,-752,-753,-754,-755,1284,-757,-758,-759,-760,-761,1284,-768,-769,-771,1284,-773,-774,-775,-784,-858,-860,-862,-864,1284,1284,1284,1284,-870,1284,-872,1284,1284,1284,1284,1284,1284,1284,-908,-909,1284,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1284,-923,-926,1284,-936,1284,-387,-388,-389,1284,1284,-392,-393,-394,-395,1284,-398,1284,-401,-402,1284,-403,1284,-408,-409,1284,-412,-413,-414,1284,-417,1284,-418,1284,-423,-424,1284,-427,1284,-430,-431,-1896,-1896,1284,-621,-622,-623,-624,-625,-636,-586,-626,-799,1284,1284,1284,1284,1284,-833,1284,1284,-808,1284,-834,1284,1284,1284,1284,-800,1284,-855,-801,1284,1284,1284,1284,1284,1284,-856,-857,1284,-836,-832,-837,1284,-627,1284,-628,-629,-630,-631,-576,1284,1284,-632,-633,-634,1284,1284,1284,1284,1284,1284,-637,-638,-639,-594,-1896,-604,1284,-640,-641,-715,-642,-606,1284,-574,-579,-582,-585,1284,1284,1284,-600,-603,1284,-610,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1284,396,396,-997,396,1284,396,396,396,1284,-308,-327,-321,-298,-377,-454,-455,-456,-460,396,-445,1284,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1284,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,396,396,396,396,396,396,396,396,1284,-318,-537,-510,-593,-939,-941,-942,-440,1284,-442,-382,-383,-385,-509,-511,-513,1284,-515,-516,-521,-522,1284,-534,-536,-539,-540,-545,-550,-728,1284,-729,1284,-734,1284,-736,1284,-741,-658,-662,-663,1284,-668,1284,-669,1284,-674,-676,1284,-679,1284,1284,1284,-689,-691,1284,-694,1284,1284,-746,1284,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1284,1284,1284,1284,1284,-879,1284,-882,-910,-922,-927,-390,-391,1284,-396,1284,-399,1284,-404,1284,-405,1284,-410,1284,-415,1284,-419,1284,-420,1284,-425,1284,-428,-901,-902,-645,-587,-1896,-903,1284,1284,1284,-802,1284,1284,-806,1284,-809,-835,1284,-820,1284,-822,1284,-824,-810,1284,-826,1284,-853,-854,1284,1284,-813,1284,-648,-904,-906,-650,-651,-647,1284,-707,-708,1284,-644,-905,-649,-652,-605,-716,1284,1284,-607,-588,1284,1284,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1284,1284,-711,-712,1284,-718,1284,396,396,396,1284,1284,-940,396,-441,-443,-749,1284,-893,1284,-717,-1896,1284,1284,396,396,1284,-444,-514,-525,1284,-730,-735,1284,-737,1284,-742,1284,-664,-670,1284,-680,-682,-684,-685,-692,-695,-699,-747,1284,1284,-876,1284,1284,-880,1284,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1284,-814,1284,-816,-803,1284,-804,-807,1284,-818,-821,-823,-825,-827,1284,-828,1284,-811,1284,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,396,-284,396,1284,396,1284,-457,1284,1284,-731,1284,-738,1284,-743,1284,-665,-673,1284,1284,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1284,-838,-53,396,1284,-732,1284,-739,1284,-744,-666,1284,-875,-54,396,396,-733,-740,-745,1284,396,1284,-874,]),'KEY_BLOCK_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[397,397,397,397,-1896,397,397,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,397,397,397,397,-277,-278,397,-1427,397,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,397,397,397,-492,397,397,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,397,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,397,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,397,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,397,-174,-175,-176,-177,-995,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-292,-293,-283,397,397,397,397,397,-330,-320,-334,-335,-336,397,397,-984,-985,-986,-987,-988,-989,-990,397,397,397,397,397,397,397,397,397,397,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,397,397,397,-355,-358,397,-325,-326,-143,397,-144,397,-145,397,-432,-937,-938,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-1896,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-1896,397,-1896,397,397,397,397,397,397,397,397,397,397,397,397,-1896,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-1896,397,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,397,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,397,397,397,-193,-194,397,-996,397,397,397,397,397,-279,-280,-281,-282,-367,397,-310,397,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,397,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,397,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,397,397,397,397,397,397,-575,397,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,397,397,-725,-726,-727,397,397,397,397,397,397,-996,397,397,-93,-94,397,397,397,397,-311,-312,-322,397,-309,-295,-296,-297,397,397,397,397,-620,-635,-592,397,397,-438,397,-439,397,-446,-447,-448,-380,-381,397,397,397,-508,397,397,-512,397,397,397,397,-517,-518,-519,-520,397,397,-523,-524,397,-526,-527,-528,-529,-530,-531,-532,-533,397,-535,397,397,397,-541,-543,-544,397,-546,-547,-548,-549,397,397,397,397,397,397,-654,-655,-656,-657,397,-659,-660,-661,397,397,397,-667,397,397,-671,-672,397,397,-675,397,-677,-678,397,-681,397,-683,397,397,-686,-687,-688,397,-690,397,397,-693,397,397,-696,-697,-698,397,-700,-701,-702,-703,397,397,-748,397,-751,-752,-753,-754,-755,397,-757,-758,-759,-760,-761,397,-768,-769,-771,397,-773,-774,-775,-784,-858,-860,-862,-864,397,397,397,397,-870,397,-872,397,397,397,397,397,397,397,-908,-909,397,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,397,-923,-926,397,-936,397,-387,-388,-389,397,397,-392,-393,-394,-395,397,-398,397,-401,-402,397,-403,397,-408,-409,397,-412,-413,-414,397,-417,397,-418,397,-423,-424,397,-427,397,-430,-431,-1896,-1896,397,-621,-622,-623,-624,-625,-636,-586,-626,-799,397,397,397,397,397,-833,397,397,-808,397,-834,397,397,397,397,-800,397,-855,-801,397,397,397,397,397,397,-856,-857,397,-836,-832,-837,397,-627,397,-628,-629,-630,-631,-576,397,397,-632,-633,-634,397,397,397,397,397,397,-637,-638,-639,-594,-1896,-604,397,-640,-641,-715,-642,-606,397,-574,-579,-582,-585,397,397,397,-600,-603,397,-610,397,397,397,397,397,397,397,397,397,397,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,397,397,397,-997,397,397,397,397,397,397,-308,-327,-321,-298,-377,-454,-455,-456,-460,397,-445,397,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,397,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,397,397,397,397,397,397,397,397,397,-318,-537,-510,-593,-939,-941,-942,-440,397,-442,-382,-383,-385,-509,-511,-513,397,-515,-516,-521,-522,397,-534,-536,-539,-540,-545,-550,-728,397,-729,397,-734,397,-736,397,-741,-658,-662,-663,397,-668,397,-669,397,-674,-676,397,-679,397,397,397,-689,-691,397,-694,397,397,-746,397,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,397,397,397,397,397,-879,397,-882,-910,-922,-927,-390,-391,397,-396,397,-399,397,-404,397,-405,397,-410,397,-415,397,-419,397,-420,397,-425,397,-428,-901,-902,-645,-587,-1896,-903,397,397,397,-802,397,397,-806,397,-809,-835,397,-820,397,-822,397,-824,-810,397,-826,397,-853,-854,397,397,-813,397,-648,-904,-906,-650,-651,-647,397,-707,-708,397,-644,-905,-649,-652,-605,-716,397,397,-607,-588,397,397,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,397,397,-711,-712,397,-718,397,397,397,397,397,397,-940,397,-441,-443,-749,397,-893,397,-717,-1896,397,397,397,397,397,-444,-514,-525,397,-730,-735,397,-737,397,-742,397,-664,-670,397,-680,-682,-684,-685,-692,-695,-699,-747,397,397,-876,397,397,-880,397,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,397,-814,397,-816,-803,397,-804,-807,397,-818,-821,-823,-825,-827,397,-828,397,-811,397,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,397,-284,397,397,397,397,-457,397,397,-731,397,-738,397,-743,397,-665,-673,397,397,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,397,-838,-53,397,397,-732,397,-739,397,-744,-666,397,-875,-54,397,397,-733,-740,-745,397,397,397,-874,]),'KEY_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[398,398,398,398,-1896,398,398,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,398,398,398,398,-277,-278,398,-1427,398,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,398,398,398,-492,398,398,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,398,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,398,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,398,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,398,-174,-175,-176,-177,-995,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-292,-293,-283,398,398,398,398,398,-330,-320,-334,-335,-336,398,398,-984,-985,-986,-987,-988,-989,-990,398,398,398,398,398,398,398,398,398,398,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,398,398,398,-355,-358,398,-325,-326,-143,398,-144,398,-145,398,-432,-937,-938,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-1896,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-1896,398,-1896,398,398,398,398,398,398,398,398,398,398,398,398,-1896,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-1896,398,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,398,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,398,398,398,-193,-194,398,-996,398,398,398,398,398,-279,-280,-281,-282,-367,398,-310,398,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,398,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,398,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,398,398,398,398,398,398,-575,398,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,398,398,-725,-726,-727,398,398,398,398,398,398,-996,398,398,-93,-94,398,398,398,398,-311,-312,-322,398,-309,-295,-296,-297,398,398,398,398,-620,-635,-592,398,398,-438,398,-439,398,-446,-447,-448,-380,-381,398,398,398,-508,398,398,-512,398,398,398,398,-517,-518,-519,-520,398,398,-523,-524,398,-526,-527,-528,-529,-530,-531,-532,-533,398,-535,398,398,398,-541,-543,-544,398,-546,-547,-548,-549,398,398,398,398,398,398,-654,-655,-656,-657,398,-659,-660,-661,398,398,398,-667,398,398,-671,-672,398,398,-675,398,-677,-678,398,-681,398,-683,398,398,-686,-687,-688,398,-690,398,398,-693,398,398,-696,-697,-698,398,-700,-701,-702,-703,398,398,-748,398,-751,-752,-753,-754,-755,398,-757,-758,-759,-760,-761,398,-768,-769,-771,398,-773,-774,-775,-784,-858,-860,-862,-864,398,398,398,398,-870,398,-872,398,398,398,398,398,398,398,-908,-909,398,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,398,-923,-926,398,-936,398,-387,-388,-389,398,398,-392,-393,-394,-395,398,-398,398,-401,-402,398,-403,398,-408,-409,398,-412,-413,-414,398,-417,398,-418,398,-423,-424,398,-427,398,-430,-431,-1896,-1896,398,-621,-622,-623,-624,-625,-636,-586,-626,-799,398,398,398,398,398,-833,398,398,-808,398,-834,398,398,398,398,-800,398,-855,-801,398,398,398,398,398,398,-856,-857,398,-836,-832,-837,398,-627,398,-628,-629,-630,-631,-576,398,398,-632,-633,-634,398,398,398,398,398,398,-637,-638,-639,-594,-1896,-604,398,-640,-641,-715,-642,-606,398,-574,-579,-582,-585,398,398,398,-600,-603,398,-610,398,398,398,398,398,398,398,398,398,398,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,398,398,398,-997,398,398,398,398,398,398,-308,-327,-321,-298,-377,-454,-455,-456,-460,398,-445,398,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,398,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,398,398,398,398,398,398,398,398,398,-318,-537,-510,-593,-939,-941,-942,-440,398,-442,-382,-383,-385,-509,-511,-513,398,-515,-516,-521,-522,398,-534,-536,-539,-540,-545,-550,-728,398,-729,398,-734,398,-736,398,-741,-658,-662,-663,398,-668,398,-669,398,-674,-676,398,-679,398,398,398,-689,-691,398,-694,398,398,-746,398,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,398,398,398,398,398,-879,398,-882,-910,-922,-927,-390,-391,398,-396,398,-399,398,-404,398,-405,398,-410,398,-415,398,-419,398,-420,398,-425,398,-428,-901,-902,-645,-587,-1896,-903,398,398,398,-802,398,398,-806,398,-809,-835,398,-820,398,-822,398,-824,-810,398,-826,398,-853,-854,398,398,-813,398,-648,-904,-906,-650,-651,-647,398,-707,-708,398,-644,-905,-649,-652,-605,-716,398,398,-607,-588,398,398,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,398,398,-711,-712,398,-718,398,398,398,398,398,398,-940,398,-441,-443,-749,398,-893,398,-717,-1896,398,398,398,398,398,-444,-514,-525,398,-730,-735,398,-737,398,-742,398,-664,-670,398,-680,-682,-684,-685,-692,-695,-699,-747,398,398,-876,398,398,-880,398,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,398,-814,398,-816,-803,398,-804,-807,398,-818,-821,-823,-825,-827,398,-828,398,-811,398,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,398,-284,398,398,398,398,-457,398,398,-731,398,-738,398,-743,398,-665,-673,398,398,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,398,-838,-53,398,398,-732,398,-739,398,-744,-666,398,-875,-54,398,398,-733,-740,-745,398,398,398,-874,]),'KVCACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[399,399,399,399,-1896,399,399,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,399,399,399,399,-277,-278,399,-1427,399,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,399,399,399,-492,399,399,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,399,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,399,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,399,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,399,-174,-175,-176,-177,-995,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-292,-293,-283,399,399,399,399,399,-330,-320,-334,-335,-336,399,399,-984,-985,-986,-987,-988,-989,-990,399,399,399,399,399,399,399,399,399,399,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,399,399,399,-355,-358,399,-325,-326,-143,399,-144,399,-145,399,-432,-937,-938,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-1896,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-1896,399,-1896,399,399,399,399,399,399,399,399,399,399,399,399,-1896,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-1896,399,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,399,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,399,399,399,-193,-194,399,-996,399,399,399,399,399,-279,-280,-281,-282,-367,399,-310,399,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,399,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,399,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,399,399,399,399,399,399,-575,399,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,399,399,-725,-726,-727,399,399,399,399,399,399,-996,399,399,-93,-94,399,399,399,399,-311,-312,-322,399,-309,-295,-296,-297,399,399,399,399,-620,-635,-592,399,399,-438,399,-439,399,-446,-447,-448,-380,-381,399,399,399,-508,399,399,-512,399,399,399,399,-517,-518,-519,-520,399,399,-523,-524,399,-526,-527,-528,-529,-530,-531,-532,-533,399,-535,399,399,399,-541,-543,-544,399,-546,-547,-548,-549,399,399,399,399,399,399,-654,-655,-656,-657,399,-659,-660,-661,399,399,399,-667,399,399,-671,-672,399,399,-675,399,-677,-678,399,-681,399,-683,399,399,-686,-687,-688,399,-690,399,399,-693,399,399,-696,-697,-698,399,-700,-701,-702,-703,399,399,-748,399,-751,-752,-753,-754,-755,399,-757,-758,-759,-760,-761,399,-768,-769,-771,399,-773,-774,-775,-784,-858,-860,-862,-864,399,399,399,399,-870,399,-872,399,399,399,399,399,399,399,-908,-909,399,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,399,-923,-926,399,-936,399,-387,-388,-389,399,399,-392,-393,-394,-395,399,-398,399,-401,-402,399,-403,399,-408,-409,399,-412,-413,-414,399,-417,399,-418,399,-423,-424,399,-427,399,-430,-431,-1896,-1896,399,-621,-622,-623,-624,-625,-636,-586,-626,-799,399,399,399,399,399,-833,399,399,-808,399,-834,399,399,399,399,-800,399,-855,-801,399,399,399,399,399,399,-856,-857,399,-836,-832,-837,399,-627,399,-628,-629,-630,-631,-576,399,399,-632,-633,-634,399,399,399,399,399,399,-637,-638,-639,-594,-1896,-604,399,-640,-641,-715,-642,-606,399,-574,-579,-582,-585,399,399,399,-600,-603,399,-610,399,399,399,399,399,399,399,399,399,399,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,399,399,399,-997,399,399,399,399,399,399,-308,-327,-321,-298,-377,-454,-455,-456,-460,399,-445,399,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,399,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,399,399,399,399,399,399,399,399,399,-318,-537,-510,-593,-939,-941,-942,-440,399,-442,-382,-383,-385,-509,-511,-513,399,-515,-516,-521,-522,399,-534,-536,-539,-540,-545,-550,-728,399,-729,399,-734,399,-736,399,-741,-658,-662,-663,399,-668,399,-669,399,-674,-676,399,-679,399,399,399,-689,-691,399,-694,399,399,-746,399,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,399,399,399,399,399,-879,399,-882,-910,-922,-927,-390,-391,399,-396,399,-399,399,-404,399,-405,399,-410,399,-415,399,-419,399,-420,399,-425,399,-428,-901,-902,-645,-587,-1896,-903,399,399,399,-802,399,399,-806,399,-809,-835,399,-820,399,-822,399,-824,-810,399,-826,399,-853,-854,399,399,-813,399,-648,-904,-906,-650,-651,-647,399,-707,-708,399,-644,-905,-649,-652,-605,-716,399,399,-607,-588,399,399,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,399,399,-711,-712,399,-718,399,399,399,399,399,399,-940,399,-441,-443,-749,399,-893,399,-717,-1896,399,399,399,399,399,-444,-514,-525,399,-730,-735,399,-737,399,-742,399,-664,-670,399,-680,-682,-684,-685,-692,-695,-699,-747,399,399,-876,399,399,-880,399,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,399,-814,399,-816,-803,399,-804,-807,399,-818,-821,-823,-825,-827,399,-828,399,-811,399,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,399,-284,399,399,399,399,-457,399,399,-731,399,-738,399,-743,399,-665,-673,399,399,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,399,-838,-53,399,399,-732,399,-739,399,-744,-666,399,-875,-54,399,399,-733,-740,-745,399,399,399,-874,]),'LANGUAGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3739,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[400,400,400,400,-1896,400,400,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,400,400,400,400,-277,-278,400,-1427,400,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,400,400,400,-492,400,400,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,400,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,400,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,400,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,400,-174,-175,-176,-177,-995,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-292,-293,-283,400,400,400,400,400,-330,-320,-334,-335,-336,400,400,-984,-985,-986,-987,-988,-989,-990,400,400,400,400,400,400,400,400,400,400,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,400,400,400,-355,-358,400,-325,-326,-143,400,-144,400,-145,400,-432,-937,-938,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-1896,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-1896,400,-1896,400,400,400,400,400,400,400,400,400,400,400,400,-1896,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-1896,400,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,400,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,400,400,400,-193,-194,400,-996,400,400,400,400,400,-279,-280,-281,-282,-367,400,-310,400,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,400,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,400,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,400,400,400,400,400,400,-575,400,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,400,400,-725,-726,-727,400,400,400,400,400,400,-996,400,400,-93,-94,400,400,400,400,-311,-312,-322,400,-309,-295,-296,-297,400,400,400,400,-620,-635,-592,400,400,-438,400,-439,400,-446,-447,-448,-380,-381,400,400,400,-508,400,400,-512,400,400,400,400,-517,-518,-519,-520,400,400,-523,-524,400,-526,-527,-528,-529,-530,-531,-532,-533,400,-535,400,400,400,-541,-543,-544,400,-546,-547,-548,-549,400,400,400,400,400,400,-654,-655,-656,-657,400,-659,-660,-661,400,400,400,-667,400,400,-671,-672,400,400,-675,400,-677,-678,400,-681,400,-683,400,400,-686,-687,-688,400,-690,400,400,-693,400,400,-696,-697,-698,400,-700,-701,-702,-703,400,400,-748,400,-751,-752,-753,-754,-755,400,-757,-758,-759,-760,-761,400,-768,-769,-771,400,-773,-774,-775,-784,-858,-860,-862,-864,400,400,400,400,-870,400,-872,400,400,400,400,400,400,400,-908,-909,400,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,400,-923,-926,400,-936,400,-387,-388,-389,400,400,-392,-393,-394,-395,400,-398,400,-401,-402,400,-403,400,-408,-409,400,-412,-413,-414,400,-417,400,-418,400,-423,-424,400,-427,400,-430,-431,-1896,-1896,400,-621,-622,-623,-624,-625,-636,-586,-626,-799,400,400,400,400,400,-833,400,400,-808,400,-834,400,400,400,400,-800,400,-855,-801,400,400,400,400,400,400,-856,-857,400,-836,-832,-837,400,-627,400,-628,-629,-630,-631,-576,400,400,-632,-633,-634,400,400,400,400,400,400,-637,-638,-639,-594,-1896,-604,400,-640,-641,-715,-642,-606,400,-574,-579,-582,-585,400,400,400,-600,-603,400,-610,400,400,400,400,400,400,400,400,400,400,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,400,400,400,-997,400,400,400,400,400,400,-308,-327,-321,-298,-377,-454,-455,-456,-460,400,-445,400,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,400,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,400,400,400,400,400,400,400,400,400,-318,-537,-510,-593,-939,-941,-942,-440,400,-442,-382,-383,-385,-509,-511,-513,400,-515,-516,-521,-522,400,-534,-536,-539,-540,-545,-550,-728,400,-729,400,-734,400,-736,400,-741,-658,-662,-663,400,-668,400,-669,400,-674,-676,400,-679,400,400,400,-689,-691,400,-694,400,400,-746,400,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,400,400,400,400,400,-879,400,-882,-910,-922,-927,-390,-391,400,-396,400,-399,400,-404,400,-405,400,-410,400,-415,400,-419,400,-420,400,-425,400,-428,-901,-902,-645,-587,-1896,-903,400,400,400,-802,400,400,-806,400,-809,-835,400,-820,400,-822,400,-824,-810,400,-826,400,-853,-854,400,400,-813,400,-648,-904,-906,-650,-651,-647,400,-707,-708,400,-644,-905,-649,-652,-605,-716,400,400,-607,-588,400,400,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,400,400,-711,-712,400,-718,400,400,400,400,400,400,-940,400,-441,-443,-749,400,-893,400,-717,-1896,400,400,400,400,400,-444,-514,-525,400,-730,-735,400,-737,400,-742,400,-664,-670,400,-680,-682,-684,-685,-692,-695,-699,-747,400,400,-876,400,400,-880,400,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,400,-814,400,-816,-803,400,-804,-807,400,-818,-821,-823,-825,-827,400,-828,400,-811,400,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,400,-284,3783,400,400,400,400,-457,400,400,-731,400,-738,400,-743,400,-665,-673,400,400,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,400,-838,-53,400,400,-732,400,-739,400,-744,-666,400,-875,-54,400,400,-733,-740,-745,400,400,400,-874,]),'LAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2887,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[401,401,401,401,-1896,401,401,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,401,401,401,401,-277,-278,401,-1427,401,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,401,401,401,-492,401,401,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,401,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,401,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,401,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,401,-174,-175,-176,-177,-995,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-292,-293,-283,401,401,401,401,401,-330,-320,-334,-335,-336,401,401,-984,-985,-986,-987,-988,-989,-990,401,401,401,401,401,401,401,401,401,401,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,401,401,401,-355,-358,401,-325,-326,-143,401,-144,401,-145,401,-432,-937,-938,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-1896,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-1896,401,-1896,401,401,401,401,401,401,401,401,401,401,401,401,-1896,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-1896,401,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,401,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,401,401,401,-193,-194,401,-996,401,401,401,401,401,-279,-280,-281,-282,-367,401,-310,401,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,401,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,401,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,401,401,401,401,401,401,-575,401,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,401,401,-725,-726,-727,401,401,401,401,401,401,-996,401,401,-93,-94,401,401,401,401,-311,-312,-322,401,-309,-295,-296,-297,401,401,401,401,-620,-635,-592,401,401,-438,401,-439,401,-446,-447,-448,-380,-381,401,401,401,-508,401,401,-512,401,401,401,401,-517,-518,-519,-520,401,401,-523,-524,401,-526,-527,-528,-529,-530,-531,-532,-533,401,-535,401,401,401,-541,-543,-544,401,-546,-547,-548,-549,401,401,401,401,401,401,-654,-655,-656,-657,401,-659,-660,-661,401,401,401,-667,401,401,-671,-672,401,401,-675,401,-677,-678,401,-681,401,-683,401,401,-686,-687,-688,401,-690,401,401,-693,401,401,-696,-697,-698,401,-700,-701,-702,-703,401,401,-748,401,-751,-752,-753,-754,-755,401,-757,-758,-759,-760,-761,401,-768,-769,-771,401,-773,-774,-775,-784,-858,-860,-862,-864,401,401,401,401,-870,401,-872,401,401,401,401,401,401,401,-908,-909,401,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,401,-923,-926,401,-936,401,-387,-388,-389,401,401,-392,-393,-394,-395,401,-398,401,-401,-402,401,-403,401,-408,-409,401,-412,-413,-414,401,-417,401,-418,401,-423,-424,401,-427,401,-430,-431,-1896,-1896,401,-621,-622,-623,-624,-625,-636,-586,-626,-799,401,401,401,401,401,-833,401,401,-808,401,-834,401,401,401,401,-800,401,-855,-801,401,401,401,401,401,401,-856,-857,401,-836,-832,-837,401,-627,401,-628,-629,-630,-631,-576,401,401,-632,-633,-634,401,401,401,401,401,401,-637,-638,-639,-594,-1896,-604,401,-640,-641,-715,-642,-606,401,-574,-579,-582,-585,401,401,401,-600,-603,401,-610,401,401,401,401,401,401,401,401,401,401,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,401,3161,401,401,-997,401,401,401,401,401,401,-308,-327,-321,-298,-377,-454,-455,-456,-460,401,-445,401,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,401,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,401,401,401,401,401,401,401,401,401,-318,-537,-510,-593,-939,-941,-942,-440,401,-442,-382,-383,-385,-509,-511,-513,401,-515,-516,-521,-522,401,-534,-536,-539,-540,-545,-550,-728,401,-729,401,-734,401,-736,401,-741,-658,-662,-663,401,-668,401,-669,401,-674,-676,401,-679,401,401,401,-689,-691,401,-694,401,401,-746,401,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,401,401,401,401,401,-879,401,-882,-910,-922,-927,-390,-391,401,-396,401,-399,401,-404,401,-405,401,-410,401,-415,401,-419,401,-420,401,-425,401,-428,-901,-902,-645,-587,-1896,-903,401,401,401,-802,401,401,-806,401,-809,-835,401,-820,401,-822,401,-824,-810,401,-826,401,-853,-854,401,401,-813,401,-648,-904,-906,-650,-651,-647,401,-707,-708,401,-644,-905,-649,-652,-605,-716,401,401,-607,-588,401,401,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,401,401,-711,-712,401,-718,401,401,401,401,401,401,-940,401,-441,-443,-749,401,-893,401,-717,-1896,401,401,401,401,401,-444,-514,-525,401,-730,-735,401,-737,401,-742,401,-664,-670,401,-680,-682,-684,-685,-692,-695,-699,-747,401,401,-876,401,401,-880,401,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,401,-814,401,-816,-803,401,-804,-807,401,-818,-821,-823,-825,-827,401,-828,401,-811,401,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,401,-284,401,401,401,401,-457,401,401,-731,401,-738,401,-743,401,-665,-673,401,401,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,401,-838,-53,401,401,-732,401,-739,401,-744,-666,401,-875,-54,401,401,-733,-740,-745,401,401,401,-874,]),'LAG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[402,402,402,1004,-1896,402,402,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,402,402,402,402,-277,-278,1004,-1427,1004,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1004,1004,1004,-492,1004,1004,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1004,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1004,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1903,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,402,-174,-175,-176,-177,-995,402,402,402,402,402,402,402,402,402,402,1004,1004,1004,1004,1004,-292,-293,-283,402,1004,1004,1004,1004,-330,-320,-334,-335,-336,1004,1004,-984,-985,-986,-987,-988,-989,-990,402,402,1004,1004,1004,1004,1004,1004,1004,1004,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1004,1004,1004,-355,-358,402,-325,-326,-143,1004,-144,1004,-145,1004,-432,-937,-938,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1896,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1896,1004,-1896,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1896,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1896,402,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1004,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1004,402,402,-193,-194,402,-996,1004,402,402,402,402,-279,-280,-281,-282,-367,1004,-310,1004,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1004,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1004,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1004,1004,1004,1004,1004,1004,-575,1004,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1004,1004,-725,-726,-727,1004,1903,402,402,402,402,-996,402,1004,-93,-94,402,402,402,1004,-311,-312,-322,1004,-309,-295,-296,-297,1004,402,1004,1004,-620,-635,-592,1004,402,-438,402,-439,1004,-446,-447,-448,-380,-381,1004,1004,1004,-508,1004,1004,-512,1004,1004,1004,1004,-517,-518,-519,-520,1004,1004,-523,-524,1004,-526,-527,-528,-529,-530,-531,-532,-533,1004,-535,1004,1004,1004,-541,-543,-544,1004,-546,-547,-548,-549,1004,1004,1004,1004,1004,1004,-654,-655,-656,-657,402,-659,-660,-661,1004,1004,1004,-667,1004,1004,-671,-672,1004,1004,-675,1004,-677,-678,1004,-681,1004,-683,1004,1004,-686,-687,-688,1004,-690,1004,1004,-693,1004,1004,-696,-697,-698,1004,-700,-701,-702,-703,1004,1004,-748,1004,-751,-752,-753,-754,-755,1004,-757,-758,-759,-760,-761,1004,-768,-769,-771,1004,-773,-774,-775,-784,-858,-860,-862,-864,1004,1004,1004,1004,-870,1004,-872,1004,1004,1004,1004,1004,1004,1004,-908,-909,1004,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1004,-923,-926,1004,-936,1004,-387,-388,-389,1004,1004,-392,-393,-394,-395,1004,-398,1004,-401,-402,1004,-403,1004,-408,-409,1004,-412,-413,-414,1004,-417,1004,-418,1004,-423,-424,1004,-427,1004,-430,-431,-1896,-1896,1004,-621,-622,-623,-624,-625,-636,-586,-626,-799,1004,1004,1004,1004,1004,-833,1004,1004,-808,1004,-834,1004,1004,1004,1004,-800,1004,-855,-801,1004,1004,1004,1004,1004,1004,-856,-857,1004,-836,-832,-837,1004,-627,1004,-628,-629,-630,-631,-576,1004,1004,-632,-633,-634,1004,1004,1004,1004,1004,1004,-637,-638,-639,-594,-1896,-604,1004,-640,-641,-715,-642,-606,1004,-574,-579,-582,-585,1004,1004,1004,-600,-603,1004,-610,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1004,402,402,-997,402,1004,402,402,402,1004,-308,-327,-321,-298,-377,-454,-455,-456,-460,402,-445,1004,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1004,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,402,402,402,402,402,402,402,402,1004,-318,-537,-510,-593,-939,-941,-942,-440,1004,-442,-382,-383,-385,-509,-511,-513,1004,-515,-516,-521,-522,1004,-534,-536,-539,-540,-545,-550,-728,1004,-729,1004,-734,1004,-736,1004,-741,-658,-662,-663,1004,-668,1004,-669,1004,-674,-676,1004,-679,1004,1004,1004,-689,-691,1004,-694,1004,1004,-746,1004,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1004,1004,1004,1004,1004,-879,1004,-882,-910,-922,-927,-390,-391,1004,-396,1004,-399,1004,-404,1004,-405,1004,-410,1004,-415,1004,-419,1004,-420,1004,-425,1004,-428,-901,-902,-645,-587,-1896,-903,1004,1004,1004,-802,1004,1004,-806,1004,-809,-835,1004,-820,1004,-822,1004,-824,-810,1004,-826,1004,-853,-854,1004,1004,-813,1004,-648,-904,-906,-650,-651,-647,1004,-707,-708,1004,-644,-905,-649,-652,-605,-716,1004,1004,-607,-588,1004,1004,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1004,1004,-711,-712,1004,-718,1004,402,402,402,1004,1004,-940,402,-441,-443,-749,1004,-893,1903,-717,-1896,1004,1004,402,402,1004,-444,-514,-525,1004,-730,-735,1004,-737,1004,-742,1004,-664,-670,1004,-680,-682,-684,-685,-692,-695,-699,-747,1004,1004,-876,1004,1004,-880,1004,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1004,-814,1004,-816,-803,1004,-804,-807,1004,-818,-821,-823,-825,-827,1004,-828,1004,-811,1004,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,402,-284,402,1004,402,1004,-457,1004,1004,-731,1004,-738,1004,-743,1004,-665,-673,1004,1004,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1004,-838,-53,402,1004,-732,1004,-739,1004,-744,-666,1004,-875,-54,402,402,-733,-740,-745,1004,402,1004,-874,]),'LAST_DAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[403,403,403,1285,-1896,403,403,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,403,403,403,403,-277,-278,1285,-1427,1285,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1285,1285,1285,-492,1285,1285,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1285,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1285,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1285,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,403,-174,-175,-176,-177,-995,403,403,403,403,403,403,403,403,403,403,1285,1285,1285,1285,1285,-292,-293,-283,403,1285,1285,1285,1285,-330,-320,-334,-335,-336,1285,1285,-984,-985,-986,-987,-988,-989,-990,403,403,1285,1285,1285,1285,1285,1285,1285,1285,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1285,1285,1285,-355,-358,403,-325,-326,-143,1285,-144,1285,-145,1285,-432,-937,-938,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1896,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1896,1285,-1896,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1896,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1896,403,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1285,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1285,403,403,-193,-194,403,-996,1285,403,403,403,403,-279,-280,-281,-282,-367,1285,-310,1285,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1285,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1285,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1285,1285,1285,1285,1285,1285,-575,1285,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1285,1285,-725,-726,-727,1285,1285,403,403,403,403,-996,403,1285,-93,-94,403,403,403,1285,-311,-312,-322,1285,-309,-295,-296,-297,1285,403,1285,1285,-620,-635,-592,1285,403,-438,403,-439,1285,-446,-447,-448,-380,-381,1285,1285,1285,-508,1285,1285,-512,1285,1285,1285,1285,-517,-518,-519,-520,1285,1285,-523,-524,1285,-526,-527,-528,-529,-530,-531,-532,-533,1285,-535,1285,1285,1285,-541,-543,-544,1285,-546,-547,-548,-549,1285,1285,1285,1285,1285,1285,-654,-655,-656,-657,403,-659,-660,-661,1285,1285,1285,-667,1285,1285,-671,-672,1285,1285,-675,1285,-677,-678,1285,-681,1285,-683,1285,1285,-686,-687,-688,1285,-690,1285,1285,-693,1285,1285,-696,-697,-698,1285,-700,-701,-702,-703,1285,1285,-748,1285,-751,-752,-753,-754,-755,1285,-757,-758,-759,-760,-761,1285,-768,-769,-771,1285,-773,-774,-775,-784,-858,-860,-862,-864,1285,1285,1285,1285,-870,1285,-872,1285,1285,1285,1285,1285,1285,1285,-908,-909,1285,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1285,-923,-926,1285,-936,1285,-387,-388,-389,1285,1285,-392,-393,-394,-395,1285,-398,1285,-401,-402,1285,-403,1285,-408,-409,1285,-412,-413,-414,1285,-417,1285,-418,1285,-423,-424,1285,-427,1285,-430,-431,-1896,-1896,1285,-621,-622,-623,-624,-625,-636,-586,-626,-799,1285,1285,1285,1285,1285,-833,1285,1285,-808,1285,-834,1285,1285,1285,1285,-800,1285,-855,-801,1285,1285,1285,1285,1285,1285,-856,-857,1285,-836,-832,-837,1285,-627,1285,-628,-629,-630,-631,-576,1285,1285,-632,-633,-634,1285,1285,1285,1285,1285,1285,-637,-638,-639,-594,-1896,-604,1285,-640,-641,-715,-642,-606,1285,-574,-579,-582,-585,1285,1285,1285,-600,-603,1285,-610,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1285,403,403,-997,403,1285,403,403,403,1285,-308,-327,-321,-298,-377,-454,-455,-456,-460,403,-445,1285,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1285,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,403,403,403,403,403,403,403,403,1285,-318,-537,-510,-593,-939,-941,-942,-440,1285,-442,-382,-383,-385,-509,-511,-513,1285,-515,-516,-521,-522,1285,-534,-536,-539,-540,-545,-550,-728,1285,-729,1285,-734,1285,-736,1285,-741,-658,-662,-663,1285,-668,1285,-669,1285,-674,-676,1285,-679,1285,1285,1285,-689,-691,1285,-694,1285,1285,-746,1285,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1285,1285,1285,1285,1285,-879,1285,-882,-910,-922,-927,-390,-391,1285,-396,1285,-399,1285,-404,1285,-405,1285,-410,1285,-415,1285,-419,1285,-420,1285,-425,1285,-428,-901,-902,-645,-587,-1896,-903,1285,1285,1285,-802,1285,1285,-806,1285,-809,-835,1285,-820,1285,-822,1285,-824,-810,1285,-826,1285,-853,-854,1285,1285,-813,1285,-648,-904,-906,-650,-651,-647,1285,-707,-708,1285,-644,-905,-649,-652,-605,-716,1285,1285,-607,-588,1285,1285,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1285,1285,-711,-712,1285,-718,1285,403,403,403,1285,1285,-940,403,-441,-443,-749,1285,-893,1285,-717,-1896,1285,1285,403,403,1285,-444,-514,-525,1285,-730,-735,1285,-737,1285,-742,1285,-664,-670,1285,-680,-682,-684,-685,-692,-695,-699,-747,1285,1285,-876,1285,1285,-880,1285,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1285,-814,1285,-816,-803,1285,-804,-807,1285,-818,-821,-823,-825,-827,1285,-828,1285,-811,1285,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,403,-284,403,1285,403,1285,-457,1285,1285,-731,1285,-738,1285,-743,1285,-665,-673,1285,1285,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1285,-838,-53,403,1285,-732,1285,-739,1285,-744,-666,1285,-875,-54,403,403,-733,-740,-745,1285,403,1285,-874,]),'LAST_INSERT_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[404,404,404,1168,-1896,404,404,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,404,404,404,404,-277,-278,1168,-1427,1168,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1168,1168,1168,-492,1168,1168,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1168,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1168,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1904,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,404,-174,-175,-176,-177,-995,404,404,404,404,404,404,404,404,404,404,1168,1168,1168,1168,1168,-292,-293,-283,404,1168,1168,1168,1168,-330,-320,-334,-335,-336,1168,1168,-984,-985,-986,-987,-988,-989,-990,404,404,1168,1168,1168,1168,1168,1168,1168,1168,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1168,1168,1168,-355,-358,404,-325,-326,-143,1168,-144,1168,-145,1168,-432,-937,-938,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1896,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1896,1168,-1896,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1896,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1896,404,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1168,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1168,404,404,-193,-194,404,-996,1168,404,404,404,404,-279,-280,-281,-282,-367,1168,-310,1168,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1168,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1168,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1168,1168,1168,1168,1168,1168,-575,1168,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1168,1168,-725,-726,-727,1168,1904,404,404,404,404,-996,404,1168,-93,-94,404,404,404,1168,-311,-312,-322,1168,-309,-295,-296,-297,1168,404,1168,1168,-620,-635,-592,1168,404,-438,404,-439,1168,-446,-447,-448,-380,-381,1168,1168,1168,-508,1168,1168,-512,1168,1168,1168,1168,-517,-518,-519,-520,1168,1168,-523,-524,1168,-526,-527,-528,-529,-530,-531,-532,-533,1168,-535,1168,1168,1168,-541,-543,-544,1168,-546,-547,-548,-549,1168,1168,1168,1168,1168,1168,-654,-655,-656,-657,404,-659,-660,-661,1168,1168,1168,-667,1168,1168,-671,-672,1168,1168,-675,1168,-677,-678,1168,-681,1168,-683,1168,1168,-686,-687,-688,1168,-690,1168,1168,-693,1168,1168,-696,-697,-698,1168,-700,-701,-702,-703,1168,1168,-748,1168,-751,-752,-753,-754,-755,1168,-757,-758,-759,-760,-761,1168,-768,-769,-771,1168,-773,-774,-775,-784,-858,-860,-862,-864,1168,1168,1168,1168,-870,1168,-872,1168,1168,1168,1168,1168,1168,1168,-908,-909,1168,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1168,-923,-926,1168,-936,1168,-387,-388,-389,1168,1168,-392,-393,-394,-395,1168,-398,1168,-401,-402,1168,-403,1168,-408,-409,1168,-412,-413,-414,1168,-417,1168,-418,1168,-423,-424,1168,-427,1168,-430,-431,-1896,-1896,1168,-621,-622,-623,-624,-625,-636,-586,-626,-799,1168,1168,1168,1168,1168,-833,1168,1168,-808,1168,-834,1168,1168,1168,1168,-800,1168,-855,-801,1168,1168,1168,1168,1168,1168,-856,-857,1168,-836,-832,-837,1168,-627,1168,-628,-629,-630,-631,-576,1168,1168,-632,-633,-634,1168,1168,1168,1168,1168,1168,-637,-638,-639,-594,-1896,-604,1168,-640,-641,-715,-642,-606,1168,-574,-579,-582,-585,1168,1168,1168,-600,-603,1168,-610,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1168,404,404,-997,404,1168,404,404,404,1168,-308,-327,-321,-298,-377,-454,-455,-456,-460,404,-445,1168,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1168,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,404,404,404,404,404,404,404,404,1168,-318,-537,-510,-593,-939,-941,-942,-440,1168,-442,-382,-383,-385,-509,-511,-513,1168,-515,-516,-521,-522,1168,-534,-536,-539,-540,-545,-550,-728,1168,-729,1168,-734,1168,-736,1168,-741,-658,-662,-663,1168,-668,1168,-669,1168,-674,-676,1168,-679,1168,1168,1168,-689,-691,1168,-694,1168,1168,-746,1168,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1168,1168,1168,1168,1168,-879,1168,-882,-910,-922,-927,-390,-391,1168,-396,1168,-399,1168,-404,1168,-405,1168,-410,1168,-415,1168,-419,1168,-420,1168,-425,1168,-428,-901,-902,-645,-587,-1896,-903,1168,1168,1168,-802,1168,1168,-806,1168,-809,-835,1168,-820,1168,-822,1168,-824,-810,1168,-826,1168,-853,-854,1168,1168,-813,1168,-648,-904,-906,-650,-651,-647,1168,-707,-708,1168,-644,-905,-649,-652,-605,-716,1168,1168,-607,-588,1168,1168,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1168,1168,-711,-712,1168,-718,1168,404,404,404,1168,1168,-940,404,-441,-443,-749,1168,-893,1904,-717,-1896,1168,1168,404,404,1168,-444,-514,-525,1168,-730,-735,1168,-737,1168,-742,1168,-664,-670,1168,-680,-682,-684,-685,-692,-695,-699,-747,1168,1168,-876,1168,1168,-880,1168,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1168,-814,1168,-816,-803,1168,-804,-807,1168,-818,-821,-823,-825,-827,1168,-828,1168,-811,1168,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,404,-284,404,1168,404,1168,-457,1168,1168,-731,1168,-738,1168,-743,1168,-665,-673,1168,1168,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1168,-838,-53,404,1168,-732,1168,-739,1168,-744,-666,1168,-875,-54,404,404,-733,-740,-745,1168,404,1168,-874,]),'LAST_VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[405,405,405,1005,-1896,405,405,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,405,405,405,405,-277,-278,1005,-1427,1005,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1005,1005,1005,-492,1005,1005,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1005,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1005,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1905,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,405,-174,-175,-176,-177,-995,405,405,405,405,405,405,405,405,405,405,1005,1005,1005,1005,1005,-292,-293,-283,405,1005,1005,1005,1005,-330,-320,-334,-335,-336,1005,1005,-984,-985,-986,-987,-988,-989,-990,405,405,1005,1005,1005,1005,1005,1005,1005,1005,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1005,1005,1005,-355,-358,405,-325,-326,-143,1005,-144,1005,-145,1005,-432,-937,-938,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1896,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1896,1005,-1896,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1896,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1896,405,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1005,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1005,405,405,-193,-194,405,-996,1005,405,405,405,405,-279,-280,-281,-282,-367,1005,-310,1005,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1005,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1005,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1005,1005,1005,1005,1005,1005,-575,1005,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1005,1005,-725,-726,-727,1005,1905,405,405,405,405,-996,405,1005,-93,-94,405,405,405,1005,-311,-312,-322,1005,-309,-295,-296,-297,1005,405,1005,1005,-620,-635,-592,1005,405,-438,405,-439,1005,-446,-447,-448,-380,-381,1005,1005,1005,-508,1005,1005,-512,1005,1005,1005,1005,-517,-518,-519,-520,1005,1005,-523,-524,1005,-526,-527,-528,-529,-530,-531,-532,-533,1005,-535,1005,1005,1005,-541,-543,-544,1005,-546,-547,-548,-549,1005,1005,1005,1005,1005,1005,-654,-655,-656,-657,405,-659,-660,-661,1005,1005,1005,-667,1005,1005,-671,-672,1005,1005,-675,1005,-677,-678,1005,-681,1005,-683,1005,1005,-686,-687,-688,1005,-690,1005,1005,-693,1005,1005,-696,-697,-698,1005,-700,-701,-702,-703,1005,1005,-748,1005,-751,-752,-753,-754,-755,1005,-757,-758,-759,-760,-761,1005,-768,-769,-771,1005,-773,-774,-775,-784,-858,-860,-862,-864,1005,1005,1005,1005,-870,1005,-872,1005,1005,1005,1005,1005,1005,1005,-908,-909,1005,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1005,-923,-926,1005,-936,1005,-387,-388,-389,1005,1005,-392,-393,-394,-395,1005,-398,1005,-401,-402,1005,-403,1005,-408,-409,1005,-412,-413,-414,1005,-417,1005,-418,1005,-423,-424,1005,-427,1005,-430,-431,-1896,-1896,1005,-621,-622,-623,-624,-625,-636,-586,-626,-799,1005,1005,1005,1005,1005,-833,1005,1005,-808,1005,-834,1005,1005,1005,1005,-800,1005,-855,-801,1005,1005,1005,1005,1005,1005,-856,-857,1005,-836,-832,-837,1005,-627,1005,-628,-629,-630,-631,-576,1005,1005,-632,-633,-634,1005,1005,1005,1005,1005,1005,-637,-638,-639,-594,-1896,-604,1005,-640,-641,-715,-642,-606,1005,-574,-579,-582,-585,1005,1005,1005,-600,-603,1005,-610,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1005,405,405,-997,405,1005,405,405,405,1005,-308,-327,-321,-298,-377,-454,-455,-456,-460,405,-445,1005,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1005,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,405,405,405,405,405,405,405,405,1005,-318,-537,-510,-593,-939,-941,-942,-440,1005,-442,-382,-383,-385,-509,-511,-513,1005,-515,-516,-521,-522,1005,-534,-536,-539,-540,-545,-550,-728,1005,-729,1005,-734,1005,-736,1005,-741,-658,-662,-663,1005,-668,1005,-669,1005,-674,-676,1005,-679,1005,1005,1005,-689,-691,1005,-694,1005,1005,-746,1005,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1005,1005,1005,1005,1005,-879,1005,-882,-910,-922,-927,-390,-391,1005,-396,1005,-399,1005,-404,1005,-405,1005,-410,1005,-415,1005,-419,1005,-420,1005,-425,1005,-428,-901,-902,-645,-587,-1896,-903,1005,1005,1005,-802,1005,1005,-806,1005,-809,-835,1005,-820,1005,-822,1005,-824,-810,1005,-826,1005,-853,-854,1005,1005,-813,1005,-648,-904,-906,-650,-651,-647,1005,-707,-708,1005,-644,-905,-649,-652,-605,-716,1005,1005,-607,-588,1005,1005,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1005,1005,-711,-712,1005,-718,1005,405,405,405,1005,1005,-940,405,-441,-443,-749,1005,-893,1905,-717,-1896,1005,1005,405,405,1005,-444,-514,-525,1005,-730,-735,1005,-737,1005,-742,1005,-664,-670,1005,-680,-682,-684,-685,-692,-695,-699,-747,1005,1005,-876,1005,1005,-880,1005,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1005,-814,1005,-816,-803,1005,-804,-807,1005,-818,-821,-823,-825,-827,1005,-828,1005,-811,1005,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,405,-284,405,1005,405,1005,-457,1005,1005,-731,1005,-738,1005,-743,1005,-665,-673,1005,1005,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1005,-838,-53,405,1005,-732,1005,-739,1005,-744,-666,1005,-875,-54,405,405,-733,-740,-745,1005,405,1005,-874,]),'LCASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[406,406,406,1099,-1896,406,406,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,406,406,406,406,-277,-278,1099,-1427,1099,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1099,1099,1099,-492,1099,1099,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1099,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1099,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1906,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,406,-174,-175,-176,-177,-995,406,406,406,406,406,406,406,406,406,406,1099,1099,1099,1099,1099,-292,-293,-283,406,1099,1099,1099,1099,-330,-320,-334,-335,-336,1099,1099,-984,-985,-986,-987,-988,-989,-990,406,406,1099,1099,1099,1099,1099,1099,1099,1099,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1099,1099,1099,-355,-358,406,-325,-326,-143,1099,-144,1099,-145,1099,-432,-937,-938,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1896,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1896,1099,-1896,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1896,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1896,406,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1099,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1099,406,406,-193,-194,406,-996,1099,406,406,406,406,-279,-280,-281,-282,-367,1099,-310,1099,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1099,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1099,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1099,1099,1099,1099,1099,1099,-575,1099,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1099,1099,-725,-726,-727,1099,1906,406,406,406,406,-996,406,1099,-93,-94,406,406,406,1099,-311,-312,-322,1099,-309,-295,-296,-297,1099,406,1099,1099,-620,-635,-592,1099,406,-438,406,-439,1099,-446,-447,-448,-380,-381,1099,1099,1099,-508,1099,1099,-512,1099,1099,1099,1099,-517,-518,-519,-520,1099,1099,-523,-524,1099,-526,-527,-528,-529,-530,-531,-532,-533,1099,-535,1099,1099,1099,-541,-543,-544,1099,-546,-547,-548,-549,1099,1099,1099,1099,1099,1099,-654,-655,-656,-657,406,-659,-660,-661,1099,1099,1099,-667,1099,1099,-671,-672,1099,1099,-675,1099,-677,-678,1099,-681,1099,-683,1099,1099,-686,-687,-688,1099,-690,1099,1099,-693,1099,1099,-696,-697,-698,1099,-700,-701,-702,-703,1099,1099,-748,1099,-751,-752,-753,-754,-755,1099,-757,-758,-759,-760,-761,1099,-768,-769,-771,1099,-773,-774,-775,-784,-858,-860,-862,-864,1099,1099,1099,1099,-870,1099,-872,1099,1099,1099,1099,1099,1099,1099,-908,-909,1099,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1099,-923,-926,1099,-936,1099,-387,-388,-389,1099,1099,-392,-393,-394,-395,1099,-398,1099,-401,-402,1099,-403,1099,-408,-409,1099,-412,-413,-414,1099,-417,1099,-418,1099,-423,-424,1099,-427,1099,-430,-431,-1896,-1896,1099,-621,-622,-623,-624,-625,-636,-586,-626,-799,1099,1099,1099,1099,1099,-833,1099,1099,-808,1099,-834,1099,1099,1099,1099,-800,1099,-855,-801,1099,1099,1099,1099,1099,1099,-856,-857,1099,-836,-832,-837,1099,-627,1099,-628,-629,-630,-631,-576,1099,1099,-632,-633,-634,1099,1099,1099,1099,1099,1099,-637,-638,-639,-594,-1896,-604,1099,-640,-641,-715,-642,-606,1099,-574,-579,-582,-585,1099,1099,1099,-600,-603,1099,-610,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1099,406,406,-997,406,1099,406,406,406,1099,-308,-327,-321,-298,-377,-454,-455,-456,-460,406,-445,1099,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1099,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,406,406,406,406,406,406,406,406,1099,-318,-537,-510,-593,-939,-941,-942,-440,1099,-442,-382,-383,-385,-509,-511,-513,1099,-515,-516,-521,-522,1099,-534,-536,-539,-540,-545,-550,-728,1099,-729,1099,-734,1099,-736,1099,-741,-658,-662,-663,1099,-668,1099,-669,1099,-674,-676,1099,-679,1099,1099,1099,-689,-691,1099,-694,1099,1099,-746,1099,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1099,1099,1099,1099,1099,-879,1099,-882,-910,-922,-927,-390,-391,1099,-396,1099,-399,1099,-404,1099,-405,1099,-410,1099,-415,1099,-419,1099,-420,1099,-425,1099,-428,-901,-902,-645,-587,-1896,-903,1099,1099,1099,-802,1099,1099,-806,1099,-809,-835,1099,-820,1099,-822,1099,-824,-810,1099,-826,1099,-853,-854,1099,1099,-813,1099,-648,-904,-906,-650,-651,-647,1099,-707,-708,1099,-644,-905,-649,-652,-605,-716,1099,1099,-607,-588,1099,1099,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1099,1099,-711,-712,1099,-718,1099,406,406,406,1099,1099,-940,406,-441,-443,-749,1099,-893,1906,-717,-1896,1099,1099,406,406,1099,-444,-514,-525,1099,-730,-735,1099,-737,1099,-742,1099,-664,-670,1099,-680,-682,-684,-685,-692,-695,-699,-747,1099,1099,-876,1099,1099,-880,1099,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1099,-814,1099,-816,-803,1099,-804,-807,1099,-818,-821,-823,-825,-827,1099,-828,1099,-811,1099,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,406,-284,406,1099,406,1099,-457,1099,1099,-731,1099,-738,1099,-743,1099,-665,-673,1099,1099,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1099,-838,-53,406,1099,-732,1099,-739,1099,-744,-666,1099,-875,-54,406,406,-733,-740,-745,1099,406,1099,-874,]),'LEADER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[407,407,407,407,-1896,407,407,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,407,407,407,407,-277,-278,407,-1427,407,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,407,407,407,-492,407,407,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,407,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,407,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,407,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,407,-174,-175,-176,-177,-995,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-292,-293,-283,407,407,407,407,407,-330,-320,-334,-335,-336,407,407,-984,-985,-986,-987,-988,-989,-990,407,407,407,407,407,407,407,407,407,407,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,407,407,407,-355,-358,407,-325,-326,-143,407,-144,407,-145,407,-432,-937,-938,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-1896,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-1896,407,-1896,407,407,407,407,407,407,407,407,407,407,407,407,-1896,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-1896,407,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,407,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,407,407,407,-193,-194,407,-996,407,407,407,407,407,-279,-280,-281,-282,-367,407,-310,407,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,407,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,407,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,407,407,407,407,407,407,-575,407,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,407,407,-725,-726,-727,407,407,407,407,407,407,-996,407,407,-93,-94,407,407,407,407,-311,-312,-322,407,-309,-295,-296,-297,407,407,407,407,-620,-635,-592,407,407,-438,407,-439,407,-446,-447,-448,-380,-381,407,407,407,-508,407,407,-512,407,407,407,407,-517,-518,-519,-520,407,407,-523,-524,407,-526,-527,-528,-529,-530,-531,-532,-533,407,-535,407,407,407,-541,-543,-544,407,-546,-547,-548,-549,407,407,407,407,407,407,-654,-655,-656,-657,407,-659,-660,-661,407,407,407,-667,407,407,-671,-672,407,407,-675,407,-677,-678,407,-681,407,-683,407,407,-686,-687,-688,407,-690,407,407,-693,407,407,-696,-697,-698,407,-700,-701,-702,-703,407,407,-748,407,-751,-752,-753,-754,-755,407,-757,-758,-759,-760,-761,407,-768,-769,-771,407,-773,-774,-775,-784,-858,-860,-862,-864,407,407,407,407,-870,407,-872,407,407,407,407,407,407,407,-908,-909,407,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,407,-923,-926,407,-936,407,-387,-388,-389,407,407,-392,-393,-394,-395,407,-398,407,-401,-402,407,-403,407,-408,-409,407,-412,-413,-414,407,-417,407,-418,407,-423,-424,407,-427,407,-430,-431,-1896,-1896,407,-621,-622,-623,-624,-625,-636,-586,-626,-799,407,407,407,407,407,-833,407,407,-808,407,-834,407,407,407,407,-800,407,-855,-801,407,407,407,407,407,407,-856,-857,407,-836,-832,-837,407,-627,407,-628,-629,-630,-631,-576,407,407,-632,-633,-634,407,407,407,407,407,407,-637,-638,-639,-594,-1896,-604,407,-640,-641,-715,-642,-606,407,-574,-579,-582,-585,407,407,407,-600,-603,407,-610,407,407,407,407,407,407,407,407,407,407,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,407,407,407,-997,407,407,407,407,407,407,-308,-327,-321,-298,-377,-454,-455,-456,-460,407,-445,407,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,407,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,407,407,407,407,407,407,407,407,407,-318,-537,-510,-593,-939,-941,-942,-440,407,-442,-382,-383,-385,-509,-511,-513,407,-515,-516,-521,-522,407,-534,-536,-539,-540,-545,-550,-728,407,-729,407,-734,407,-736,407,-741,-658,-662,-663,407,-668,407,-669,407,-674,-676,407,-679,407,407,407,-689,-691,407,-694,407,407,-746,407,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,407,407,407,407,407,-879,407,-882,-910,-922,-927,-390,-391,407,-396,407,-399,407,-404,407,-405,407,-410,407,-415,407,-419,407,-420,407,-425,407,-428,-901,-902,-645,-587,-1896,-903,407,407,407,-802,407,407,-806,407,-809,-835,407,-820,407,-822,407,-824,-810,407,-826,407,-853,-854,407,407,-813,407,-648,-904,-906,-650,-651,-647,407,-707,-708,407,-644,-905,-649,-652,-605,-716,407,407,-607,-588,407,407,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,407,407,-711,-712,407,-718,407,407,407,407,407,407,-940,407,-441,-443,-749,407,-893,407,-717,-1896,407,407,407,407,407,-444,-514,-525,407,-730,-735,407,-737,407,-742,407,-664,-670,407,-680,-682,-684,-685,-692,-695,-699,-747,407,407,-876,407,407,-880,407,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,407,-814,407,-816,-803,407,-804,-807,407,-818,-821,-823,-825,-827,407,-828,407,-811,407,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,407,-284,407,407,407,407,-457,407,407,-731,407,-738,407,-743,407,-665,-673,407,407,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,407,-838,-53,407,407,-732,407,-739,407,-744,-666,407,-875,-54,407,407,-733,-740,-745,407,407,407,-874,]),'LEAK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[408,408,408,408,-1896,408,408,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,408,408,408,408,-277,-278,408,-1427,408,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,408,408,408,-492,408,408,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,408,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,408,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,408,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,408,-174,-175,-176,-177,-995,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-292,-293,-283,408,408,408,408,408,-330,-320,-334,-335,-336,408,408,-984,-985,-986,-987,-988,-989,-990,408,408,408,408,408,408,408,408,408,408,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,408,408,408,-355,-358,408,-325,-326,-143,408,-144,408,-145,408,-432,-937,-938,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-1896,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-1896,408,-1896,408,408,408,408,408,408,408,408,408,408,408,408,-1896,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-1896,408,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,408,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,408,408,408,-193,-194,408,-996,408,408,408,408,408,-279,-280,-281,-282,-367,408,-310,408,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,408,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,408,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,408,408,408,408,408,408,-575,408,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,408,408,-725,-726,-727,408,408,408,408,408,408,-996,408,408,-93,-94,408,408,408,408,-311,-312,-322,408,-309,-295,-296,-297,408,408,408,408,-620,-635,-592,408,408,-438,408,-439,408,-446,-447,-448,-380,-381,408,408,408,-508,408,408,-512,408,408,408,408,-517,-518,-519,-520,408,408,-523,-524,408,-526,-527,-528,-529,-530,-531,-532,-533,408,-535,408,408,408,-541,-543,-544,408,-546,-547,-548,-549,408,408,408,408,408,408,-654,-655,-656,-657,408,-659,-660,-661,408,408,408,-667,408,408,-671,-672,408,408,-675,408,-677,-678,408,-681,408,-683,408,408,-686,-687,-688,408,-690,408,408,-693,408,408,-696,-697,-698,408,-700,-701,-702,-703,408,408,-748,408,-751,-752,-753,-754,-755,408,-757,-758,-759,-760,-761,408,-768,-769,-771,408,-773,-774,-775,-784,-858,-860,-862,-864,408,408,408,408,-870,408,-872,408,408,408,408,408,408,408,-908,-909,408,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,408,-923,-926,408,-936,408,-387,-388,-389,408,408,-392,-393,-394,-395,408,-398,408,-401,-402,408,-403,408,-408,-409,408,-412,-413,-414,408,-417,408,-418,408,-423,-424,408,-427,408,-430,-431,-1896,-1896,408,-621,-622,-623,-624,-625,-636,-586,-626,-799,408,408,408,408,408,-833,408,408,-808,408,-834,408,408,408,408,-800,408,-855,-801,408,408,408,408,408,408,-856,-857,408,-836,-832,-837,408,-627,408,-628,-629,-630,-631,-576,408,408,-632,-633,-634,408,408,408,408,408,408,-637,-638,-639,-594,-1896,-604,408,-640,-641,-715,-642,-606,408,-574,-579,-582,-585,408,408,408,-600,-603,408,-610,408,408,408,408,408,408,408,408,408,408,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,408,408,408,-997,408,408,408,408,408,408,-308,-327,-321,-298,-377,-454,-455,-456,-460,408,-445,408,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,408,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,408,408,408,408,408,408,408,408,408,-318,-537,-510,-593,-939,-941,-942,-440,408,-442,-382,-383,-385,-509,-511,-513,408,-515,-516,-521,-522,408,-534,-536,-539,-540,-545,-550,-728,408,-729,408,-734,408,-736,408,-741,-658,-662,-663,408,-668,408,-669,408,-674,-676,408,-679,408,408,408,-689,-691,408,-694,408,408,-746,408,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,408,408,408,408,408,-879,408,-882,-910,-922,-927,-390,-391,408,-396,408,-399,408,-404,408,-405,408,-410,408,-415,408,-419,408,-420,408,-425,408,-428,-901,-902,-645,-587,-1896,-903,408,408,408,-802,408,408,-806,408,-809,-835,408,-820,408,-822,408,-824,-810,408,-826,408,-853,-854,408,408,-813,408,-648,-904,-906,-650,-651,-647,408,-707,-708,408,-644,-905,-649,-652,-605,-716,408,408,-607,-588,408,408,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,408,408,-711,-712,408,-718,408,408,408,408,408,408,-940,408,-441,-443,-749,408,-893,408,-717,-1896,408,408,408,408,408,-444,-514,-525,408,-730,-735,408,-737,408,-742,408,-664,-670,408,-680,-682,-684,-685,-692,-695,-699,-747,408,408,-876,408,408,-880,408,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,408,-814,408,-816,-803,408,-804,-807,408,-818,-821,-823,-825,-827,408,-828,408,-811,408,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,408,-284,408,408,408,408,-457,408,408,-731,408,-738,408,-743,408,-665,-673,408,408,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,408,-838,-53,408,408,-732,408,-739,408,-744,-666,408,-875,-54,408,408,-733,-740,-745,408,408,408,-874,]),'LEAK_MOD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[409,409,409,409,-1896,409,409,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,409,409,409,409,-277,-278,409,-1427,409,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,409,409,409,-492,409,409,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,409,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,409,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,409,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,409,-174,-175,-176,-177,-995,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-292,-293,-283,409,409,409,409,409,-330,-320,-334,-335,-336,409,409,-984,-985,-986,-987,-988,-989,-990,409,409,409,409,409,409,409,409,409,409,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,409,409,409,-355,-358,409,-325,-326,-143,409,-144,409,-145,409,-432,-937,-938,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-1896,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-1896,409,-1896,409,409,409,409,409,409,409,409,409,409,409,409,-1896,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-1896,409,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,409,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,409,409,409,-193,-194,409,-996,409,409,409,409,409,-279,-280,-281,-282,-367,409,-310,409,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,409,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,409,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,409,409,409,409,409,409,-575,409,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,409,409,-725,-726,-727,409,409,409,409,409,409,-996,409,409,-93,-94,409,409,409,409,-311,-312,-322,409,-309,-295,-296,-297,409,409,409,409,-620,-635,-592,409,409,-438,409,-439,409,-446,-447,-448,-380,-381,409,409,409,-508,409,409,-512,409,409,409,409,-517,-518,-519,-520,409,409,-523,-524,409,-526,-527,-528,-529,-530,-531,-532,-533,409,-535,409,409,409,-541,-543,-544,409,-546,-547,-548,-549,409,409,409,409,409,409,-654,-655,-656,-657,409,-659,-660,-661,409,409,409,-667,409,409,-671,-672,409,409,-675,409,-677,-678,409,-681,409,-683,409,409,-686,-687,-688,409,-690,409,409,-693,409,409,-696,-697,-698,409,-700,-701,-702,-703,409,409,-748,409,-751,-752,-753,-754,-755,409,-757,-758,-759,-760,-761,409,-768,-769,-771,409,-773,-774,-775,-784,-858,-860,-862,-864,409,409,409,409,-870,409,-872,409,409,409,409,409,409,409,-908,-909,409,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,409,-923,-926,409,-936,409,-387,-388,-389,409,409,-392,-393,-394,-395,409,-398,409,-401,-402,409,-403,409,-408,-409,409,-412,-413,-414,409,-417,409,-418,409,-423,-424,409,-427,409,-430,-431,-1896,-1896,409,-621,-622,-623,-624,-625,-636,-586,-626,-799,409,409,409,409,409,-833,409,409,-808,409,-834,409,409,409,409,-800,409,-855,-801,409,409,409,409,409,409,-856,-857,409,-836,-832,-837,409,-627,409,-628,-629,-630,-631,-576,409,409,-632,-633,-634,409,409,409,409,409,409,-637,-638,-639,-594,-1896,-604,409,-640,-641,-715,-642,-606,409,-574,-579,-582,-585,409,409,409,-600,-603,409,-610,409,409,409,409,409,409,409,409,409,409,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,409,409,409,-997,409,409,409,409,409,409,-308,-327,-321,-298,-377,-454,-455,-456,-460,409,-445,409,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,409,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,409,409,409,409,409,409,409,409,409,-318,-537,-510,-593,-939,-941,-942,-440,409,-442,-382,-383,-385,-509,-511,-513,409,-515,-516,-521,-522,409,-534,-536,-539,-540,-545,-550,-728,409,-729,409,-734,409,-736,409,-741,-658,-662,-663,409,-668,409,-669,409,-674,-676,409,-679,409,409,409,-689,-691,409,-694,409,409,-746,409,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,409,409,409,409,409,-879,409,-882,-910,-922,-927,-390,-391,409,-396,409,-399,409,-404,409,-405,409,-410,409,-415,409,-419,409,-420,409,-425,409,-428,-901,-902,-645,-587,-1896,-903,409,409,409,-802,409,409,-806,409,-809,-835,409,-820,409,-822,409,-824,-810,409,-826,409,-853,-854,409,409,-813,409,-648,-904,-906,-650,-651,-647,409,-707,-708,409,-644,-905,-649,-652,-605,-716,409,409,-607,-588,409,409,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,409,409,-711,-712,409,-718,409,409,409,409,409,409,-940,409,-441,-443,-749,409,-893,409,-717,-1896,409,409,409,409,409,-444,-514,-525,409,-730,-735,409,-737,409,-742,409,-664,-670,409,-680,-682,-684,-685,-692,-695,-699,-747,409,409,-876,409,409,-880,409,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,409,-814,409,-816,-803,409,-804,-807,409,-818,-821,-823,-825,-827,409,-828,409,-811,409,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,409,-284,409,409,409,409,-457,409,409,-731,409,-738,409,-743,409,-665,-673,409,409,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,409,-838,-53,409,409,-732,409,-739,409,-744,-666,409,-875,-54,409,409,-733,-740,-745,409,409,409,-874,]),'LEAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[410,410,410,1042,-1896,410,410,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,410,410,410,410,-277,-278,1042,-1427,1042,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1042,1042,1042,-492,1042,1042,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1042,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1042,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1907,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,410,-174,-175,-176,-177,-995,410,410,410,410,410,410,410,410,410,410,1042,1042,1042,1042,1042,-292,-293,-283,410,1042,1042,1042,1042,-330,-320,-334,-335,-336,1042,1042,-984,-985,-986,-987,-988,-989,-990,410,410,1042,1042,1042,1042,1042,1042,1042,1042,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1042,1042,1042,-355,-358,410,-325,-326,-143,1042,-144,1042,-145,1042,-432,-937,-938,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1896,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1896,1042,-1896,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1896,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1896,410,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1042,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1042,410,410,-193,-194,410,-996,1042,410,410,410,410,-279,-280,-281,-282,-367,1042,-310,1042,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1042,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1042,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1042,1042,1042,1042,1042,1042,-575,1042,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1042,1042,-725,-726,-727,1042,1907,410,410,410,410,-996,410,1042,-93,-94,410,410,410,1042,-311,-312,-322,1042,-309,-295,-296,-297,1042,410,1042,1042,-620,-635,-592,1042,410,-438,410,-439,1042,-446,-447,-448,-380,-381,1042,1042,1042,-508,1042,1042,-512,1042,1042,1042,1042,-517,-518,-519,-520,1042,1042,-523,-524,1042,-526,-527,-528,-529,-530,-531,-532,-533,1042,-535,1042,1042,1042,-541,-543,-544,1042,-546,-547,-548,-549,1042,1042,1042,1042,1042,1042,-654,-655,-656,-657,410,-659,-660,-661,1042,1042,1042,-667,1042,1042,-671,-672,1042,1042,-675,1042,-677,-678,1042,-681,1042,-683,1042,1042,-686,-687,-688,1042,-690,1042,1042,-693,1042,1042,-696,-697,-698,1042,-700,-701,-702,-703,1042,1042,-748,1042,-751,-752,-753,-754,-755,1042,-757,-758,-759,-760,-761,1042,-768,-769,-771,1042,-773,-774,-775,-784,-858,-860,-862,-864,1042,1042,1042,1042,-870,1042,-872,1042,1042,1042,1042,1042,1042,1042,-908,-909,1042,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1042,-923,-926,1042,-936,1042,-387,-388,-389,1042,1042,-392,-393,-394,-395,1042,-398,1042,-401,-402,1042,-403,1042,-408,-409,1042,-412,-413,-414,1042,-417,1042,-418,1042,-423,-424,1042,-427,1042,-430,-431,-1896,-1896,1042,-621,-622,-623,-624,-625,-636,-586,-626,-799,1042,1042,1042,1042,1042,-833,1042,1042,-808,1042,-834,1042,1042,1042,1042,-800,1042,-855,-801,1042,1042,1042,1042,1042,1042,-856,-857,1042,-836,-832,-837,1042,-627,1042,-628,-629,-630,-631,-576,1042,1042,-632,-633,-634,1042,1042,1042,1042,1042,1042,-637,-638,-639,-594,-1896,-604,1042,-640,-641,-715,-642,-606,1042,-574,-579,-582,-585,1042,1042,1042,-600,-603,1042,-610,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1042,410,410,-997,410,1042,410,410,410,1042,-308,-327,-321,-298,-377,-454,-455,-456,-460,410,-445,1042,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1042,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,410,410,410,410,410,410,410,410,1042,-318,-537,-510,-593,-939,-941,-942,-440,1042,-442,-382,-383,-385,-509,-511,-513,1042,-515,-516,-521,-522,1042,-534,-536,-539,-540,-545,-550,-728,1042,-729,1042,-734,1042,-736,1042,-741,-658,-662,-663,1042,-668,1042,-669,1042,-674,-676,1042,-679,1042,1042,1042,-689,-691,1042,-694,1042,1042,-746,1042,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1042,1042,1042,1042,1042,-879,1042,-882,-910,-922,-927,-390,-391,1042,-396,1042,-399,1042,-404,1042,-405,1042,-410,1042,-415,1042,-419,1042,-420,1042,-425,1042,-428,-901,-902,-645,-587,-1896,-903,1042,1042,1042,-802,1042,1042,-806,1042,-809,-835,1042,-820,1042,-822,1042,-824,-810,1042,-826,1042,-853,-854,1042,1042,-813,1042,-648,-904,-906,-650,-651,-647,1042,-707,-708,1042,-644,-905,-649,-652,-605,-716,1042,1042,-607,-588,1042,1042,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1042,1042,-711,-712,1042,-718,1042,410,410,410,1042,1042,-940,410,-441,-443,-749,1042,-893,1907,-717,-1896,1042,1042,410,410,1042,-444,-514,-525,1042,-730,-735,1042,-737,1042,-742,1042,-664,-670,1042,-680,-682,-684,-685,-692,-695,-699,-747,1042,1042,-876,1042,1042,-880,1042,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1042,-814,1042,-816,-803,1042,-804,-807,1042,-818,-821,-823,-825,-827,1042,-828,1042,-811,1042,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,410,-284,410,1042,410,1042,-457,1042,1042,-731,1042,-738,1042,-743,1042,-665,-673,1042,1042,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1042,-838,-53,410,1042,-732,1042,-739,1042,-744,-666,1042,-875,-54,410,410,-733,-740,-745,1042,410,1042,-874,]),'LEAVES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[411,411,411,411,-1896,411,411,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,411,411,411,411,-277,-278,411,-1427,411,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,411,411,411,-492,411,411,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,411,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,411,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,411,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,411,-174,-175,-176,-177,-995,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-292,-293,-283,411,411,411,411,411,-330,-320,-334,-335,-336,411,411,-984,-985,-986,-987,-988,-989,-990,411,411,411,411,411,411,411,411,411,411,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,411,411,411,-355,-358,411,-325,-326,-143,411,-144,411,-145,411,-432,-937,-938,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-1896,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-1896,411,-1896,411,411,411,411,411,411,411,411,411,411,411,411,-1896,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-1896,411,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,411,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,411,411,411,-193,-194,411,-996,411,411,411,411,411,-279,-280,-281,-282,-367,411,-310,411,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,411,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,411,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,411,411,411,411,411,411,-575,411,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,411,411,-725,-726,-727,411,411,411,411,411,411,-996,411,411,-93,-94,411,411,411,411,-311,-312,-322,411,-309,-295,-296,-297,411,411,411,411,-620,-635,-592,411,411,-438,411,-439,411,-446,-447,-448,-380,-381,411,411,411,-508,411,411,-512,411,411,411,411,-517,-518,-519,-520,411,411,-523,-524,411,-526,-527,-528,-529,-530,-531,-532,-533,411,-535,411,411,411,-541,-543,-544,411,-546,-547,-548,-549,411,411,411,411,411,411,-654,-655,-656,-657,411,-659,-660,-661,411,411,411,-667,411,411,-671,-672,411,411,-675,411,-677,-678,411,-681,411,-683,411,411,-686,-687,-688,411,-690,411,411,-693,411,411,-696,-697,-698,411,-700,-701,-702,-703,411,411,-748,411,-751,-752,-753,-754,-755,411,-757,-758,-759,-760,-761,411,-768,-769,-771,411,-773,-774,-775,-784,-858,-860,-862,-864,411,411,411,411,-870,411,-872,411,411,411,411,411,411,411,-908,-909,411,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,411,-923,-926,411,-936,411,-387,-388,-389,411,411,-392,-393,-394,-395,411,-398,411,-401,-402,411,-403,411,-408,-409,411,-412,-413,-414,411,-417,411,-418,411,-423,-424,411,-427,411,-430,-431,-1896,-1896,411,-621,-622,-623,-624,-625,-636,-586,-626,-799,411,411,411,411,411,-833,411,411,-808,411,-834,411,411,411,411,-800,411,-855,-801,411,411,411,411,411,411,-856,-857,411,-836,-832,-837,411,-627,411,-628,-629,-630,-631,-576,411,411,-632,-633,-634,411,411,411,411,411,411,-637,-638,-639,-594,-1896,-604,411,-640,-641,-715,-642,-606,411,-574,-579,-582,-585,411,411,411,-600,-603,411,-610,411,411,411,411,411,411,411,411,411,411,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,411,411,411,-997,411,411,411,411,411,411,-308,-327,-321,-298,-377,-454,-455,-456,-460,411,-445,411,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,411,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,411,411,411,411,411,411,411,411,411,-318,-537,-510,-593,-939,-941,-942,-440,411,-442,-382,-383,-385,-509,-511,-513,411,-515,-516,-521,-522,411,-534,-536,-539,-540,-545,-550,-728,411,-729,411,-734,411,-736,411,-741,-658,-662,-663,411,-668,411,-669,411,-674,-676,411,-679,411,411,411,-689,-691,411,-694,411,411,-746,411,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,411,411,411,411,411,-879,411,-882,-910,-922,-927,-390,-391,411,-396,411,-399,411,-404,411,-405,411,-410,411,-415,411,-419,411,-420,411,-425,411,-428,-901,-902,-645,-587,-1896,-903,411,411,411,-802,411,411,-806,411,-809,-835,411,-820,411,-822,411,-824,-810,411,-826,411,-853,-854,411,411,-813,411,-648,-904,-906,-650,-651,-647,411,-707,-708,411,-644,-905,-649,-652,-605,-716,411,411,-607,-588,411,411,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,411,411,-711,-712,411,-718,411,411,411,411,411,411,-940,411,-441,-443,-749,411,-893,411,-717,-1896,411,411,411,411,411,-444,-514,-525,411,-730,-735,411,-737,411,-742,411,-664,-670,411,-680,-682,-684,-685,-692,-695,-699,-747,411,411,-876,411,411,-880,411,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,411,-814,411,-816,-803,411,-804,-807,411,-818,-821,-823,-825,-827,411,-828,411,-811,411,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,411,-284,411,411,411,411,-457,411,411,-731,411,-738,411,-743,411,-665,-673,411,411,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,411,-838,-53,411,411,-732,411,-739,411,-744,-666,411,-875,-54,411,411,-733,-740,-745,411,411,411,-874,]),'LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[412,412,412,1101,-1896,412,412,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,412,412,412,412,-277,-278,1101,-1427,1101,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1101,1101,1101,-492,1101,1101,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1101,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1101,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1908,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,412,-174,-175,-176,-177,-995,412,412,412,412,412,412,412,412,412,412,1101,1101,1101,1101,1101,-292,-293,-283,412,1101,1101,1101,1101,-330,-320,-334,-335,-336,1101,1101,-984,-985,-986,-987,-988,-989,-990,412,412,1101,1101,1101,1101,1101,1101,1101,1101,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1101,1101,1101,-355,-358,412,-325,-326,-143,1101,-144,1101,-145,1101,-432,-937,-938,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1896,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1896,1101,-1896,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1896,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1896,412,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1101,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1101,412,412,-193,-194,412,-996,1101,412,412,412,412,-279,-280,-281,-282,-367,1101,-310,1101,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1101,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1101,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1101,1101,1101,1101,1101,1101,-575,1101,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1101,1101,-725,-726,-727,1101,1908,412,412,412,412,-996,412,1101,-93,-94,412,412,412,1101,-311,-312,-322,1101,-309,-295,-296,-297,1101,412,1101,1101,-620,-635,-592,1101,412,-438,412,-439,1101,-446,-447,-448,-380,-381,1101,1101,1101,-508,1101,1101,-512,1101,1101,1101,1101,-517,-518,-519,-520,1101,1101,-523,-524,1101,-526,-527,-528,-529,-530,-531,-532,-533,1101,-535,1101,1101,1101,-541,-543,-544,1101,-546,-547,-548,-549,1101,1101,1101,1101,1101,1101,-654,-655,-656,-657,412,-659,-660,-661,1101,1101,1101,-667,1101,1101,-671,-672,1101,1101,-675,1101,-677,-678,1101,-681,1101,-683,1101,1101,-686,-687,-688,1101,-690,1101,1101,-693,1101,1101,-696,-697,-698,1101,-700,-701,-702,-703,1101,1101,-748,1101,-751,-752,-753,-754,-755,1101,-757,-758,-759,-760,-761,1101,-768,-769,-771,1101,-773,-774,-775,-784,-858,-860,-862,-864,1101,1101,1101,1101,-870,1101,-872,1101,1101,1101,1101,1101,1101,1101,-908,-909,1101,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1101,-923,-926,1101,-936,1101,-387,-388,-389,1101,1101,-392,-393,-394,-395,1101,-398,1101,-401,-402,1101,-403,1101,-408,-409,1101,-412,-413,-414,1101,-417,1101,-418,1101,-423,-424,1101,-427,1101,-430,-431,-1896,-1896,1101,-621,-622,-623,-624,-625,-636,-586,-626,-799,1101,1101,1101,1101,1101,-833,1101,1101,-808,1101,-834,1101,1101,1101,1101,-800,1101,-855,-801,1101,1101,1101,1101,1101,1101,-856,-857,1101,-836,-832,-837,1101,-627,1101,-628,-629,-630,-631,-576,1101,1101,-632,-633,-634,1101,1101,1101,1101,1101,1101,-637,-638,-639,-594,-1896,-604,1101,-640,-641,-715,-642,-606,1101,-574,-579,-582,-585,1101,1101,1101,-600,-603,1101,-610,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1101,412,412,-997,412,1101,412,412,412,1101,-308,-327,-321,-298,-377,-454,-455,-456,-460,412,-445,1101,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1101,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,412,412,412,412,412,412,412,412,1101,-318,-537,-510,-593,-939,-941,-942,-440,1101,-442,-382,-383,-385,-509,-511,-513,1101,-515,-516,-521,-522,1101,-534,-536,-539,-540,-545,-550,-728,1101,-729,1101,-734,1101,-736,1101,-741,-658,-662,-663,1101,-668,1101,-669,1101,-674,-676,1101,-679,1101,1101,1101,-689,-691,1101,-694,1101,1101,-746,1101,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1101,1101,1101,1101,1101,-879,1101,-882,-910,-922,-927,-390,-391,1101,-396,1101,-399,1101,-404,1101,-405,1101,-410,1101,-415,1101,-419,1101,-420,1101,-425,1101,-428,-901,-902,-645,-587,-1896,-903,1101,1101,1101,-802,1101,1101,-806,1101,-809,-835,1101,-820,1101,-822,1101,-824,-810,1101,-826,1101,-853,-854,1101,1101,-813,1101,-648,-904,-906,-650,-651,-647,1101,-707,-708,1101,-644,-905,-649,-652,-605,-716,1101,1101,-607,-588,1101,1101,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1101,1101,-711,-712,1101,-718,1101,412,412,412,1101,1101,-940,412,-441,-443,-749,1101,-893,1908,-717,-1896,1101,1101,412,412,1101,-444,-514,-525,1101,-730,-735,1101,-737,1101,-742,1101,-664,-670,1101,-680,-682,-684,-685,-692,-695,-699,-747,1101,1101,-876,1101,1101,-880,1101,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1101,-814,1101,-816,-803,1101,-804,-807,1101,-818,-821,-823,-825,-827,1101,-828,1101,-811,1101,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,412,-284,412,1101,412,1101,-457,1101,1101,-731,1101,-738,1101,-743,1101,-665,-673,1101,1101,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1101,-838,-53,412,1101,-732,1101,-739,1101,-744,-666,1101,-875,-54,412,412,-733,-740,-745,1101,412,1101,-874,]),'LESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[413,413,413,413,-1896,413,413,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,413,413,413,413,-277,-278,413,-1427,413,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,413,413,413,-492,413,413,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,413,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,413,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,413,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,413,-174,-175,-176,-177,-995,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-292,-293,-283,413,413,413,413,413,-330,-320,-334,-335,-336,413,413,-984,-985,-986,-987,-988,-989,-990,413,413,413,413,413,413,413,413,413,413,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,413,413,413,-355,-358,413,-325,-326,-143,413,-144,413,-145,413,-432,-937,-938,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-1896,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-1896,413,-1896,413,413,413,413,413,413,413,413,413,413,413,413,-1896,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-1896,413,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,413,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,413,413,413,-193,-194,413,-996,413,413,413,413,413,-279,-280,-281,-282,-367,413,-310,413,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,413,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,413,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,413,413,413,413,413,413,-575,413,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,413,413,-725,-726,-727,413,413,413,413,413,413,-996,413,413,-93,-94,413,413,413,413,-311,-312,-322,413,-309,-295,-296,-297,413,413,413,413,-620,-635,-592,413,413,-438,413,-439,413,-446,-447,-448,-380,-381,413,413,413,-508,413,413,-512,413,413,413,413,-517,-518,-519,-520,413,413,-523,-524,413,-526,-527,-528,-529,-530,-531,-532,-533,413,-535,413,413,413,-541,-543,-544,413,-546,-547,-548,-549,413,413,413,413,413,413,-654,-655,-656,-657,413,-659,-660,-661,413,413,413,-667,413,413,-671,-672,413,413,-675,413,-677,-678,413,-681,413,-683,413,413,-686,-687,-688,413,-690,413,413,-693,413,413,-696,-697,-698,413,-700,-701,-702,-703,413,413,-748,413,-751,-752,-753,-754,-755,413,-757,-758,-759,-760,-761,413,-768,-769,-771,413,-773,-774,-775,-784,-858,-860,-862,-864,413,413,413,413,-870,413,-872,413,413,413,413,413,413,413,-908,-909,413,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,413,-923,-926,413,-936,413,-387,-388,-389,413,413,-392,-393,-394,-395,413,-398,413,-401,-402,413,-403,413,-408,-409,413,-412,-413,-414,413,-417,413,-418,413,-423,-424,413,-427,413,-430,-431,-1896,-1896,413,-621,-622,-623,-624,-625,-636,-586,-626,-799,413,413,413,413,413,-833,413,413,-808,413,-834,413,413,413,413,-800,413,-855,-801,413,413,413,413,413,413,-856,-857,413,-836,-832,-837,413,-627,413,-628,-629,-630,-631,-576,413,413,-632,-633,-634,413,413,413,413,413,413,-637,-638,-639,-594,-1896,-604,413,-640,-641,-715,-642,-606,413,-574,-579,-582,-585,413,413,413,-600,-603,413,-610,413,413,413,413,413,413,413,413,413,413,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,413,413,413,-997,413,413,413,413,413,413,-308,-327,-321,-298,-377,-454,-455,-456,-460,413,-445,413,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,413,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,413,413,413,413,413,413,413,413,413,-318,-537,-510,-593,-939,-941,-942,-440,413,-442,-382,-383,-385,-509,-511,-513,413,-515,-516,-521,-522,413,-534,-536,-539,-540,-545,-550,-728,413,-729,413,-734,413,-736,413,-741,-658,-662,-663,413,-668,413,-669,413,-674,-676,413,-679,413,413,413,-689,-691,413,-694,413,413,-746,413,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,413,413,413,413,413,-879,413,-882,-910,-922,-927,-390,-391,413,-396,413,-399,413,-404,413,-405,413,-410,413,-415,413,-419,413,-420,413,-425,413,-428,-901,-902,-645,-587,-1896,-903,413,413,413,-802,413,413,-806,413,-809,-835,413,-820,413,-822,413,-824,-810,413,-826,413,-853,-854,413,413,-813,413,-648,-904,-906,-650,-651,-647,413,-707,-708,413,-644,-905,-649,-652,-605,-716,413,413,-607,-588,413,413,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,413,413,-711,-712,413,-718,413,413,413,413,413,413,-940,413,-441,-443,-749,413,-893,413,-717,-1896,413,413,413,413,413,-444,-514,-525,413,-730,-735,413,-737,413,-742,413,-664,-670,413,-680,-682,-684,-685,-692,-695,-699,-747,413,413,-876,413,413,-880,413,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,413,-814,413,-816,-803,413,-804,-807,413,-818,-821,-823,-825,-827,413,-828,413,-811,413,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,413,-284,413,413,413,413,-457,413,413,-731,413,-738,413,-743,413,-665,-673,413,413,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,413,-838,-53,413,413,-732,413,-739,413,-744,-666,413,-875,-54,413,413,-733,-740,-745,413,413,413,-874,]),'LEVEL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[414,414,414,414,-1896,414,414,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,414,414,414,414,-277,-278,414,-1427,414,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,414,414,414,-492,414,414,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,414,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,414,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,414,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,414,-174,-175,-176,-177,-995,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-292,-293,-283,414,414,414,414,414,-330,-320,-334,-335,-336,414,414,-984,-985,-986,-987,-988,-989,-990,414,414,414,414,414,414,414,414,414,414,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,414,414,414,-355,-358,414,-325,-326,-143,414,-144,414,-145,414,-432,-937,-938,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-1896,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-1896,414,-1896,414,414,414,414,414,414,414,414,414,414,414,414,-1896,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-1896,414,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,414,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,414,414,414,-193,-194,414,-996,414,414,414,414,414,-279,-280,-281,-282,-367,414,-310,414,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,414,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,414,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,414,414,414,414,414,414,-575,414,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,414,414,-725,-726,-727,414,414,414,414,414,414,-996,414,414,-93,-94,414,414,414,414,-311,-312,-322,414,-309,-295,-296,-297,414,414,414,414,-620,-635,-592,414,414,-438,414,-439,414,-446,-447,-448,-380,-381,414,414,414,-508,414,414,-512,414,414,414,414,-517,-518,-519,-520,414,414,-523,-524,414,-526,-527,-528,-529,-530,-531,-532,-533,414,-535,414,414,414,-541,-543,-544,414,-546,-547,-548,-549,414,414,414,414,414,414,-654,-655,-656,-657,414,-659,-660,-661,414,414,414,-667,414,414,-671,-672,414,414,-675,414,-677,-678,414,-681,414,-683,414,414,-686,-687,-688,414,-690,414,414,-693,414,414,-696,-697,-698,414,-700,-701,-702,-703,414,414,-748,414,-751,-752,-753,-754,-755,414,-757,-758,-759,-760,-761,414,-768,-769,-771,414,-773,-774,-775,-784,-858,-860,-862,-864,414,414,414,414,-870,414,-872,414,414,414,414,414,414,414,-908,-909,414,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,414,-923,-926,414,-936,414,-387,-388,-389,414,414,-392,-393,-394,-395,414,-398,414,-401,-402,414,-403,414,-408,-409,414,-412,-413,-414,414,-417,414,-418,414,-423,-424,414,-427,414,-430,-431,-1896,-1896,414,-621,-622,-623,-624,-625,-636,-586,-626,-799,414,414,414,414,414,-833,414,414,-808,414,-834,414,414,414,414,-800,414,-855,-801,414,414,414,414,414,414,-856,-857,414,-836,-832,-837,414,-627,414,-628,-629,-630,-631,-576,414,414,-632,-633,-634,414,414,414,414,414,414,-637,-638,-639,-594,-1896,-604,414,-640,-641,-715,-642,-606,414,-574,-579,-582,-585,414,414,414,-600,-603,414,-610,414,414,414,414,414,414,414,414,414,414,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,414,414,414,-997,414,414,414,414,414,414,-308,-327,-321,-298,-377,-454,-455,-456,-460,414,-445,414,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,414,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,414,414,414,414,414,414,414,414,414,-318,-537,-510,-593,-939,-941,-942,-440,414,-442,-382,-383,-385,-509,-511,-513,414,-515,-516,-521,-522,414,-534,-536,-539,-540,-545,-550,-728,414,-729,414,-734,414,-736,414,-741,-658,-662,-663,414,-668,414,-669,414,-674,-676,414,-679,414,414,414,-689,-691,414,-694,414,414,-746,414,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,414,414,414,414,414,-879,414,-882,-910,-922,-927,-390,-391,414,-396,414,-399,414,-404,414,-405,414,-410,414,-415,414,-419,414,-420,414,-425,414,-428,-901,-902,-645,-587,-1896,-903,414,414,414,-802,414,414,-806,414,-809,-835,414,-820,414,-822,414,-824,-810,414,-826,414,-853,-854,414,414,-813,414,-648,-904,-906,-650,-651,-647,414,-707,-708,414,-644,-905,-649,-652,-605,-716,414,414,-607,-588,414,414,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,414,414,-711,-712,414,-718,414,414,414,414,414,414,-940,414,-441,-443,-749,414,-893,414,-717,-1896,414,414,414,414,414,-444,-514,-525,414,-730,-735,414,-737,414,-742,414,-664,-670,414,-680,-682,-684,-685,-692,-695,-699,-747,414,414,-876,414,414,-880,414,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,414,-814,414,-816,-803,414,-804,-807,414,-818,-821,-823,-825,-827,414,-828,414,-811,414,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,414,-284,414,414,414,414,-457,414,414,-731,414,-738,414,-743,414,-665,-673,414,414,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,414,-838,-53,414,414,-732,414,-739,414,-744,-666,414,-875,-54,414,414,-733,-740,-745,414,414,414,-874,]),'LINESTRING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[415,415,415,415,-1896,415,415,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,415,415,415,415,-277,-278,415,-1427,415,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,415,415,415,-492,415,415,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,415,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,415,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,415,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,415,-174,-175,-176,-177,-995,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-292,-293,-283,415,415,415,415,415,-330,-320,-334,-335,-336,415,415,-984,-985,-986,-987,-988,-989,-990,415,415,415,415,415,415,415,415,415,415,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,415,415,415,-355,-358,415,-325,-326,-143,415,-144,415,-145,415,-432,-937,-938,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-1896,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-1896,415,-1896,415,415,415,415,415,415,415,415,415,415,415,415,-1896,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-1896,415,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,415,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,415,415,415,-193,-194,415,-996,415,415,415,415,415,-279,-280,-281,-282,-367,415,-310,415,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,415,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,415,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,415,415,415,415,415,415,-575,415,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,415,415,-725,-726,-727,415,415,415,415,415,415,-996,415,415,-93,-94,415,415,415,415,-311,-312,-322,415,-309,-295,-296,-297,415,415,415,415,-620,-635,-592,415,415,-438,415,-439,415,-446,-447,-448,-380,-381,415,415,415,-508,415,415,-512,415,415,415,415,-517,-518,-519,-520,415,415,-523,-524,415,-526,-527,-528,-529,-530,-531,-532,-533,415,-535,415,415,415,-541,-543,-544,415,-546,-547,-548,-549,415,415,415,415,415,415,-654,-655,-656,-657,415,-659,-660,-661,415,415,415,-667,415,415,-671,-672,415,415,-675,415,-677,-678,415,-681,415,-683,415,415,-686,-687,-688,415,-690,415,415,-693,415,415,-696,-697,-698,415,-700,-701,-702,-703,415,415,-748,415,-751,-752,-753,-754,-755,415,-757,-758,-759,-760,-761,415,-768,-769,-771,415,-773,-774,-775,-784,-858,-860,-862,-864,415,415,415,415,-870,415,-872,415,415,415,415,415,415,415,-908,-909,415,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,415,-923,-926,415,-936,415,-387,-388,-389,415,415,-392,-393,-394,-395,415,-398,415,-401,-402,415,-403,415,-408,-409,415,-412,-413,-414,415,-417,415,-418,415,-423,-424,415,-427,415,-430,-431,-1896,-1896,415,-621,-622,-623,-624,-625,-636,-586,-626,-799,415,415,415,415,415,-833,415,415,-808,415,-834,415,415,415,415,-800,415,-855,-801,415,415,415,415,415,415,-856,-857,415,-836,-832,-837,415,-627,415,-628,-629,-630,-631,-576,415,415,-632,-633,-634,415,415,415,415,415,415,-637,-638,-639,-594,-1896,-604,415,-640,-641,-715,-642,-606,415,-574,-579,-582,-585,415,415,415,-600,-603,415,-610,415,415,415,415,415,415,415,415,415,415,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,415,415,415,-997,415,415,415,415,415,415,-308,-327,-321,-298,-377,-454,-455,-456,-460,415,-445,415,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,415,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,415,415,415,415,415,415,415,415,415,-318,-537,-510,-593,-939,-941,-942,-440,415,-442,-382,-383,-385,-509,-511,-513,415,-515,-516,-521,-522,415,-534,-536,-539,-540,-545,-550,-728,415,-729,415,-734,415,-736,415,-741,-658,-662,-663,415,-668,415,-669,415,-674,-676,415,-679,415,415,415,-689,-691,415,-694,415,415,-746,415,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,415,415,415,415,415,-879,415,-882,-910,-922,-927,-390,-391,415,-396,415,-399,415,-404,415,-405,415,-410,415,-415,415,-419,415,-420,415,-425,415,-428,-901,-902,-645,-587,-1896,-903,415,415,415,-802,415,415,-806,415,-809,-835,415,-820,415,-822,415,-824,-810,415,-826,415,-853,-854,415,415,-813,415,-648,-904,-906,-650,-651,-647,415,-707,-708,415,-644,-905,-649,-652,-605,-716,415,415,-607,-588,415,415,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,415,415,-711,-712,415,-718,415,415,415,415,415,415,-940,415,-441,-443,-749,415,-893,415,-717,-1896,415,415,415,415,415,-444,-514,-525,415,-730,-735,415,-737,415,-742,415,-664,-670,415,-680,-682,-684,-685,-692,-695,-699,-747,415,415,-876,415,415,-880,415,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,415,-814,415,-816,-803,415,-804,-807,415,-818,-821,-823,-825,-827,415,-828,415,-811,415,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,415,-284,415,415,415,415,-457,415,415,-731,415,-738,415,-743,415,-665,-673,415,415,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,415,-838,-53,415,415,-732,415,-739,415,-744,-666,415,-875,-54,415,415,-733,-740,-745,415,415,415,-874,]),'LISTAGG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[416,416,416,416,-1896,416,416,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,416,416,416,416,-277,-278,416,-1427,416,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,416,416,416,-492,416,416,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,416,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,416,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,416,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,416,-174,-175,-176,-177,-995,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-292,-293,-283,416,416,416,416,416,-330,-320,-334,-335,-336,416,416,-984,-985,-986,-987,-988,-989,-990,416,416,416,416,416,416,416,416,416,416,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,416,416,416,-355,-358,416,-325,-326,-143,416,-144,416,-145,416,-432,-937,-938,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-1896,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-1896,416,-1896,416,416,416,416,416,416,416,416,416,416,416,416,-1896,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-1896,416,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,416,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,416,416,416,-193,-194,416,-996,416,416,416,416,416,-279,-280,-281,-282,-367,416,-310,416,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,416,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,416,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,416,416,416,416,416,416,-575,416,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,416,416,-725,-726,-727,416,416,416,416,416,416,-996,416,416,-93,-94,416,416,416,416,-311,-312,-322,416,-309,-295,-296,-297,416,416,416,416,-620,-635,-592,416,416,-438,416,-439,416,-446,-447,-448,-380,-381,416,416,416,-508,416,416,-512,416,416,416,416,-517,-518,-519,-520,416,416,-523,-524,416,-526,-527,-528,-529,-530,-531,-532,-533,416,-535,416,416,416,-541,-543,-544,416,-546,-547,-548,-549,416,416,416,416,416,416,-654,-655,-656,-657,416,-659,-660,-661,416,416,416,-667,416,416,-671,-672,416,416,-675,416,-677,-678,416,-681,416,-683,416,416,-686,-687,-688,416,-690,416,416,-693,416,416,-696,-697,-698,416,-700,-701,-702,-703,416,416,-748,416,-751,-752,-753,-754,-755,416,-757,-758,-759,-760,-761,416,-768,-769,-771,416,-773,-774,-775,-784,-858,-860,-862,-864,416,416,416,416,-870,416,-872,416,416,416,416,416,416,416,-908,-909,416,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,416,-923,-926,416,-936,416,-387,-388,-389,416,416,-392,-393,-394,-395,416,-398,416,-401,-402,416,-403,416,-408,-409,416,-412,-413,-414,416,-417,416,-418,416,-423,-424,416,-427,416,-430,-431,-1896,-1896,416,-621,-622,-623,-624,-625,-636,-586,-626,-799,416,416,416,416,416,-833,416,416,-808,416,-834,416,416,416,416,-800,416,-855,-801,416,416,416,416,416,416,-856,-857,416,-836,-832,-837,416,-627,416,-628,-629,-630,-631,-576,416,416,-632,-633,-634,416,416,416,416,416,416,-637,-638,-639,-594,-1896,-604,416,-640,-641,-715,-642,-606,416,-574,-579,-582,-585,416,416,416,-600,-603,416,-610,416,416,416,416,416,416,416,416,416,416,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,416,416,416,-997,416,416,416,416,416,416,-308,-327,-321,-298,-377,-454,-455,-456,-460,416,-445,416,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,416,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,416,416,416,416,416,416,416,416,416,-318,-537,-510,-593,-939,-941,-942,-440,416,-442,-382,-383,-385,-509,-511,-513,416,-515,-516,-521,-522,416,-534,-536,-539,-540,-545,-550,-728,416,-729,416,-734,416,-736,416,-741,-658,-662,-663,416,-668,416,-669,416,-674,-676,416,-679,416,416,416,-689,-691,416,-694,416,416,-746,416,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,416,416,416,416,416,-879,416,-882,-910,-922,-927,-390,-391,416,-396,416,-399,416,-404,416,-405,416,-410,416,-415,416,-419,416,-420,416,-425,416,-428,-901,-902,-645,-587,-1896,-903,416,416,416,-802,416,416,-806,416,-809,-835,416,-820,416,-822,416,-824,-810,416,-826,416,-853,-854,416,416,-813,416,-648,-904,-906,-650,-651,-647,416,-707,-708,416,-644,-905,-649,-652,-605,-716,416,416,-607,-588,416,416,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,416,416,-711,-712,416,-718,416,416,416,416,416,416,-940,416,-441,-443,-749,416,-893,416,-717,-1896,416,416,416,416,416,-444,-514,-525,416,-730,-735,416,-737,416,-742,416,-664,-670,416,-680,-682,-684,-685,-692,-695,-699,-747,416,416,-876,416,416,-880,416,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,416,-814,416,-816,-803,416,-804,-807,416,-818,-821,-823,-825,-827,416,-828,416,-811,416,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,416,-284,416,416,416,416,-457,416,416,-731,416,-738,416,-743,416,-665,-673,416,416,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,416,-838,-53,416,416,-732,416,-739,416,-744,-666,416,-875,-54,416,416,-733,-740,-745,416,416,416,-874,]),'LIST_':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[417,417,417,417,-1896,417,417,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,417,417,417,417,-277,-278,417,-1427,417,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,417,417,417,-492,417,417,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,417,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,417,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,417,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,417,-174,-175,-176,-177,-995,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-292,-293,-283,417,417,417,417,417,-330,-320,-334,-335,-336,417,417,-984,-985,-986,-987,-988,-989,-990,417,417,417,417,417,417,417,417,417,417,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,417,417,417,-355,-358,417,-325,-326,-143,417,-144,417,-145,417,-432,-937,-938,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-1896,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-1896,417,-1896,417,417,417,417,417,417,417,417,417,417,417,417,-1896,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-1896,417,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,417,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,417,417,417,-193,-194,417,-996,417,417,417,417,417,-279,-280,-281,-282,-367,417,-310,417,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,417,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,417,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,417,417,417,417,417,417,-575,417,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,417,417,-725,-726,-727,417,417,417,417,417,417,-996,417,417,-93,-94,417,417,417,417,-311,-312,-322,417,-309,-295,-296,-297,417,417,417,417,-620,-635,-592,417,417,-438,417,-439,417,-446,-447,-448,-380,-381,417,417,417,-508,417,417,-512,417,417,417,417,-517,-518,-519,-520,417,417,-523,-524,417,-526,-527,-528,-529,-530,-531,-532,-533,417,-535,417,417,417,-541,-543,-544,417,-546,-547,-548,-549,417,417,417,417,417,417,-654,-655,-656,-657,417,-659,-660,-661,417,417,417,-667,417,417,-671,-672,417,417,-675,417,-677,-678,417,-681,417,-683,417,417,-686,-687,-688,417,-690,417,417,-693,417,417,-696,-697,-698,417,-700,-701,-702,-703,417,417,-748,417,-751,-752,-753,-754,-755,417,-757,-758,-759,-760,-761,417,-768,-769,-771,417,-773,-774,-775,-784,-858,-860,-862,-864,417,417,417,417,-870,417,-872,417,417,417,417,417,417,417,-908,-909,417,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,417,-923,-926,417,-936,417,-387,-388,-389,417,417,-392,-393,-394,-395,417,-398,417,-401,-402,417,-403,417,-408,-409,417,-412,-413,-414,417,-417,417,-418,417,-423,-424,417,-427,417,-430,-431,-1896,-1896,417,-621,-622,-623,-624,-625,-636,-586,-626,-799,417,417,417,417,417,-833,417,417,-808,417,-834,417,417,417,417,-800,417,-855,-801,417,417,417,417,417,417,-856,-857,417,-836,-832,-837,417,-627,417,-628,-629,-630,-631,-576,417,417,-632,-633,-634,417,417,417,417,417,417,-637,-638,-639,-594,-1896,-604,417,-640,-641,-715,-642,-606,417,-574,-579,-582,-585,417,417,417,-600,-603,417,-610,417,417,417,417,417,417,417,417,417,417,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,417,417,417,-997,417,417,417,417,417,417,-308,-327,-321,-298,-377,-454,-455,-456,-460,417,-445,417,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,417,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,417,417,417,417,417,417,417,417,417,-318,-537,-510,-593,-939,-941,-942,-440,417,-442,-382,-383,-385,-509,-511,-513,417,-515,-516,-521,-522,417,-534,-536,-539,-540,-545,-550,-728,417,-729,417,-734,417,-736,417,-741,-658,-662,-663,417,-668,417,-669,417,-674,-676,417,-679,417,417,417,-689,-691,417,-694,417,417,-746,417,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,417,417,417,417,417,-879,417,-882,-910,-922,-927,-390,-391,417,-396,417,-399,417,-404,417,-405,417,-410,417,-415,417,-419,417,-420,417,-425,417,-428,-901,-902,-645,-587,-1896,-903,417,417,417,-802,417,417,-806,417,-809,-835,417,-820,417,-822,417,-824,-810,417,-826,417,-853,-854,417,417,-813,417,-648,-904,-906,-650,-651,-647,417,-707,-708,417,-644,-905,-649,-652,-605,-716,417,417,-607,-588,417,417,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,417,417,-711,-712,417,-718,417,417,417,417,417,417,-940,417,-441,-443,-749,417,-893,417,-717,-1896,417,417,417,417,417,-444,-514,-525,417,-730,-735,417,-737,417,-742,417,-664,-670,417,-680,-682,-684,-685,-692,-695,-699,-747,417,417,-876,417,417,-880,417,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,417,-814,417,-816,-803,417,-804,-807,417,-818,-821,-823,-825,-827,417,-828,417,-811,417,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,417,-284,417,417,417,417,-457,417,417,-731,417,-738,417,-743,417,-665,-673,417,417,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,417,-838,-53,417,417,-732,417,-739,417,-744,-666,417,-875,-54,417,417,-733,-740,-745,417,417,417,-874,]),'LN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[418,418,418,1062,-1896,418,418,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,418,418,418,418,-277,-278,1062,-1427,1062,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1062,1062,1062,-492,1062,1062,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1062,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1062,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1909,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,418,-174,-175,-176,-177,-995,418,418,418,418,418,418,418,418,418,418,1062,1062,1062,1062,1062,-292,-293,-283,418,1062,1062,1062,1062,-330,-320,-334,-335,-336,1062,1062,-984,-985,-986,-987,-988,-989,-990,418,418,1062,1062,1062,1062,1062,1062,1062,1062,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1062,1062,1062,-355,-358,418,-325,-326,-143,1062,-144,1062,-145,1062,-432,-937,-938,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1896,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1896,1062,-1896,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1896,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1896,418,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1062,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1062,418,418,-193,-194,418,-996,1062,418,418,418,418,-279,-280,-281,-282,-367,1062,-310,1062,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1062,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1062,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1062,1062,1062,1062,1062,1062,-575,1062,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1062,1062,-725,-726,-727,1062,1909,418,418,418,418,-996,418,1062,-93,-94,418,418,418,1062,-311,-312,-322,1062,-309,-295,-296,-297,1062,418,1062,1062,-620,-635,-592,1062,418,-438,418,-439,1062,-446,-447,-448,-380,-381,1062,1062,1062,-508,1062,1062,-512,1062,1062,1062,1062,-517,-518,-519,-520,1062,1062,-523,-524,1062,-526,-527,-528,-529,-530,-531,-532,-533,1062,-535,1062,1062,1062,-541,-543,-544,1062,-546,-547,-548,-549,1062,1062,1062,1062,1062,1062,-654,-655,-656,-657,418,-659,-660,-661,1062,1062,1062,-667,1062,1062,-671,-672,1062,1062,-675,1062,-677,-678,1062,-681,1062,-683,1062,1062,-686,-687,-688,1062,-690,1062,1062,-693,1062,1062,-696,-697,-698,1062,-700,-701,-702,-703,1062,1062,-748,1062,-751,-752,-753,-754,-755,1062,-757,-758,-759,-760,-761,1062,-768,-769,-771,1062,-773,-774,-775,-784,-858,-860,-862,-864,1062,1062,1062,1062,-870,1062,-872,1062,1062,1062,1062,1062,1062,1062,-908,-909,1062,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1062,-923,-926,1062,-936,1062,-387,-388,-389,1062,1062,-392,-393,-394,-395,1062,-398,1062,-401,-402,1062,-403,1062,-408,-409,1062,-412,-413,-414,1062,-417,1062,-418,1062,-423,-424,1062,-427,1062,-430,-431,-1896,-1896,1062,-621,-622,-623,-624,-625,-636,-586,-626,-799,1062,1062,1062,1062,1062,-833,1062,1062,-808,1062,-834,1062,1062,1062,1062,-800,1062,-855,-801,1062,1062,1062,1062,1062,1062,-856,-857,1062,-836,-832,-837,1062,-627,1062,-628,-629,-630,-631,-576,1062,1062,-632,-633,-634,1062,1062,1062,1062,1062,1062,-637,-638,-639,-594,-1896,-604,1062,-640,-641,-715,-642,-606,1062,-574,-579,-582,-585,1062,1062,1062,-600,-603,1062,-610,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1062,418,418,-997,418,1062,418,418,418,1062,-308,-327,-321,-298,-377,-454,-455,-456,-460,418,-445,1062,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1062,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,418,418,418,418,418,418,418,418,1062,-318,-537,-510,-593,-939,-941,-942,-440,1062,-442,-382,-383,-385,-509,-511,-513,1062,-515,-516,-521,-522,1062,-534,-536,-539,-540,-545,-550,-728,1062,-729,1062,-734,1062,-736,1062,-741,-658,-662,-663,1062,-668,1062,-669,1062,-674,-676,1062,-679,1062,1062,1062,-689,-691,1062,-694,1062,1062,-746,1062,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1062,1062,1062,1062,1062,-879,1062,-882,-910,-922,-927,-390,-391,1062,-396,1062,-399,1062,-404,1062,-405,1062,-410,1062,-415,1062,-419,1062,-420,1062,-425,1062,-428,-901,-902,-645,-587,-1896,-903,1062,1062,1062,-802,1062,1062,-806,1062,-809,-835,1062,-820,1062,-822,1062,-824,-810,1062,-826,1062,-853,-854,1062,1062,-813,1062,-648,-904,-906,-650,-651,-647,1062,-707,-708,1062,-644,-905,-649,-652,-605,-716,1062,1062,-607,-588,1062,1062,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1062,1062,-711,-712,1062,-718,1062,418,418,418,1062,1062,-940,418,-441,-443,-749,1062,-893,1909,-717,-1896,1062,1062,418,418,1062,-444,-514,-525,1062,-730,-735,1062,-737,1062,-742,1062,-664,-670,1062,-680,-682,-684,-685,-692,-695,-699,-747,1062,1062,-876,1062,1062,-880,1062,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1062,-814,1062,-816,-803,1062,-804,-807,1062,-818,-821,-823,-825,-827,1062,-828,1062,-811,1062,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,418,-284,418,1062,418,1062,-457,1062,1062,-731,1062,-738,1062,-743,1062,-665,-673,1062,1062,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1062,-838,-53,418,1062,-732,1062,-739,1062,-744,-666,1062,-875,-54,418,418,-733,-740,-745,1062,418,1062,-874,]),'LOAD_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[419,419,419,1102,-1896,419,419,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,419,419,419,419,-277,-278,1102,-1427,1102,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1102,1102,1102,-492,1102,1102,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1102,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1102,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1910,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,419,-174,-175,-176,-177,-995,419,419,419,419,419,419,419,419,419,419,1102,1102,1102,1102,1102,-292,-293,-283,419,1102,1102,1102,1102,-330,-320,-334,-335,-336,1102,1102,-984,-985,-986,-987,-988,-989,-990,419,419,1102,1102,1102,1102,1102,1102,1102,1102,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1102,1102,1102,-355,-358,419,-325,-326,-143,1102,-144,1102,-145,1102,-432,-937,-938,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1896,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1896,1102,-1896,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1896,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1896,419,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1102,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1102,419,419,-193,-194,419,-996,1102,419,419,419,419,-279,-280,-281,-282,-367,1102,-310,1102,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1102,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1102,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1102,1102,1102,1102,1102,1102,-575,1102,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1102,1102,-725,-726,-727,1102,1910,419,419,419,419,-996,419,1102,-93,-94,419,419,419,1102,-311,-312,-322,1102,-309,-295,-296,-297,1102,419,1102,1102,-620,-635,-592,1102,419,-438,419,-439,1102,-446,-447,-448,-380,-381,1102,1102,1102,-508,1102,1102,-512,1102,1102,1102,1102,-517,-518,-519,-520,1102,1102,-523,-524,1102,-526,-527,-528,-529,-530,-531,-532,-533,1102,-535,1102,1102,1102,-541,-543,-544,1102,-546,-547,-548,-549,1102,1102,1102,1102,1102,1102,-654,-655,-656,-657,419,-659,-660,-661,1102,1102,1102,-667,1102,1102,-671,-672,1102,1102,-675,1102,-677,-678,1102,-681,1102,-683,1102,1102,-686,-687,-688,1102,-690,1102,1102,-693,1102,1102,-696,-697,-698,1102,-700,-701,-702,-703,1102,1102,-748,1102,-751,-752,-753,-754,-755,1102,-757,-758,-759,-760,-761,1102,-768,-769,-771,1102,-773,-774,-775,-784,-858,-860,-862,-864,1102,1102,1102,1102,-870,1102,-872,1102,1102,1102,1102,1102,1102,1102,-908,-909,1102,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1102,-923,-926,1102,-936,1102,-387,-388,-389,1102,1102,-392,-393,-394,-395,1102,-398,1102,-401,-402,1102,-403,1102,-408,-409,1102,-412,-413,-414,1102,-417,1102,-418,1102,-423,-424,1102,-427,1102,-430,-431,-1896,-1896,1102,-621,-622,-623,-624,-625,-636,-586,-626,-799,1102,1102,1102,1102,1102,-833,1102,1102,-808,1102,-834,1102,1102,1102,1102,-800,1102,-855,-801,1102,1102,1102,1102,1102,1102,-856,-857,1102,-836,-832,-837,1102,-627,1102,-628,-629,-630,-631,-576,1102,1102,-632,-633,-634,1102,1102,1102,1102,1102,1102,-637,-638,-639,-594,-1896,-604,1102,-640,-641,-715,-642,-606,1102,-574,-579,-582,-585,1102,1102,1102,-600,-603,1102,-610,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1102,419,419,-997,419,1102,419,419,419,1102,-308,-327,-321,-298,-377,-454,-455,-456,-460,419,-445,1102,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1102,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,419,419,419,419,419,419,419,419,1102,-318,-537,-510,-593,-939,-941,-942,-440,1102,-442,-382,-383,-385,-509,-511,-513,1102,-515,-516,-521,-522,1102,-534,-536,-539,-540,-545,-550,-728,1102,-729,1102,-734,1102,-736,1102,-741,-658,-662,-663,1102,-668,1102,-669,1102,-674,-676,1102,-679,1102,1102,1102,-689,-691,1102,-694,1102,1102,-746,1102,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1102,1102,1102,1102,1102,-879,1102,-882,-910,-922,-927,-390,-391,1102,-396,1102,-399,1102,-404,1102,-405,1102,-410,1102,-415,1102,-419,1102,-420,1102,-425,1102,-428,-901,-902,-645,-587,-1896,-903,1102,1102,1102,-802,1102,1102,-806,1102,-809,-835,1102,-820,1102,-822,1102,-824,-810,1102,-826,1102,-853,-854,1102,1102,-813,1102,-648,-904,-906,-650,-651,-647,1102,-707,-708,1102,-644,-905,-649,-652,-605,-716,1102,1102,-607,-588,1102,1102,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1102,1102,-711,-712,1102,-718,1102,419,419,419,1102,1102,-940,419,-441,-443,-749,1102,-893,1910,-717,-1896,1102,1102,419,419,1102,-444,-514,-525,1102,-730,-735,1102,-737,1102,-742,1102,-664,-670,1102,-680,-682,-684,-685,-692,-695,-699,-747,1102,1102,-876,1102,1102,-880,1102,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1102,-814,1102,-816,-803,1102,-804,-807,1102,-818,-821,-823,-825,-827,1102,-828,1102,-811,1102,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,419,-284,419,1102,419,1102,-457,1102,1102,-731,1102,-738,1102,-743,1102,-665,-673,1102,1102,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1102,-838,-53,419,1102,-732,1102,-739,1102,-744,-666,1102,-875,-54,419,419,-733,-740,-745,1102,419,1102,-874,]),'LOB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[420,420,420,420,-1896,420,420,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,420,420,420,420,-277,-278,420,-1427,420,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,420,420,420,-492,420,420,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,420,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,420,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,420,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,420,-174,-175,-176,-177,-995,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-292,-293,-283,420,420,420,420,420,-330,-320,-334,-335,-336,420,420,-984,-985,-986,-987,-988,-989,-990,420,420,420,420,420,420,420,420,420,420,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,420,420,420,-355,-358,420,-325,-326,-143,420,-144,420,-145,420,-432,-937,-938,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-1896,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-1896,420,-1896,420,420,420,420,420,420,420,420,420,420,420,420,-1896,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-1896,420,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,420,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,420,420,420,-193,-194,420,-996,420,420,420,420,420,-279,-280,-281,-282,-367,420,-310,420,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,420,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,420,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,420,420,420,420,420,420,-575,420,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,420,420,-725,-726,-727,420,420,420,420,420,420,-996,420,420,-93,-94,420,420,420,420,-311,-312,-322,420,-309,-295,-296,-297,420,420,420,420,-620,-635,-592,420,420,-438,420,-439,420,-446,-447,-448,-380,-381,420,420,420,-508,420,420,-512,420,420,420,420,-517,-518,-519,-520,420,420,-523,-524,420,-526,-527,-528,-529,-530,-531,-532,-533,420,-535,420,420,420,-541,-543,-544,420,-546,-547,-548,-549,420,420,420,420,420,420,-654,-655,-656,-657,420,-659,-660,-661,420,420,420,-667,420,420,-671,-672,420,420,-675,420,-677,-678,420,-681,420,-683,420,420,-686,-687,-688,420,-690,420,420,-693,420,420,-696,-697,-698,420,-700,-701,-702,-703,420,420,-748,420,-751,-752,-753,-754,-755,420,-757,-758,-759,-760,-761,420,-768,-769,-771,420,-773,-774,-775,-784,-858,-860,-862,-864,420,420,420,420,-870,420,-872,420,420,420,420,420,420,420,-908,-909,420,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,420,-923,-926,420,-936,420,-387,-388,-389,420,420,-392,-393,-394,-395,420,-398,420,-401,-402,420,-403,420,-408,-409,420,-412,-413,-414,420,-417,420,-418,420,-423,-424,420,-427,420,-430,-431,-1896,-1896,420,-621,-622,-623,-624,-625,-636,-586,-626,-799,420,420,420,420,420,-833,420,420,-808,420,-834,420,420,420,420,-800,420,-855,-801,420,420,420,420,420,420,-856,-857,420,-836,-832,-837,420,-627,420,-628,-629,-630,-631,-576,420,420,-632,-633,-634,420,420,420,420,420,420,-637,-638,-639,-594,-1896,-604,420,-640,-641,-715,-642,-606,420,-574,-579,-582,-585,420,420,420,-600,-603,420,-610,420,420,420,420,420,420,420,420,420,420,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,420,420,420,-997,420,420,420,420,420,420,-308,-327,-321,-298,-377,-454,-455,-456,-460,420,-445,420,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,420,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,420,420,420,420,420,420,420,420,420,-318,-537,-510,-593,-939,-941,-942,-440,420,-442,-382,-383,-385,-509,-511,-513,420,-515,-516,-521,-522,420,-534,-536,-539,-540,-545,-550,-728,420,-729,420,-734,420,-736,420,-741,-658,-662,-663,420,-668,420,-669,420,-674,-676,420,-679,420,420,420,-689,-691,420,-694,420,420,-746,420,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,420,420,420,420,420,-879,420,-882,-910,-922,-927,-390,-391,420,-396,420,-399,420,-404,420,-405,420,-410,420,-415,420,-419,420,-420,420,-425,420,-428,-901,-902,-645,-587,-1896,-903,420,420,420,-802,420,420,-806,420,-809,-835,420,-820,420,-822,420,-824,-810,420,-826,420,-853,-854,420,420,-813,420,-648,-904,-906,-650,-651,-647,420,-707,-708,420,-644,-905,-649,-652,-605,-716,420,420,-607,-588,420,420,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,420,420,-711,-712,420,-718,420,420,420,420,420,420,-940,420,-441,-443,-749,420,-893,420,-717,-1896,420,420,420,420,420,-444,-514,-525,420,-730,-735,420,-737,420,-742,420,-664,-670,420,-680,-682,-684,-685,-692,-695,-699,-747,420,420,-876,420,420,-880,420,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,420,-814,420,-816,-803,420,-804,-807,420,-818,-821,-823,-825,-827,420,-828,420,-811,420,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,420,-284,420,420,420,420,-457,420,420,-731,420,-738,420,-743,420,-665,-673,420,420,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,420,-838,-53,420,420,-732,420,-739,420,-744,-666,420,-875,-54,420,420,-733,-740,-745,420,420,420,-874,]),'LOCAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[421,421,421,421,-1896,421,421,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,421,421,421,421,-277,-278,421,-1427,421,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,421,421,421,-492,421,421,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,421,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,421,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,421,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,421,-174,-175,-176,-177,-995,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-292,-293,-283,421,421,421,421,421,-330,-320,-334,-335,-336,421,421,-984,-985,-986,-987,-988,-989,-990,421,421,421,421,421,421,421,421,421,421,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,421,421,421,-355,-358,421,-325,-326,-143,421,-144,421,-145,421,-432,-937,-938,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-1896,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-1896,421,-1896,421,421,421,421,421,421,421,421,421,421,421,421,-1896,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-1896,421,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,421,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,421,421,421,-193,-194,421,-996,421,421,421,421,421,-279,-280,-281,-282,-367,421,-310,421,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,421,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,421,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,421,421,421,421,421,421,-575,421,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,421,421,-725,-726,-727,421,421,421,421,421,421,-996,421,421,-93,-94,421,421,421,421,-311,-312,-322,421,-309,-295,-296,-297,421,421,421,421,-620,-635,-592,421,421,-438,421,-439,421,-446,-447,-448,-380,-381,421,421,421,-508,421,421,-512,421,421,421,421,-517,-518,-519,-520,421,421,-523,-524,421,-526,-527,-528,-529,-530,-531,-532,-533,421,-535,421,421,421,-541,-543,-544,421,-546,-547,-548,-549,421,421,421,421,421,421,-654,-655,-656,-657,421,-659,-660,-661,421,421,421,-667,421,421,-671,-672,421,421,-675,421,-677,-678,421,-681,421,-683,421,421,-686,-687,-688,421,-690,421,421,-693,421,421,-696,-697,-698,421,-700,-701,-702,-703,421,421,-748,421,-751,-752,-753,-754,-755,421,-757,-758,-759,-760,-761,421,-768,-769,-771,421,-773,-774,-775,-784,-858,-860,-862,-864,421,421,421,421,-870,421,-872,421,421,421,421,421,421,421,-908,-909,421,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,421,-923,-926,421,-936,421,-387,-388,-389,421,421,-392,-393,-394,-395,421,-398,421,-401,-402,421,-403,421,-408,-409,421,-412,-413,-414,421,-417,421,-418,421,-423,-424,421,-427,421,-430,-431,-1896,-1896,421,-621,-622,-623,-624,-625,-636,-586,-626,-799,421,421,421,421,421,-833,421,421,-808,421,-834,421,421,421,421,-800,421,-855,-801,421,421,421,421,421,421,-856,-857,421,-836,-832,-837,421,-627,421,-628,-629,-630,-631,-576,421,421,-632,-633,-634,421,421,421,421,421,421,-637,-638,-639,-594,-1896,-604,421,-640,-641,-715,-642,-606,421,-574,-579,-582,-585,421,421,421,-600,-603,421,-610,421,421,421,421,421,421,421,421,421,421,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,421,421,421,-997,421,421,421,421,421,421,-308,-327,-321,-298,-377,-454,-455,-456,-460,421,-445,421,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,421,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,421,421,421,421,421,421,421,421,421,-318,-537,-510,-593,-939,-941,-942,-440,421,-442,-382,-383,-385,-509,-511,-513,421,-515,-516,-521,-522,421,-534,-536,-539,-540,-545,-550,-728,421,-729,421,-734,421,-736,421,-741,-658,-662,-663,421,-668,421,-669,421,-674,-676,421,-679,421,421,421,-689,-691,421,-694,421,421,-746,421,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,421,421,421,421,421,-879,421,-882,-910,-922,-927,-390,-391,421,-396,421,-399,421,-404,421,-405,421,-410,421,-415,421,-419,421,-420,421,-425,421,-428,-901,-902,-645,-587,-1896,-903,421,421,421,-802,421,421,-806,421,-809,-835,421,-820,421,-822,421,-824,-810,421,-826,421,-853,-854,421,421,-813,421,-648,-904,-906,-650,-651,-647,421,-707,-708,421,-644,-905,-649,-652,-605,-716,421,421,-607,-588,421,421,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,421,421,-711,-712,421,-718,421,421,421,421,421,421,-940,421,-441,-443,-749,421,-893,421,-717,-1896,421,421,421,421,421,-444,-514,-525,421,-730,-735,421,-737,421,-742,421,-664,-670,421,-680,-682,-684,-685,-692,-695,-699,-747,421,421,-876,421,421,-880,421,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,421,-814,421,-816,-803,421,-804,-807,421,-818,-821,-823,-825,-827,421,-828,421,-811,421,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,421,-284,421,421,421,421,-457,421,421,-731,421,-738,421,-743,421,-665,-673,421,421,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,421,-838,-53,421,421,-732,421,-739,421,-744,-666,421,-875,-54,421,421,-733,-740,-745,421,421,421,-874,]),'LOCALITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[422,422,422,422,-1896,422,422,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,422,422,422,422,-277,-278,422,-1427,422,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,422,422,422,-492,422,422,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,422,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,422,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,422,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,422,-174,-175,-176,-177,-995,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-292,-293,-283,422,422,422,422,422,-330,-320,-334,-335,-336,422,422,-984,-985,-986,-987,-988,-989,-990,422,422,422,422,422,422,422,422,422,422,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,422,422,422,-355,-358,422,-325,-326,-143,422,-144,422,-145,422,-432,-937,-938,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-1896,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-1896,422,-1896,422,422,422,422,422,422,422,422,422,422,422,422,-1896,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-1896,422,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,422,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,422,422,422,-193,-194,422,-996,422,422,422,422,422,-279,-280,-281,-282,-367,422,-310,422,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,422,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,422,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,422,422,422,422,422,422,-575,422,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,422,422,-725,-726,-727,422,422,422,422,422,422,-996,422,422,-93,-94,422,422,422,422,-311,-312,-322,422,-309,-295,-296,-297,422,422,422,422,-620,-635,-592,422,422,-438,422,-439,422,-446,-447,-448,-380,-381,422,422,422,-508,422,422,-512,422,422,422,422,-517,-518,-519,-520,422,422,-523,-524,422,-526,-527,-528,-529,-530,-531,-532,-533,422,-535,422,422,422,-541,-543,-544,422,-546,-547,-548,-549,422,422,422,422,422,422,-654,-655,-656,-657,422,-659,-660,-661,422,422,422,-667,422,422,-671,-672,422,422,-675,422,-677,-678,422,-681,422,-683,422,422,-686,-687,-688,422,-690,422,422,-693,422,422,-696,-697,-698,422,-700,-701,-702,-703,422,422,-748,422,-751,-752,-753,-754,-755,422,-757,-758,-759,-760,-761,422,-768,-769,-771,422,-773,-774,-775,-784,-858,-860,-862,-864,422,422,422,422,-870,422,-872,422,422,422,422,422,422,422,-908,-909,422,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,422,-923,-926,422,-936,422,-387,-388,-389,422,422,-392,-393,-394,-395,422,-398,422,-401,-402,422,-403,422,-408,-409,422,-412,-413,-414,422,-417,422,-418,422,-423,-424,422,-427,422,-430,-431,-1896,-1896,422,-621,-622,-623,-624,-625,-636,-586,-626,-799,422,422,422,422,422,-833,422,422,-808,422,-834,422,422,422,422,-800,422,-855,-801,422,422,422,422,422,422,-856,-857,422,-836,-832,-837,422,-627,422,-628,-629,-630,-631,-576,422,422,-632,-633,-634,422,422,422,422,422,422,-637,-638,-639,-594,-1896,-604,422,-640,-641,-715,-642,-606,422,-574,-579,-582,-585,422,422,422,-600,-603,422,-610,422,422,422,422,422,422,422,422,422,422,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,422,422,422,-997,422,422,422,422,422,422,-308,-327,-321,-298,-377,-454,-455,-456,-460,422,-445,422,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,422,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,422,422,422,422,422,422,422,422,422,-318,-537,-510,-593,-939,-941,-942,-440,422,-442,-382,-383,-385,-509,-511,-513,422,-515,-516,-521,-522,422,-534,-536,-539,-540,-545,-550,-728,422,-729,422,-734,422,-736,422,-741,-658,-662,-663,422,-668,422,-669,422,-674,-676,422,-679,422,422,422,-689,-691,422,-694,422,422,-746,422,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,422,422,422,422,422,-879,422,-882,-910,-922,-927,-390,-391,422,-396,422,-399,422,-404,422,-405,422,-410,422,-415,422,-419,422,-420,422,-425,422,-428,-901,-902,-645,-587,-1896,-903,422,422,422,-802,422,422,-806,422,-809,-835,422,-820,422,-822,422,-824,-810,422,-826,422,-853,-854,422,422,-813,422,-648,-904,-906,-650,-651,-647,422,-707,-708,422,-644,-905,-649,-652,-605,-716,422,422,-607,-588,422,422,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,422,422,-711,-712,422,-718,422,422,422,422,422,422,-940,422,-441,-443,-749,422,-893,422,-717,-1896,422,422,422,422,422,-444,-514,-525,422,-730,-735,422,-737,422,-742,422,-664,-670,422,-680,-682,-684,-685,-692,-695,-699,-747,422,422,-876,422,422,-880,422,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,422,-814,422,-816,-803,422,-804,-807,422,-818,-821,-823,-825,-827,422,-828,422,-811,422,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,422,-284,422,422,422,422,-457,422,422,-731,422,-738,422,-743,422,-665,-673,422,422,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,422,-838,-53,422,422,-732,422,-739,422,-744,-666,422,-875,-54,422,422,-733,-740,-745,422,422,422,-874,]),'LOCATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[423,423,423,1103,-1896,423,423,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,423,423,423,423,-277,-278,1103,-1427,1103,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1103,1103,1103,-492,1103,1103,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1103,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1103,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1911,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,423,-174,-175,-176,-177,-995,423,423,423,423,423,423,423,423,423,423,1103,1103,1103,1103,1103,-292,-293,-283,423,1103,1103,1103,1103,-330,-320,-334,-335,-336,1103,1103,-984,-985,-986,-987,-988,-989,-990,423,423,1103,1103,1103,1103,1103,1103,1103,1103,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1103,1103,1103,-355,-358,423,-325,-326,-143,1103,-144,1103,-145,1103,-432,-937,-938,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1896,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1896,1103,-1896,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1896,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1896,423,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1103,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1103,423,423,-193,-194,423,-996,1103,423,423,423,423,-279,-280,-281,-282,-367,1103,-310,1103,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1103,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1103,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1103,1103,1103,1103,1103,1103,-575,1103,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1103,1103,-725,-726,-727,1103,1911,423,423,423,423,-996,423,1103,-93,-94,423,423,423,1103,-311,-312,-322,1103,-309,-295,-296,-297,1103,423,1103,1103,-620,-635,-592,1103,423,-438,423,-439,1103,-446,-447,-448,-380,-381,1103,1103,1103,-508,1103,1103,-512,1103,1103,1103,1103,-517,-518,-519,-520,1103,1103,-523,-524,1103,-526,-527,-528,-529,-530,-531,-532,-533,1103,-535,1103,1103,1103,-541,-543,-544,1103,-546,-547,-548,-549,1103,1103,1103,1103,1103,1103,-654,-655,-656,-657,423,-659,-660,-661,1103,1103,1103,-667,1103,1103,-671,-672,1103,1103,-675,1103,-677,-678,1103,-681,1103,-683,1103,1103,-686,-687,-688,1103,-690,1103,1103,-693,1103,1103,-696,-697,-698,1103,-700,-701,-702,-703,1103,1103,-748,1103,-751,-752,-753,-754,-755,1103,-757,-758,-759,-760,-761,1103,-768,-769,-771,1103,-773,-774,-775,-784,-858,-860,-862,-864,1103,1103,1103,1103,-870,1103,-872,1103,1103,1103,1103,1103,1103,1103,-908,-909,1103,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1103,-923,-926,1103,-936,1103,-387,-388,-389,1103,1103,-392,-393,-394,-395,1103,-398,1103,-401,-402,1103,-403,1103,-408,-409,1103,-412,-413,-414,1103,-417,1103,-418,1103,-423,-424,1103,-427,1103,-430,-431,-1896,-1896,1103,-621,-622,-623,-624,-625,-636,-586,-626,-799,1103,1103,1103,1103,1103,-833,1103,1103,-808,1103,-834,1103,1103,1103,1103,-800,1103,-855,-801,1103,1103,1103,1103,1103,1103,-856,-857,1103,-836,-832,-837,1103,-627,1103,-628,-629,-630,-631,-576,1103,1103,-632,-633,-634,1103,1103,1103,1103,1103,1103,-637,-638,-639,-594,-1896,-604,1103,-640,-641,-715,-642,-606,1103,-574,-579,-582,-585,1103,1103,1103,-600,-603,1103,-610,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1103,423,423,-997,423,1103,423,423,423,1103,-308,-327,-321,-298,-377,-454,-455,-456,-460,423,-445,1103,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1103,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,423,423,423,423,423,423,423,423,1103,-318,-537,-510,-593,-939,-941,-942,-440,1103,-442,-382,-383,-385,-509,-511,-513,1103,-515,-516,-521,-522,1103,-534,-536,-539,-540,-545,-550,-728,1103,-729,1103,-734,1103,-736,1103,-741,-658,-662,-663,1103,-668,1103,-669,1103,-674,-676,1103,-679,1103,1103,1103,-689,-691,1103,-694,1103,1103,-746,1103,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1103,1103,1103,1103,1103,-879,1103,-882,-910,-922,-927,-390,-391,1103,-396,1103,-399,1103,-404,1103,-405,1103,-410,1103,-415,1103,-419,1103,-420,1103,-425,1103,-428,-901,-902,-645,-587,-1896,-903,1103,1103,1103,-802,1103,1103,-806,1103,-809,-835,1103,-820,1103,-822,1103,-824,-810,1103,-826,1103,-853,-854,1103,1103,-813,1103,-648,-904,-906,-650,-651,-647,1103,-707,-708,1103,-644,-905,-649,-652,-605,-716,1103,1103,-607,-588,1103,1103,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1103,1103,-711,-712,1103,-718,1103,423,423,423,1103,1103,-940,423,-441,-443,-749,1103,-893,1911,-717,-1896,1103,1103,423,423,1103,-444,-514,-525,1103,-730,-735,1103,-737,1103,-742,1103,-664,-670,1103,-680,-682,-684,-685,-692,-695,-699,-747,1103,1103,-876,1103,1103,-880,1103,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1103,-814,1103,-816,-803,1103,-804,-807,1103,-818,-821,-823,-825,-827,1103,-828,1103,-811,1103,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,423,-284,423,1103,423,1103,-457,1103,1103,-731,1103,-738,1103,-743,1103,-665,-673,1103,1103,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1103,-838,-53,423,1103,-732,1103,-739,1103,-744,-666,1103,-875,-54,423,423,-733,-740,-745,1103,423,1103,-874,]),'LOCATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[424,424,424,424,-1896,424,424,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,424,424,424,424,-277,-278,424,-1427,424,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,424,424,424,-492,424,424,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,424,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,424,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,424,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,424,-174,-175,-176,-177,-995,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-292,-293,-283,424,424,424,424,424,-330,-320,-334,-335,-336,424,424,-984,-985,-986,-987,-988,-989,-990,424,424,424,424,424,424,424,424,424,424,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,424,424,424,-355,-358,424,-325,-326,-143,424,-144,424,-145,424,-432,-937,-938,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-1896,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-1896,424,-1896,424,424,424,424,424,424,424,424,424,424,424,424,-1896,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-1896,424,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,424,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,424,424,424,-193,-194,424,-996,424,424,424,424,424,-279,-280,-281,-282,-367,424,-310,424,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,424,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,424,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,424,424,424,424,424,424,-575,424,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,424,424,-725,-726,-727,424,424,424,424,424,424,-996,424,424,-93,-94,424,424,424,424,-311,-312,-322,424,-309,-295,-296,-297,424,424,424,424,-620,-635,-592,424,424,-438,424,-439,424,-446,-447,-448,-380,-381,424,424,424,-508,424,424,-512,424,424,424,424,-517,-518,-519,-520,424,424,-523,-524,424,-526,-527,-528,-529,-530,-531,-532,-533,424,-535,424,424,424,-541,-543,-544,424,-546,-547,-548,-549,424,424,424,424,424,424,-654,-655,-656,-657,424,-659,-660,-661,424,424,424,-667,424,424,-671,-672,424,424,-675,424,-677,-678,424,-681,424,-683,424,424,-686,-687,-688,424,-690,424,424,-693,424,424,-696,-697,-698,424,-700,-701,-702,-703,424,424,-748,424,-751,-752,-753,-754,-755,424,-757,-758,-759,-760,-761,424,-768,-769,-771,424,-773,-774,-775,-784,-858,-860,-862,-864,424,424,424,424,-870,424,-872,424,424,424,424,424,424,424,-908,-909,424,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,424,-923,-926,424,-936,424,-387,-388,-389,424,424,-392,-393,-394,-395,424,-398,424,-401,-402,424,-403,424,-408,-409,424,-412,-413,-414,424,-417,424,-418,424,-423,-424,424,-427,424,-430,-431,-1896,-1896,424,-621,-622,-623,-624,-625,-636,-586,-626,-799,424,424,424,424,424,-833,424,424,-808,424,-834,424,424,424,424,-800,424,-855,-801,424,424,424,424,424,424,-856,-857,424,-836,-832,-837,424,-627,424,-628,-629,-630,-631,-576,424,424,-632,-633,-634,424,424,424,424,424,424,-637,-638,-639,-594,-1896,-604,424,-640,-641,-715,-642,-606,424,-574,-579,-582,-585,424,424,424,-600,-603,424,-610,424,424,424,424,424,424,424,424,424,424,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,424,424,424,-997,424,424,424,424,424,424,-308,-327,-321,-298,-377,-454,-455,-456,-460,424,-445,424,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,424,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,424,424,424,424,424,424,424,424,424,-318,-537,-510,-593,-939,-941,-942,-440,424,-442,-382,-383,-385,-509,-511,-513,424,-515,-516,-521,-522,424,-534,-536,-539,-540,-545,-550,-728,424,-729,424,-734,424,-736,424,-741,-658,-662,-663,424,-668,424,-669,424,-674,-676,424,-679,424,424,424,-689,-691,424,-694,424,424,-746,424,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,424,424,424,424,424,-879,424,-882,-910,-922,-927,-390,-391,424,-396,424,-399,424,-404,424,-405,424,-410,424,-415,424,-419,424,-420,424,-425,424,-428,-901,-902,-645,-587,-1896,-903,424,424,424,-802,424,424,-806,424,-809,-835,424,-820,424,-822,424,-824,-810,424,-826,424,-853,-854,424,424,-813,424,-648,-904,-906,-650,-651,-647,424,-707,-708,424,-644,-905,-649,-652,-605,-716,424,424,-607,-588,424,424,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,424,424,-711,-712,424,-718,424,424,424,424,424,424,-940,424,-441,-443,-749,424,-893,424,-717,-1896,424,424,424,424,424,-444,-514,-525,424,-730,-735,424,-737,424,-742,424,-664,-670,424,-680,-682,-684,-685,-692,-695,-699,-747,424,424,-876,424,424,-880,424,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,424,-814,424,-816,-803,424,-804,-807,424,-818,-821,-823,-825,-827,424,-828,424,-811,424,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,424,-284,424,424,424,424,-457,424,424,-731,424,-738,424,-743,424,-665,-673,424,424,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,424,-838,-53,424,424,-732,424,-739,424,-744,-666,424,-875,-54,424,424,-733,-740,-745,424,424,424,-874,]),'LOCKED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3199,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[425,425,425,425,-1896,425,425,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,425,425,425,425,-277,-278,425,-1427,425,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,425,425,425,-492,425,425,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,425,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,425,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,425,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,425,-174,-175,-176,-177,-995,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-292,-293,-283,425,425,425,425,425,-330,-320,-334,-335,-336,425,425,-984,-985,-986,-987,-988,-989,-990,425,425,425,425,425,425,425,425,425,425,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,425,425,425,-355,-358,425,-325,-326,-143,425,-144,425,-145,425,-432,-937,-938,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-1896,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-1896,425,-1896,425,425,425,425,425,425,425,425,425,425,425,425,-1896,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-1896,425,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,425,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,425,425,425,-193,-194,425,-996,425,425,425,425,425,-279,-280,-281,-282,-367,425,-310,425,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,425,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,425,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,425,425,425,425,425,425,-575,425,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,425,425,-725,-726,-727,425,425,425,425,425,425,-996,425,425,-93,-94,425,425,425,425,-311,-312,-322,425,-309,-295,-296,-297,425,425,425,425,-620,-635,-592,425,425,-438,425,-439,425,-446,-447,-448,-380,-381,425,425,425,-508,425,425,-512,425,425,425,425,-517,-518,-519,-520,425,425,-523,-524,425,-526,-527,-528,-529,-530,-531,-532,-533,425,-535,425,425,425,-541,-543,-544,425,-546,-547,-548,-549,425,425,425,425,425,425,-654,-655,-656,-657,425,-659,-660,-661,425,425,425,-667,425,425,-671,-672,425,425,-675,425,-677,-678,425,-681,425,-683,425,425,-686,-687,-688,425,-690,425,425,-693,425,425,-696,-697,-698,425,-700,-701,-702,-703,425,425,-748,425,-751,-752,-753,-754,-755,425,-757,-758,-759,-760,-761,425,-768,-769,-771,425,-773,-774,-775,-784,-858,-860,-862,-864,425,425,425,425,-870,425,-872,425,425,425,425,425,425,425,-908,-909,425,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,425,-923,-926,425,-936,425,-387,-388,-389,425,425,-392,-393,-394,-395,425,-398,425,-401,-402,425,-403,425,-408,-409,425,-412,-413,-414,425,-417,425,-418,425,-423,-424,425,-427,425,-430,-431,-1896,-1896,425,-621,-622,-623,-624,-625,-636,-586,-626,-799,425,425,425,425,425,-833,425,425,-808,425,-834,425,425,425,425,-800,425,-855,-801,425,425,425,425,425,425,-856,-857,425,-836,-832,-837,425,-627,425,-628,-629,-630,-631,-576,425,425,-632,-633,-634,425,425,425,425,425,425,-637,-638,-639,-594,-1896,-604,425,-640,-641,-715,-642,-606,425,-574,-579,-582,-585,425,425,425,-600,-603,425,-610,425,425,425,425,425,425,425,425,425,425,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,425,425,425,-997,425,425,425,425,425,425,-308,-327,-321,-298,-377,-454,-455,-456,-460,425,-445,425,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,425,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,425,425,3473,425,425,425,425,425,425,425,-318,-537,-510,-593,-939,-941,-942,-440,425,-442,-382,-383,-385,-509,-511,-513,425,-515,-516,-521,-522,425,-534,-536,-539,-540,-545,-550,-728,425,-729,425,-734,425,-736,425,-741,-658,-662,-663,425,-668,425,-669,425,-674,-676,425,-679,425,425,425,-689,-691,425,-694,425,425,-746,425,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,425,425,425,425,425,-879,425,-882,-910,-922,-927,-390,-391,425,-396,425,-399,425,-404,425,-405,425,-410,425,-415,425,-419,425,-420,425,-425,425,-428,-901,-902,-645,-587,-1896,-903,425,425,425,-802,425,425,-806,425,-809,-835,425,-820,425,-822,425,-824,-810,425,-826,425,-853,-854,425,425,-813,425,-648,-904,-906,-650,-651,-647,425,-707,-708,425,-644,-905,-649,-652,-605,-716,425,425,-607,-588,425,425,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,425,425,-711,-712,425,-718,425,425,425,425,425,425,-940,425,-441,-443,-749,425,-893,425,-717,-1896,425,425,425,425,425,-444,-514,-525,425,-730,-735,425,-737,425,-742,425,-664,-670,425,-680,-682,-684,-685,-692,-695,-699,-747,425,425,-876,425,425,-880,425,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,425,-814,425,-816,-803,425,-804,-807,425,-818,-821,-823,-825,-827,425,-828,425,-811,425,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,425,-284,425,425,425,425,-457,425,425,-731,425,-738,425,-743,425,-665,-673,425,425,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,425,-838,-53,425,425,-732,425,-739,425,-744,-666,425,-875,-54,425,425,-733,-740,-745,425,425,425,-874,]),'LOCKS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[426,426,426,426,-1896,426,426,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,426,426,426,426,-277,-278,426,-1427,426,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,426,426,426,-492,426,426,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,426,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,426,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,426,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,426,-174,-175,-176,-177,-995,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-292,-293,-283,426,426,426,426,426,-330,-320,-334,-335,-336,426,426,-984,-985,-986,-987,-988,-989,-990,426,426,426,426,426,426,426,426,426,426,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,426,426,426,-355,-358,426,-325,-326,-143,426,-144,426,-145,426,-432,-937,-938,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-1896,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-1896,426,-1896,426,426,426,426,426,426,426,426,426,426,426,426,-1896,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-1896,426,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,426,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,426,426,426,-193,-194,426,-996,426,426,426,426,426,-279,-280,-281,-282,-367,426,-310,426,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,426,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,426,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,426,426,426,426,426,426,-575,426,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,426,426,-725,-726,-727,426,426,426,426,426,426,-996,426,426,-93,-94,426,426,426,426,-311,-312,-322,426,-309,-295,-296,-297,426,426,426,426,-620,-635,-592,426,426,-438,426,-439,426,-446,-447,-448,-380,-381,426,426,426,-508,426,426,-512,426,426,426,426,-517,-518,-519,-520,426,426,-523,-524,426,-526,-527,-528,-529,-530,-531,-532,-533,426,-535,426,426,426,-541,-543,-544,426,-546,-547,-548,-549,426,426,426,426,426,426,-654,-655,-656,-657,426,-659,-660,-661,426,426,426,-667,426,426,-671,-672,426,426,-675,426,-677,-678,426,-681,426,-683,426,426,-686,-687,-688,426,-690,426,426,-693,426,426,-696,-697,-698,426,-700,-701,-702,-703,426,426,-748,426,-751,-752,-753,-754,-755,426,-757,-758,-759,-760,-761,426,-768,-769,-771,426,-773,-774,-775,-784,-858,-860,-862,-864,426,426,426,426,-870,426,-872,426,426,426,426,426,426,426,-908,-909,426,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,426,-923,-926,426,-936,426,-387,-388,-389,426,426,-392,-393,-394,-395,426,-398,426,-401,-402,426,-403,426,-408,-409,426,-412,-413,-414,426,-417,426,-418,426,-423,-424,426,-427,426,-430,-431,-1896,-1896,426,-621,-622,-623,-624,-625,-636,-586,-626,-799,426,426,426,426,426,-833,426,426,-808,426,-834,426,426,426,426,-800,426,-855,-801,426,426,426,426,426,426,-856,-857,426,-836,-832,-837,426,-627,426,-628,-629,-630,-631,-576,426,426,-632,-633,-634,426,426,426,426,426,426,-637,-638,-639,-594,-1896,-604,426,-640,-641,-715,-642,-606,426,-574,-579,-582,-585,426,426,426,-600,-603,426,-610,426,426,426,426,426,426,426,426,426,426,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,426,426,426,-997,426,426,426,426,426,426,-308,-327,-321,-298,-377,-454,-455,-456,-460,426,-445,426,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,426,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,426,426,426,426,426,426,426,426,426,-318,-537,-510,-593,-939,-941,-942,-440,426,-442,-382,-383,-385,-509,-511,-513,426,-515,-516,-521,-522,426,-534,-536,-539,-540,-545,-550,-728,426,-729,426,-734,426,-736,426,-741,-658,-662,-663,426,-668,426,-669,426,-674,-676,426,-679,426,426,426,-689,-691,426,-694,426,426,-746,426,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,426,426,426,426,426,-879,426,-882,-910,-922,-927,-390,-391,426,-396,426,-399,426,-404,426,-405,426,-410,426,-415,426,-419,426,-420,426,-425,426,-428,-901,-902,-645,-587,-1896,-903,426,426,426,-802,426,426,-806,426,-809,-835,426,-820,426,-822,426,-824,-810,426,-826,426,-853,-854,426,426,-813,426,-648,-904,-906,-650,-651,-647,426,-707,-708,426,-644,-905,-649,-652,-605,-716,426,426,-607,-588,426,426,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,426,426,-711,-712,426,-718,426,426,426,426,426,426,-940,426,-441,-443,-749,426,-893,426,-717,-1896,426,426,426,426,426,-444,-514,-525,426,-730,-735,426,-737,426,-742,426,-664,-670,426,-680,-682,-684,-685,-692,-695,-699,-747,426,426,-876,426,426,-880,426,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,426,-814,426,-816,-803,426,-804,-807,426,-818,-821,-823,-825,-827,426,-828,426,-811,426,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,426,-284,426,426,426,426,-457,426,426,-731,426,-738,426,-743,426,-665,-673,426,426,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,426,-838,-53,426,426,-732,426,-739,426,-744,-666,426,-875,-54,426,426,-733,-740,-745,426,426,426,-874,]),'LOCK_':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[427,427,427,427,-1896,427,427,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,427,427,427,427,-277,-278,427,-1427,427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,427,427,427,-492,427,427,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,427,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,427,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,427,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,427,-174,-175,-176,-177,-995,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-292,-293,-283,427,427,427,427,427,-330,-320,-334,-335,-336,427,427,-984,-985,-986,-987,-988,-989,-990,427,427,427,427,427,427,427,427,427,427,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,427,427,427,-355,-358,427,-325,-326,-143,427,-144,427,-145,427,-432,-937,-938,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-1896,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-1896,427,-1896,427,427,427,427,427,427,427,427,427,427,427,427,-1896,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-1896,427,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,427,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,427,427,427,-193,-194,427,-996,427,427,427,427,427,-279,-280,-281,-282,-367,427,-310,427,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,427,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,427,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,427,427,427,427,427,427,-575,427,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,427,427,-725,-726,-727,427,427,427,427,427,427,-996,427,427,-93,-94,427,427,427,427,-311,-312,-322,427,-309,-295,-296,-297,427,427,427,427,-620,-635,-592,427,427,-438,427,-439,427,-446,-447,-448,-380,-381,427,427,427,-508,427,427,-512,427,427,427,427,-517,-518,-519,-520,427,427,-523,-524,427,-526,-527,-528,-529,-530,-531,-532,-533,427,-535,427,427,427,-541,-543,-544,427,-546,-547,-548,-549,427,427,427,427,427,427,-654,-655,-656,-657,427,-659,-660,-661,427,427,427,-667,427,427,-671,-672,427,427,-675,427,-677,-678,427,-681,427,-683,427,427,-686,-687,-688,427,-690,427,427,-693,427,427,-696,-697,-698,427,-700,-701,-702,-703,427,427,-748,427,-751,-752,-753,-754,-755,427,-757,-758,-759,-760,-761,427,-768,-769,-771,427,-773,-774,-775,-784,-858,-860,-862,-864,427,427,427,427,-870,427,-872,427,427,427,427,427,427,427,-908,-909,427,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,427,-923,-926,427,-936,427,-387,-388,-389,427,427,-392,-393,-394,-395,427,-398,427,-401,-402,427,-403,427,-408,-409,427,-412,-413,-414,427,-417,427,-418,427,-423,-424,427,-427,427,-430,-431,-1896,-1896,427,-621,-622,-623,-624,-625,-636,-586,-626,-799,427,427,427,427,427,-833,427,427,-808,427,-834,427,427,427,427,-800,427,-855,-801,427,427,427,427,427,427,-856,-857,427,-836,-832,-837,427,-627,427,-628,-629,-630,-631,-576,427,427,-632,-633,-634,427,427,427,427,427,427,-637,-638,-639,-594,-1896,-604,427,-640,-641,-715,-642,-606,427,-574,-579,-582,-585,427,427,427,-600,-603,427,-610,427,427,427,427,427,427,427,427,427,427,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,427,427,427,-997,427,427,427,427,427,427,-308,-327,-321,-298,-377,-454,-455,-456,-460,427,-445,427,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,427,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,427,427,427,427,427,427,427,427,427,-318,-537,-510,-593,-939,-941,-942,-440,427,-442,-382,-383,-385,-509,-511,-513,427,-515,-516,-521,-522,427,-534,-536,-539,-540,-545,-550,-728,427,-729,427,-734,427,-736,427,-741,-658,-662,-663,427,-668,427,-669,427,-674,-676,427,-679,427,427,427,-689,-691,427,-694,427,427,-746,427,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,427,427,427,427,427,-879,427,-882,-910,-922,-927,-390,-391,427,-396,427,-399,427,-404,427,-405,427,-410,427,-415,427,-419,427,-420,427,-425,427,-428,-901,-902,-645,-587,-1896,-903,427,427,427,-802,427,427,-806,427,-809,-835,427,-820,427,-822,427,-824,-810,427,-826,427,-853,-854,427,427,-813,427,-648,-904,-906,-650,-651,-647,427,-707,-708,427,-644,-905,-649,-652,-605,-716,427,427,-607,-588,427,427,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,427,427,-711,-712,427,-718,427,427,427,427,427,427,-940,427,-441,-443,-749,427,-893,427,-717,-1896,427,427,427,427,427,-444,-514,-525,427,-730,-735,427,-737,427,-742,427,-664,-670,427,-680,-682,-684,-685,-692,-695,-699,-747,427,427,-876,427,427,-880,427,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,427,-814,427,-816,-803,427,-804,-807,427,-818,-821,-823,-825,-827,427,-828,427,-811,427,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,427,-284,427,427,427,427,-457,427,427,-731,427,-738,427,-743,427,-665,-673,427,427,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,427,-838,-53,427,427,-732,427,-739,427,-744,-666,427,-875,-54,427,427,-733,-740,-745,427,427,427,-874,]),'LOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[428,428,428,1063,-1896,428,428,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,428,428,428,428,-277,-278,1063,-1427,1063,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1063,1063,1063,-492,1063,1063,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1063,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1063,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1912,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,428,-174,-175,-176,-177,-995,428,428,428,428,428,428,428,428,428,428,1063,1063,1063,1063,1063,-292,-293,-283,428,1063,1063,1063,1063,-330,-320,-334,-335,-336,1063,1063,-984,-985,-986,-987,-988,-989,-990,428,428,1063,1063,1063,1063,1063,1063,1063,1063,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1063,1063,1063,-355,-358,428,-325,-326,-143,1063,-144,1063,-145,1063,-432,-937,-938,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1896,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1896,1063,-1896,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1896,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1896,428,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1063,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1063,428,428,-193,-194,428,-996,1063,428,428,428,428,-279,-280,-281,-282,-367,1063,-310,1063,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1063,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1063,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1063,1063,1063,1063,1063,1063,-575,1063,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1063,1063,-725,-726,-727,1063,1912,428,428,428,428,-996,428,1063,-93,-94,428,428,428,1063,-311,-312,-322,1063,-309,-295,-296,-297,1063,428,1063,1063,-620,-635,-592,1063,428,-438,428,-439,1063,-446,-447,-448,-380,-381,1063,1063,1063,-508,1063,1063,-512,1063,1063,1063,1063,-517,-518,-519,-520,1063,1063,-523,-524,1063,-526,-527,-528,-529,-530,-531,-532,-533,1063,-535,1063,1063,1063,-541,-543,-544,1063,-546,-547,-548,-549,1063,1063,1063,1063,1063,1063,-654,-655,-656,-657,428,-659,-660,-661,1063,1063,1063,-667,1063,1063,-671,-672,1063,1063,-675,1063,-677,-678,1063,-681,1063,-683,1063,1063,-686,-687,-688,1063,-690,1063,1063,-693,1063,1063,-696,-697,-698,1063,-700,-701,-702,-703,1063,1063,-748,1063,-751,-752,-753,-754,-755,1063,-757,-758,-759,-760,-761,1063,-768,-769,-771,1063,-773,-774,-775,-784,-858,-860,-862,-864,1063,1063,1063,1063,-870,1063,-872,1063,1063,1063,1063,1063,1063,1063,-908,-909,1063,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1063,-923,-926,1063,-936,1063,-387,-388,-389,1063,1063,-392,-393,-394,-395,1063,-398,1063,-401,-402,1063,-403,1063,-408,-409,1063,-412,-413,-414,1063,-417,1063,-418,1063,-423,-424,1063,-427,1063,-430,-431,-1896,-1896,1063,-621,-622,-623,-624,-625,-636,-586,-626,-799,1063,1063,1063,1063,1063,-833,1063,1063,-808,1063,-834,1063,1063,1063,1063,-800,1063,-855,-801,1063,1063,1063,1063,1063,1063,-856,-857,1063,-836,-832,-837,1063,-627,1063,-628,-629,-630,-631,-576,1063,1063,-632,-633,-634,1063,1063,1063,1063,1063,1063,-637,-638,-639,-594,-1896,-604,1063,-640,-641,-715,-642,-606,1063,-574,-579,-582,-585,1063,1063,1063,-600,-603,1063,-610,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1063,428,428,-997,428,1063,428,428,428,1063,-308,-327,-321,-298,-377,-454,-455,-456,-460,428,-445,1063,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1063,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,428,428,428,428,428,428,428,428,1063,-318,-537,-510,-593,-939,-941,-942,-440,1063,-442,-382,-383,-385,-509,-511,-513,1063,-515,-516,-521,-522,1063,-534,-536,-539,-540,-545,-550,-728,1063,-729,1063,-734,1063,-736,1063,-741,-658,-662,-663,1063,-668,1063,-669,1063,-674,-676,1063,-679,1063,1063,1063,-689,-691,1063,-694,1063,1063,-746,1063,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1063,1063,1063,1063,1063,-879,1063,-882,-910,-922,-927,-390,-391,1063,-396,1063,-399,1063,-404,1063,-405,1063,-410,1063,-415,1063,-419,1063,-420,1063,-425,1063,-428,-901,-902,-645,-587,-1896,-903,1063,1063,1063,-802,1063,1063,-806,1063,-809,-835,1063,-820,1063,-822,1063,-824,-810,1063,-826,1063,-853,-854,1063,1063,-813,1063,-648,-904,-906,-650,-651,-647,1063,-707,-708,1063,-644,-905,-649,-652,-605,-716,1063,1063,-607,-588,1063,1063,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1063,1063,-711,-712,1063,-718,1063,428,428,428,1063,1063,-940,428,-441,-443,-749,1063,-893,1912,-717,-1896,1063,1063,428,428,1063,-444,-514,-525,1063,-730,-735,1063,-737,1063,-742,1063,-664,-670,1063,-680,-682,-684,-685,-692,-695,-699,-747,1063,1063,-876,1063,1063,-880,1063,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1063,-814,1063,-816,-803,1063,-804,-807,1063,-818,-821,-823,-825,-827,1063,-828,1063,-811,1063,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,428,-284,428,1063,428,1063,-457,1063,1063,-731,1063,-738,1063,-743,1063,-665,-673,1063,1063,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1063,-838,-53,428,1063,-732,1063,-739,1063,-744,-666,1063,-875,-54,428,428,-733,-740,-745,1063,428,1063,-874,]),'LOG10':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[429,429,429,1065,-1896,429,429,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,429,429,429,429,-277,-278,1065,-1427,1065,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1065,1065,1065,-492,1065,1065,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1065,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1065,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1913,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,429,-174,-175,-176,-177,-995,429,429,429,429,429,429,429,429,429,429,1065,1065,1065,1065,1065,-292,-293,-283,429,1065,1065,1065,1065,-330,-320,-334,-335,-336,1065,1065,-984,-985,-986,-987,-988,-989,-990,429,429,1065,1065,1065,1065,1065,1065,1065,1065,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1065,1065,1065,-355,-358,429,-325,-326,-143,1065,-144,1065,-145,1065,-432,-937,-938,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1896,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1896,1065,-1896,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1896,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1896,429,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1065,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1065,429,429,-193,-194,429,-996,1065,429,429,429,429,-279,-280,-281,-282,-367,1065,-310,1065,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1065,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1065,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1065,1065,1065,1065,1065,1065,-575,1065,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1065,1065,-725,-726,-727,1065,1913,429,429,429,429,-996,429,1065,-93,-94,429,429,429,1065,-311,-312,-322,1065,-309,-295,-296,-297,1065,429,1065,1065,-620,-635,-592,1065,429,-438,429,-439,1065,-446,-447,-448,-380,-381,1065,1065,1065,-508,1065,1065,-512,1065,1065,1065,1065,-517,-518,-519,-520,1065,1065,-523,-524,1065,-526,-527,-528,-529,-530,-531,-532,-533,1065,-535,1065,1065,1065,-541,-543,-544,1065,-546,-547,-548,-549,1065,1065,1065,1065,1065,1065,-654,-655,-656,-657,429,-659,-660,-661,1065,1065,1065,-667,1065,1065,-671,-672,1065,1065,-675,1065,-677,-678,1065,-681,1065,-683,1065,1065,-686,-687,-688,1065,-690,1065,1065,-693,1065,1065,-696,-697,-698,1065,-700,-701,-702,-703,1065,1065,-748,1065,-751,-752,-753,-754,-755,1065,-757,-758,-759,-760,-761,1065,-768,-769,-771,1065,-773,-774,-775,-784,-858,-860,-862,-864,1065,1065,1065,1065,-870,1065,-872,1065,1065,1065,1065,1065,1065,1065,-908,-909,1065,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1065,-923,-926,1065,-936,1065,-387,-388,-389,1065,1065,-392,-393,-394,-395,1065,-398,1065,-401,-402,1065,-403,1065,-408,-409,1065,-412,-413,-414,1065,-417,1065,-418,1065,-423,-424,1065,-427,1065,-430,-431,-1896,-1896,1065,-621,-622,-623,-624,-625,-636,-586,-626,-799,1065,1065,1065,1065,1065,-833,1065,1065,-808,1065,-834,1065,1065,1065,1065,-800,1065,-855,-801,1065,1065,1065,1065,1065,1065,-856,-857,1065,-836,-832,-837,1065,-627,1065,-628,-629,-630,-631,-576,1065,1065,-632,-633,-634,1065,1065,1065,1065,1065,1065,-637,-638,-639,-594,-1896,-604,1065,-640,-641,-715,-642,-606,1065,-574,-579,-582,-585,1065,1065,1065,-600,-603,1065,-610,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1065,429,429,-997,429,1065,429,429,429,1065,-308,-327,-321,-298,-377,-454,-455,-456,-460,429,-445,1065,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1065,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,429,429,429,429,429,429,429,429,1065,-318,-537,-510,-593,-939,-941,-942,-440,1065,-442,-382,-383,-385,-509,-511,-513,1065,-515,-516,-521,-522,1065,-534,-536,-539,-540,-545,-550,-728,1065,-729,1065,-734,1065,-736,1065,-741,-658,-662,-663,1065,-668,1065,-669,1065,-674,-676,1065,-679,1065,1065,1065,-689,-691,1065,-694,1065,1065,-746,1065,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1065,1065,1065,1065,1065,-879,1065,-882,-910,-922,-927,-390,-391,1065,-396,1065,-399,1065,-404,1065,-405,1065,-410,1065,-415,1065,-419,1065,-420,1065,-425,1065,-428,-901,-902,-645,-587,-1896,-903,1065,1065,1065,-802,1065,1065,-806,1065,-809,-835,1065,-820,1065,-822,1065,-824,-810,1065,-826,1065,-853,-854,1065,1065,-813,1065,-648,-904,-906,-650,-651,-647,1065,-707,-708,1065,-644,-905,-649,-652,-605,-716,1065,1065,-607,-588,1065,1065,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1065,1065,-711,-712,1065,-718,1065,429,429,429,1065,1065,-940,429,-441,-443,-749,1065,-893,1913,-717,-1896,1065,1065,429,429,1065,-444,-514,-525,1065,-730,-735,1065,-737,1065,-742,1065,-664,-670,1065,-680,-682,-684,-685,-692,-695,-699,-747,1065,1065,-876,1065,1065,-880,1065,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1065,-814,1065,-816,-803,1065,-804,-807,1065,-818,-821,-823,-825,-827,1065,-828,1065,-811,1065,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,429,-284,429,1065,429,1065,-457,1065,1065,-731,1065,-738,1065,-743,1065,-665,-673,1065,1065,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1065,-838,-53,429,1065,-732,1065,-739,1065,-744,-666,1065,-875,-54,429,429,-733,-740,-745,1065,429,1065,-874,]),'LOG2':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[430,430,430,1064,-1896,430,430,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,430,430,430,430,-277,-278,1064,-1427,1064,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1064,1064,1064,-492,1064,1064,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1064,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1064,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1914,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,430,-174,-175,-176,-177,-995,430,430,430,430,430,430,430,430,430,430,1064,1064,1064,1064,1064,-292,-293,-283,430,1064,1064,1064,1064,-330,-320,-334,-335,-336,1064,1064,-984,-985,-986,-987,-988,-989,-990,430,430,1064,1064,1064,1064,1064,1064,1064,1064,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1064,1064,1064,-355,-358,430,-325,-326,-143,1064,-144,1064,-145,1064,-432,-937,-938,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1896,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1896,1064,-1896,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1896,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1896,430,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1064,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1064,430,430,-193,-194,430,-996,1064,430,430,430,430,-279,-280,-281,-282,-367,1064,-310,1064,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1064,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1064,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1064,1064,1064,1064,1064,1064,-575,1064,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1064,1064,-725,-726,-727,1064,1914,430,430,430,430,-996,430,1064,-93,-94,430,430,430,1064,-311,-312,-322,1064,-309,-295,-296,-297,1064,430,1064,1064,-620,-635,-592,1064,430,-438,430,-439,1064,-446,-447,-448,-380,-381,1064,1064,1064,-508,1064,1064,-512,1064,1064,1064,1064,-517,-518,-519,-520,1064,1064,-523,-524,1064,-526,-527,-528,-529,-530,-531,-532,-533,1064,-535,1064,1064,1064,-541,-543,-544,1064,-546,-547,-548,-549,1064,1064,1064,1064,1064,1064,-654,-655,-656,-657,430,-659,-660,-661,1064,1064,1064,-667,1064,1064,-671,-672,1064,1064,-675,1064,-677,-678,1064,-681,1064,-683,1064,1064,-686,-687,-688,1064,-690,1064,1064,-693,1064,1064,-696,-697,-698,1064,-700,-701,-702,-703,1064,1064,-748,1064,-751,-752,-753,-754,-755,1064,-757,-758,-759,-760,-761,1064,-768,-769,-771,1064,-773,-774,-775,-784,-858,-860,-862,-864,1064,1064,1064,1064,-870,1064,-872,1064,1064,1064,1064,1064,1064,1064,-908,-909,1064,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1064,-923,-926,1064,-936,1064,-387,-388,-389,1064,1064,-392,-393,-394,-395,1064,-398,1064,-401,-402,1064,-403,1064,-408,-409,1064,-412,-413,-414,1064,-417,1064,-418,1064,-423,-424,1064,-427,1064,-430,-431,-1896,-1896,1064,-621,-622,-623,-624,-625,-636,-586,-626,-799,1064,1064,1064,1064,1064,-833,1064,1064,-808,1064,-834,1064,1064,1064,1064,-800,1064,-855,-801,1064,1064,1064,1064,1064,1064,-856,-857,1064,-836,-832,-837,1064,-627,1064,-628,-629,-630,-631,-576,1064,1064,-632,-633,-634,1064,1064,1064,1064,1064,1064,-637,-638,-639,-594,-1896,-604,1064,-640,-641,-715,-642,-606,1064,-574,-579,-582,-585,1064,1064,1064,-600,-603,1064,-610,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1064,430,430,-997,430,1064,430,430,430,1064,-308,-327,-321,-298,-377,-454,-455,-456,-460,430,-445,1064,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1064,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,430,430,430,430,430,430,430,430,1064,-318,-537,-510,-593,-939,-941,-942,-440,1064,-442,-382,-383,-385,-509,-511,-513,1064,-515,-516,-521,-522,1064,-534,-536,-539,-540,-545,-550,-728,1064,-729,1064,-734,1064,-736,1064,-741,-658,-662,-663,1064,-668,1064,-669,1064,-674,-676,1064,-679,1064,1064,1064,-689,-691,1064,-694,1064,1064,-746,1064,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1064,1064,1064,1064,1064,-879,1064,-882,-910,-922,-927,-390,-391,1064,-396,1064,-399,1064,-404,1064,-405,1064,-410,1064,-415,1064,-419,1064,-420,1064,-425,1064,-428,-901,-902,-645,-587,-1896,-903,1064,1064,1064,-802,1064,1064,-806,1064,-809,-835,1064,-820,1064,-822,1064,-824,-810,1064,-826,1064,-853,-854,1064,1064,-813,1064,-648,-904,-906,-650,-651,-647,1064,-707,-708,1064,-644,-905,-649,-652,-605,-716,1064,1064,-607,-588,1064,1064,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1064,1064,-711,-712,1064,-718,1064,430,430,430,1064,1064,-940,430,-441,-443,-749,1064,-893,1914,-717,-1896,1064,1064,430,430,1064,-444,-514,-525,1064,-730,-735,1064,-737,1064,-742,1064,-664,-670,1064,-680,-682,-684,-685,-692,-695,-699,-747,1064,1064,-876,1064,1064,-880,1064,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1064,-814,1064,-816,-803,1064,-804,-807,1064,-818,-821,-823,-825,-827,1064,-828,1064,-811,1064,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,430,-284,430,1064,430,1064,-457,1064,1064,-731,1064,-738,1064,-743,1064,-665,-673,1064,1064,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1064,-838,-53,430,1064,-732,1064,-739,1064,-744,-666,1064,-875,-54,430,430,-733,-740,-745,1064,430,1064,-874,]),'LOGFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[431,431,431,431,-1896,431,431,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,431,431,431,431,-277,-278,431,-1427,431,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,431,431,431,-492,431,431,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,431,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,431,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,431,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,431,-174,-175,-176,-177,-995,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-292,-293,-283,431,431,431,431,431,-330,-320,-334,-335,-336,431,431,-984,-985,-986,-987,-988,-989,-990,431,431,431,431,431,431,431,431,431,431,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,431,431,431,-355,-358,431,-325,-326,-143,431,-144,431,-145,431,-432,-937,-938,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-1896,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-1896,431,-1896,431,431,431,431,431,431,431,431,431,431,431,431,-1896,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-1896,431,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,431,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,431,431,431,-193,-194,431,-996,431,431,431,431,431,-279,-280,-281,-282,-367,431,-310,431,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,431,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,431,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,431,431,431,431,431,431,-575,431,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,431,431,-725,-726,-727,431,431,431,431,431,431,-996,431,431,-93,-94,431,431,431,431,-311,-312,-322,431,-309,-295,-296,-297,431,431,431,431,-620,-635,-592,431,431,-438,431,-439,431,-446,-447,-448,-380,-381,431,431,431,-508,431,431,-512,431,431,431,431,-517,-518,-519,-520,431,431,-523,-524,431,-526,-527,-528,-529,-530,-531,-532,-533,431,-535,431,431,431,-541,-543,-544,431,-546,-547,-548,-549,431,431,431,431,431,431,-654,-655,-656,-657,431,-659,-660,-661,431,431,431,-667,431,431,-671,-672,431,431,-675,431,-677,-678,431,-681,431,-683,431,431,-686,-687,-688,431,-690,431,431,-693,431,431,-696,-697,-698,431,-700,-701,-702,-703,431,431,-748,431,-751,-752,-753,-754,-755,431,-757,-758,-759,-760,-761,431,-768,-769,-771,431,-773,-774,-775,-784,-858,-860,-862,-864,431,431,431,431,-870,431,-872,431,431,431,431,431,431,431,-908,-909,431,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,431,-923,-926,431,-936,431,-387,-388,-389,431,431,-392,-393,-394,-395,431,-398,431,-401,-402,431,-403,431,-408,-409,431,-412,-413,-414,431,-417,431,-418,431,-423,-424,431,-427,431,-430,-431,-1896,-1896,431,-621,-622,-623,-624,-625,-636,-586,-626,-799,431,431,431,431,431,-833,431,431,-808,431,-834,431,431,431,431,-800,431,-855,-801,431,431,431,431,431,431,-856,-857,431,-836,-832,-837,431,-627,431,-628,-629,-630,-631,-576,431,431,-632,-633,-634,431,431,431,431,431,431,-637,-638,-639,-594,-1896,-604,431,-640,-641,-715,-642,-606,431,-574,-579,-582,-585,431,431,431,-600,-603,431,-610,431,431,431,431,431,431,431,431,431,431,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,431,431,431,-997,431,431,431,431,431,431,-308,-327,-321,-298,-377,-454,-455,-456,-460,431,-445,431,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,431,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,431,431,431,431,431,431,431,431,431,-318,-537,-510,-593,-939,-941,-942,-440,431,-442,-382,-383,-385,-509,-511,-513,431,-515,-516,-521,-522,431,-534,-536,-539,-540,-545,-550,-728,431,-729,431,-734,431,-736,431,-741,-658,-662,-663,431,-668,431,-669,431,-674,-676,431,-679,431,431,431,-689,-691,431,-694,431,431,-746,431,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,431,431,431,431,431,-879,431,-882,-910,-922,-927,-390,-391,431,-396,431,-399,431,-404,431,-405,431,-410,431,-415,431,-419,431,-420,431,-425,431,-428,-901,-902,-645,-587,-1896,-903,431,431,431,-802,431,431,-806,431,-809,-835,431,-820,431,-822,431,-824,-810,431,-826,431,-853,-854,431,431,-813,431,-648,-904,-906,-650,-651,-647,431,-707,-708,431,-644,-905,-649,-652,-605,-716,431,431,-607,-588,431,431,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,431,431,-711,-712,431,-718,431,431,431,431,431,431,-940,431,-441,-443,-749,431,-893,431,-717,-1896,431,431,431,431,431,-444,-514,-525,431,-730,-735,431,-737,431,-742,431,-664,-670,431,-680,-682,-684,-685,-692,-695,-699,-747,431,431,-876,431,431,-880,431,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,431,-814,431,-816,-803,431,-804,-807,431,-818,-821,-823,-825,-827,431,-828,431,-811,431,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,431,-284,431,431,431,431,-457,431,431,-731,431,-738,431,-743,431,-665,-673,431,431,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,431,-838,-53,431,431,-732,431,-739,431,-744,-666,431,-875,-54,431,431,-733,-740,-745,431,431,431,-874,]),'LOGONLY_REPLICA_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[432,432,432,432,-1896,432,432,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,432,432,432,432,-277,-278,432,-1427,432,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,432,432,432,-492,432,432,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,432,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,432,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,432,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,432,-174,-175,-176,-177,-995,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-292,-293,-283,432,432,432,432,432,-330,-320,-334,-335,-336,432,432,-984,-985,-986,-987,-988,-989,-990,432,432,432,432,432,432,432,432,432,432,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,432,432,432,-355,-358,432,-325,-326,-143,432,-144,432,-145,432,-432,-937,-938,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-1896,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-1896,432,-1896,432,432,432,432,432,432,432,432,432,432,432,432,-1896,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-1896,432,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,432,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,432,432,432,-193,-194,432,-996,432,432,432,432,432,-279,-280,-281,-282,-367,432,-310,432,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,432,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,432,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,432,432,432,432,432,432,-575,432,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,432,432,-725,-726,-727,432,432,432,432,432,432,-996,432,432,-93,-94,432,432,432,432,-311,-312,-322,432,-309,-295,-296,-297,432,432,432,432,-620,-635,-592,432,432,-438,432,-439,432,-446,-447,-448,-380,-381,432,432,432,-508,432,432,-512,432,432,432,432,-517,-518,-519,-520,432,432,-523,-524,432,-526,-527,-528,-529,-530,-531,-532,-533,432,-535,432,432,432,-541,-543,-544,432,-546,-547,-548,-549,432,432,432,432,432,432,-654,-655,-656,-657,432,-659,-660,-661,432,432,432,-667,432,432,-671,-672,432,432,-675,432,-677,-678,432,-681,432,-683,432,432,-686,-687,-688,432,-690,432,432,-693,432,432,-696,-697,-698,432,-700,-701,-702,-703,432,432,-748,432,-751,-752,-753,-754,-755,432,-757,-758,-759,-760,-761,432,-768,-769,-771,432,-773,-774,-775,-784,-858,-860,-862,-864,432,432,432,432,-870,432,-872,432,432,432,432,432,432,432,-908,-909,432,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,432,-923,-926,432,-936,432,-387,-388,-389,432,432,-392,-393,-394,-395,432,-398,432,-401,-402,432,-403,432,-408,-409,432,-412,-413,-414,432,-417,432,-418,432,-423,-424,432,-427,432,-430,-431,-1896,-1896,432,-621,-622,-623,-624,-625,-636,-586,-626,-799,432,432,432,432,432,-833,432,432,-808,432,-834,432,432,432,432,-800,432,-855,-801,432,432,432,432,432,432,-856,-857,432,-836,-832,-837,432,-627,432,-628,-629,-630,-631,-576,432,432,-632,-633,-634,432,432,432,432,432,432,-637,-638,-639,-594,-1896,-604,432,-640,-641,-715,-642,-606,432,-574,-579,-582,-585,432,432,432,-600,-603,432,-610,432,432,432,432,432,432,432,432,432,432,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,432,432,432,-997,432,432,432,432,432,432,-308,-327,-321,-298,-377,-454,-455,-456,-460,432,-445,432,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,432,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,432,432,432,432,432,432,432,432,432,-318,-537,-510,-593,-939,-941,-942,-440,432,-442,-382,-383,-385,-509,-511,-513,432,-515,-516,-521,-522,432,-534,-536,-539,-540,-545,-550,-728,432,-729,432,-734,432,-736,432,-741,-658,-662,-663,432,-668,432,-669,432,-674,-676,432,-679,432,432,432,-689,-691,432,-694,432,432,-746,432,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,432,432,432,432,432,-879,432,-882,-910,-922,-927,-390,-391,432,-396,432,-399,432,-404,432,-405,432,-410,432,-415,432,-419,432,-420,432,-425,432,-428,-901,-902,-645,-587,-1896,-903,432,432,432,-802,432,432,-806,432,-809,-835,432,-820,432,-822,432,-824,-810,432,-826,432,-853,-854,432,432,-813,432,-648,-904,-906,-650,-651,-647,432,-707,-708,432,-644,-905,-649,-652,-605,-716,432,432,-607,-588,432,432,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,432,432,-711,-712,432,-718,432,432,432,432,432,432,-940,432,-441,-443,-749,432,-893,432,-717,-1896,432,432,432,432,432,-444,-514,-525,432,-730,-735,432,-737,432,-742,432,-664,-670,432,-680,-682,-684,-685,-692,-695,-699,-747,432,432,-876,432,432,-880,432,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,432,-814,432,-816,-803,432,-804,-807,432,-818,-821,-823,-825,-827,432,-828,432,-811,432,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,432,-284,432,432,432,432,-457,432,432,-731,432,-738,432,-743,432,-665,-673,432,432,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,432,-838,-53,432,432,-732,432,-739,432,-744,-666,432,-875,-54,432,432,-733,-740,-745,432,432,432,-874,]),'LOGS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[433,433,433,433,-1896,433,433,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,433,433,433,433,-277,-278,433,-1427,433,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,433,433,433,-492,433,433,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,433,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,433,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,433,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,433,-174,-175,-176,-177,-995,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-292,-293,-283,433,433,433,433,433,-330,-320,-334,-335,-336,433,433,-984,-985,-986,-987,-988,-989,-990,433,433,433,433,433,433,433,433,433,433,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,433,433,433,-355,-358,433,-325,-326,-143,433,-144,433,-145,433,-432,-937,-938,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-1896,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-1896,433,-1896,433,433,433,433,433,433,433,433,433,433,433,433,-1896,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-1896,433,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,433,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,433,433,433,-193,-194,433,-996,433,433,433,433,433,-279,-280,-281,-282,-367,433,-310,433,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,433,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,433,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,433,433,433,433,433,433,-575,433,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,433,433,-725,-726,-727,433,433,433,433,433,433,-996,433,433,-93,-94,433,433,433,433,-311,-312,-322,433,-309,-295,-296,-297,433,433,433,433,-620,-635,-592,433,433,-438,433,-439,433,-446,-447,-448,-380,-381,433,433,433,-508,433,433,-512,433,433,433,433,-517,-518,-519,-520,433,433,-523,-524,433,-526,-527,-528,-529,-530,-531,-532,-533,433,-535,433,433,433,-541,-543,-544,433,-546,-547,-548,-549,433,433,433,433,433,433,-654,-655,-656,-657,433,-659,-660,-661,433,433,433,-667,433,433,-671,-672,433,433,-675,433,-677,-678,433,-681,433,-683,433,433,-686,-687,-688,433,-690,433,433,-693,433,433,-696,-697,-698,433,-700,-701,-702,-703,433,433,-748,433,-751,-752,-753,-754,-755,433,-757,-758,-759,-760,-761,433,-768,-769,-771,433,-773,-774,-775,-784,-858,-860,-862,-864,433,433,433,433,-870,433,-872,433,433,433,433,433,433,433,-908,-909,433,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,433,-923,-926,433,-936,433,-387,-388,-389,433,433,-392,-393,-394,-395,433,-398,433,-401,-402,433,-403,433,-408,-409,433,-412,-413,-414,433,-417,433,-418,433,-423,-424,433,-427,433,-430,-431,-1896,-1896,433,-621,-622,-623,-624,-625,-636,-586,-626,-799,433,433,433,433,433,-833,433,433,-808,433,-834,433,433,433,433,-800,433,-855,-801,433,433,433,433,433,433,-856,-857,433,-836,-832,-837,433,-627,433,-628,-629,-630,-631,-576,433,433,-632,-633,-634,433,433,433,433,433,433,-637,-638,-639,-594,-1896,-604,433,-640,-641,-715,-642,-606,433,-574,-579,-582,-585,433,433,433,-600,-603,433,-610,433,433,433,433,433,433,433,433,433,433,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,433,433,433,-997,433,433,433,433,433,433,-308,-327,-321,-298,-377,-454,-455,-456,-460,433,-445,433,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,433,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,433,433,433,433,433,433,433,433,433,-318,-537,-510,-593,-939,-941,-942,-440,433,-442,-382,-383,-385,-509,-511,-513,433,-515,-516,-521,-522,433,-534,-536,-539,-540,-545,-550,-728,433,-729,433,-734,433,-736,433,-741,-658,-662,-663,433,-668,433,-669,433,-674,-676,433,-679,433,433,433,-689,-691,433,-694,433,433,-746,433,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,433,433,433,433,433,-879,433,-882,-910,-922,-927,-390,-391,433,-396,433,-399,433,-404,433,-405,433,-410,433,-415,433,-419,433,-420,433,-425,433,-428,-901,-902,-645,-587,-1896,-903,433,433,433,-802,433,433,-806,433,-809,-835,433,-820,433,-822,433,-824,-810,433,-826,433,-853,-854,433,433,-813,433,-648,-904,-906,-650,-651,-647,433,-707,-708,433,-644,-905,-649,-652,-605,-716,433,433,-607,-588,433,433,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,433,433,-711,-712,433,-718,433,433,433,433,433,433,-940,433,-441,-443,-749,433,-893,433,-717,-1896,433,433,433,433,433,-444,-514,-525,433,-730,-735,433,-737,433,-742,433,-664,-670,433,-680,-682,-684,-685,-692,-695,-699,-747,433,433,-876,433,433,-880,433,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,433,-814,433,-816,-803,433,-804,-807,433,-818,-821,-823,-825,-827,433,-828,433,-811,433,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,433,-284,433,433,433,433,-457,433,433,-731,433,-738,433,-743,433,-665,-673,433,433,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,433,-838,-53,433,433,-732,433,-739,433,-744,-666,433,-875,-54,433,433,-733,-740,-745,433,433,433,-874,]),'LONG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[434,434,434,434,-1896,434,434,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,434,434,434,434,-277,-278,434,-1427,434,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,434,434,434,-492,434,434,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,434,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,434,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,434,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,434,-174,-175,-176,-177,-995,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-292,-293,-283,434,434,434,434,434,-330,-320,-334,-335,-336,434,434,-984,-985,-986,-987,-988,-989,-990,434,434,434,434,434,434,434,434,434,434,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,434,434,434,-355,-358,434,-325,-326,-143,434,-144,434,-145,434,-432,-937,-938,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-1896,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-1896,434,-1896,434,434,434,434,434,434,434,434,434,434,434,434,-1896,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-1896,434,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,434,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,434,434,434,-193,-194,434,-996,434,434,434,434,434,-279,-280,-281,-282,-367,434,-310,434,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,434,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,434,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,434,434,434,434,434,434,-575,434,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,434,434,-725,-726,-727,434,434,434,434,434,434,-996,434,434,-93,-94,434,434,434,434,-311,-312,-322,434,-309,-295,-296,-297,434,434,434,434,-620,-635,-592,434,434,-438,434,-439,434,-446,-447,-448,-380,-381,434,434,434,-508,434,434,-512,434,434,434,434,-517,-518,-519,-520,434,434,-523,-524,434,-526,-527,-528,-529,-530,-531,-532,-533,434,-535,434,434,434,-541,-543,-544,434,-546,-547,-548,-549,434,434,434,434,434,434,-654,-655,-656,-657,434,-659,-660,-661,434,434,434,-667,434,434,-671,-672,434,434,-675,434,-677,-678,434,-681,434,-683,434,434,-686,-687,-688,434,-690,434,434,-693,434,434,-696,-697,-698,434,-700,-701,-702,-703,434,434,-748,434,-751,-752,-753,-754,-755,434,-757,-758,-759,-760,-761,434,-768,-769,-771,434,-773,-774,-775,-784,-858,-860,-862,-864,434,434,434,434,-870,434,-872,434,434,434,434,434,434,434,-908,-909,434,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,434,-923,-926,434,-936,434,-387,-388,-389,434,434,-392,-393,-394,-395,434,-398,434,-401,-402,434,-403,434,-408,-409,434,-412,-413,-414,434,-417,434,-418,434,-423,-424,434,-427,434,-430,-431,-1896,-1896,434,-621,-622,-623,-624,-625,-636,-586,-626,-799,434,434,434,434,434,-833,434,434,-808,434,-834,434,434,434,434,-800,434,-855,-801,434,434,434,434,434,434,-856,-857,434,-836,-832,-837,434,-627,434,-628,-629,-630,-631,-576,434,434,-632,-633,-634,434,434,434,434,434,434,-637,-638,-639,-594,-1896,-604,434,-640,-641,-715,-642,-606,434,-574,-579,-582,-585,434,434,434,-600,-603,434,-610,434,434,434,434,434,434,434,434,434,434,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,434,434,434,-997,434,434,434,434,434,434,-308,-327,-321,-298,-377,-454,-455,-456,-460,434,-445,434,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,434,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,434,434,434,434,434,434,434,434,434,-318,-537,-510,-593,-939,-941,-942,-440,434,-442,-382,-383,-385,-509,-511,-513,434,-515,-516,-521,-522,434,-534,-536,-539,-540,-545,-550,-728,434,-729,434,-734,434,-736,434,-741,-658,-662,-663,434,-668,434,-669,434,-674,-676,434,-679,434,434,434,-689,-691,434,-694,434,434,-746,434,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,434,434,434,434,434,-879,434,-882,-910,-922,-927,-390,-391,434,-396,434,-399,434,-404,434,-405,434,-410,434,-415,434,-419,434,-420,434,-425,434,-428,-901,-902,-645,-587,-1896,-903,434,434,434,-802,434,434,-806,434,-809,-835,434,-820,434,-822,434,-824,-810,434,-826,434,-853,-854,434,434,-813,434,-648,-904,-906,-650,-651,-647,434,-707,-708,434,-644,-905,-649,-652,-605,-716,434,434,-607,-588,434,434,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,434,434,-711,-712,434,-718,434,434,434,434,434,434,-940,434,-441,-443,-749,434,-893,434,-717,-1896,434,434,434,434,434,-444,-514,-525,434,-730,-735,434,-737,434,-742,434,-664,-670,434,-680,-682,-684,-685,-692,-695,-699,-747,434,434,-876,434,434,-880,434,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,434,-814,434,-816,-803,434,-804,-807,434,-818,-821,-823,-825,-827,434,-828,434,-811,434,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,434,-284,434,434,434,434,-457,434,434,-731,434,-738,434,-743,434,-665,-673,434,434,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,434,-838,-53,434,434,-732,434,-739,434,-744,-666,434,-875,-54,434,434,-733,-740,-745,434,434,434,-874,]),'LONGB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[435,435,435,435,-1896,435,435,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,435,435,435,435,-277,-278,435,-1427,435,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,435,435,435,-492,435,435,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,435,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,435,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,435,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,435,-174,-175,-176,-177,-995,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-292,-293,-283,435,435,435,435,435,-330,-320,-334,-335,-336,435,435,-984,-985,-986,-987,-988,-989,-990,435,435,435,435,435,435,435,435,435,435,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,435,435,435,-355,-358,435,-325,-326,-143,435,-144,435,-145,435,-432,-937,-938,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-1896,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-1896,435,-1896,435,435,435,435,435,435,435,435,435,435,435,435,-1896,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-1896,435,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,435,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,435,435,435,-193,-194,435,-996,435,435,435,435,435,-279,-280,-281,-282,-367,435,-310,435,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,435,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,435,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,435,435,435,435,435,435,-575,435,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,435,435,-725,-726,-727,435,435,435,435,435,435,-996,435,435,-93,-94,435,435,435,435,-311,-312,-322,435,-309,-295,-296,-297,435,435,435,435,-620,-635,-592,435,435,-438,435,-439,435,-446,-447,-448,-380,-381,435,435,435,-508,435,435,-512,435,435,435,435,-517,-518,-519,-520,435,435,-523,-524,435,-526,-527,-528,-529,-530,-531,-532,-533,435,-535,435,435,435,-541,-543,-544,435,-546,-547,-548,-549,435,435,435,435,435,435,-654,-655,-656,-657,435,-659,-660,-661,435,435,435,-667,435,435,-671,-672,435,435,-675,435,-677,-678,435,-681,435,-683,435,435,-686,-687,-688,435,-690,435,435,-693,435,435,-696,-697,-698,435,-700,-701,-702,-703,435,435,-748,435,-751,-752,-753,-754,-755,435,-757,-758,-759,-760,-761,435,-768,-769,-771,435,-773,-774,-775,-784,-858,-860,-862,-864,435,435,435,435,-870,435,-872,435,435,435,435,435,435,435,-908,-909,435,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,435,-923,-926,435,-936,435,-387,-388,-389,435,435,-392,-393,-394,-395,435,-398,435,-401,-402,435,-403,435,-408,-409,435,-412,-413,-414,435,-417,435,-418,435,-423,-424,435,-427,435,-430,-431,-1896,-1896,435,-621,-622,-623,-624,-625,-636,-586,-626,-799,435,435,435,435,435,-833,435,435,-808,435,-834,435,435,435,435,-800,435,-855,-801,435,435,435,435,435,435,-856,-857,435,-836,-832,-837,435,-627,435,-628,-629,-630,-631,-576,435,435,-632,-633,-634,435,435,435,435,435,435,-637,-638,-639,-594,-1896,-604,435,-640,-641,-715,-642,-606,435,-574,-579,-582,-585,435,435,435,-600,-603,435,-610,435,435,435,435,435,435,435,435,435,435,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,435,435,435,-997,435,435,435,435,435,435,-308,-327,-321,-298,-377,-454,-455,-456,-460,435,-445,435,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,435,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,435,435,435,435,435,435,435,435,435,-318,-537,-510,-593,-939,-941,-942,-440,435,-442,-382,-383,-385,-509,-511,-513,435,-515,-516,-521,-522,435,-534,-536,-539,-540,-545,-550,-728,435,-729,435,-734,435,-736,435,-741,-658,-662,-663,435,-668,435,-669,435,-674,-676,435,-679,435,435,435,-689,-691,435,-694,435,435,-746,435,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,435,435,435,435,435,-879,435,-882,-910,-922,-927,-390,-391,435,-396,435,-399,435,-404,435,-405,435,-410,435,-415,435,-419,435,-420,435,-425,435,-428,-901,-902,-645,-587,-1896,-903,435,435,435,-802,435,435,-806,435,-809,-835,435,-820,435,-822,435,-824,-810,435,-826,435,-853,-854,435,435,-813,435,-648,-904,-906,-650,-651,-647,435,-707,-708,435,-644,-905,-649,-652,-605,-716,435,435,-607,-588,435,435,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,435,435,-711,-712,435,-718,435,435,435,435,435,435,-940,435,-441,-443,-749,435,-893,435,-717,-1896,435,435,435,435,435,-444,-514,-525,435,-730,-735,435,-737,435,-742,435,-664,-670,435,-680,-682,-684,-685,-692,-695,-699,-747,435,435,-876,435,435,-880,435,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,435,-814,435,-816,-803,435,-804,-807,435,-818,-821,-823,-825,-827,435,-828,435,-811,435,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,435,-284,435,435,435,435,-457,435,435,-731,435,-738,435,-743,435,-665,-673,435,435,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,435,-838,-53,435,435,-732,435,-739,435,-744,-666,435,-875,-54,435,435,-733,-740,-745,435,435,435,-874,]),'LOOP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[436,436,436,436,-1896,436,436,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,436,436,436,436,-277,-278,436,-1427,436,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,436,436,436,-492,436,436,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,436,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,436,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,436,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,436,-174,-175,-176,-177,-995,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-292,-293,-283,436,436,436,436,436,-330,-320,-334,-335,-336,436,436,-984,-985,-986,-987,-988,-989,-990,436,436,436,436,436,436,436,436,436,436,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,436,436,436,-355,-358,436,-325,-326,-143,436,-144,436,-145,436,-432,-937,-938,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-1896,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-1896,436,-1896,436,436,436,436,436,436,436,436,436,436,436,436,-1896,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-1896,436,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,436,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,436,436,436,-193,-194,436,-996,436,436,436,436,436,-279,-280,-281,-282,-367,436,-310,436,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,436,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,436,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,436,436,436,436,436,436,-575,436,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,436,436,-725,-726,-727,436,436,436,436,436,436,-996,436,436,-93,-94,436,436,436,436,-311,-312,-322,436,-309,-295,-296,-297,436,436,436,436,-620,-635,-592,436,436,-438,436,-439,436,-446,-447,-448,-380,-381,436,436,436,-508,436,436,-512,436,436,436,436,-517,-518,-519,-520,436,436,-523,-524,436,-526,-527,-528,-529,-530,-531,-532,-533,436,-535,436,436,436,-541,-543,-544,436,-546,-547,-548,-549,436,436,436,436,436,436,-654,-655,-656,-657,436,-659,-660,-661,436,436,436,-667,436,436,-671,-672,436,436,-675,436,-677,-678,436,-681,436,-683,436,436,-686,-687,-688,436,-690,436,436,-693,436,436,-696,-697,-698,436,-700,-701,-702,-703,436,436,-748,436,-751,-752,-753,-754,-755,436,-757,-758,-759,-760,-761,436,-768,-769,-771,436,-773,-774,-775,-784,-858,-860,-862,-864,436,436,436,436,-870,436,-872,436,436,436,436,436,436,436,-908,-909,436,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,436,-923,-926,436,-936,436,-387,-388,-389,436,436,-392,-393,-394,-395,436,-398,436,-401,-402,436,-403,436,-408,-409,436,-412,-413,-414,436,-417,436,-418,436,-423,-424,436,-427,436,-430,-431,-1896,-1896,436,-621,-622,-623,-624,-625,-636,-586,-626,-799,436,436,436,436,436,-833,436,436,-808,436,-834,436,436,436,436,-800,436,-855,-801,436,436,436,436,436,436,-856,-857,436,-836,-832,-837,436,-627,436,-628,-629,-630,-631,-576,436,436,-632,-633,-634,436,436,436,436,436,436,-637,-638,-639,-594,-1896,-604,436,-640,-641,-715,-642,-606,436,-574,-579,-582,-585,436,436,436,-600,-603,436,-610,436,436,436,436,436,436,436,436,436,436,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,436,436,436,-997,436,436,436,436,436,436,-308,-327,-321,-298,-377,-454,-455,-456,-460,436,-445,436,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,436,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,436,436,436,436,436,436,436,436,436,-318,-537,-510,-593,-939,-941,-942,-440,436,-442,-382,-383,-385,-509,-511,-513,436,-515,-516,-521,-522,436,-534,-536,-539,-540,-545,-550,-728,436,-729,436,-734,436,-736,436,-741,-658,-662,-663,436,-668,436,-669,436,-674,-676,436,-679,436,436,436,-689,-691,436,-694,436,436,-746,436,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,436,436,436,436,436,-879,436,-882,-910,-922,-927,-390,-391,436,-396,436,-399,436,-404,436,-405,436,-410,436,-415,436,-419,436,-420,436,-425,436,-428,-901,-902,-645,-587,-1896,-903,436,436,436,-802,436,436,-806,436,-809,-835,436,-820,436,-822,436,-824,-810,436,-826,436,-853,-854,436,436,-813,436,-648,-904,-906,-650,-651,-647,436,-707,-708,436,-644,-905,-649,-652,-605,-716,436,436,-607,-588,436,436,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,436,436,-711,-712,436,-718,436,436,436,436,436,436,-940,436,-441,-443,-749,436,-893,436,-717,-1896,436,436,436,436,436,-444,-514,-525,436,-730,-735,436,-737,436,-742,436,-664,-670,436,-680,-682,-684,-685,-692,-695,-699,-747,436,436,-876,436,436,-880,436,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,436,-814,436,-816,-803,436,-804,-807,436,-818,-821,-823,-825,-827,436,-828,436,-811,436,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,436,-284,436,436,436,436,-457,436,436,-731,436,-738,436,-743,436,-665,-673,436,436,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,436,-838,-53,436,436,-732,436,-739,436,-744,-666,436,-875,-54,436,436,-733,-740,-745,436,436,436,-874,]),'LOWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[437,437,437,1104,-1896,437,437,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,437,437,437,437,-277,-278,1104,-1427,1104,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1104,1104,1104,-492,1104,1104,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1104,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1104,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1915,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,437,-174,-175,-176,-177,-995,437,437,437,437,437,437,437,437,437,437,1104,1104,1104,1104,1104,-292,-293,-283,437,1104,1104,1104,1104,-330,-320,-334,-335,-336,1104,1104,-984,-985,-986,-987,-988,-989,-990,437,437,1104,1104,1104,1104,1104,1104,1104,1104,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1104,1104,1104,-355,-358,437,-325,-326,-143,1104,-144,1104,-145,1104,-432,-937,-938,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1896,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1896,1104,-1896,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1896,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1896,437,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1104,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1104,437,437,-193,-194,437,-996,1104,437,437,437,437,-279,-280,-281,-282,-367,1104,-310,1104,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1104,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1104,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1104,1104,1104,1104,1104,1104,-575,1104,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1104,1104,-725,-726,-727,1104,1915,437,437,437,437,-996,437,1104,-93,-94,437,437,437,1104,-311,-312,-322,1104,-309,-295,-296,-297,1104,437,1104,1104,-620,-635,-592,1104,437,-438,437,-439,1104,-446,-447,-448,-380,-381,1104,1104,1104,-508,1104,1104,-512,1104,1104,1104,1104,-517,-518,-519,-520,1104,1104,-523,-524,1104,-526,-527,-528,-529,-530,-531,-532,-533,1104,-535,1104,1104,1104,-541,-543,-544,1104,-546,-547,-548,-549,1104,1104,1104,1104,1104,1104,-654,-655,-656,-657,437,-659,-660,-661,1104,1104,1104,-667,1104,1104,-671,-672,1104,1104,-675,1104,-677,-678,1104,-681,1104,-683,1104,1104,-686,-687,-688,1104,-690,1104,1104,-693,1104,1104,-696,-697,-698,1104,-700,-701,-702,-703,1104,1104,-748,1104,-751,-752,-753,-754,-755,1104,-757,-758,-759,-760,-761,1104,-768,-769,-771,1104,-773,-774,-775,-784,-858,-860,-862,-864,1104,1104,1104,1104,-870,1104,-872,1104,1104,1104,1104,1104,1104,1104,-908,-909,1104,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1104,-923,-926,1104,-936,1104,-387,-388,-389,1104,1104,-392,-393,-394,-395,1104,-398,1104,-401,-402,1104,-403,1104,-408,-409,1104,-412,-413,-414,1104,-417,1104,-418,1104,-423,-424,1104,-427,1104,-430,-431,-1896,-1896,1104,-621,-622,-623,-624,-625,-636,-586,-626,-799,1104,1104,1104,1104,1104,-833,1104,1104,-808,1104,-834,1104,1104,1104,1104,-800,1104,-855,-801,1104,1104,1104,1104,1104,1104,-856,-857,1104,-836,-832,-837,1104,-627,1104,-628,-629,-630,-631,-576,1104,1104,-632,-633,-634,1104,1104,1104,1104,1104,1104,-637,-638,-639,-594,-1896,-604,1104,-640,-641,-715,-642,-606,1104,-574,-579,-582,-585,1104,1104,1104,-600,-603,1104,-610,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1104,437,437,-997,437,1104,437,437,437,1104,-308,-327,-321,-298,-377,-454,-455,-456,-460,437,-445,1104,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1104,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,437,437,437,437,437,437,437,437,1104,-318,-537,-510,-593,-939,-941,-942,-440,1104,-442,-382,-383,-385,-509,-511,-513,1104,-515,-516,-521,-522,1104,-534,-536,-539,-540,-545,-550,-728,1104,-729,1104,-734,1104,-736,1104,-741,-658,-662,-663,1104,-668,1104,-669,1104,-674,-676,1104,-679,1104,1104,1104,-689,-691,1104,-694,1104,1104,-746,1104,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1104,1104,1104,1104,1104,-879,1104,-882,-910,-922,-927,-390,-391,1104,-396,1104,-399,1104,-404,1104,-405,1104,-410,1104,-415,1104,-419,1104,-420,1104,-425,1104,-428,-901,-902,-645,-587,-1896,-903,1104,1104,1104,-802,1104,1104,-806,1104,-809,-835,1104,-820,1104,-822,1104,-824,-810,1104,-826,1104,-853,-854,1104,1104,-813,1104,-648,-904,-906,-650,-651,-647,1104,-707,-708,1104,-644,-905,-649,-652,-605,-716,1104,1104,-607,-588,1104,1104,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1104,1104,-711,-712,1104,-718,1104,437,437,437,1104,1104,-940,437,-441,-443,-749,1104,-893,1915,-717,-1896,1104,1104,437,437,1104,-444,-514,-525,1104,-730,-735,1104,-737,1104,-742,1104,-664,-670,1104,-680,-682,-684,-685,-692,-695,-699,-747,1104,1104,-876,1104,1104,-880,1104,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1104,-814,1104,-816,-803,1104,-804,-807,1104,-818,-821,-823,-825,-827,1104,-828,1104,-811,1104,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,437,-284,437,1104,437,1104,-457,1104,1104,-731,1104,-738,1104,-743,1104,-665,-673,1104,1104,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1104,-838,-53,437,1104,-732,1104,-739,1104,-744,-666,1104,-875,-54,437,437,-733,-740,-745,1104,437,1104,-874,]),'LPAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[438,438,438,1105,-1896,438,438,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,438,438,438,438,-277,-278,1105,-1427,1105,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1105,1105,1105,-492,1105,1105,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1105,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1105,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1916,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,438,-174,-175,-176,-177,-995,438,438,438,438,438,438,438,438,438,438,1105,1105,1105,1105,1105,-292,-293,-283,438,1105,1105,1105,1105,-330,-320,-334,-335,-336,1105,1105,-984,-985,-986,-987,-988,-989,-990,438,438,1105,1105,1105,1105,1105,1105,1105,1105,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1105,1105,1105,-355,-358,438,-325,-326,-143,1105,-144,1105,-145,1105,-432,-937,-938,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1896,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1896,1105,-1896,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1896,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1896,438,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1105,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1105,438,438,-193,-194,438,-996,1105,438,438,438,438,-279,-280,-281,-282,-367,1105,-310,1105,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1105,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1105,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1105,1105,1105,1105,1105,1105,-575,1105,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1105,1105,-725,-726,-727,1105,1916,438,438,438,438,-996,438,1105,-93,-94,438,438,438,1105,-311,-312,-322,1105,-309,-295,-296,-297,1105,438,1105,1105,-620,-635,-592,1105,438,-438,438,-439,1105,-446,-447,-448,-380,-381,1105,1105,1105,-508,1105,1105,-512,1105,1105,1105,1105,-517,-518,-519,-520,1105,1105,-523,-524,1105,-526,-527,-528,-529,-530,-531,-532,-533,1105,-535,1105,1105,1105,-541,-543,-544,1105,-546,-547,-548,-549,1105,1105,1105,1105,1105,1105,-654,-655,-656,-657,438,-659,-660,-661,1105,1105,1105,-667,1105,1105,-671,-672,1105,1105,-675,1105,-677,-678,1105,-681,1105,-683,1105,1105,-686,-687,-688,1105,-690,1105,1105,-693,1105,1105,-696,-697,-698,1105,-700,-701,-702,-703,1105,1105,-748,1105,-751,-752,-753,-754,-755,1105,-757,-758,-759,-760,-761,1105,-768,-769,-771,1105,-773,-774,-775,-784,-858,-860,-862,-864,1105,1105,1105,1105,-870,1105,-872,1105,1105,1105,1105,1105,1105,1105,-908,-909,1105,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1105,-923,-926,1105,-936,1105,-387,-388,-389,1105,1105,-392,-393,-394,-395,1105,-398,1105,-401,-402,1105,-403,1105,-408,-409,1105,-412,-413,-414,1105,-417,1105,-418,1105,-423,-424,1105,-427,1105,-430,-431,-1896,-1896,1105,-621,-622,-623,-624,-625,-636,-586,-626,-799,1105,1105,1105,1105,1105,-833,1105,1105,-808,1105,-834,1105,1105,1105,1105,-800,1105,-855,-801,1105,1105,1105,1105,1105,1105,-856,-857,1105,-836,-832,-837,1105,-627,1105,-628,-629,-630,-631,-576,1105,1105,-632,-633,-634,1105,1105,1105,1105,1105,1105,-637,-638,-639,-594,-1896,-604,1105,-640,-641,-715,-642,-606,1105,-574,-579,-582,-585,1105,1105,1105,-600,-603,1105,-610,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1105,438,438,-997,438,1105,438,438,438,1105,-308,-327,-321,-298,-377,-454,-455,-456,-460,438,-445,1105,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1105,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,438,438,438,438,438,438,438,438,1105,-318,-537,-510,-593,-939,-941,-942,-440,1105,-442,-382,-383,-385,-509,-511,-513,1105,-515,-516,-521,-522,1105,-534,-536,-539,-540,-545,-550,-728,1105,-729,1105,-734,1105,-736,1105,-741,-658,-662,-663,1105,-668,1105,-669,1105,-674,-676,1105,-679,1105,1105,1105,-689,-691,1105,-694,1105,1105,-746,1105,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1105,1105,1105,1105,1105,-879,1105,-882,-910,-922,-927,-390,-391,1105,-396,1105,-399,1105,-404,1105,-405,1105,-410,1105,-415,1105,-419,1105,-420,1105,-425,1105,-428,-901,-902,-645,-587,-1896,-903,1105,1105,1105,-802,1105,1105,-806,1105,-809,-835,1105,-820,1105,-822,1105,-824,-810,1105,-826,1105,-853,-854,1105,1105,-813,1105,-648,-904,-906,-650,-651,-647,1105,-707,-708,1105,-644,-905,-649,-652,-605,-716,1105,1105,-607,-588,1105,1105,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1105,1105,-711,-712,1105,-718,1105,438,438,438,1105,1105,-940,438,-441,-443,-749,1105,-893,1916,-717,-1896,1105,1105,438,438,1105,-444,-514,-525,1105,-730,-735,1105,-737,1105,-742,1105,-664,-670,1105,-680,-682,-684,-685,-692,-695,-699,-747,1105,1105,-876,1105,1105,-880,1105,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1105,-814,1105,-816,-803,1105,-804,-807,1105,-818,-821,-823,-825,-827,1105,-828,1105,-811,1105,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,438,-284,438,1105,438,1105,-457,1105,1105,-731,1105,-738,1105,-743,1105,-665,-673,1105,1105,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1105,-838,-53,438,1105,-732,1105,-739,1105,-744,-666,1105,-875,-54,438,438,-733,-740,-745,1105,438,1105,-874,]),'LTRIM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[439,439,439,1106,-1896,439,439,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,439,439,439,439,-277,-278,1106,-1427,1106,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1106,1106,1106,-492,1106,1106,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1106,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1106,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1917,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,439,-174,-175,-176,-177,-995,439,439,439,439,439,439,439,439,439,439,1106,1106,1106,1106,1106,-292,-293,-283,439,1106,1106,1106,1106,-330,-320,-334,-335,-336,1106,1106,-984,-985,-986,-987,-988,-989,-990,439,439,1106,1106,1106,1106,1106,1106,1106,1106,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1106,1106,1106,-355,-358,439,-325,-326,-143,1106,-144,1106,-145,1106,-432,-937,-938,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1896,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1896,1106,-1896,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1896,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1896,439,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1106,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1106,439,439,-193,-194,439,-996,1106,439,439,439,439,-279,-280,-281,-282,-367,1106,-310,1106,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1106,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1106,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1106,1106,1106,1106,1106,1106,-575,1106,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1106,1106,-725,-726,-727,1106,1917,439,439,439,439,-996,439,1106,-93,-94,439,439,439,1106,-311,-312,-322,1106,-309,-295,-296,-297,1106,439,1106,1106,-620,-635,-592,1106,439,-438,439,-439,1106,-446,-447,-448,-380,-381,1106,1106,1106,-508,1106,1106,-512,1106,1106,1106,1106,-517,-518,-519,-520,1106,1106,-523,-524,1106,-526,-527,-528,-529,-530,-531,-532,-533,1106,-535,1106,1106,1106,-541,-543,-544,1106,-546,-547,-548,-549,1106,1106,1106,1106,1106,1106,-654,-655,-656,-657,439,-659,-660,-661,1106,1106,1106,-667,1106,1106,-671,-672,1106,1106,-675,1106,-677,-678,1106,-681,1106,-683,1106,1106,-686,-687,-688,1106,-690,1106,1106,-693,1106,1106,-696,-697,-698,1106,-700,-701,-702,-703,1106,1106,-748,1106,-751,-752,-753,-754,-755,1106,-757,-758,-759,-760,-761,1106,-768,-769,-771,1106,-773,-774,-775,-784,-858,-860,-862,-864,1106,1106,1106,1106,-870,1106,-872,1106,1106,1106,1106,1106,1106,1106,-908,-909,1106,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1106,-923,-926,1106,-936,1106,-387,-388,-389,1106,1106,-392,-393,-394,-395,1106,-398,1106,-401,-402,1106,-403,1106,-408,-409,1106,-412,-413,-414,1106,-417,1106,-418,1106,-423,-424,1106,-427,1106,-430,-431,-1896,-1896,1106,-621,-622,-623,-624,-625,-636,-586,-626,-799,1106,1106,1106,1106,1106,-833,1106,1106,-808,1106,-834,1106,1106,1106,1106,-800,1106,-855,-801,1106,1106,1106,1106,1106,1106,-856,-857,1106,-836,-832,-837,1106,-627,1106,-628,-629,-630,-631,-576,1106,1106,-632,-633,-634,1106,1106,1106,1106,1106,1106,-637,-638,-639,-594,-1896,-604,1106,-640,-641,-715,-642,-606,1106,-574,-579,-582,-585,1106,1106,1106,-600,-603,1106,-610,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1106,439,439,-997,439,1106,439,439,439,1106,-308,-327,-321,-298,-377,-454,-455,-456,-460,439,-445,1106,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1106,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,439,439,439,439,439,439,439,439,1106,-318,-537,-510,-593,-939,-941,-942,-440,1106,-442,-382,-383,-385,-509,-511,-513,1106,-515,-516,-521,-522,1106,-534,-536,-539,-540,-545,-550,-728,1106,-729,1106,-734,1106,-736,1106,-741,-658,-662,-663,1106,-668,1106,-669,1106,-674,-676,1106,-679,1106,1106,1106,-689,-691,1106,-694,1106,1106,-746,1106,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1106,1106,1106,1106,1106,-879,1106,-882,-910,-922,-927,-390,-391,1106,-396,1106,-399,1106,-404,1106,-405,1106,-410,1106,-415,1106,-419,1106,-420,1106,-425,1106,-428,-901,-902,-645,-587,-1896,-903,1106,1106,1106,-802,1106,1106,-806,1106,-809,-835,1106,-820,1106,-822,1106,-824,-810,1106,-826,1106,-853,-854,1106,1106,-813,1106,-648,-904,-906,-650,-651,-647,1106,-707,-708,1106,-644,-905,-649,-652,-605,-716,1106,1106,-607,-588,1106,1106,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1106,1106,-711,-712,1106,-718,1106,439,439,439,1106,1106,-940,439,-441,-443,-749,1106,-893,1917,-717,-1896,1106,1106,439,439,1106,-444,-514,-525,1106,-730,-735,1106,-737,1106,-742,1106,-664,-670,1106,-680,-682,-684,-685,-692,-695,-699,-747,1106,1106,-876,1106,1106,-880,1106,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1106,-814,1106,-816,-803,1106,-804,-807,1106,-818,-821,-823,-825,-827,1106,-828,1106,-811,1106,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,439,-284,439,1106,439,1106,-457,1106,1106,-731,1106,-738,1106,-743,1106,-665,-673,1106,1106,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1106,-838,-53,439,1106,-732,1106,-739,1106,-744,-666,1106,-875,-54,439,439,-733,-740,-745,1106,439,1106,-874,]),'MAJOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[440,440,440,440,-1896,440,440,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,440,440,440,440,-277,-278,440,-1427,440,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,440,440,440,-492,440,440,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,440,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,440,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,440,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,440,-174,-175,-176,-177,-995,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-292,-293,-283,440,440,440,440,440,-330,-320,-334,-335,-336,440,440,-984,-985,-986,-987,-988,-989,-990,440,440,440,440,440,440,440,440,440,440,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,440,440,440,-355,-358,440,-325,-326,-143,440,-144,440,-145,440,-432,-937,-938,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-1896,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-1896,440,-1896,440,440,440,440,440,440,440,440,440,440,440,440,-1896,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-1896,440,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,440,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,440,440,440,-193,-194,440,-996,440,440,440,440,440,-279,-280,-281,-282,-367,440,-310,440,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,440,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,440,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,440,440,440,440,440,440,-575,440,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,440,440,-725,-726,-727,440,440,440,440,440,440,-996,440,440,-93,-94,440,440,440,440,-311,-312,-322,440,-309,-295,-296,-297,440,440,440,440,-620,-635,-592,440,440,-438,440,-439,440,-446,-447,-448,-380,-381,440,440,440,-508,440,440,-512,440,440,440,440,-517,-518,-519,-520,440,440,-523,-524,440,-526,-527,-528,-529,-530,-531,-532,-533,440,-535,440,440,440,-541,-543,-544,440,-546,-547,-548,-549,440,440,440,440,440,440,-654,-655,-656,-657,440,-659,-660,-661,440,440,440,-667,440,440,-671,-672,440,440,-675,440,-677,-678,440,-681,440,-683,440,440,-686,-687,-688,440,-690,440,440,-693,440,440,-696,-697,-698,440,-700,-701,-702,-703,440,440,-748,440,-751,-752,-753,-754,-755,440,-757,-758,-759,-760,-761,440,-768,-769,-771,440,-773,-774,-775,-784,-858,-860,-862,-864,440,440,440,440,-870,440,-872,440,440,440,440,440,440,440,-908,-909,440,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,440,-923,-926,440,-936,440,-387,-388,-389,440,440,-392,-393,-394,-395,440,-398,440,-401,-402,440,-403,440,-408,-409,440,-412,-413,-414,440,-417,440,-418,440,-423,-424,440,-427,440,-430,-431,-1896,-1896,440,-621,-622,-623,-624,-625,-636,-586,-626,-799,440,440,440,440,440,-833,440,440,-808,440,-834,440,440,440,440,-800,440,-855,-801,440,440,440,440,440,440,-856,-857,440,-836,-832,-837,440,-627,440,-628,-629,-630,-631,-576,440,440,-632,-633,-634,440,440,440,440,440,440,-637,-638,-639,-594,-1896,-604,440,-640,-641,-715,-642,-606,440,-574,-579,-582,-585,440,440,440,-600,-603,440,-610,440,440,440,440,440,440,440,440,440,440,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,440,440,440,-997,440,440,440,440,440,440,-308,-327,-321,-298,-377,-454,-455,-456,-460,440,-445,440,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,440,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,440,440,440,440,440,440,440,440,440,-318,-537,-510,-593,-939,-941,-942,-440,440,-442,-382,-383,-385,-509,-511,-513,440,-515,-516,-521,-522,440,-534,-536,-539,-540,-545,-550,-728,440,-729,440,-734,440,-736,440,-741,-658,-662,-663,440,-668,440,-669,440,-674,-676,440,-679,440,440,440,-689,-691,440,-694,440,440,-746,440,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,440,440,440,440,440,-879,440,-882,-910,-922,-927,-390,-391,440,-396,440,-399,440,-404,440,-405,440,-410,440,-415,440,-419,440,-420,440,-425,440,-428,-901,-902,-645,-587,-1896,-903,440,440,440,-802,440,440,-806,440,-809,-835,440,-820,440,-822,440,-824,-810,440,-826,440,-853,-854,440,440,-813,440,-648,-904,-906,-650,-651,-647,440,-707,-708,440,-644,-905,-649,-652,-605,-716,440,440,-607,-588,440,440,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,440,440,-711,-712,440,-718,440,440,440,440,440,440,-940,440,-441,-443,-749,440,-893,440,-717,-1896,440,440,440,440,440,-444,-514,-525,440,-730,-735,440,-737,440,-742,440,-664,-670,440,-680,-682,-684,-685,-692,-695,-699,-747,440,440,-876,440,440,-880,440,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,440,-814,440,-816,-803,440,-804,-807,440,-818,-821,-823,-825,-827,440,-828,440,-811,440,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,440,-284,440,440,440,440,-457,440,440,-731,440,-738,440,-743,440,-665,-673,440,440,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,440,-838,-53,440,440,-732,440,-739,440,-744,-666,440,-875,-54,440,440,-733,-740,-745,440,440,440,-874,]),'MAKEDATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[441,441,441,1286,-1896,441,441,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,441,441,441,441,-277,-278,1286,-1427,1286,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1286,1286,1286,-492,1286,1286,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1286,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1286,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1286,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,441,-174,-175,-176,-177,-995,441,441,441,441,441,441,441,441,441,441,1286,1286,1286,1286,1286,-292,-293,-283,441,1286,1286,1286,1286,-330,-320,-334,-335,-336,1286,1286,-984,-985,-986,-987,-988,-989,-990,441,441,1286,1286,1286,1286,1286,1286,1286,1286,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1286,1286,1286,-355,-358,441,-325,-326,-143,1286,-144,1286,-145,1286,-432,-937,-938,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1896,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1896,1286,-1896,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1896,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1896,441,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1286,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1286,441,441,-193,-194,441,-996,1286,441,441,441,441,-279,-280,-281,-282,-367,1286,-310,1286,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1286,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1286,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1286,1286,1286,1286,1286,1286,-575,1286,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1286,1286,-725,-726,-727,1286,1286,441,441,441,441,-996,441,1286,-93,-94,441,441,441,1286,-311,-312,-322,1286,-309,-295,-296,-297,1286,441,1286,1286,-620,-635,-592,1286,441,-438,441,-439,1286,-446,-447,-448,-380,-381,1286,1286,1286,-508,1286,1286,-512,1286,1286,1286,1286,-517,-518,-519,-520,1286,1286,-523,-524,1286,-526,-527,-528,-529,-530,-531,-532,-533,1286,-535,1286,1286,1286,-541,-543,-544,1286,-546,-547,-548,-549,1286,1286,1286,1286,1286,1286,-654,-655,-656,-657,441,-659,-660,-661,1286,1286,1286,-667,1286,1286,-671,-672,1286,1286,-675,1286,-677,-678,1286,-681,1286,-683,1286,1286,-686,-687,-688,1286,-690,1286,1286,-693,1286,1286,-696,-697,-698,1286,-700,-701,-702,-703,1286,1286,-748,1286,-751,-752,-753,-754,-755,1286,-757,-758,-759,-760,-761,1286,-768,-769,-771,1286,-773,-774,-775,-784,-858,-860,-862,-864,1286,1286,1286,1286,-870,1286,-872,1286,1286,1286,1286,1286,1286,1286,-908,-909,1286,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1286,-923,-926,1286,-936,1286,-387,-388,-389,1286,1286,-392,-393,-394,-395,1286,-398,1286,-401,-402,1286,-403,1286,-408,-409,1286,-412,-413,-414,1286,-417,1286,-418,1286,-423,-424,1286,-427,1286,-430,-431,-1896,-1896,1286,-621,-622,-623,-624,-625,-636,-586,-626,-799,1286,1286,1286,1286,1286,-833,1286,1286,-808,1286,-834,1286,1286,1286,1286,-800,1286,-855,-801,1286,1286,1286,1286,1286,1286,-856,-857,1286,-836,-832,-837,1286,-627,1286,-628,-629,-630,-631,-576,1286,1286,-632,-633,-634,1286,1286,1286,1286,1286,1286,-637,-638,-639,-594,-1896,-604,1286,-640,-641,-715,-642,-606,1286,-574,-579,-582,-585,1286,1286,1286,-600,-603,1286,-610,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1286,441,441,-997,441,1286,441,441,441,1286,-308,-327,-321,-298,-377,-454,-455,-456,-460,441,-445,1286,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1286,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,441,441,441,441,441,441,441,441,1286,-318,-537,-510,-593,-939,-941,-942,-440,1286,-442,-382,-383,-385,-509,-511,-513,1286,-515,-516,-521,-522,1286,-534,-536,-539,-540,-545,-550,-728,1286,-729,1286,-734,1286,-736,1286,-741,-658,-662,-663,1286,-668,1286,-669,1286,-674,-676,1286,-679,1286,1286,1286,-689,-691,1286,-694,1286,1286,-746,1286,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1286,1286,1286,1286,1286,-879,1286,-882,-910,-922,-927,-390,-391,1286,-396,1286,-399,1286,-404,1286,-405,1286,-410,1286,-415,1286,-419,1286,-420,1286,-425,1286,-428,-901,-902,-645,-587,-1896,-903,1286,1286,1286,-802,1286,1286,-806,1286,-809,-835,1286,-820,1286,-822,1286,-824,-810,1286,-826,1286,-853,-854,1286,1286,-813,1286,-648,-904,-906,-650,-651,-647,1286,-707,-708,1286,-644,-905,-649,-652,-605,-716,1286,1286,-607,-588,1286,1286,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1286,1286,-711,-712,1286,-718,1286,441,441,441,1286,1286,-940,441,-441,-443,-749,1286,-893,1286,-717,-1896,1286,1286,441,441,1286,-444,-514,-525,1286,-730,-735,1286,-737,1286,-742,1286,-664,-670,1286,-680,-682,-684,-685,-692,-695,-699,-747,1286,1286,-876,1286,1286,-880,1286,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1286,-814,1286,-816,-803,1286,-804,-807,1286,-818,-821,-823,-825,-827,1286,-828,1286,-811,1286,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,441,-284,441,1286,441,1286,-457,1286,1286,-731,1286,-738,1286,-743,1286,-665,-673,1286,1286,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1286,-838,-53,441,1286,-732,1286,-739,1286,-744,-666,1286,-875,-54,441,441,-733,-740,-745,1286,441,1286,-874,]),'MAKE_SE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[442,442,442,442,-1896,442,442,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,442,442,442,442,-277,-278,442,-1427,442,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,442,442,442,-492,442,442,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,442,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,442,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,442,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,442,-174,-175,-176,-177,-995,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-292,-293,-283,442,442,442,442,442,-330,-320,-334,-335,-336,442,442,-984,-985,-986,-987,-988,-989,-990,442,442,442,442,442,442,442,442,442,442,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,442,442,442,-355,-358,442,-325,-326,-143,442,-144,442,-145,442,-432,-937,-938,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-1896,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-1896,442,-1896,442,442,442,442,442,442,442,442,442,442,442,442,-1896,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-1896,442,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,442,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,442,442,442,-193,-194,442,-996,442,442,442,442,442,-279,-280,-281,-282,-367,442,-310,442,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,442,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,442,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,442,442,442,442,442,442,-575,442,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,442,442,-725,-726,-727,442,442,442,442,442,442,-996,442,442,-93,-94,442,442,442,442,-311,-312,-322,442,-309,-295,-296,-297,442,442,442,442,-620,-635,-592,442,442,-438,442,-439,442,-446,-447,-448,-380,-381,442,442,442,-508,442,442,-512,442,442,442,442,-517,-518,-519,-520,442,442,-523,-524,442,-526,-527,-528,-529,-530,-531,-532,-533,442,-535,442,442,442,-541,-543,-544,442,-546,-547,-548,-549,442,442,442,442,442,442,-654,-655,-656,-657,442,-659,-660,-661,442,442,442,-667,442,442,-671,-672,442,442,-675,442,-677,-678,442,-681,442,-683,442,442,-686,-687,-688,442,-690,442,442,-693,442,442,-696,-697,-698,442,-700,-701,-702,-703,442,442,-748,442,-751,-752,-753,-754,-755,442,-757,-758,-759,-760,-761,442,-768,-769,-771,442,-773,-774,-775,-784,-858,-860,-862,-864,442,442,442,442,-870,442,-872,442,442,442,442,442,442,442,-908,-909,442,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,442,-923,-926,442,-936,442,-387,-388,-389,442,442,-392,-393,-394,-395,442,-398,442,-401,-402,442,-403,442,-408,-409,442,-412,-413,-414,442,-417,442,-418,442,-423,-424,442,-427,442,-430,-431,-1896,-1896,442,-621,-622,-623,-624,-625,-636,-586,-626,-799,442,442,442,442,442,-833,442,442,-808,442,-834,442,442,442,442,-800,442,-855,-801,442,442,442,442,442,442,-856,-857,442,-836,-832,-837,442,-627,442,-628,-629,-630,-631,-576,442,442,-632,-633,-634,442,442,442,442,442,442,-637,-638,-639,-594,-1896,-604,442,-640,-641,-715,-642,-606,442,-574,-579,-582,-585,442,442,442,-600,-603,442,-610,442,442,442,442,442,442,442,442,442,442,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,442,442,442,-997,442,442,442,442,442,442,-308,-327,-321,-298,-377,-454,-455,-456,-460,442,-445,442,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,442,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,442,442,442,442,442,442,442,442,442,-318,-537,-510,-593,-939,-941,-942,-440,442,-442,-382,-383,-385,-509,-511,-513,442,-515,-516,-521,-522,442,-534,-536,-539,-540,-545,-550,-728,442,-729,442,-734,442,-736,442,-741,-658,-662,-663,442,-668,442,-669,442,-674,-676,442,-679,442,442,442,-689,-691,442,-694,442,442,-746,442,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,442,442,442,442,442,-879,442,-882,-910,-922,-927,-390,-391,442,-396,442,-399,442,-404,442,-405,442,-410,442,-415,442,-419,442,-420,442,-425,442,-428,-901,-902,-645,-587,-1896,-903,442,442,442,-802,442,442,-806,442,-809,-835,442,-820,442,-822,442,-824,-810,442,-826,442,-853,-854,442,442,-813,442,-648,-904,-906,-650,-651,-647,442,-707,-708,442,-644,-905,-649,-652,-605,-716,442,442,-607,-588,442,442,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,442,442,-711,-712,442,-718,442,442,442,442,442,442,-940,442,-441,-443,-749,442,-893,442,-717,-1896,442,442,442,442,442,-444,-514,-525,442,-730,-735,442,-737,442,-742,442,-664,-670,442,-680,-682,-684,-685,-692,-695,-699,-747,442,442,-876,442,442,-880,442,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,442,-814,442,-816,-803,442,-804,-807,442,-818,-821,-823,-825,-827,442,-828,442,-811,442,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,442,-284,442,442,442,442,-457,442,442,-731,442,-738,442,-743,442,-665,-673,442,442,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,442,-838,-53,442,442,-732,442,-739,442,-744,-666,442,-875,-54,442,442,-733,-740,-745,442,442,442,-874,]),'MAKE_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[443,443,443,1107,-1896,443,443,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,443,443,443,443,-277,-278,1107,-1427,1107,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1107,1107,1107,-492,1107,1107,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1107,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1107,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1918,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,443,-174,-175,-176,-177,-995,443,443,443,443,443,443,443,443,443,443,1107,1107,1107,1107,1107,-292,-293,-283,443,1107,1107,1107,1107,-330,-320,-334,-335,-336,1107,1107,-984,-985,-986,-987,-988,-989,-990,443,443,1107,1107,1107,1107,1107,1107,1107,1107,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1107,1107,1107,-355,-358,443,-325,-326,-143,1107,-144,1107,-145,1107,-432,-937,-938,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1896,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1896,1107,-1896,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1896,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1896,443,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1107,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1107,443,443,-193,-194,443,-996,1107,443,443,443,443,-279,-280,-281,-282,-367,1107,-310,1107,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1107,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1107,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1107,1107,1107,1107,1107,1107,-575,1107,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1107,1107,-725,-726,-727,1107,1918,443,443,443,443,-996,443,1107,-93,-94,443,443,443,1107,-311,-312,-322,1107,-309,-295,-296,-297,1107,443,1107,1107,-620,-635,-592,1107,443,-438,443,-439,1107,-446,-447,-448,-380,-381,1107,1107,1107,-508,1107,1107,-512,1107,1107,1107,1107,-517,-518,-519,-520,1107,1107,-523,-524,1107,-526,-527,-528,-529,-530,-531,-532,-533,1107,-535,1107,1107,1107,-541,-543,-544,1107,-546,-547,-548,-549,1107,1107,1107,1107,1107,1107,-654,-655,-656,-657,443,-659,-660,-661,1107,1107,1107,-667,1107,1107,-671,-672,1107,1107,-675,1107,-677,-678,1107,-681,1107,-683,1107,1107,-686,-687,-688,1107,-690,1107,1107,-693,1107,1107,-696,-697,-698,1107,-700,-701,-702,-703,1107,1107,-748,1107,-751,-752,-753,-754,-755,1107,-757,-758,-759,-760,-761,1107,-768,-769,-771,1107,-773,-774,-775,-784,-858,-860,-862,-864,1107,1107,1107,1107,-870,1107,-872,1107,1107,1107,1107,1107,1107,1107,-908,-909,1107,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1107,-923,-926,1107,-936,1107,-387,-388,-389,1107,1107,-392,-393,-394,-395,1107,-398,1107,-401,-402,1107,-403,1107,-408,-409,1107,-412,-413,-414,1107,-417,1107,-418,1107,-423,-424,1107,-427,1107,-430,-431,-1896,-1896,1107,-621,-622,-623,-624,-625,-636,-586,-626,-799,1107,1107,1107,1107,1107,-833,1107,1107,-808,1107,-834,1107,1107,1107,1107,-800,1107,-855,-801,1107,1107,1107,1107,1107,1107,-856,-857,1107,-836,-832,-837,1107,-627,1107,-628,-629,-630,-631,-576,1107,1107,-632,-633,-634,1107,1107,1107,1107,1107,1107,-637,-638,-639,-594,-1896,-604,1107,-640,-641,-715,-642,-606,1107,-574,-579,-582,-585,1107,1107,1107,-600,-603,1107,-610,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1107,443,443,-997,443,1107,443,443,443,1107,-308,-327,-321,-298,-377,-454,-455,-456,-460,443,-445,1107,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1107,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,443,443,443,443,443,443,443,443,1107,-318,-537,-510,-593,-939,-941,-942,-440,1107,-442,-382,-383,-385,-509,-511,-513,1107,-515,-516,-521,-522,1107,-534,-536,-539,-540,-545,-550,-728,1107,-729,1107,-734,1107,-736,1107,-741,-658,-662,-663,1107,-668,1107,-669,1107,-674,-676,1107,-679,1107,1107,1107,-689,-691,1107,-694,1107,1107,-746,1107,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1107,1107,1107,1107,1107,-879,1107,-882,-910,-922,-927,-390,-391,1107,-396,1107,-399,1107,-404,1107,-405,1107,-410,1107,-415,1107,-419,1107,-420,1107,-425,1107,-428,-901,-902,-645,-587,-1896,-903,1107,1107,1107,-802,1107,1107,-806,1107,-809,-835,1107,-820,1107,-822,1107,-824,-810,1107,-826,1107,-853,-854,1107,1107,-813,1107,-648,-904,-906,-650,-651,-647,1107,-707,-708,1107,-644,-905,-649,-652,-605,-716,1107,1107,-607,-588,1107,1107,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1107,1107,-711,-712,1107,-718,1107,443,443,443,1107,1107,-940,443,-441,-443,-749,1107,-893,1918,-717,-1896,1107,1107,443,443,1107,-444,-514,-525,1107,-730,-735,1107,-737,1107,-742,1107,-664,-670,1107,-680,-682,-684,-685,-692,-695,-699,-747,1107,1107,-876,1107,1107,-880,1107,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1107,-814,1107,-816,-803,1107,-804,-807,1107,-818,-821,-823,-825,-827,1107,-828,1107,-811,1107,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,443,-284,443,1107,443,1107,-457,1107,1107,-731,1107,-738,1107,-743,1107,-665,-673,1107,1107,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1107,-838,-53,443,1107,-732,1107,-739,1107,-744,-666,1107,-875,-54,443,443,-733,-740,-745,1107,443,1107,-874,]),'MANUAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[444,444,444,444,-1896,444,444,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,444,444,444,444,-277,-278,444,-1427,444,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,444,444,444,-492,444,444,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,444,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,444,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,444,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,444,-174,-175,-176,-177,-995,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-292,-293,-283,444,444,444,444,444,-330,-320,-334,-335,-336,444,444,-984,-985,-986,-987,-988,-989,-990,444,444,444,444,444,444,444,444,444,444,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,444,444,444,-355,-358,444,-325,-326,-143,444,-144,444,-145,444,-432,-937,-938,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-1896,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-1896,444,-1896,444,444,444,444,444,444,444,444,444,444,444,444,-1896,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-1896,444,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,444,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,444,444,444,-193,-194,444,-996,444,444,444,444,444,-279,-280,-281,-282,-367,444,-310,444,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,444,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,444,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,444,444,444,444,444,444,-575,444,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,444,444,-725,-726,-727,444,444,444,444,444,444,-996,444,444,-93,-94,444,444,444,444,-311,-312,-322,444,-309,-295,-296,-297,444,444,444,444,-620,-635,-592,444,444,-438,444,-439,444,-446,-447,-448,-380,-381,444,444,444,-508,444,444,-512,444,444,444,444,-517,-518,-519,-520,444,444,-523,-524,444,-526,-527,-528,-529,-530,-531,-532,-533,444,-535,444,444,444,-541,-543,-544,444,-546,-547,-548,-549,444,444,444,444,444,444,-654,-655,-656,-657,444,-659,-660,-661,444,444,444,-667,444,444,-671,-672,444,444,-675,444,-677,-678,444,-681,444,-683,444,444,-686,-687,-688,444,-690,444,444,-693,444,444,-696,-697,-698,444,-700,-701,-702,-703,444,444,-748,444,-751,-752,-753,-754,-755,444,-757,-758,-759,-760,-761,444,-768,-769,-771,444,-773,-774,-775,-784,-858,-860,-862,-864,444,444,444,444,-870,444,-872,444,444,444,444,444,444,444,-908,-909,444,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,444,-923,-926,444,-936,444,-387,-388,-389,444,444,-392,-393,-394,-395,444,-398,444,-401,-402,444,-403,444,-408,-409,444,-412,-413,-414,444,-417,444,-418,444,-423,-424,444,-427,444,-430,-431,-1896,-1896,444,-621,-622,-623,-624,-625,-636,-586,-626,-799,444,444,444,444,444,-833,444,444,-808,444,-834,444,444,444,444,-800,444,-855,-801,444,444,444,444,444,444,-856,-857,444,-836,-832,-837,444,-627,444,-628,-629,-630,-631,-576,444,444,-632,-633,-634,444,444,444,444,444,444,-637,-638,-639,-594,-1896,-604,444,-640,-641,-715,-642,-606,444,-574,-579,-582,-585,444,444,444,-600,-603,444,-610,444,444,444,444,444,444,444,444,444,444,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,444,444,444,-997,444,444,444,444,444,444,-308,-327,-321,-298,-377,-454,-455,-456,-460,444,-445,444,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,444,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,444,444,444,444,444,444,444,444,444,-318,-537,-510,-593,-939,-941,-942,-440,444,-442,-382,-383,-385,-509,-511,-513,444,-515,-516,-521,-522,444,-534,-536,-539,-540,-545,-550,-728,444,-729,444,-734,444,-736,444,-741,-658,-662,-663,444,-668,444,-669,444,-674,-676,444,-679,444,444,444,-689,-691,444,-694,444,444,-746,444,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,444,444,444,444,444,-879,444,-882,-910,-922,-927,-390,-391,444,-396,444,-399,444,-404,444,-405,444,-410,444,-415,444,-419,444,-420,444,-425,444,-428,-901,-902,-645,-587,-1896,-903,444,444,444,-802,444,444,-806,444,-809,-835,444,-820,444,-822,444,-824,-810,444,-826,444,-853,-854,444,444,-813,444,-648,-904,-906,-650,-651,-647,444,-707,-708,444,-644,-905,-649,-652,-605,-716,444,444,-607,-588,444,444,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,444,444,-711,-712,444,-718,444,444,444,444,444,444,-940,444,-441,-443,-749,444,-893,444,-717,-1896,444,444,444,444,444,-444,-514,-525,444,-730,-735,444,-737,444,-742,444,-664,-670,444,-680,-682,-684,-685,-692,-695,-699,-747,444,444,-876,444,444,-880,444,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,444,-814,444,-816,-803,444,-804,-807,444,-818,-821,-823,-825,-827,444,-828,444,-811,444,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,444,-284,444,444,444,444,-457,444,444,-731,444,-738,444,-743,444,-665,-673,444,444,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,444,-838,-53,444,444,-732,444,-739,444,-744,-666,444,-875,-54,444,444,-733,-740,-745,444,444,444,-874,]),'MASTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[445,445,445,445,-1896,445,445,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,445,445,445,445,-277,-278,445,-1427,445,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,445,445,445,-492,445,445,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,445,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,445,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,445,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,445,-174,-175,-176,-177,-995,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-292,-293,-283,445,445,445,445,445,-330,-320,-334,-335,-336,445,445,-984,-985,-986,-987,-988,-989,-990,445,445,445,445,445,445,445,445,445,445,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,445,445,445,-355,-358,445,-325,-326,-143,445,-144,445,-145,445,-432,-937,-938,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-1896,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-1896,445,-1896,445,445,445,445,445,445,445,445,445,445,445,445,-1896,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-1896,445,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,445,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,445,445,445,-193,-194,445,-996,445,445,445,445,445,-279,-280,-281,-282,-367,445,-310,445,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,445,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,445,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,445,445,445,445,445,445,-575,445,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,445,445,-725,-726,-727,445,445,445,445,445,445,-996,445,445,-93,-94,445,445,445,445,-311,-312,-322,445,-309,-295,-296,-297,445,445,445,445,-620,-635,-592,445,445,-438,445,-439,445,-446,-447,-448,-380,-381,445,445,445,-508,445,445,-512,445,445,445,445,-517,-518,-519,-520,445,445,-523,-524,445,-526,-527,-528,-529,-530,-531,-532,-533,445,-535,445,445,445,-541,-543,-544,445,-546,-547,-548,-549,445,445,445,445,445,445,-654,-655,-656,-657,445,-659,-660,-661,445,445,445,-667,445,445,-671,-672,445,445,-675,445,-677,-678,445,-681,445,-683,445,445,-686,-687,-688,445,-690,445,445,-693,445,445,-696,-697,-698,445,-700,-701,-702,-703,445,445,-748,445,-751,-752,-753,-754,-755,445,-757,-758,-759,-760,-761,445,-768,-769,-771,445,-773,-774,-775,-784,-858,-860,-862,-864,445,445,445,445,-870,445,-872,445,445,445,445,445,445,445,-908,-909,445,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,445,-923,-926,445,-936,445,-387,-388,-389,445,445,-392,-393,-394,-395,445,-398,445,-401,-402,445,-403,445,-408,-409,445,-412,-413,-414,445,-417,445,-418,445,-423,-424,445,-427,445,-430,-431,-1896,-1896,445,-621,-622,-623,-624,-625,-636,-586,-626,-799,445,445,445,445,445,-833,445,445,-808,445,-834,445,445,445,445,-800,445,-855,-801,445,445,445,445,445,445,-856,-857,445,-836,-832,-837,445,-627,445,-628,-629,-630,-631,-576,445,445,-632,-633,-634,445,445,445,445,445,445,-637,-638,-639,-594,-1896,-604,445,-640,-641,-715,-642,-606,445,-574,-579,-582,-585,445,445,445,-600,-603,445,-610,445,445,445,445,445,445,445,445,445,445,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,445,445,445,-997,445,445,445,445,445,445,-308,-327,-321,-298,-377,-454,-455,-456,-460,445,-445,445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,445,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,445,445,445,445,445,445,445,445,445,-318,-537,-510,-593,-939,-941,-942,-440,445,-442,-382,-383,-385,-509,-511,-513,445,-515,-516,-521,-522,445,-534,-536,-539,-540,-545,-550,-728,445,-729,445,-734,445,-736,445,-741,-658,-662,-663,445,-668,445,-669,445,-674,-676,445,-679,445,445,445,-689,-691,445,-694,445,445,-746,445,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,445,445,445,445,445,-879,445,-882,-910,-922,-927,-390,-391,445,-396,445,-399,445,-404,445,-405,445,-410,445,-415,445,-419,445,-420,445,-425,445,-428,-901,-902,-645,-587,-1896,-903,445,445,445,-802,445,445,-806,445,-809,-835,445,-820,445,-822,445,-824,-810,445,-826,445,-853,-854,445,445,-813,445,-648,-904,-906,-650,-651,-647,445,-707,-708,445,-644,-905,-649,-652,-605,-716,445,445,-607,-588,445,445,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,445,445,-711,-712,445,-718,445,445,445,445,445,445,-940,445,-441,-443,-749,445,-893,445,-717,-1896,445,445,445,445,445,-444,-514,-525,445,-730,-735,445,-737,445,-742,445,-664,-670,445,-680,-682,-684,-685,-692,-695,-699,-747,445,445,-876,445,445,-880,445,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,445,-814,445,-816,-803,445,-804,-807,445,-818,-821,-823,-825,-827,445,-828,445,-811,445,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,445,-284,445,445,445,445,-457,445,445,-731,445,-738,445,-743,445,-665,-673,445,445,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,445,-838,-53,445,445,-732,445,-739,445,-744,-666,445,-875,-54,445,445,-733,-740,-745,445,445,445,-874,]),'MASTER_AUTO_POSITION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[446,446,446,446,-1896,446,446,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,446,446,446,446,-277,-278,446,-1427,446,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,446,446,446,-492,446,446,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,446,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,446,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,446,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,446,-174,-175,-176,-177,-995,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-292,-293,-283,446,446,446,446,446,-330,-320,-334,-335,-336,446,446,-984,-985,-986,-987,-988,-989,-990,446,446,446,446,446,446,446,446,446,446,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,446,446,446,-355,-358,446,-325,-326,-143,446,-144,446,-145,446,-432,-937,-938,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-1896,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-1896,446,-1896,446,446,446,446,446,446,446,446,446,446,446,446,-1896,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-1896,446,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,446,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,446,446,446,-193,-194,446,-996,446,446,446,446,446,-279,-280,-281,-282,-367,446,-310,446,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,446,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,446,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,446,446,446,446,446,446,-575,446,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,446,446,-725,-726,-727,446,446,446,446,446,446,-996,446,446,-93,-94,446,446,446,446,-311,-312,-322,446,-309,-295,-296,-297,446,446,446,446,-620,-635,-592,446,446,-438,446,-439,446,-446,-447,-448,-380,-381,446,446,446,-508,446,446,-512,446,446,446,446,-517,-518,-519,-520,446,446,-523,-524,446,-526,-527,-528,-529,-530,-531,-532,-533,446,-535,446,446,446,-541,-543,-544,446,-546,-547,-548,-549,446,446,446,446,446,446,-654,-655,-656,-657,446,-659,-660,-661,446,446,446,-667,446,446,-671,-672,446,446,-675,446,-677,-678,446,-681,446,-683,446,446,-686,-687,-688,446,-690,446,446,-693,446,446,-696,-697,-698,446,-700,-701,-702,-703,446,446,-748,446,-751,-752,-753,-754,-755,446,-757,-758,-759,-760,-761,446,-768,-769,-771,446,-773,-774,-775,-784,-858,-860,-862,-864,446,446,446,446,-870,446,-872,446,446,446,446,446,446,446,-908,-909,446,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,446,-923,-926,446,-936,446,-387,-388,-389,446,446,-392,-393,-394,-395,446,-398,446,-401,-402,446,-403,446,-408,-409,446,-412,-413,-414,446,-417,446,-418,446,-423,-424,446,-427,446,-430,-431,-1896,-1896,446,-621,-622,-623,-624,-625,-636,-586,-626,-799,446,446,446,446,446,-833,446,446,-808,446,-834,446,446,446,446,-800,446,-855,-801,446,446,446,446,446,446,-856,-857,446,-836,-832,-837,446,-627,446,-628,-629,-630,-631,-576,446,446,-632,-633,-634,446,446,446,446,446,446,-637,-638,-639,-594,-1896,-604,446,-640,-641,-715,-642,-606,446,-574,-579,-582,-585,446,446,446,-600,-603,446,-610,446,446,446,446,446,446,446,446,446,446,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,446,446,446,-997,446,446,446,446,446,446,-308,-327,-321,-298,-377,-454,-455,-456,-460,446,-445,446,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,446,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,446,446,446,446,446,446,446,446,446,-318,-537,-510,-593,-939,-941,-942,-440,446,-442,-382,-383,-385,-509,-511,-513,446,-515,-516,-521,-522,446,-534,-536,-539,-540,-545,-550,-728,446,-729,446,-734,446,-736,446,-741,-658,-662,-663,446,-668,446,-669,446,-674,-676,446,-679,446,446,446,-689,-691,446,-694,446,446,-746,446,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,446,446,446,446,446,-879,446,-882,-910,-922,-927,-390,-391,446,-396,446,-399,446,-404,446,-405,446,-410,446,-415,446,-419,446,-420,446,-425,446,-428,-901,-902,-645,-587,-1896,-903,446,446,446,-802,446,446,-806,446,-809,-835,446,-820,446,-822,446,-824,-810,446,-826,446,-853,-854,446,446,-813,446,-648,-904,-906,-650,-651,-647,446,-707,-708,446,-644,-905,-649,-652,-605,-716,446,446,-607,-588,446,446,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,446,446,-711,-712,446,-718,446,446,446,446,446,446,-940,446,-441,-443,-749,446,-893,446,-717,-1896,446,446,446,446,446,-444,-514,-525,446,-730,-735,446,-737,446,-742,446,-664,-670,446,-680,-682,-684,-685,-692,-695,-699,-747,446,446,-876,446,446,-880,446,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,446,-814,446,-816,-803,446,-804,-807,446,-818,-821,-823,-825,-827,446,-828,446,-811,446,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,446,-284,446,446,446,446,-457,446,446,-731,446,-738,446,-743,446,-665,-673,446,446,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,446,-838,-53,446,446,-732,446,-739,446,-744,-666,446,-875,-54,446,446,-733,-740,-745,446,446,446,-874,]),'MASTER_BIND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[447,447,447,447,-1896,447,447,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,447,447,447,447,-277,-278,447,-1427,447,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,447,447,447,-492,447,447,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,447,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,447,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,447,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,447,-174,-175,-176,-177,-995,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-292,-293,-283,447,447,447,447,447,-330,-320,-334,-335,-336,447,447,-984,-985,-986,-987,-988,-989,-990,447,447,447,447,447,447,447,447,447,447,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,447,447,447,-355,-358,447,-325,-326,-143,447,-144,447,-145,447,-432,-937,-938,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-1896,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-1896,447,-1896,447,447,447,447,447,447,447,447,447,447,447,447,-1896,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-1896,447,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,447,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,447,447,447,-193,-194,447,-996,447,447,447,447,447,-279,-280,-281,-282,-367,447,-310,447,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,447,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,447,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,447,447,447,447,447,447,-575,447,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,447,447,-725,-726,-727,447,447,447,447,447,447,-996,447,447,-93,-94,447,447,447,447,-311,-312,-322,447,-309,-295,-296,-297,447,447,447,447,-620,-635,-592,447,447,-438,447,-439,447,-446,-447,-448,-380,-381,447,447,447,-508,447,447,-512,447,447,447,447,-517,-518,-519,-520,447,447,-523,-524,447,-526,-527,-528,-529,-530,-531,-532,-533,447,-535,447,447,447,-541,-543,-544,447,-546,-547,-548,-549,447,447,447,447,447,447,-654,-655,-656,-657,447,-659,-660,-661,447,447,447,-667,447,447,-671,-672,447,447,-675,447,-677,-678,447,-681,447,-683,447,447,-686,-687,-688,447,-690,447,447,-693,447,447,-696,-697,-698,447,-700,-701,-702,-703,447,447,-748,447,-751,-752,-753,-754,-755,447,-757,-758,-759,-760,-761,447,-768,-769,-771,447,-773,-774,-775,-784,-858,-860,-862,-864,447,447,447,447,-870,447,-872,447,447,447,447,447,447,447,-908,-909,447,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,447,-923,-926,447,-936,447,-387,-388,-389,447,447,-392,-393,-394,-395,447,-398,447,-401,-402,447,-403,447,-408,-409,447,-412,-413,-414,447,-417,447,-418,447,-423,-424,447,-427,447,-430,-431,-1896,-1896,447,-621,-622,-623,-624,-625,-636,-586,-626,-799,447,447,447,447,447,-833,447,447,-808,447,-834,447,447,447,447,-800,447,-855,-801,447,447,447,447,447,447,-856,-857,447,-836,-832,-837,447,-627,447,-628,-629,-630,-631,-576,447,447,-632,-633,-634,447,447,447,447,447,447,-637,-638,-639,-594,-1896,-604,447,-640,-641,-715,-642,-606,447,-574,-579,-582,-585,447,447,447,-600,-603,447,-610,447,447,447,447,447,447,447,447,447,447,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,447,447,447,-997,447,447,447,447,447,447,-308,-327,-321,-298,-377,-454,-455,-456,-460,447,-445,447,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,447,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,447,447,447,447,447,447,447,447,447,-318,-537,-510,-593,-939,-941,-942,-440,447,-442,-382,-383,-385,-509,-511,-513,447,-515,-516,-521,-522,447,-534,-536,-539,-540,-545,-550,-728,447,-729,447,-734,447,-736,447,-741,-658,-662,-663,447,-668,447,-669,447,-674,-676,447,-679,447,447,447,-689,-691,447,-694,447,447,-746,447,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,447,447,447,447,447,-879,447,-882,-910,-922,-927,-390,-391,447,-396,447,-399,447,-404,447,-405,447,-410,447,-415,447,-419,447,-420,447,-425,447,-428,-901,-902,-645,-587,-1896,-903,447,447,447,-802,447,447,-806,447,-809,-835,447,-820,447,-822,447,-824,-810,447,-826,447,-853,-854,447,447,-813,447,-648,-904,-906,-650,-651,-647,447,-707,-708,447,-644,-905,-649,-652,-605,-716,447,447,-607,-588,447,447,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,447,447,-711,-712,447,-718,447,447,447,447,447,447,-940,447,-441,-443,-749,447,-893,447,-717,-1896,447,447,447,447,447,-444,-514,-525,447,-730,-735,447,-737,447,-742,447,-664,-670,447,-680,-682,-684,-685,-692,-695,-699,-747,447,447,-876,447,447,-880,447,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,447,-814,447,-816,-803,447,-804,-807,447,-818,-821,-823,-825,-827,447,-828,447,-811,447,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,447,-284,447,447,447,447,-457,447,447,-731,447,-738,447,-743,447,-665,-673,447,447,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,447,-838,-53,447,447,-732,447,-739,447,-744,-666,447,-875,-54,447,447,-733,-740,-745,447,447,447,-874,]),'MASTER_CONNECT_RETRY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[448,448,448,448,-1896,448,448,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,448,448,448,448,-277,-278,448,-1427,448,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,448,448,448,-492,448,448,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,448,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,448,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,448,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,448,-174,-175,-176,-177,-995,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-292,-293,-283,448,448,448,448,448,-330,-320,-334,-335,-336,448,448,-984,-985,-986,-987,-988,-989,-990,448,448,448,448,448,448,448,448,448,448,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,448,448,448,-355,-358,448,-325,-326,-143,448,-144,448,-145,448,-432,-937,-938,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-1896,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-1896,448,-1896,448,448,448,448,448,448,448,448,448,448,448,448,-1896,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-1896,448,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,448,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,448,448,448,-193,-194,448,-996,448,448,448,448,448,-279,-280,-281,-282,-367,448,-310,448,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,448,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,448,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,448,448,448,448,448,448,-575,448,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,448,448,-725,-726,-727,448,448,448,448,448,448,-996,448,448,-93,-94,448,448,448,448,-311,-312,-322,448,-309,-295,-296,-297,448,448,448,448,-620,-635,-592,448,448,-438,448,-439,448,-446,-447,-448,-380,-381,448,448,448,-508,448,448,-512,448,448,448,448,-517,-518,-519,-520,448,448,-523,-524,448,-526,-527,-528,-529,-530,-531,-532,-533,448,-535,448,448,448,-541,-543,-544,448,-546,-547,-548,-549,448,448,448,448,448,448,-654,-655,-656,-657,448,-659,-660,-661,448,448,448,-667,448,448,-671,-672,448,448,-675,448,-677,-678,448,-681,448,-683,448,448,-686,-687,-688,448,-690,448,448,-693,448,448,-696,-697,-698,448,-700,-701,-702,-703,448,448,-748,448,-751,-752,-753,-754,-755,448,-757,-758,-759,-760,-761,448,-768,-769,-771,448,-773,-774,-775,-784,-858,-860,-862,-864,448,448,448,448,-870,448,-872,448,448,448,448,448,448,448,-908,-909,448,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,448,-923,-926,448,-936,448,-387,-388,-389,448,448,-392,-393,-394,-395,448,-398,448,-401,-402,448,-403,448,-408,-409,448,-412,-413,-414,448,-417,448,-418,448,-423,-424,448,-427,448,-430,-431,-1896,-1896,448,-621,-622,-623,-624,-625,-636,-586,-626,-799,448,448,448,448,448,-833,448,448,-808,448,-834,448,448,448,448,-800,448,-855,-801,448,448,448,448,448,448,-856,-857,448,-836,-832,-837,448,-627,448,-628,-629,-630,-631,-576,448,448,-632,-633,-634,448,448,448,448,448,448,-637,-638,-639,-594,-1896,-604,448,-640,-641,-715,-642,-606,448,-574,-579,-582,-585,448,448,448,-600,-603,448,-610,448,448,448,448,448,448,448,448,448,448,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,448,448,448,-997,448,448,448,448,448,448,-308,-327,-321,-298,-377,-454,-455,-456,-460,448,-445,448,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,448,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,448,448,448,448,448,448,448,448,448,-318,-537,-510,-593,-939,-941,-942,-440,448,-442,-382,-383,-385,-509,-511,-513,448,-515,-516,-521,-522,448,-534,-536,-539,-540,-545,-550,-728,448,-729,448,-734,448,-736,448,-741,-658,-662,-663,448,-668,448,-669,448,-674,-676,448,-679,448,448,448,-689,-691,448,-694,448,448,-746,448,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,448,448,448,448,448,-879,448,-882,-910,-922,-927,-390,-391,448,-396,448,-399,448,-404,448,-405,448,-410,448,-415,448,-419,448,-420,448,-425,448,-428,-901,-902,-645,-587,-1896,-903,448,448,448,-802,448,448,-806,448,-809,-835,448,-820,448,-822,448,-824,-810,448,-826,448,-853,-854,448,448,-813,448,-648,-904,-906,-650,-651,-647,448,-707,-708,448,-644,-905,-649,-652,-605,-716,448,448,-607,-588,448,448,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,448,448,-711,-712,448,-718,448,448,448,448,448,448,-940,448,-441,-443,-749,448,-893,448,-717,-1896,448,448,448,448,448,-444,-514,-525,448,-730,-735,448,-737,448,-742,448,-664,-670,448,-680,-682,-684,-685,-692,-695,-699,-747,448,448,-876,448,448,-880,448,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,448,-814,448,-816,-803,448,-804,-807,448,-818,-821,-823,-825,-827,448,-828,448,-811,448,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,448,-284,448,448,448,448,-457,448,448,-731,448,-738,448,-743,448,-665,-673,448,448,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,448,-838,-53,448,448,-732,448,-739,448,-744,-666,448,-875,-54,448,448,-733,-740,-745,448,448,448,-874,]),'MASTER_DELAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[449,449,449,449,-1896,449,449,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,449,449,449,449,-277,-278,449,-1427,449,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,449,449,449,-492,449,449,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,449,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,449,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,449,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,449,-174,-175,-176,-177,-995,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-292,-293,-283,449,449,449,449,449,-330,-320,-334,-335,-336,449,449,-984,-985,-986,-987,-988,-989,-990,449,449,449,449,449,449,449,449,449,449,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,449,449,449,-355,-358,449,-325,-326,-143,449,-144,449,-145,449,-432,-937,-938,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-1896,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-1896,449,-1896,449,449,449,449,449,449,449,449,449,449,449,449,-1896,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-1896,449,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,449,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,449,449,449,-193,-194,449,-996,449,449,449,449,449,-279,-280,-281,-282,-367,449,-310,449,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,449,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,449,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,449,449,449,449,449,449,-575,449,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,449,449,-725,-726,-727,449,449,449,449,449,449,-996,449,449,-93,-94,449,449,449,449,-311,-312,-322,449,-309,-295,-296,-297,449,449,449,449,-620,-635,-592,449,449,-438,449,-439,449,-446,-447,-448,-380,-381,449,449,449,-508,449,449,-512,449,449,449,449,-517,-518,-519,-520,449,449,-523,-524,449,-526,-527,-528,-529,-530,-531,-532,-533,449,-535,449,449,449,-541,-543,-544,449,-546,-547,-548,-549,449,449,449,449,449,449,-654,-655,-656,-657,449,-659,-660,-661,449,449,449,-667,449,449,-671,-672,449,449,-675,449,-677,-678,449,-681,449,-683,449,449,-686,-687,-688,449,-690,449,449,-693,449,449,-696,-697,-698,449,-700,-701,-702,-703,449,449,-748,449,-751,-752,-753,-754,-755,449,-757,-758,-759,-760,-761,449,-768,-769,-771,449,-773,-774,-775,-784,-858,-860,-862,-864,449,449,449,449,-870,449,-872,449,449,449,449,449,449,449,-908,-909,449,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,449,-923,-926,449,-936,449,-387,-388,-389,449,449,-392,-393,-394,-395,449,-398,449,-401,-402,449,-403,449,-408,-409,449,-412,-413,-414,449,-417,449,-418,449,-423,-424,449,-427,449,-430,-431,-1896,-1896,449,-621,-622,-623,-624,-625,-636,-586,-626,-799,449,449,449,449,449,-833,449,449,-808,449,-834,449,449,449,449,-800,449,-855,-801,449,449,449,449,449,449,-856,-857,449,-836,-832,-837,449,-627,449,-628,-629,-630,-631,-576,449,449,-632,-633,-634,449,449,449,449,449,449,-637,-638,-639,-594,-1896,-604,449,-640,-641,-715,-642,-606,449,-574,-579,-582,-585,449,449,449,-600,-603,449,-610,449,449,449,449,449,449,449,449,449,449,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,449,449,449,-997,449,449,449,449,449,449,-308,-327,-321,-298,-377,-454,-455,-456,-460,449,-445,449,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,449,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,449,449,449,449,449,449,449,449,449,-318,-537,-510,-593,-939,-941,-942,-440,449,-442,-382,-383,-385,-509,-511,-513,449,-515,-516,-521,-522,449,-534,-536,-539,-540,-545,-550,-728,449,-729,449,-734,449,-736,449,-741,-658,-662,-663,449,-668,449,-669,449,-674,-676,449,-679,449,449,449,-689,-691,449,-694,449,449,-746,449,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,449,449,449,449,449,-879,449,-882,-910,-922,-927,-390,-391,449,-396,449,-399,449,-404,449,-405,449,-410,449,-415,449,-419,449,-420,449,-425,449,-428,-901,-902,-645,-587,-1896,-903,449,449,449,-802,449,449,-806,449,-809,-835,449,-820,449,-822,449,-824,-810,449,-826,449,-853,-854,449,449,-813,449,-648,-904,-906,-650,-651,-647,449,-707,-708,449,-644,-905,-649,-652,-605,-716,449,449,-607,-588,449,449,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,449,449,-711,-712,449,-718,449,449,449,449,449,449,-940,449,-441,-443,-749,449,-893,449,-717,-1896,449,449,449,449,449,-444,-514,-525,449,-730,-735,449,-737,449,-742,449,-664,-670,449,-680,-682,-684,-685,-692,-695,-699,-747,449,449,-876,449,449,-880,449,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,449,-814,449,-816,-803,449,-804,-807,449,-818,-821,-823,-825,-827,449,-828,449,-811,449,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,449,-284,449,449,449,449,-457,449,449,-731,449,-738,449,-743,449,-665,-673,449,449,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,449,-838,-53,449,449,-732,449,-739,449,-744,-666,449,-875,-54,449,449,-733,-740,-745,449,449,449,-874,]),'MASTER_HEARTBEAT_PERIOD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[450,450,450,450,-1896,450,450,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,450,450,450,450,-277,-278,450,-1427,450,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,450,450,450,-492,450,450,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,450,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,450,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,450,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,450,-174,-175,-176,-177,-995,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-292,-293,-283,450,450,450,450,450,-330,-320,-334,-335,-336,450,450,-984,-985,-986,-987,-988,-989,-990,450,450,450,450,450,450,450,450,450,450,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,450,450,450,-355,-358,450,-325,-326,-143,450,-144,450,-145,450,-432,-937,-938,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-1896,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-1896,450,-1896,450,450,450,450,450,450,450,450,450,450,450,450,-1896,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-1896,450,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,450,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,450,450,450,-193,-194,450,-996,450,450,450,450,450,-279,-280,-281,-282,-367,450,-310,450,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,450,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,450,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,450,450,450,450,450,450,-575,450,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,450,450,-725,-726,-727,450,450,450,450,450,450,-996,450,450,-93,-94,450,450,450,450,-311,-312,-322,450,-309,-295,-296,-297,450,450,450,450,-620,-635,-592,450,450,-438,450,-439,450,-446,-447,-448,-380,-381,450,450,450,-508,450,450,-512,450,450,450,450,-517,-518,-519,-520,450,450,-523,-524,450,-526,-527,-528,-529,-530,-531,-532,-533,450,-535,450,450,450,-541,-543,-544,450,-546,-547,-548,-549,450,450,450,450,450,450,-654,-655,-656,-657,450,-659,-660,-661,450,450,450,-667,450,450,-671,-672,450,450,-675,450,-677,-678,450,-681,450,-683,450,450,-686,-687,-688,450,-690,450,450,-693,450,450,-696,-697,-698,450,-700,-701,-702,-703,450,450,-748,450,-751,-752,-753,-754,-755,450,-757,-758,-759,-760,-761,450,-768,-769,-771,450,-773,-774,-775,-784,-858,-860,-862,-864,450,450,450,450,-870,450,-872,450,450,450,450,450,450,450,-908,-909,450,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,450,-923,-926,450,-936,450,-387,-388,-389,450,450,-392,-393,-394,-395,450,-398,450,-401,-402,450,-403,450,-408,-409,450,-412,-413,-414,450,-417,450,-418,450,-423,-424,450,-427,450,-430,-431,-1896,-1896,450,-621,-622,-623,-624,-625,-636,-586,-626,-799,450,450,450,450,450,-833,450,450,-808,450,-834,450,450,450,450,-800,450,-855,-801,450,450,450,450,450,450,-856,-857,450,-836,-832,-837,450,-627,450,-628,-629,-630,-631,-576,450,450,-632,-633,-634,450,450,450,450,450,450,-637,-638,-639,-594,-1896,-604,450,-640,-641,-715,-642,-606,450,-574,-579,-582,-585,450,450,450,-600,-603,450,-610,450,450,450,450,450,450,450,450,450,450,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,450,450,450,-997,450,450,450,450,450,450,-308,-327,-321,-298,-377,-454,-455,-456,-460,450,-445,450,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,450,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,450,450,450,450,450,450,450,450,450,-318,-537,-510,-593,-939,-941,-942,-440,450,-442,-382,-383,-385,-509,-511,-513,450,-515,-516,-521,-522,450,-534,-536,-539,-540,-545,-550,-728,450,-729,450,-734,450,-736,450,-741,-658,-662,-663,450,-668,450,-669,450,-674,-676,450,-679,450,450,450,-689,-691,450,-694,450,450,-746,450,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,450,450,450,450,450,-879,450,-882,-910,-922,-927,-390,-391,450,-396,450,-399,450,-404,450,-405,450,-410,450,-415,450,-419,450,-420,450,-425,450,-428,-901,-902,-645,-587,-1896,-903,450,450,450,-802,450,450,-806,450,-809,-835,450,-820,450,-822,450,-824,-810,450,-826,450,-853,-854,450,450,-813,450,-648,-904,-906,-650,-651,-647,450,-707,-708,450,-644,-905,-649,-652,-605,-716,450,450,-607,-588,450,450,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,450,450,-711,-712,450,-718,450,450,450,450,450,450,-940,450,-441,-443,-749,450,-893,450,-717,-1896,450,450,450,450,450,-444,-514,-525,450,-730,-735,450,-737,450,-742,450,-664,-670,450,-680,-682,-684,-685,-692,-695,-699,-747,450,450,-876,450,450,-880,450,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,450,-814,450,-816,-803,450,-804,-807,450,-818,-821,-823,-825,-827,450,-828,450,-811,450,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,450,-284,450,450,450,450,-457,450,450,-731,450,-738,450,-743,450,-665,-673,450,450,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,450,-838,-53,450,450,-732,450,-739,450,-744,-666,450,-875,-54,450,450,-733,-740,-745,450,450,450,-874,]),'MASTER_HOST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[451,451,451,451,-1896,451,451,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,451,451,451,451,-277,-278,451,-1427,451,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,451,451,451,-492,451,451,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,451,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,451,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,451,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,451,-174,-175,-176,-177,-995,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-292,-293,-283,451,451,451,451,451,-330,-320,-334,-335,-336,451,451,-984,-985,-986,-987,-988,-989,-990,451,451,451,451,451,451,451,451,451,451,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,451,451,451,-355,-358,451,-325,-326,-143,451,-144,451,-145,451,-432,-937,-938,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-1896,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-1896,451,-1896,451,451,451,451,451,451,451,451,451,451,451,451,-1896,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-1896,451,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,451,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,451,451,451,-193,-194,451,-996,451,451,451,451,451,-279,-280,-281,-282,-367,451,-310,451,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,451,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,451,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,451,451,451,451,451,451,-575,451,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,451,451,-725,-726,-727,451,451,451,451,451,451,-996,451,451,-93,-94,451,451,451,451,-311,-312,-322,451,-309,-295,-296,-297,451,451,451,451,-620,-635,-592,451,451,-438,451,-439,451,-446,-447,-448,-380,-381,451,451,451,-508,451,451,-512,451,451,451,451,-517,-518,-519,-520,451,451,-523,-524,451,-526,-527,-528,-529,-530,-531,-532,-533,451,-535,451,451,451,-541,-543,-544,451,-546,-547,-548,-549,451,451,451,451,451,451,-654,-655,-656,-657,451,-659,-660,-661,451,451,451,-667,451,451,-671,-672,451,451,-675,451,-677,-678,451,-681,451,-683,451,451,-686,-687,-688,451,-690,451,451,-693,451,451,-696,-697,-698,451,-700,-701,-702,-703,451,451,-748,451,-751,-752,-753,-754,-755,451,-757,-758,-759,-760,-761,451,-768,-769,-771,451,-773,-774,-775,-784,-858,-860,-862,-864,451,451,451,451,-870,451,-872,451,451,451,451,451,451,451,-908,-909,451,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,451,-923,-926,451,-936,451,-387,-388,-389,451,451,-392,-393,-394,-395,451,-398,451,-401,-402,451,-403,451,-408,-409,451,-412,-413,-414,451,-417,451,-418,451,-423,-424,451,-427,451,-430,-431,-1896,-1896,451,-621,-622,-623,-624,-625,-636,-586,-626,-799,451,451,451,451,451,-833,451,451,-808,451,-834,451,451,451,451,-800,451,-855,-801,451,451,451,451,451,451,-856,-857,451,-836,-832,-837,451,-627,451,-628,-629,-630,-631,-576,451,451,-632,-633,-634,451,451,451,451,451,451,-637,-638,-639,-594,-1896,-604,451,-640,-641,-715,-642,-606,451,-574,-579,-582,-585,451,451,451,-600,-603,451,-610,451,451,451,451,451,451,451,451,451,451,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,451,451,451,-997,451,451,451,451,451,451,-308,-327,-321,-298,-377,-454,-455,-456,-460,451,-445,451,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,451,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,451,451,451,451,451,451,451,451,451,-318,-537,-510,-593,-939,-941,-942,-440,451,-442,-382,-383,-385,-509,-511,-513,451,-515,-516,-521,-522,451,-534,-536,-539,-540,-545,-550,-728,451,-729,451,-734,451,-736,451,-741,-658,-662,-663,451,-668,451,-669,451,-674,-676,451,-679,451,451,451,-689,-691,451,-694,451,451,-746,451,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,451,451,451,451,451,-879,451,-882,-910,-922,-927,-390,-391,451,-396,451,-399,451,-404,451,-405,451,-410,451,-415,451,-419,451,-420,451,-425,451,-428,-901,-902,-645,-587,-1896,-903,451,451,451,-802,451,451,-806,451,-809,-835,451,-820,451,-822,451,-824,-810,451,-826,451,-853,-854,451,451,-813,451,-648,-904,-906,-650,-651,-647,451,-707,-708,451,-644,-905,-649,-652,-605,-716,451,451,-607,-588,451,451,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,451,451,-711,-712,451,-718,451,451,451,451,451,451,-940,451,-441,-443,-749,451,-893,451,-717,-1896,451,451,451,451,451,-444,-514,-525,451,-730,-735,451,-737,451,-742,451,-664,-670,451,-680,-682,-684,-685,-692,-695,-699,-747,451,451,-876,451,451,-880,451,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,451,-814,451,-816,-803,451,-804,-807,451,-818,-821,-823,-825,-827,451,-828,451,-811,451,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,451,-284,451,451,451,451,-457,451,451,-731,451,-738,451,-743,451,-665,-673,451,451,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,451,-838,-53,451,451,-732,451,-739,451,-744,-666,451,-875,-54,451,451,-733,-740,-745,451,451,451,-874,]),'MASTER_LOG_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[452,452,452,452,-1896,452,452,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,452,452,452,452,-277,-278,452,-1427,452,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,452,452,452,-492,452,452,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,452,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,452,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,452,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,452,-174,-175,-176,-177,-995,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-292,-293,-283,452,452,452,452,452,-330,-320,-334,-335,-336,452,452,-984,-985,-986,-987,-988,-989,-990,452,452,452,452,452,452,452,452,452,452,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,452,452,452,-355,-358,452,-325,-326,-143,452,-144,452,-145,452,-432,-937,-938,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-1896,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-1896,452,-1896,452,452,452,452,452,452,452,452,452,452,452,452,-1896,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-1896,452,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,452,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,452,452,452,-193,-194,452,-996,452,452,452,452,452,-279,-280,-281,-282,-367,452,-310,452,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,452,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,452,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,452,452,452,452,452,452,-575,452,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,452,452,-725,-726,-727,452,452,452,452,452,452,-996,452,452,-93,-94,452,452,452,452,-311,-312,-322,452,-309,-295,-296,-297,452,452,452,452,-620,-635,-592,452,452,-438,452,-439,452,-446,-447,-448,-380,-381,452,452,452,-508,452,452,-512,452,452,452,452,-517,-518,-519,-520,452,452,-523,-524,452,-526,-527,-528,-529,-530,-531,-532,-533,452,-535,452,452,452,-541,-543,-544,452,-546,-547,-548,-549,452,452,452,452,452,452,-654,-655,-656,-657,452,-659,-660,-661,452,452,452,-667,452,452,-671,-672,452,452,-675,452,-677,-678,452,-681,452,-683,452,452,-686,-687,-688,452,-690,452,452,-693,452,452,-696,-697,-698,452,-700,-701,-702,-703,452,452,-748,452,-751,-752,-753,-754,-755,452,-757,-758,-759,-760,-761,452,-768,-769,-771,452,-773,-774,-775,-784,-858,-860,-862,-864,452,452,452,452,-870,452,-872,452,452,452,452,452,452,452,-908,-909,452,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,452,-923,-926,452,-936,452,-387,-388,-389,452,452,-392,-393,-394,-395,452,-398,452,-401,-402,452,-403,452,-408,-409,452,-412,-413,-414,452,-417,452,-418,452,-423,-424,452,-427,452,-430,-431,-1896,-1896,452,-621,-622,-623,-624,-625,-636,-586,-626,-799,452,452,452,452,452,-833,452,452,-808,452,-834,452,452,452,452,-800,452,-855,-801,452,452,452,452,452,452,-856,-857,452,-836,-832,-837,452,-627,452,-628,-629,-630,-631,-576,452,452,-632,-633,-634,452,452,452,452,452,452,-637,-638,-639,-594,-1896,-604,452,-640,-641,-715,-642,-606,452,-574,-579,-582,-585,452,452,452,-600,-603,452,-610,452,452,452,452,452,452,452,452,452,452,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,452,452,452,-997,452,452,452,452,452,452,-308,-327,-321,-298,-377,-454,-455,-456,-460,452,-445,452,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,452,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,452,452,452,452,452,452,452,452,452,-318,-537,-510,-593,-939,-941,-942,-440,452,-442,-382,-383,-385,-509,-511,-513,452,-515,-516,-521,-522,452,-534,-536,-539,-540,-545,-550,-728,452,-729,452,-734,452,-736,452,-741,-658,-662,-663,452,-668,452,-669,452,-674,-676,452,-679,452,452,452,-689,-691,452,-694,452,452,-746,452,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,452,452,452,452,452,-879,452,-882,-910,-922,-927,-390,-391,452,-396,452,-399,452,-404,452,-405,452,-410,452,-415,452,-419,452,-420,452,-425,452,-428,-901,-902,-645,-587,-1896,-903,452,452,452,-802,452,452,-806,452,-809,-835,452,-820,452,-822,452,-824,-810,452,-826,452,-853,-854,452,452,-813,452,-648,-904,-906,-650,-651,-647,452,-707,-708,452,-644,-905,-649,-652,-605,-716,452,452,-607,-588,452,452,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,452,452,-711,-712,452,-718,452,452,452,452,452,452,-940,452,-441,-443,-749,452,-893,452,-717,-1896,452,452,452,452,452,-444,-514,-525,452,-730,-735,452,-737,452,-742,452,-664,-670,452,-680,-682,-684,-685,-692,-695,-699,-747,452,452,-876,452,452,-880,452,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,452,-814,452,-816,-803,452,-804,-807,452,-818,-821,-823,-825,-827,452,-828,452,-811,452,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,452,-284,452,452,452,452,-457,452,452,-731,452,-738,452,-743,452,-665,-673,452,452,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,452,-838,-53,452,452,-732,452,-739,452,-744,-666,452,-875,-54,452,452,-733,-740,-745,452,452,452,-874,]),'MASTER_LOG_POS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[453,453,453,453,-1896,453,453,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,453,453,453,453,-277,-278,453,-1427,453,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,453,453,453,-492,453,453,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,453,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,453,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,453,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,453,-174,-175,-176,-177,-995,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-292,-293,-283,453,453,453,453,453,-330,-320,-334,-335,-336,453,453,-984,-985,-986,-987,-988,-989,-990,453,453,453,453,453,453,453,453,453,453,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,453,453,453,-355,-358,453,-325,-326,-143,453,-144,453,-145,453,-432,-937,-938,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-1896,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-1896,453,-1896,453,453,453,453,453,453,453,453,453,453,453,453,-1896,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-1896,453,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,453,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,453,453,453,-193,-194,453,-996,453,453,453,453,453,-279,-280,-281,-282,-367,453,-310,453,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,453,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,453,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,453,453,453,453,453,453,-575,453,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,453,453,-725,-726,-727,453,453,453,453,453,453,-996,453,453,-93,-94,453,453,453,453,-311,-312,-322,453,-309,-295,-296,-297,453,453,453,453,-620,-635,-592,453,453,-438,453,-439,453,-446,-447,-448,-380,-381,453,453,453,-508,453,453,-512,453,453,453,453,-517,-518,-519,-520,453,453,-523,-524,453,-526,-527,-528,-529,-530,-531,-532,-533,453,-535,453,453,453,-541,-543,-544,453,-546,-547,-548,-549,453,453,453,453,453,453,-654,-655,-656,-657,453,-659,-660,-661,453,453,453,-667,453,453,-671,-672,453,453,-675,453,-677,-678,453,-681,453,-683,453,453,-686,-687,-688,453,-690,453,453,-693,453,453,-696,-697,-698,453,-700,-701,-702,-703,453,453,-748,453,-751,-752,-753,-754,-755,453,-757,-758,-759,-760,-761,453,-768,-769,-771,453,-773,-774,-775,-784,-858,-860,-862,-864,453,453,453,453,-870,453,-872,453,453,453,453,453,453,453,-908,-909,453,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,453,-923,-926,453,-936,453,-387,-388,-389,453,453,-392,-393,-394,-395,453,-398,453,-401,-402,453,-403,453,-408,-409,453,-412,-413,-414,453,-417,453,-418,453,-423,-424,453,-427,453,-430,-431,-1896,-1896,453,-621,-622,-623,-624,-625,-636,-586,-626,-799,453,453,453,453,453,-833,453,453,-808,453,-834,453,453,453,453,-800,453,-855,-801,453,453,453,453,453,453,-856,-857,453,-836,-832,-837,453,-627,453,-628,-629,-630,-631,-576,453,453,-632,-633,-634,453,453,453,453,453,453,-637,-638,-639,-594,-1896,-604,453,-640,-641,-715,-642,-606,453,-574,-579,-582,-585,453,453,453,-600,-603,453,-610,453,453,453,453,453,453,453,453,453,453,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,453,453,453,-997,453,453,453,453,453,453,-308,-327,-321,-298,-377,-454,-455,-456,-460,453,-445,453,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,453,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,453,453,453,453,453,453,453,453,453,-318,-537,-510,-593,-939,-941,-942,-440,453,-442,-382,-383,-385,-509,-511,-513,453,-515,-516,-521,-522,453,-534,-536,-539,-540,-545,-550,-728,453,-729,453,-734,453,-736,453,-741,-658,-662,-663,453,-668,453,-669,453,-674,-676,453,-679,453,453,453,-689,-691,453,-694,453,453,-746,453,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,453,453,453,453,453,-879,453,-882,-910,-922,-927,-390,-391,453,-396,453,-399,453,-404,453,-405,453,-410,453,-415,453,-419,453,-420,453,-425,453,-428,-901,-902,-645,-587,-1896,-903,453,453,453,-802,453,453,-806,453,-809,-835,453,-820,453,-822,453,-824,-810,453,-826,453,-853,-854,453,453,-813,453,-648,-904,-906,-650,-651,-647,453,-707,-708,453,-644,-905,-649,-652,-605,-716,453,453,-607,-588,453,453,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,453,453,-711,-712,453,-718,453,453,453,453,453,453,-940,453,-441,-443,-749,453,-893,453,-717,-1896,453,453,453,453,453,-444,-514,-525,453,-730,-735,453,-737,453,-742,453,-664,-670,453,-680,-682,-684,-685,-692,-695,-699,-747,453,453,-876,453,453,-880,453,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,453,-814,453,-816,-803,453,-804,-807,453,-818,-821,-823,-825,-827,453,-828,453,-811,453,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,453,-284,453,453,453,453,-457,453,453,-731,453,-738,453,-743,453,-665,-673,453,453,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,453,-838,-53,453,453,-732,453,-739,453,-744,-666,453,-875,-54,453,453,-733,-740,-745,453,453,453,-874,]),'MASTER_PASSWORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[454,454,454,454,-1896,454,454,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,454,454,454,454,-277,-278,454,-1427,454,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,454,454,454,-492,454,454,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,454,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,454,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,454,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,454,-174,-175,-176,-177,-995,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-292,-293,-283,454,454,454,454,454,-330,-320,-334,-335,-336,454,454,-984,-985,-986,-987,-988,-989,-990,454,454,454,454,454,454,454,454,454,454,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,454,454,454,-355,-358,454,-325,-326,-143,454,-144,454,-145,454,-432,-937,-938,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-1896,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-1896,454,-1896,454,454,454,454,454,454,454,454,454,454,454,454,-1896,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-1896,454,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,454,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,454,454,454,-193,-194,454,-996,454,454,454,454,454,-279,-280,-281,-282,-367,454,-310,454,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,454,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,454,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,454,454,454,454,454,454,-575,454,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,454,454,-725,-726,-727,454,454,454,454,454,454,-996,454,454,-93,-94,454,454,454,454,-311,-312,-322,454,-309,-295,-296,-297,454,454,454,454,-620,-635,-592,454,454,-438,454,-439,454,-446,-447,-448,-380,-381,454,454,454,-508,454,454,-512,454,454,454,454,-517,-518,-519,-520,454,454,-523,-524,454,-526,-527,-528,-529,-530,-531,-532,-533,454,-535,454,454,454,-541,-543,-544,454,-546,-547,-548,-549,454,454,454,454,454,454,-654,-655,-656,-657,454,-659,-660,-661,454,454,454,-667,454,454,-671,-672,454,454,-675,454,-677,-678,454,-681,454,-683,454,454,-686,-687,-688,454,-690,454,454,-693,454,454,-696,-697,-698,454,-700,-701,-702,-703,454,454,-748,454,-751,-752,-753,-754,-755,454,-757,-758,-759,-760,-761,454,-768,-769,-771,454,-773,-774,-775,-784,-858,-860,-862,-864,454,454,454,454,-870,454,-872,454,454,454,454,454,454,454,-908,-909,454,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,454,-923,-926,454,-936,454,-387,-388,-389,454,454,-392,-393,-394,-395,454,-398,454,-401,-402,454,-403,454,-408,-409,454,-412,-413,-414,454,-417,454,-418,454,-423,-424,454,-427,454,-430,-431,-1896,-1896,454,-621,-622,-623,-624,-625,-636,-586,-626,-799,454,454,454,454,454,-833,454,454,-808,454,-834,454,454,454,454,-800,454,-855,-801,454,454,454,454,454,454,-856,-857,454,-836,-832,-837,454,-627,454,-628,-629,-630,-631,-576,454,454,-632,-633,-634,454,454,454,454,454,454,-637,-638,-639,-594,-1896,-604,454,-640,-641,-715,-642,-606,454,-574,-579,-582,-585,454,454,454,-600,-603,454,-610,454,454,454,454,454,454,454,454,454,454,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,454,454,454,-997,454,454,454,454,454,454,-308,-327,-321,-298,-377,-454,-455,-456,-460,454,-445,454,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,454,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,454,454,454,454,454,454,454,454,454,-318,-537,-510,-593,-939,-941,-942,-440,454,-442,-382,-383,-385,-509,-511,-513,454,-515,-516,-521,-522,454,-534,-536,-539,-540,-545,-550,-728,454,-729,454,-734,454,-736,454,-741,-658,-662,-663,454,-668,454,-669,454,-674,-676,454,-679,454,454,454,-689,-691,454,-694,454,454,-746,454,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,454,454,454,454,454,-879,454,-882,-910,-922,-927,-390,-391,454,-396,454,-399,454,-404,454,-405,454,-410,454,-415,454,-419,454,-420,454,-425,454,-428,-901,-902,-645,-587,-1896,-903,454,454,454,-802,454,454,-806,454,-809,-835,454,-820,454,-822,454,-824,-810,454,-826,454,-853,-854,454,454,-813,454,-648,-904,-906,-650,-651,-647,454,-707,-708,454,-644,-905,-649,-652,-605,-716,454,454,-607,-588,454,454,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,454,454,-711,-712,454,-718,454,454,454,454,454,454,-940,454,-441,-443,-749,454,-893,454,-717,-1896,454,454,454,454,454,-444,-514,-525,454,-730,-735,454,-737,454,-742,454,-664,-670,454,-680,-682,-684,-685,-692,-695,-699,-747,454,454,-876,454,454,-880,454,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,454,-814,454,-816,-803,454,-804,-807,454,-818,-821,-823,-825,-827,454,-828,454,-811,454,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,454,-284,454,454,454,454,-457,454,454,-731,454,-738,454,-743,454,-665,-673,454,454,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,454,-838,-53,454,454,-732,454,-739,454,-744,-666,454,-875,-54,454,454,-733,-740,-745,454,454,454,-874,]),'MASTER_PORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[455,455,455,455,-1896,455,455,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,455,455,455,455,-277,-278,455,-1427,455,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,455,455,455,-492,455,455,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,455,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,455,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,455,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,455,-174,-175,-176,-177,-995,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-292,-293,-283,455,455,455,455,455,-330,-320,-334,-335,-336,455,455,-984,-985,-986,-987,-988,-989,-990,455,455,455,455,455,455,455,455,455,455,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,455,455,455,-355,-358,455,-325,-326,-143,455,-144,455,-145,455,-432,-937,-938,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-1896,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-1896,455,-1896,455,455,455,455,455,455,455,455,455,455,455,455,-1896,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-1896,455,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,455,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,455,455,455,-193,-194,455,-996,455,455,455,455,455,-279,-280,-281,-282,-367,455,-310,455,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,455,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,455,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,455,455,455,455,455,455,-575,455,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,455,455,-725,-726,-727,455,455,455,455,455,455,-996,455,455,-93,-94,455,455,455,455,-311,-312,-322,455,-309,-295,-296,-297,455,455,455,455,-620,-635,-592,455,455,-438,455,-439,455,-446,-447,-448,-380,-381,455,455,455,-508,455,455,-512,455,455,455,455,-517,-518,-519,-520,455,455,-523,-524,455,-526,-527,-528,-529,-530,-531,-532,-533,455,-535,455,455,455,-541,-543,-544,455,-546,-547,-548,-549,455,455,455,455,455,455,-654,-655,-656,-657,455,-659,-660,-661,455,455,455,-667,455,455,-671,-672,455,455,-675,455,-677,-678,455,-681,455,-683,455,455,-686,-687,-688,455,-690,455,455,-693,455,455,-696,-697,-698,455,-700,-701,-702,-703,455,455,-748,455,-751,-752,-753,-754,-755,455,-757,-758,-759,-760,-761,455,-768,-769,-771,455,-773,-774,-775,-784,-858,-860,-862,-864,455,455,455,455,-870,455,-872,455,455,455,455,455,455,455,-908,-909,455,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,455,-923,-926,455,-936,455,-387,-388,-389,455,455,-392,-393,-394,-395,455,-398,455,-401,-402,455,-403,455,-408,-409,455,-412,-413,-414,455,-417,455,-418,455,-423,-424,455,-427,455,-430,-431,-1896,-1896,455,-621,-622,-623,-624,-625,-636,-586,-626,-799,455,455,455,455,455,-833,455,455,-808,455,-834,455,455,455,455,-800,455,-855,-801,455,455,455,455,455,455,-856,-857,455,-836,-832,-837,455,-627,455,-628,-629,-630,-631,-576,455,455,-632,-633,-634,455,455,455,455,455,455,-637,-638,-639,-594,-1896,-604,455,-640,-641,-715,-642,-606,455,-574,-579,-582,-585,455,455,455,-600,-603,455,-610,455,455,455,455,455,455,455,455,455,455,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,455,455,455,-997,455,455,455,455,455,455,-308,-327,-321,-298,-377,-454,-455,-456,-460,455,-445,455,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,455,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,455,455,455,455,455,455,455,455,455,-318,-537,-510,-593,-939,-941,-942,-440,455,-442,-382,-383,-385,-509,-511,-513,455,-515,-516,-521,-522,455,-534,-536,-539,-540,-545,-550,-728,455,-729,455,-734,455,-736,455,-741,-658,-662,-663,455,-668,455,-669,455,-674,-676,455,-679,455,455,455,-689,-691,455,-694,455,455,-746,455,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,455,455,455,455,455,-879,455,-882,-910,-922,-927,-390,-391,455,-396,455,-399,455,-404,455,-405,455,-410,455,-415,455,-419,455,-420,455,-425,455,-428,-901,-902,-645,-587,-1896,-903,455,455,455,-802,455,455,-806,455,-809,-835,455,-820,455,-822,455,-824,-810,455,-826,455,-853,-854,455,455,-813,455,-648,-904,-906,-650,-651,-647,455,-707,-708,455,-644,-905,-649,-652,-605,-716,455,455,-607,-588,455,455,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,455,455,-711,-712,455,-718,455,455,455,455,455,455,-940,455,-441,-443,-749,455,-893,455,-717,-1896,455,455,455,455,455,-444,-514,-525,455,-730,-735,455,-737,455,-742,455,-664,-670,455,-680,-682,-684,-685,-692,-695,-699,-747,455,455,-876,455,455,-880,455,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,455,-814,455,-816,-803,455,-804,-807,455,-818,-821,-823,-825,-827,455,-828,455,-811,455,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,455,-284,455,455,455,455,-457,455,455,-731,455,-738,455,-743,455,-665,-673,455,455,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,455,-838,-53,455,455,-732,455,-739,455,-744,-666,455,-875,-54,455,455,-733,-740,-745,455,455,455,-874,]),'MASTER_POS_WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[456,456,456,1195,-1896,456,456,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,456,456,456,456,-277,-278,1195,-1427,1195,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1195,1195,1195,-492,1195,1195,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1195,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1195,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1919,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,456,-174,-175,-176,-177,-995,456,456,456,456,456,456,456,456,456,456,1195,1195,1195,1195,1195,-292,-293,-283,456,1195,1195,1195,1195,-330,-320,-334,-335,-336,1195,1195,-984,-985,-986,-987,-988,-989,-990,456,456,1195,1195,1195,1195,1195,1195,1195,1195,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1195,1195,1195,-355,-358,456,-325,-326,-143,1195,-144,1195,-145,1195,-432,-937,-938,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1896,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1896,1195,-1896,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1896,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1896,456,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1195,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1195,456,456,-193,-194,456,-996,1195,456,456,456,456,-279,-280,-281,-282,-367,1195,-310,1195,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1195,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1195,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1195,1195,1195,1195,1195,1195,-575,1195,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1195,1195,-725,-726,-727,1195,1919,456,456,456,456,-996,456,1195,-93,-94,456,456,456,1195,-311,-312,-322,1195,-309,-295,-296,-297,1195,456,1195,1195,-620,-635,-592,1195,456,-438,456,-439,1195,-446,-447,-448,-380,-381,1195,1195,1195,-508,1195,1195,-512,1195,1195,1195,1195,-517,-518,-519,-520,1195,1195,-523,-524,1195,-526,-527,-528,-529,-530,-531,-532,-533,1195,-535,1195,1195,1195,-541,-543,-544,1195,-546,-547,-548,-549,1195,1195,1195,1195,1195,1195,-654,-655,-656,-657,456,-659,-660,-661,1195,1195,1195,-667,1195,1195,-671,-672,1195,1195,-675,1195,-677,-678,1195,-681,1195,-683,1195,1195,-686,-687,-688,1195,-690,1195,1195,-693,1195,1195,-696,-697,-698,1195,-700,-701,-702,-703,1195,1195,-748,1195,-751,-752,-753,-754,-755,1195,-757,-758,-759,-760,-761,1195,-768,-769,-771,1195,-773,-774,-775,-784,-858,-860,-862,-864,1195,1195,1195,1195,-870,1195,-872,1195,1195,1195,1195,1195,1195,1195,-908,-909,1195,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1195,-923,-926,1195,-936,1195,-387,-388,-389,1195,1195,-392,-393,-394,-395,1195,-398,1195,-401,-402,1195,-403,1195,-408,-409,1195,-412,-413,-414,1195,-417,1195,-418,1195,-423,-424,1195,-427,1195,-430,-431,-1896,-1896,1195,-621,-622,-623,-624,-625,-636,-586,-626,-799,1195,1195,1195,1195,1195,-833,1195,1195,-808,1195,-834,1195,1195,1195,1195,-800,1195,-855,-801,1195,1195,1195,1195,1195,1195,-856,-857,1195,-836,-832,-837,1195,-627,1195,-628,-629,-630,-631,-576,1195,1195,-632,-633,-634,1195,1195,1195,1195,1195,1195,-637,-638,-639,-594,-1896,-604,1195,-640,-641,-715,-642,-606,1195,-574,-579,-582,-585,1195,1195,1195,-600,-603,1195,-610,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1195,456,456,-997,456,1195,456,456,456,1195,-308,-327,-321,-298,-377,-454,-455,-456,-460,456,-445,1195,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1195,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,456,456,456,456,456,456,456,456,1195,-318,-537,-510,-593,-939,-941,-942,-440,1195,-442,-382,-383,-385,-509,-511,-513,1195,-515,-516,-521,-522,1195,-534,-536,-539,-540,-545,-550,-728,1195,-729,1195,-734,1195,-736,1195,-741,-658,-662,-663,1195,-668,1195,-669,1195,-674,-676,1195,-679,1195,1195,1195,-689,-691,1195,-694,1195,1195,-746,1195,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1195,1195,1195,1195,1195,-879,1195,-882,-910,-922,-927,-390,-391,1195,-396,1195,-399,1195,-404,1195,-405,1195,-410,1195,-415,1195,-419,1195,-420,1195,-425,1195,-428,-901,-902,-645,-587,-1896,-903,1195,1195,1195,-802,1195,1195,-806,1195,-809,-835,1195,-820,1195,-822,1195,-824,-810,1195,-826,1195,-853,-854,1195,1195,-813,1195,-648,-904,-906,-650,-651,-647,1195,-707,-708,1195,-644,-905,-649,-652,-605,-716,1195,1195,-607,-588,1195,1195,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1195,1195,-711,-712,1195,-718,1195,456,456,456,1195,1195,-940,456,-441,-443,-749,1195,-893,1919,-717,-1896,1195,1195,456,456,1195,-444,-514,-525,1195,-730,-735,1195,-737,1195,-742,1195,-664,-670,1195,-680,-682,-684,-685,-692,-695,-699,-747,1195,1195,-876,1195,1195,-880,1195,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1195,-814,1195,-816,-803,1195,-804,-807,1195,-818,-821,-823,-825,-827,1195,-828,1195,-811,1195,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,456,-284,456,1195,456,1195,-457,1195,1195,-731,1195,-738,1195,-743,1195,-665,-673,1195,1195,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1195,-838,-53,456,1195,-732,1195,-739,1195,-744,-666,1195,-875,-54,456,456,-733,-740,-745,1195,456,1195,-874,]),'MASTER_RETRY_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[457,457,457,457,-1896,457,457,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,457,457,457,457,-277,-278,457,-1427,457,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,457,457,457,-492,457,457,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,457,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,457,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,457,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,457,-174,-175,-176,-177,-995,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-292,-293,-283,457,457,457,457,457,-330,-320,-334,-335,-336,457,457,-984,-985,-986,-987,-988,-989,-990,457,457,457,457,457,457,457,457,457,457,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,457,457,457,-355,-358,457,-325,-326,-143,457,-144,457,-145,457,-432,-937,-938,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-1896,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-1896,457,-1896,457,457,457,457,457,457,457,457,457,457,457,457,-1896,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-1896,457,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,457,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,457,457,457,-193,-194,457,-996,457,457,457,457,457,-279,-280,-281,-282,-367,457,-310,457,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,457,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,457,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,457,457,457,457,457,457,-575,457,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,457,457,-725,-726,-727,457,457,457,457,457,457,-996,457,457,-93,-94,457,457,457,457,-311,-312,-322,457,-309,-295,-296,-297,457,457,457,457,-620,-635,-592,457,457,-438,457,-439,457,-446,-447,-448,-380,-381,457,457,457,-508,457,457,-512,457,457,457,457,-517,-518,-519,-520,457,457,-523,-524,457,-526,-527,-528,-529,-530,-531,-532,-533,457,-535,457,457,457,-541,-543,-544,457,-546,-547,-548,-549,457,457,457,457,457,457,-654,-655,-656,-657,457,-659,-660,-661,457,457,457,-667,457,457,-671,-672,457,457,-675,457,-677,-678,457,-681,457,-683,457,457,-686,-687,-688,457,-690,457,457,-693,457,457,-696,-697,-698,457,-700,-701,-702,-703,457,457,-748,457,-751,-752,-753,-754,-755,457,-757,-758,-759,-760,-761,457,-768,-769,-771,457,-773,-774,-775,-784,-858,-860,-862,-864,457,457,457,457,-870,457,-872,457,457,457,457,457,457,457,-908,-909,457,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,457,-923,-926,457,-936,457,-387,-388,-389,457,457,-392,-393,-394,-395,457,-398,457,-401,-402,457,-403,457,-408,-409,457,-412,-413,-414,457,-417,457,-418,457,-423,-424,457,-427,457,-430,-431,-1896,-1896,457,-621,-622,-623,-624,-625,-636,-586,-626,-799,457,457,457,457,457,-833,457,457,-808,457,-834,457,457,457,457,-800,457,-855,-801,457,457,457,457,457,457,-856,-857,457,-836,-832,-837,457,-627,457,-628,-629,-630,-631,-576,457,457,-632,-633,-634,457,457,457,457,457,457,-637,-638,-639,-594,-1896,-604,457,-640,-641,-715,-642,-606,457,-574,-579,-582,-585,457,457,457,-600,-603,457,-610,457,457,457,457,457,457,457,457,457,457,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,457,457,457,-997,457,457,457,457,457,457,-308,-327,-321,-298,-377,-454,-455,-456,-460,457,-445,457,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,457,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,457,457,457,457,457,457,457,457,457,-318,-537,-510,-593,-939,-941,-942,-440,457,-442,-382,-383,-385,-509,-511,-513,457,-515,-516,-521,-522,457,-534,-536,-539,-540,-545,-550,-728,457,-729,457,-734,457,-736,457,-741,-658,-662,-663,457,-668,457,-669,457,-674,-676,457,-679,457,457,457,-689,-691,457,-694,457,457,-746,457,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,457,457,457,457,457,-879,457,-882,-910,-922,-927,-390,-391,457,-396,457,-399,457,-404,457,-405,457,-410,457,-415,457,-419,457,-420,457,-425,457,-428,-901,-902,-645,-587,-1896,-903,457,457,457,-802,457,457,-806,457,-809,-835,457,-820,457,-822,457,-824,-810,457,-826,457,-853,-854,457,457,-813,457,-648,-904,-906,-650,-651,-647,457,-707,-708,457,-644,-905,-649,-652,-605,-716,457,457,-607,-588,457,457,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,457,457,-711,-712,457,-718,457,457,457,457,457,457,-940,457,-441,-443,-749,457,-893,457,-717,-1896,457,457,457,457,457,-444,-514,-525,457,-730,-735,457,-737,457,-742,457,-664,-670,457,-680,-682,-684,-685,-692,-695,-699,-747,457,457,-876,457,457,-880,457,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,457,-814,457,-816,-803,457,-804,-807,457,-818,-821,-823,-825,-827,457,-828,457,-811,457,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,457,-284,457,457,457,457,-457,457,457,-731,457,-738,457,-743,457,-665,-673,457,457,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,457,-838,-53,457,457,-732,457,-739,457,-744,-666,457,-875,-54,457,457,-733,-740,-745,457,457,457,-874,]),'MASTER_SERVER_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[458,458,458,458,-1896,458,458,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,458,458,458,458,-277,-278,458,-1427,458,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,458,458,458,-492,458,458,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,458,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,458,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,458,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,458,-174,-175,-176,-177,-995,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-292,-293,-283,458,458,458,458,458,-330,-320,-334,-335,-336,458,458,-984,-985,-986,-987,-988,-989,-990,458,458,458,458,458,458,458,458,458,458,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,458,458,458,-355,-358,458,-325,-326,-143,458,-144,458,-145,458,-432,-937,-938,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-1896,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-1896,458,-1896,458,458,458,458,458,458,458,458,458,458,458,458,-1896,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-1896,458,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,458,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,458,458,458,-193,-194,458,-996,458,458,458,458,458,-279,-280,-281,-282,-367,458,-310,458,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,458,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,458,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,458,458,458,458,458,458,-575,458,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,458,458,-725,-726,-727,458,458,458,458,458,458,-996,458,458,-93,-94,458,458,458,458,-311,-312,-322,458,-309,-295,-296,-297,458,458,458,458,-620,-635,-592,458,458,-438,458,-439,458,-446,-447,-448,-380,-381,458,458,458,-508,458,458,-512,458,458,458,458,-517,-518,-519,-520,458,458,-523,-524,458,-526,-527,-528,-529,-530,-531,-532,-533,458,-535,458,458,458,-541,-543,-544,458,-546,-547,-548,-549,458,458,458,458,458,458,-654,-655,-656,-657,458,-659,-660,-661,458,458,458,-667,458,458,-671,-672,458,458,-675,458,-677,-678,458,-681,458,-683,458,458,-686,-687,-688,458,-690,458,458,-693,458,458,-696,-697,-698,458,-700,-701,-702,-703,458,458,-748,458,-751,-752,-753,-754,-755,458,-757,-758,-759,-760,-761,458,-768,-769,-771,458,-773,-774,-775,-784,-858,-860,-862,-864,458,458,458,458,-870,458,-872,458,458,458,458,458,458,458,-908,-909,458,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,458,-923,-926,458,-936,458,-387,-388,-389,458,458,-392,-393,-394,-395,458,-398,458,-401,-402,458,-403,458,-408,-409,458,-412,-413,-414,458,-417,458,-418,458,-423,-424,458,-427,458,-430,-431,-1896,-1896,458,-621,-622,-623,-624,-625,-636,-586,-626,-799,458,458,458,458,458,-833,458,458,-808,458,-834,458,458,458,458,-800,458,-855,-801,458,458,458,458,458,458,-856,-857,458,-836,-832,-837,458,-627,458,-628,-629,-630,-631,-576,458,458,-632,-633,-634,458,458,458,458,458,458,-637,-638,-639,-594,-1896,-604,458,-640,-641,-715,-642,-606,458,-574,-579,-582,-585,458,458,458,-600,-603,458,-610,458,458,458,458,458,458,458,458,458,458,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,458,458,458,-997,458,458,458,458,458,458,-308,-327,-321,-298,-377,-454,-455,-456,-460,458,-445,458,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,458,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,458,458,458,458,458,458,458,458,458,-318,-537,-510,-593,-939,-941,-942,-440,458,-442,-382,-383,-385,-509,-511,-513,458,-515,-516,-521,-522,458,-534,-536,-539,-540,-545,-550,-728,458,-729,458,-734,458,-736,458,-741,-658,-662,-663,458,-668,458,-669,458,-674,-676,458,-679,458,458,458,-689,-691,458,-694,458,458,-746,458,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,458,458,458,458,458,-879,458,-882,-910,-922,-927,-390,-391,458,-396,458,-399,458,-404,458,-405,458,-410,458,-415,458,-419,458,-420,458,-425,458,-428,-901,-902,-645,-587,-1896,-903,458,458,458,-802,458,458,-806,458,-809,-835,458,-820,458,-822,458,-824,-810,458,-826,458,-853,-854,458,458,-813,458,-648,-904,-906,-650,-651,-647,458,-707,-708,458,-644,-905,-649,-652,-605,-716,458,458,-607,-588,458,458,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,458,458,-711,-712,458,-718,458,458,458,458,458,458,-940,458,-441,-443,-749,458,-893,458,-717,-1896,458,458,458,458,458,-444,-514,-525,458,-730,-735,458,-737,458,-742,458,-664,-670,458,-680,-682,-684,-685,-692,-695,-699,-747,458,458,-876,458,458,-880,458,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,458,-814,458,-816,-803,458,-804,-807,458,-818,-821,-823,-825,-827,458,-828,458,-811,458,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,458,-284,458,458,458,458,-457,458,458,-731,458,-738,458,-743,458,-665,-673,458,458,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,458,-838,-53,458,458,-732,458,-739,458,-744,-666,458,-875,-54,458,458,-733,-740,-745,458,458,458,-874,]),'MASTER_SSL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[459,459,459,459,-1896,459,459,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,459,459,459,459,-277,-278,459,-1427,459,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,459,459,459,-492,459,459,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,459,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,459,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,459,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,459,-174,-175,-176,-177,-995,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-292,-293,-283,459,459,459,459,459,-330,-320,-334,-335,-336,459,459,-984,-985,-986,-987,-988,-989,-990,459,459,459,459,459,459,459,459,459,459,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,459,459,459,-355,-358,459,-325,-326,-143,459,-144,459,-145,459,-432,-937,-938,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-1896,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-1896,459,-1896,459,459,459,459,459,459,459,459,459,459,459,459,-1896,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-1896,459,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,459,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,459,459,459,-193,-194,459,-996,459,459,459,459,459,-279,-280,-281,-282,-367,459,-310,459,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,459,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,459,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,459,459,459,459,459,459,-575,459,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,459,459,-725,-726,-727,459,459,459,459,459,459,-996,459,459,-93,-94,459,459,459,459,-311,-312,-322,459,-309,-295,-296,-297,459,459,459,459,-620,-635,-592,459,459,-438,459,-439,459,-446,-447,-448,-380,-381,459,459,459,-508,459,459,-512,459,459,459,459,-517,-518,-519,-520,459,459,-523,-524,459,-526,-527,-528,-529,-530,-531,-532,-533,459,-535,459,459,459,-541,-543,-544,459,-546,-547,-548,-549,459,459,459,459,459,459,-654,-655,-656,-657,459,-659,-660,-661,459,459,459,-667,459,459,-671,-672,459,459,-675,459,-677,-678,459,-681,459,-683,459,459,-686,-687,-688,459,-690,459,459,-693,459,459,-696,-697,-698,459,-700,-701,-702,-703,459,459,-748,459,-751,-752,-753,-754,-755,459,-757,-758,-759,-760,-761,459,-768,-769,-771,459,-773,-774,-775,-784,-858,-860,-862,-864,459,459,459,459,-870,459,-872,459,459,459,459,459,459,459,-908,-909,459,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,459,-923,-926,459,-936,459,-387,-388,-389,459,459,-392,-393,-394,-395,459,-398,459,-401,-402,459,-403,459,-408,-409,459,-412,-413,-414,459,-417,459,-418,459,-423,-424,459,-427,459,-430,-431,-1896,-1896,459,-621,-622,-623,-624,-625,-636,-586,-626,-799,459,459,459,459,459,-833,459,459,-808,459,-834,459,459,459,459,-800,459,-855,-801,459,459,459,459,459,459,-856,-857,459,-836,-832,-837,459,-627,459,-628,-629,-630,-631,-576,459,459,-632,-633,-634,459,459,459,459,459,459,-637,-638,-639,-594,-1896,-604,459,-640,-641,-715,-642,-606,459,-574,-579,-582,-585,459,459,459,-600,-603,459,-610,459,459,459,459,459,459,459,459,459,459,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,459,459,459,-997,459,459,459,459,459,459,-308,-327,-321,-298,-377,-454,-455,-456,-460,459,-445,459,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,459,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,459,459,459,459,459,459,459,459,459,-318,-537,-510,-593,-939,-941,-942,-440,459,-442,-382,-383,-385,-509,-511,-513,459,-515,-516,-521,-522,459,-534,-536,-539,-540,-545,-550,-728,459,-729,459,-734,459,-736,459,-741,-658,-662,-663,459,-668,459,-669,459,-674,-676,459,-679,459,459,459,-689,-691,459,-694,459,459,-746,459,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,459,459,459,459,459,-879,459,-882,-910,-922,-927,-390,-391,459,-396,459,-399,459,-404,459,-405,459,-410,459,-415,459,-419,459,-420,459,-425,459,-428,-901,-902,-645,-587,-1896,-903,459,459,459,-802,459,459,-806,459,-809,-835,459,-820,459,-822,459,-824,-810,459,-826,459,-853,-854,459,459,-813,459,-648,-904,-906,-650,-651,-647,459,-707,-708,459,-644,-905,-649,-652,-605,-716,459,459,-607,-588,459,459,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,459,459,-711,-712,459,-718,459,459,459,459,459,459,-940,459,-441,-443,-749,459,-893,459,-717,-1896,459,459,459,459,459,-444,-514,-525,459,-730,-735,459,-737,459,-742,459,-664,-670,459,-680,-682,-684,-685,-692,-695,-699,-747,459,459,-876,459,459,-880,459,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,459,-814,459,-816,-803,459,-804,-807,459,-818,-821,-823,-825,-827,459,-828,459,-811,459,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,459,-284,459,459,459,459,-457,459,459,-731,459,-738,459,-743,459,-665,-673,459,459,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,459,-838,-53,459,459,-732,459,-739,459,-744,-666,459,-875,-54,459,459,-733,-740,-745,459,459,459,-874,]),'MASTER_SSL_CA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[460,460,460,460,-1896,460,460,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,460,460,460,460,-277,-278,460,-1427,460,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,460,460,460,-492,460,460,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,460,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,460,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,460,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,460,-174,-175,-176,-177,-995,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-292,-293,-283,460,460,460,460,460,-330,-320,-334,-335,-336,460,460,-984,-985,-986,-987,-988,-989,-990,460,460,460,460,460,460,460,460,460,460,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,460,460,460,-355,-358,460,-325,-326,-143,460,-144,460,-145,460,-432,-937,-938,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-1896,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-1896,460,-1896,460,460,460,460,460,460,460,460,460,460,460,460,-1896,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-1896,460,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,460,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,460,460,460,-193,-194,460,-996,460,460,460,460,460,-279,-280,-281,-282,-367,460,-310,460,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,460,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,460,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,460,460,460,460,460,460,-575,460,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,460,460,-725,-726,-727,460,460,460,460,460,460,-996,460,460,-93,-94,460,460,460,460,-311,-312,-322,460,-309,-295,-296,-297,460,460,460,460,-620,-635,-592,460,460,-438,460,-439,460,-446,-447,-448,-380,-381,460,460,460,-508,460,460,-512,460,460,460,460,-517,-518,-519,-520,460,460,-523,-524,460,-526,-527,-528,-529,-530,-531,-532,-533,460,-535,460,460,460,-541,-543,-544,460,-546,-547,-548,-549,460,460,460,460,460,460,-654,-655,-656,-657,460,-659,-660,-661,460,460,460,-667,460,460,-671,-672,460,460,-675,460,-677,-678,460,-681,460,-683,460,460,-686,-687,-688,460,-690,460,460,-693,460,460,-696,-697,-698,460,-700,-701,-702,-703,460,460,-748,460,-751,-752,-753,-754,-755,460,-757,-758,-759,-760,-761,460,-768,-769,-771,460,-773,-774,-775,-784,-858,-860,-862,-864,460,460,460,460,-870,460,-872,460,460,460,460,460,460,460,-908,-909,460,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,460,-923,-926,460,-936,460,-387,-388,-389,460,460,-392,-393,-394,-395,460,-398,460,-401,-402,460,-403,460,-408,-409,460,-412,-413,-414,460,-417,460,-418,460,-423,-424,460,-427,460,-430,-431,-1896,-1896,460,-621,-622,-623,-624,-625,-636,-586,-626,-799,460,460,460,460,460,-833,460,460,-808,460,-834,460,460,460,460,-800,460,-855,-801,460,460,460,460,460,460,-856,-857,460,-836,-832,-837,460,-627,460,-628,-629,-630,-631,-576,460,460,-632,-633,-634,460,460,460,460,460,460,-637,-638,-639,-594,-1896,-604,460,-640,-641,-715,-642,-606,460,-574,-579,-582,-585,460,460,460,-600,-603,460,-610,460,460,460,460,460,460,460,460,460,460,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,460,460,460,-997,460,460,460,460,460,460,-308,-327,-321,-298,-377,-454,-455,-456,-460,460,-445,460,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,460,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,460,460,460,460,460,460,460,460,460,-318,-537,-510,-593,-939,-941,-942,-440,460,-442,-382,-383,-385,-509,-511,-513,460,-515,-516,-521,-522,460,-534,-536,-539,-540,-545,-550,-728,460,-729,460,-734,460,-736,460,-741,-658,-662,-663,460,-668,460,-669,460,-674,-676,460,-679,460,460,460,-689,-691,460,-694,460,460,-746,460,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,460,460,460,460,460,-879,460,-882,-910,-922,-927,-390,-391,460,-396,460,-399,460,-404,460,-405,460,-410,460,-415,460,-419,460,-420,460,-425,460,-428,-901,-902,-645,-587,-1896,-903,460,460,460,-802,460,460,-806,460,-809,-835,460,-820,460,-822,460,-824,-810,460,-826,460,-853,-854,460,460,-813,460,-648,-904,-906,-650,-651,-647,460,-707,-708,460,-644,-905,-649,-652,-605,-716,460,460,-607,-588,460,460,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,460,460,-711,-712,460,-718,460,460,460,460,460,460,-940,460,-441,-443,-749,460,-893,460,-717,-1896,460,460,460,460,460,-444,-514,-525,460,-730,-735,460,-737,460,-742,460,-664,-670,460,-680,-682,-684,-685,-692,-695,-699,-747,460,460,-876,460,460,-880,460,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,460,-814,460,-816,-803,460,-804,-807,460,-818,-821,-823,-825,-827,460,-828,460,-811,460,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,460,-284,460,460,460,460,-457,460,460,-731,460,-738,460,-743,460,-665,-673,460,460,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,460,-838,-53,460,460,-732,460,-739,460,-744,-666,460,-875,-54,460,460,-733,-740,-745,460,460,460,-874,]),'MASTER_SSL_CAPATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[461,461,461,461,-1896,461,461,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,461,461,461,461,-277,-278,461,-1427,461,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,461,461,461,-492,461,461,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,461,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,461,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,461,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,461,-174,-175,-176,-177,-995,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-292,-293,-283,461,461,461,461,461,-330,-320,-334,-335,-336,461,461,-984,-985,-986,-987,-988,-989,-990,461,461,461,461,461,461,461,461,461,461,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,461,461,461,-355,-358,461,-325,-326,-143,461,-144,461,-145,461,-432,-937,-938,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-1896,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-1896,461,-1896,461,461,461,461,461,461,461,461,461,461,461,461,-1896,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-1896,461,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,461,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,461,461,461,-193,-194,461,-996,461,461,461,461,461,-279,-280,-281,-282,-367,461,-310,461,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,461,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,461,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,461,461,461,461,461,461,-575,461,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,461,461,-725,-726,-727,461,461,461,461,461,461,-996,461,461,-93,-94,461,461,461,461,-311,-312,-322,461,-309,-295,-296,-297,461,461,461,461,-620,-635,-592,461,461,-438,461,-439,461,-446,-447,-448,-380,-381,461,461,461,-508,461,461,-512,461,461,461,461,-517,-518,-519,-520,461,461,-523,-524,461,-526,-527,-528,-529,-530,-531,-532,-533,461,-535,461,461,461,-541,-543,-544,461,-546,-547,-548,-549,461,461,461,461,461,461,-654,-655,-656,-657,461,-659,-660,-661,461,461,461,-667,461,461,-671,-672,461,461,-675,461,-677,-678,461,-681,461,-683,461,461,-686,-687,-688,461,-690,461,461,-693,461,461,-696,-697,-698,461,-700,-701,-702,-703,461,461,-748,461,-751,-752,-753,-754,-755,461,-757,-758,-759,-760,-761,461,-768,-769,-771,461,-773,-774,-775,-784,-858,-860,-862,-864,461,461,461,461,-870,461,-872,461,461,461,461,461,461,461,-908,-909,461,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,461,-923,-926,461,-936,461,-387,-388,-389,461,461,-392,-393,-394,-395,461,-398,461,-401,-402,461,-403,461,-408,-409,461,-412,-413,-414,461,-417,461,-418,461,-423,-424,461,-427,461,-430,-431,-1896,-1896,461,-621,-622,-623,-624,-625,-636,-586,-626,-799,461,461,461,461,461,-833,461,461,-808,461,-834,461,461,461,461,-800,461,-855,-801,461,461,461,461,461,461,-856,-857,461,-836,-832,-837,461,-627,461,-628,-629,-630,-631,-576,461,461,-632,-633,-634,461,461,461,461,461,461,-637,-638,-639,-594,-1896,-604,461,-640,-641,-715,-642,-606,461,-574,-579,-582,-585,461,461,461,-600,-603,461,-610,461,461,461,461,461,461,461,461,461,461,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,461,461,461,-997,461,461,461,461,461,461,-308,-327,-321,-298,-377,-454,-455,-456,-460,461,-445,461,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,461,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,461,461,461,461,461,461,461,461,461,-318,-537,-510,-593,-939,-941,-942,-440,461,-442,-382,-383,-385,-509,-511,-513,461,-515,-516,-521,-522,461,-534,-536,-539,-540,-545,-550,-728,461,-729,461,-734,461,-736,461,-741,-658,-662,-663,461,-668,461,-669,461,-674,-676,461,-679,461,461,461,-689,-691,461,-694,461,461,-746,461,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,461,461,461,461,461,-879,461,-882,-910,-922,-927,-390,-391,461,-396,461,-399,461,-404,461,-405,461,-410,461,-415,461,-419,461,-420,461,-425,461,-428,-901,-902,-645,-587,-1896,-903,461,461,461,-802,461,461,-806,461,-809,-835,461,-820,461,-822,461,-824,-810,461,-826,461,-853,-854,461,461,-813,461,-648,-904,-906,-650,-651,-647,461,-707,-708,461,-644,-905,-649,-652,-605,-716,461,461,-607,-588,461,461,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,461,461,-711,-712,461,-718,461,461,461,461,461,461,-940,461,-441,-443,-749,461,-893,461,-717,-1896,461,461,461,461,461,-444,-514,-525,461,-730,-735,461,-737,461,-742,461,-664,-670,461,-680,-682,-684,-685,-692,-695,-699,-747,461,461,-876,461,461,-880,461,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,461,-814,461,-816,-803,461,-804,-807,461,-818,-821,-823,-825,-827,461,-828,461,-811,461,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,461,-284,461,461,461,461,-457,461,461,-731,461,-738,461,-743,461,-665,-673,461,461,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,461,-838,-53,461,461,-732,461,-739,461,-744,-666,461,-875,-54,461,461,-733,-740,-745,461,461,461,-874,]),'MASTER_SSL_CERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[462,462,462,462,-1896,462,462,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,462,462,462,462,-277,-278,462,-1427,462,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,462,462,462,-492,462,462,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,462,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,462,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,462,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,462,-174,-175,-176,-177,-995,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-292,-293,-283,462,462,462,462,462,-330,-320,-334,-335,-336,462,462,-984,-985,-986,-987,-988,-989,-990,462,462,462,462,462,462,462,462,462,462,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,462,462,462,-355,-358,462,-325,-326,-143,462,-144,462,-145,462,-432,-937,-938,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-1896,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-1896,462,-1896,462,462,462,462,462,462,462,462,462,462,462,462,-1896,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-1896,462,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,462,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,462,462,462,-193,-194,462,-996,462,462,462,462,462,-279,-280,-281,-282,-367,462,-310,462,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,462,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,462,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,462,462,462,462,462,462,-575,462,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,462,462,-725,-726,-727,462,462,462,462,462,462,-996,462,462,-93,-94,462,462,462,462,-311,-312,-322,462,-309,-295,-296,-297,462,462,462,462,-620,-635,-592,462,462,-438,462,-439,462,-446,-447,-448,-380,-381,462,462,462,-508,462,462,-512,462,462,462,462,-517,-518,-519,-520,462,462,-523,-524,462,-526,-527,-528,-529,-530,-531,-532,-533,462,-535,462,462,462,-541,-543,-544,462,-546,-547,-548,-549,462,462,462,462,462,462,-654,-655,-656,-657,462,-659,-660,-661,462,462,462,-667,462,462,-671,-672,462,462,-675,462,-677,-678,462,-681,462,-683,462,462,-686,-687,-688,462,-690,462,462,-693,462,462,-696,-697,-698,462,-700,-701,-702,-703,462,462,-748,462,-751,-752,-753,-754,-755,462,-757,-758,-759,-760,-761,462,-768,-769,-771,462,-773,-774,-775,-784,-858,-860,-862,-864,462,462,462,462,-870,462,-872,462,462,462,462,462,462,462,-908,-909,462,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,462,-923,-926,462,-936,462,-387,-388,-389,462,462,-392,-393,-394,-395,462,-398,462,-401,-402,462,-403,462,-408,-409,462,-412,-413,-414,462,-417,462,-418,462,-423,-424,462,-427,462,-430,-431,-1896,-1896,462,-621,-622,-623,-624,-625,-636,-586,-626,-799,462,462,462,462,462,-833,462,462,-808,462,-834,462,462,462,462,-800,462,-855,-801,462,462,462,462,462,462,-856,-857,462,-836,-832,-837,462,-627,462,-628,-629,-630,-631,-576,462,462,-632,-633,-634,462,462,462,462,462,462,-637,-638,-639,-594,-1896,-604,462,-640,-641,-715,-642,-606,462,-574,-579,-582,-585,462,462,462,-600,-603,462,-610,462,462,462,462,462,462,462,462,462,462,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,462,462,462,-997,462,462,462,462,462,462,-308,-327,-321,-298,-377,-454,-455,-456,-460,462,-445,462,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,462,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,462,462,462,462,462,462,462,462,462,-318,-537,-510,-593,-939,-941,-942,-440,462,-442,-382,-383,-385,-509,-511,-513,462,-515,-516,-521,-522,462,-534,-536,-539,-540,-545,-550,-728,462,-729,462,-734,462,-736,462,-741,-658,-662,-663,462,-668,462,-669,462,-674,-676,462,-679,462,462,462,-689,-691,462,-694,462,462,-746,462,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,462,462,462,462,462,-879,462,-882,-910,-922,-927,-390,-391,462,-396,462,-399,462,-404,462,-405,462,-410,462,-415,462,-419,462,-420,462,-425,462,-428,-901,-902,-645,-587,-1896,-903,462,462,462,-802,462,462,-806,462,-809,-835,462,-820,462,-822,462,-824,-810,462,-826,462,-853,-854,462,462,-813,462,-648,-904,-906,-650,-651,-647,462,-707,-708,462,-644,-905,-649,-652,-605,-716,462,462,-607,-588,462,462,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,462,462,-711,-712,462,-718,462,462,462,462,462,462,-940,462,-441,-443,-749,462,-893,462,-717,-1896,462,462,462,462,462,-444,-514,-525,462,-730,-735,462,-737,462,-742,462,-664,-670,462,-680,-682,-684,-685,-692,-695,-699,-747,462,462,-876,462,462,-880,462,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,462,-814,462,-816,-803,462,-804,-807,462,-818,-821,-823,-825,-827,462,-828,462,-811,462,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,462,-284,462,462,462,462,-457,462,462,-731,462,-738,462,-743,462,-665,-673,462,462,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,462,-838,-53,462,462,-732,462,-739,462,-744,-666,462,-875,-54,462,462,-733,-740,-745,462,462,462,-874,]),'MASTER_SSL_CIPHER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[463,463,463,463,-1896,463,463,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,463,463,463,463,-277,-278,463,-1427,463,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,463,463,463,-492,463,463,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,463,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,463,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,463,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,463,-174,-175,-176,-177,-995,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-292,-293,-283,463,463,463,463,463,-330,-320,-334,-335,-336,463,463,-984,-985,-986,-987,-988,-989,-990,463,463,463,463,463,463,463,463,463,463,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,463,463,463,-355,-358,463,-325,-326,-143,463,-144,463,-145,463,-432,-937,-938,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-1896,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-1896,463,-1896,463,463,463,463,463,463,463,463,463,463,463,463,-1896,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-1896,463,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,463,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,463,463,463,-193,-194,463,-996,463,463,463,463,463,-279,-280,-281,-282,-367,463,-310,463,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,463,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,463,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,463,463,463,463,463,463,-575,463,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,463,463,-725,-726,-727,463,463,463,463,463,463,-996,463,463,-93,-94,463,463,463,463,-311,-312,-322,463,-309,-295,-296,-297,463,463,463,463,-620,-635,-592,463,463,-438,463,-439,463,-446,-447,-448,-380,-381,463,463,463,-508,463,463,-512,463,463,463,463,-517,-518,-519,-520,463,463,-523,-524,463,-526,-527,-528,-529,-530,-531,-532,-533,463,-535,463,463,463,-541,-543,-544,463,-546,-547,-548,-549,463,463,463,463,463,463,-654,-655,-656,-657,463,-659,-660,-661,463,463,463,-667,463,463,-671,-672,463,463,-675,463,-677,-678,463,-681,463,-683,463,463,-686,-687,-688,463,-690,463,463,-693,463,463,-696,-697,-698,463,-700,-701,-702,-703,463,463,-748,463,-751,-752,-753,-754,-755,463,-757,-758,-759,-760,-761,463,-768,-769,-771,463,-773,-774,-775,-784,-858,-860,-862,-864,463,463,463,463,-870,463,-872,463,463,463,463,463,463,463,-908,-909,463,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,463,-923,-926,463,-936,463,-387,-388,-389,463,463,-392,-393,-394,-395,463,-398,463,-401,-402,463,-403,463,-408,-409,463,-412,-413,-414,463,-417,463,-418,463,-423,-424,463,-427,463,-430,-431,-1896,-1896,463,-621,-622,-623,-624,-625,-636,-586,-626,-799,463,463,463,463,463,-833,463,463,-808,463,-834,463,463,463,463,-800,463,-855,-801,463,463,463,463,463,463,-856,-857,463,-836,-832,-837,463,-627,463,-628,-629,-630,-631,-576,463,463,-632,-633,-634,463,463,463,463,463,463,-637,-638,-639,-594,-1896,-604,463,-640,-641,-715,-642,-606,463,-574,-579,-582,-585,463,463,463,-600,-603,463,-610,463,463,463,463,463,463,463,463,463,463,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,463,463,463,-997,463,463,463,463,463,463,-308,-327,-321,-298,-377,-454,-455,-456,-460,463,-445,463,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,463,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,463,463,463,463,463,463,463,463,463,-318,-537,-510,-593,-939,-941,-942,-440,463,-442,-382,-383,-385,-509,-511,-513,463,-515,-516,-521,-522,463,-534,-536,-539,-540,-545,-550,-728,463,-729,463,-734,463,-736,463,-741,-658,-662,-663,463,-668,463,-669,463,-674,-676,463,-679,463,463,463,-689,-691,463,-694,463,463,-746,463,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,463,463,463,463,463,-879,463,-882,-910,-922,-927,-390,-391,463,-396,463,-399,463,-404,463,-405,463,-410,463,-415,463,-419,463,-420,463,-425,463,-428,-901,-902,-645,-587,-1896,-903,463,463,463,-802,463,463,-806,463,-809,-835,463,-820,463,-822,463,-824,-810,463,-826,463,-853,-854,463,463,-813,463,-648,-904,-906,-650,-651,-647,463,-707,-708,463,-644,-905,-649,-652,-605,-716,463,463,-607,-588,463,463,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,463,463,-711,-712,463,-718,463,463,463,463,463,463,-940,463,-441,-443,-749,463,-893,463,-717,-1896,463,463,463,463,463,-444,-514,-525,463,-730,-735,463,-737,463,-742,463,-664,-670,463,-680,-682,-684,-685,-692,-695,-699,-747,463,463,-876,463,463,-880,463,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,463,-814,463,-816,-803,463,-804,-807,463,-818,-821,-823,-825,-827,463,-828,463,-811,463,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,463,-284,463,463,463,463,-457,463,463,-731,463,-738,463,-743,463,-665,-673,463,463,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,463,-838,-53,463,463,-732,463,-739,463,-744,-666,463,-875,-54,463,463,-733,-740,-745,463,463,463,-874,]),'MASTER_SSL_CRL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[464,464,464,464,-1896,464,464,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,464,464,464,464,-277,-278,464,-1427,464,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,464,464,464,-492,464,464,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,464,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,464,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,464,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,464,-174,-175,-176,-177,-995,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-292,-293,-283,464,464,464,464,464,-330,-320,-334,-335,-336,464,464,-984,-985,-986,-987,-988,-989,-990,464,464,464,464,464,464,464,464,464,464,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,464,464,464,-355,-358,464,-325,-326,-143,464,-144,464,-145,464,-432,-937,-938,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-1896,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-1896,464,-1896,464,464,464,464,464,464,464,464,464,464,464,464,-1896,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-1896,464,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,464,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,464,464,464,-193,-194,464,-996,464,464,464,464,464,-279,-280,-281,-282,-367,464,-310,464,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,464,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,464,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,464,464,464,464,464,464,-575,464,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,464,464,-725,-726,-727,464,464,464,464,464,464,-996,464,464,-93,-94,464,464,464,464,-311,-312,-322,464,-309,-295,-296,-297,464,464,464,464,-620,-635,-592,464,464,-438,464,-439,464,-446,-447,-448,-380,-381,464,464,464,-508,464,464,-512,464,464,464,464,-517,-518,-519,-520,464,464,-523,-524,464,-526,-527,-528,-529,-530,-531,-532,-533,464,-535,464,464,464,-541,-543,-544,464,-546,-547,-548,-549,464,464,464,464,464,464,-654,-655,-656,-657,464,-659,-660,-661,464,464,464,-667,464,464,-671,-672,464,464,-675,464,-677,-678,464,-681,464,-683,464,464,-686,-687,-688,464,-690,464,464,-693,464,464,-696,-697,-698,464,-700,-701,-702,-703,464,464,-748,464,-751,-752,-753,-754,-755,464,-757,-758,-759,-760,-761,464,-768,-769,-771,464,-773,-774,-775,-784,-858,-860,-862,-864,464,464,464,464,-870,464,-872,464,464,464,464,464,464,464,-908,-909,464,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,464,-923,-926,464,-936,464,-387,-388,-389,464,464,-392,-393,-394,-395,464,-398,464,-401,-402,464,-403,464,-408,-409,464,-412,-413,-414,464,-417,464,-418,464,-423,-424,464,-427,464,-430,-431,-1896,-1896,464,-621,-622,-623,-624,-625,-636,-586,-626,-799,464,464,464,464,464,-833,464,464,-808,464,-834,464,464,464,464,-800,464,-855,-801,464,464,464,464,464,464,-856,-857,464,-836,-832,-837,464,-627,464,-628,-629,-630,-631,-576,464,464,-632,-633,-634,464,464,464,464,464,464,-637,-638,-639,-594,-1896,-604,464,-640,-641,-715,-642,-606,464,-574,-579,-582,-585,464,464,464,-600,-603,464,-610,464,464,464,464,464,464,464,464,464,464,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,464,464,464,-997,464,464,464,464,464,464,-308,-327,-321,-298,-377,-454,-455,-456,-460,464,-445,464,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,464,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,464,464,464,464,464,464,464,464,464,-318,-537,-510,-593,-939,-941,-942,-440,464,-442,-382,-383,-385,-509,-511,-513,464,-515,-516,-521,-522,464,-534,-536,-539,-540,-545,-550,-728,464,-729,464,-734,464,-736,464,-741,-658,-662,-663,464,-668,464,-669,464,-674,-676,464,-679,464,464,464,-689,-691,464,-694,464,464,-746,464,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,464,464,464,464,464,-879,464,-882,-910,-922,-927,-390,-391,464,-396,464,-399,464,-404,464,-405,464,-410,464,-415,464,-419,464,-420,464,-425,464,-428,-901,-902,-645,-587,-1896,-903,464,464,464,-802,464,464,-806,464,-809,-835,464,-820,464,-822,464,-824,-810,464,-826,464,-853,-854,464,464,-813,464,-648,-904,-906,-650,-651,-647,464,-707,-708,464,-644,-905,-649,-652,-605,-716,464,464,-607,-588,464,464,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,464,464,-711,-712,464,-718,464,464,464,464,464,464,-940,464,-441,-443,-749,464,-893,464,-717,-1896,464,464,464,464,464,-444,-514,-525,464,-730,-735,464,-737,464,-742,464,-664,-670,464,-680,-682,-684,-685,-692,-695,-699,-747,464,464,-876,464,464,-880,464,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,464,-814,464,-816,-803,464,-804,-807,464,-818,-821,-823,-825,-827,464,-828,464,-811,464,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,464,-284,464,464,464,464,-457,464,464,-731,464,-738,464,-743,464,-665,-673,464,464,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,464,-838,-53,464,464,-732,464,-739,464,-744,-666,464,-875,-54,464,464,-733,-740,-745,464,464,464,-874,]),'MASTER_SSL_CRLPATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[465,465,465,465,-1896,465,465,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,465,465,465,465,-277,-278,465,-1427,465,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,465,465,465,-492,465,465,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,465,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,465,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,465,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,465,-174,-175,-176,-177,-995,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-292,-293,-283,465,465,465,465,465,-330,-320,-334,-335,-336,465,465,-984,-985,-986,-987,-988,-989,-990,465,465,465,465,465,465,465,465,465,465,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,465,465,465,-355,-358,465,-325,-326,-143,465,-144,465,-145,465,-432,-937,-938,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-1896,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-1896,465,-1896,465,465,465,465,465,465,465,465,465,465,465,465,-1896,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-1896,465,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,465,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,465,465,465,-193,-194,465,-996,465,465,465,465,465,-279,-280,-281,-282,-367,465,-310,465,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,465,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,465,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,465,465,465,465,465,465,-575,465,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,465,465,-725,-726,-727,465,465,465,465,465,465,-996,465,465,-93,-94,465,465,465,465,-311,-312,-322,465,-309,-295,-296,-297,465,465,465,465,-620,-635,-592,465,465,-438,465,-439,465,-446,-447,-448,-380,-381,465,465,465,-508,465,465,-512,465,465,465,465,-517,-518,-519,-520,465,465,-523,-524,465,-526,-527,-528,-529,-530,-531,-532,-533,465,-535,465,465,465,-541,-543,-544,465,-546,-547,-548,-549,465,465,465,465,465,465,-654,-655,-656,-657,465,-659,-660,-661,465,465,465,-667,465,465,-671,-672,465,465,-675,465,-677,-678,465,-681,465,-683,465,465,-686,-687,-688,465,-690,465,465,-693,465,465,-696,-697,-698,465,-700,-701,-702,-703,465,465,-748,465,-751,-752,-753,-754,-755,465,-757,-758,-759,-760,-761,465,-768,-769,-771,465,-773,-774,-775,-784,-858,-860,-862,-864,465,465,465,465,-870,465,-872,465,465,465,465,465,465,465,-908,-909,465,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,465,-923,-926,465,-936,465,-387,-388,-389,465,465,-392,-393,-394,-395,465,-398,465,-401,-402,465,-403,465,-408,-409,465,-412,-413,-414,465,-417,465,-418,465,-423,-424,465,-427,465,-430,-431,-1896,-1896,465,-621,-622,-623,-624,-625,-636,-586,-626,-799,465,465,465,465,465,-833,465,465,-808,465,-834,465,465,465,465,-800,465,-855,-801,465,465,465,465,465,465,-856,-857,465,-836,-832,-837,465,-627,465,-628,-629,-630,-631,-576,465,465,-632,-633,-634,465,465,465,465,465,465,-637,-638,-639,-594,-1896,-604,465,-640,-641,-715,-642,-606,465,-574,-579,-582,-585,465,465,465,-600,-603,465,-610,465,465,465,465,465,465,465,465,465,465,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,465,465,465,-997,465,465,465,465,465,465,-308,-327,-321,-298,-377,-454,-455,-456,-460,465,-445,465,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,465,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,465,465,465,465,465,465,465,465,465,-318,-537,-510,-593,-939,-941,-942,-440,465,-442,-382,-383,-385,-509,-511,-513,465,-515,-516,-521,-522,465,-534,-536,-539,-540,-545,-550,-728,465,-729,465,-734,465,-736,465,-741,-658,-662,-663,465,-668,465,-669,465,-674,-676,465,-679,465,465,465,-689,-691,465,-694,465,465,-746,465,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,465,465,465,465,465,-879,465,-882,-910,-922,-927,-390,-391,465,-396,465,-399,465,-404,465,-405,465,-410,465,-415,465,-419,465,-420,465,-425,465,-428,-901,-902,-645,-587,-1896,-903,465,465,465,-802,465,465,-806,465,-809,-835,465,-820,465,-822,465,-824,-810,465,-826,465,-853,-854,465,465,-813,465,-648,-904,-906,-650,-651,-647,465,-707,-708,465,-644,-905,-649,-652,-605,-716,465,465,-607,-588,465,465,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,465,465,-711,-712,465,-718,465,465,465,465,465,465,-940,465,-441,-443,-749,465,-893,465,-717,-1896,465,465,465,465,465,-444,-514,-525,465,-730,-735,465,-737,465,-742,465,-664,-670,465,-680,-682,-684,-685,-692,-695,-699,-747,465,465,-876,465,465,-880,465,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,465,-814,465,-816,-803,465,-804,-807,465,-818,-821,-823,-825,-827,465,-828,465,-811,465,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,465,-284,465,465,465,465,-457,465,465,-731,465,-738,465,-743,465,-665,-673,465,465,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,465,-838,-53,465,465,-732,465,-739,465,-744,-666,465,-875,-54,465,465,-733,-740,-745,465,465,465,-874,]),'MASTER_SSL_KEY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[466,466,466,466,-1896,466,466,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,466,466,466,466,-277,-278,466,-1427,466,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,466,466,466,-492,466,466,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,466,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,466,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,466,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,466,-174,-175,-176,-177,-995,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-292,-293,-283,466,466,466,466,466,-330,-320,-334,-335,-336,466,466,-984,-985,-986,-987,-988,-989,-990,466,466,466,466,466,466,466,466,466,466,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,466,466,466,-355,-358,466,-325,-326,-143,466,-144,466,-145,466,-432,-937,-938,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-1896,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-1896,466,-1896,466,466,466,466,466,466,466,466,466,466,466,466,-1896,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-1896,466,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,466,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,466,466,466,-193,-194,466,-996,466,466,466,466,466,-279,-280,-281,-282,-367,466,-310,466,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,466,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,466,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,466,466,466,466,466,466,-575,466,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,466,466,-725,-726,-727,466,466,466,466,466,466,-996,466,466,-93,-94,466,466,466,466,-311,-312,-322,466,-309,-295,-296,-297,466,466,466,466,-620,-635,-592,466,466,-438,466,-439,466,-446,-447,-448,-380,-381,466,466,466,-508,466,466,-512,466,466,466,466,-517,-518,-519,-520,466,466,-523,-524,466,-526,-527,-528,-529,-530,-531,-532,-533,466,-535,466,466,466,-541,-543,-544,466,-546,-547,-548,-549,466,466,466,466,466,466,-654,-655,-656,-657,466,-659,-660,-661,466,466,466,-667,466,466,-671,-672,466,466,-675,466,-677,-678,466,-681,466,-683,466,466,-686,-687,-688,466,-690,466,466,-693,466,466,-696,-697,-698,466,-700,-701,-702,-703,466,466,-748,466,-751,-752,-753,-754,-755,466,-757,-758,-759,-760,-761,466,-768,-769,-771,466,-773,-774,-775,-784,-858,-860,-862,-864,466,466,466,466,-870,466,-872,466,466,466,466,466,466,466,-908,-909,466,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,466,-923,-926,466,-936,466,-387,-388,-389,466,466,-392,-393,-394,-395,466,-398,466,-401,-402,466,-403,466,-408,-409,466,-412,-413,-414,466,-417,466,-418,466,-423,-424,466,-427,466,-430,-431,-1896,-1896,466,-621,-622,-623,-624,-625,-636,-586,-626,-799,466,466,466,466,466,-833,466,466,-808,466,-834,466,466,466,466,-800,466,-855,-801,466,466,466,466,466,466,-856,-857,466,-836,-832,-837,466,-627,466,-628,-629,-630,-631,-576,466,466,-632,-633,-634,466,466,466,466,466,466,-637,-638,-639,-594,-1896,-604,466,-640,-641,-715,-642,-606,466,-574,-579,-582,-585,466,466,466,-600,-603,466,-610,466,466,466,466,466,466,466,466,466,466,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,466,466,466,-997,466,466,466,466,466,466,-308,-327,-321,-298,-377,-454,-455,-456,-460,466,-445,466,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,466,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,466,466,466,466,466,466,466,466,466,-318,-537,-510,-593,-939,-941,-942,-440,466,-442,-382,-383,-385,-509,-511,-513,466,-515,-516,-521,-522,466,-534,-536,-539,-540,-545,-550,-728,466,-729,466,-734,466,-736,466,-741,-658,-662,-663,466,-668,466,-669,466,-674,-676,466,-679,466,466,466,-689,-691,466,-694,466,466,-746,466,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,466,466,466,466,466,-879,466,-882,-910,-922,-927,-390,-391,466,-396,466,-399,466,-404,466,-405,466,-410,466,-415,466,-419,466,-420,466,-425,466,-428,-901,-902,-645,-587,-1896,-903,466,466,466,-802,466,466,-806,466,-809,-835,466,-820,466,-822,466,-824,-810,466,-826,466,-853,-854,466,466,-813,466,-648,-904,-906,-650,-651,-647,466,-707,-708,466,-644,-905,-649,-652,-605,-716,466,466,-607,-588,466,466,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,466,466,-711,-712,466,-718,466,466,466,466,466,466,-940,466,-441,-443,-749,466,-893,466,-717,-1896,466,466,466,466,466,-444,-514,-525,466,-730,-735,466,-737,466,-742,466,-664,-670,466,-680,-682,-684,-685,-692,-695,-699,-747,466,466,-876,466,466,-880,466,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,466,-814,466,-816,-803,466,-804,-807,466,-818,-821,-823,-825,-827,466,-828,466,-811,466,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,466,-284,466,466,466,466,-457,466,466,-731,466,-738,466,-743,466,-665,-673,466,466,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,466,-838,-53,466,466,-732,466,-739,466,-744,-666,466,-875,-54,466,466,-733,-740,-745,466,466,466,-874,]),'MASTER_SSL_VERIFY_SERVER_CERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[467,467,467,467,-1896,467,467,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,467,467,467,467,-277,-278,467,-1427,467,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,467,467,467,-492,467,467,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,467,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,467,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,467,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,467,-174,-175,-176,-177,-995,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-292,-293,-283,467,467,467,467,467,-330,-320,-334,-335,-336,467,467,-984,-985,-986,-987,-988,-989,-990,467,467,467,467,467,467,467,467,467,467,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,467,467,467,-355,-358,467,-325,-326,-143,467,-144,467,-145,467,-432,-937,-938,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-1896,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-1896,467,-1896,467,467,467,467,467,467,467,467,467,467,467,467,-1896,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-1896,467,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,467,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,467,467,467,-193,-194,467,-996,467,467,467,467,467,-279,-280,-281,-282,-367,467,-310,467,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,467,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,467,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,467,467,467,467,467,467,-575,467,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,467,467,-725,-726,-727,467,467,467,467,467,467,-996,467,467,-93,-94,467,467,467,467,-311,-312,-322,467,-309,-295,-296,-297,467,467,467,467,-620,-635,-592,467,467,-438,467,-439,467,-446,-447,-448,-380,-381,467,467,467,-508,467,467,-512,467,467,467,467,-517,-518,-519,-520,467,467,-523,-524,467,-526,-527,-528,-529,-530,-531,-532,-533,467,-535,467,467,467,-541,-543,-544,467,-546,-547,-548,-549,467,467,467,467,467,467,-654,-655,-656,-657,467,-659,-660,-661,467,467,467,-667,467,467,-671,-672,467,467,-675,467,-677,-678,467,-681,467,-683,467,467,-686,-687,-688,467,-690,467,467,-693,467,467,-696,-697,-698,467,-700,-701,-702,-703,467,467,-748,467,-751,-752,-753,-754,-755,467,-757,-758,-759,-760,-761,467,-768,-769,-771,467,-773,-774,-775,-784,-858,-860,-862,-864,467,467,467,467,-870,467,-872,467,467,467,467,467,467,467,-908,-909,467,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,467,-923,-926,467,-936,467,-387,-388,-389,467,467,-392,-393,-394,-395,467,-398,467,-401,-402,467,-403,467,-408,-409,467,-412,-413,-414,467,-417,467,-418,467,-423,-424,467,-427,467,-430,-431,-1896,-1896,467,-621,-622,-623,-624,-625,-636,-586,-626,-799,467,467,467,467,467,-833,467,467,-808,467,-834,467,467,467,467,-800,467,-855,-801,467,467,467,467,467,467,-856,-857,467,-836,-832,-837,467,-627,467,-628,-629,-630,-631,-576,467,467,-632,-633,-634,467,467,467,467,467,467,-637,-638,-639,-594,-1896,-604,467,-640,-641,-715,-642,-606,467,-574,-579,-582,-585,467,467,467,-600,-603,467,-610,467,467,467,467,467,467,467,467,467,467,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,467,467,467,-997,467,467,467,467,467,467,-308,-327,-321,-298,-377,-454,-455,-456,-460,467,-445,467,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,467,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,467,467,467,467,467,467,467,467,467,-318,-537,-510,-593,-939,-941,-942,-440,467,-442,-382,-383,-385,-509,-511,-513,467,-515,-516,-521,-522,467,-534,-536,-539,-540,-545,-550,-728,467,-729,467,-734,467,-736,467,-741,-658,-662,-663,467,-668,467,-669,467,-674,-676,467,-679,467,467,467,-689,-691,467,-694,467,467,-746,467,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,467,467,467,467,467,-879,467,-882,-910,-922,-927,-390,-391,467,-396,467,-399,467,-404,467,-405,467,-410,467,-415,467,-419,467,-420,467,-425,467,-428,-901,-902,-645,-587,-1896,-903,467,467,467,-802,467,467,-806,467,-809,-835,467,-820,467,-822,467,-824,-810,467,-826,467,-853,-854,467,467,-813,467,-648,-904,-906,-650,-651,-647,467,-707,-708,467,-644,-905,-649,-652,-605,-716,467,467,-607,-588,467,467,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,467,467,-711,-712,467,-718,467,467,467,467,467,467,-940,467,-441,-443,-749,467,-893,467,-717,-1896,467,467,467,467,467,-444,-514,-525,467,-730,-735,467,-737,467,-742,467,-664,-670,467,-680,-682,-684,-685,-692,-695,-699,-747,467,467,-876,467,467,-880,467,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,467,-814,467,-816,-803,467,-804,-807,467,-818,-821,-823,-825,-827,467,-828,467,-811,467,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,467,-284,467,467,467,467,-457,467,467,-731,467,-738,467,-743,467,-665,-673,467,467,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,467,-838,-53,467,467,-732,467,-739,467,-744,-666,467,-875,-54,467,467,-733,-740,-745,467,467,467,-874,]),'MASTER_USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[468,468,468,468,-1896,468,468,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,468,468,468,468,-277,-278,468,-1427,468,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,468,468,468,-492,468,468,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,468,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,468,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,468,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,468,-174,-175,-176,-177,-995,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-292,-293,-283,468,468,468,468,468,-330,-320,-334,-335,-336,468,468,-984,-985,-986,-987,-988,-989,-990,468,468,468,468,468,468,468,468,468,468,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,468,468,468,-355,-358,468,-325,-326,-143,468,-144,468,-145,468,-432,-937,-938,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-1896,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-1896,468,-1896,468,468,468,468,468,468,468,468,468,468,468,468,-1896,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-1896,468,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,468,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,468,468,468,-193,-194,468,-996,468,468,468,468,468,-279,-280,-281,-282,-367,468,-310,468,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,468,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,468,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,468,468,468,468,468,468,-575,468,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,468,468,-725,-726,-727,468,468,468,468,468,468,-996,468,468,-93,-94,468,468,468,468,-311,-312,-322,468,-309,-295,-296,-297,468,468,468,468,-620,-635,-592,468,468,-438,468,-439,468,-446,-447,-448,-380,-381,468,468,468,-508,468,468,-512,468,468,468,468,-517,-518,-519,-520,468,468,-523,-524,468,-526,-527,-528,-529,-530,-531,-532,-533,468,-535,468,468,468,-541,-543,-544,468,-546,-547,-548,-549,468,468,468,468,468,468,-654,-655,-656,-657,468,-659,-660,-661,468,468,468,-667,468,468,-671,-672,468,468,-675,468,-677,-678,468,-681,468,-683,468,468,-686,-687,-688,468,-690,468,468,-693,468,468,-696,-697,-698,468,-700,-701,-702,-703,468,468,-748,468,-751,-752,-753,-754,-755,468,-757,-758,-759,-760,-761,468,-768,-769,-771,468,-773,-774,-775,-784,-858,-860,-862,-864,468,468,468,468,-870,468,-872,468,468,468,468,468,468,468,-908,-909,468,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,468,-923,-926,468,-936,468,-387,-388,-389,468,468,-392,-393,-394,-395,468,-398,468,-401,-402,468,-403,468,-408,-409,468,-412,-413,-414,468,-417,468,-418,468,-423,-424,468,-427,468,-430,-431,-1896,-1896,468,-621,-622,-623,-624,-625,-636,-586,-626,-799,468,468,468,468,468,-833,468,468,-808,468,-834,468,468,468,468,-800,468,-855,-801,468,468,468,468,468,468,-856,-857,468,-836,-832,-837,468,-627,468,-628,-629,-630,-631,-576,468,468,-632,-633,-634,468,468,468,468,468,468,-637,-638,-639,-594,-1896,-604,468,-640,-641,-715,-642,-606,468,-574,-579,-582,-585,468,468,468,-600,-603,468,-610,468,468,468,468,468,468,468,468,468,468,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,468,468,468,-997,468,468,468,468,468,468,-308,-327,-321,-298,-377,-454,-455,-456,-460,468,-445,468,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,468,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,468,468,468,468,468,468,468,468,468,-318,-537,-510,-593,-939,-941,-942,-440,468,-442,-382,-383,-385,-509,-511,-513,468,-515,-516,-521,-522,468,-534,-536,-539,-540,-545,-550,-728,468,-729,468,-734,468,-736,468,-741,-658,-662,-663,468,-668,468,-669,468,-674,-676,468,-679,468,468,468,-689,-691,468,-694,468,468,-746,468,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,468,468,468,468,468,-879,468,-882,-910,-922,-927,-390,-391,468,-396,468,-399,468,-404,468,-405,468,-410,468,-415,468,-419,468,-420,468,-425,468,-428,-901,-902,-645,-587,-1896,-903,468,468,468,-802,468,468,-806,468,-809,-835,468,-820,468,-822,468,-824,-810,468,-826,468,-853,-854,468,468,-813,468,-648,-904,-906,-650,-651,-647,468,-707,-708,468,-644,-905,-649,-652,-605,-716,468,468,-607,-588,468,468,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,468,468,-711,-712,468,-718,468,468,468,468,468,468,-940,468,-441,-443,-749,468,-893,468,-717,-1896,468,468,468,468,468,-444,-514,-525,468,-730,-735,468,-737,468,-742,468,-664,-670,468,-680,-682,-684,-685,-692,-695,-699,-747,468,468,-876,468,468,-880,468,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,468,-814,468,-816,-803,468,-804,-807,468,-818,-821,-823,-825,-827,468,-828,468,-811,468,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,468,-284,468,468,468,468,-457,468,468,-731,468,-738,468,-743,468,-665,-673,468,468,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,468,-838,-53,468,468,-732,468,-739,468,-744,-666,468,-875,-54,468,468,-733,-740,-745,468,468,468,-874,]),'MATCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[469,469,469,935,-1896,469,469,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,469,469,469,469,-277,-278,935,-1427,935,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,469,469,935,-492,469,469,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,935,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,935,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1920,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,469,-174,-175,-176,-177,-995,469,469,469,469,469,469,469,469,469,469,935,935,935,935,935,-292,-293,-283,469,935,469,469,469,-330,-320,-334,-335,-336,935,469,-984,-985,-986,-987,-988,-989,-990,469,469,469,469,469,469,469,469,469,469,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,935,469,935,-355,-358,469,-325,-326,-143,935,-144,935,-145,935,-432,-937,-938,935,935,935,935,935,935,935,469,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,469,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,-1896,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,-1896,935,-1896,935,935,935,935,935,935,935,935,935,935,935,935,-1896,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,-1896,469,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,935,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,935,469,469,-193,-194,469,-996,935,469,469,469,469,-279,-280,-281,-282,-367,935,-310,935,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,469,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,935,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,935,935,935,935,935,935,-575,935,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,935,935,-725,-726,-727,935,1920,469,469,469,469,-996,469,935,-93,-94,469,469,469,469,-311,-312,-322,469,-309,-295,-296,-297,469,469,935,935,-620,-635,-592,935,469,-438,469,-439,469,-446,-447,-448,-380,-381,935,935,935,-508,935,935,-512,935,935,935,935,-517,-518,-519,-520,935,935,-523,-524,935,-526,-527,-528,-529,-530,-531,-532,-533,935,-535,935,935,935,-541,-543,-544,935,-546,-547,-548,-549,935,935,935,935,935,935,-654,-655,-656,-657,469,-659,-660,-661,935,935,935,-667,935,935,-671,-672,935,935,-675,935,-677,-678,935,-681,935,-683,935,935,-686,-687,-688,935,-690,935,935,-693,935,935,-696,-697,-698,935,-700,-701,-702,-703,935,935,-748,935,-751,-752,-753,-754,-755,935,-757,-758,-759,-760,-761,935,-768,-769,-771,935,-773,-774,-775,-784,-858,-860,-862,-864,935,935,935,935,-870,935,-872,935,935,935,935,935,935,935,-908,-909,935,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,935,-923,-926,935,-936,935,-387,-388,-389,935,935,-392,-393,-394,-395,935,-398,935,-401,-402,935,-403,935,-408,-409,935,-412,-413,-414,935,-417,935,-418,935,-423,-424,935,-427,935,-430,-431,-1896,-1896,935,-621,-622,-623,-624,-625,-636,-586,-626,-799,935,935,935,935,935,-833,935,935,-808,935,-834,935,935,935,935,-800,935,-855,-801,935,935,935,935,935,935,-856,-857,935,-836,-832,-837,935,-627,935,-628,-629,-630,-631,-576,935,935,-632,-633,-634,935,935,935,935,935,935,-637,-638,-639,-594,-1896,-604,935,-640,-641,-715,-642,-606,935,-574,-579,-582,-585,935,935,935,-600,-603,935,-610,935,935,935,935,935,935,935,935,935,935,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,935,469,469,-997,469,935,469,469,469,935,-308,-327,-321,-298,-377,-454,-455,-456,-460,469,-445,935,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,935,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,469,469,469,469,469,469,469,469,469,-318,-537,-510,-593,-939,-941,-942,-440,935,-442,-382,-383,-385,-509,-511,-513,935,-515,-516,-521,-522,935,-534,-536,-539,-540,-545,-550,-728,935,-729,935,-734,935,-736,935,-741,-658,-662,-663,935,-668,935,-669,935,-674,-676,935,-679,935,935,935,-689,-691,935,-694,935,935,-746,935,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,935,935,935,935,935,-879,935,-882,-910,-922,-927,-390,-391,935,-396,935,-399,935,-404,935,-405,935,-410,935,-415,935,-419,935,-420,935,-425,935,-428,-901,-902,-645,-587,-1896,-903,935,935,935,-802,935,935,-806,935,-809,-835,935,-820,935,-822,935,-824,-810,935,-826,935,-853,-854,935,935,-813,935,-648,-904,-906,-650,-651,-647,935,-707,-708,935,-644,-905,-649,-652,-605,-716,935,935,-607,-588,935,935,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,935,935,-711,-712,935,-718,935,469,469,469,935,935,-940,469,-441,-443,-749,935,-893,1920,-717,-1896,935,935,469,469,935,-444,-514,-525,935,-730,-735,935,-737,935,-742,935,-664,-670,935,-680,-682,-684,-685,-692,-695,-699,-747,935,935,-876,935,935,-880,935,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,935,-814,935,-816,-803,935,-804,-807,935,-818,-821,-823,-825,-827,935,-828,935,-811,935,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,469,-284,469,935,469,935,-457,935,935,-731,935,-738,935,-743,935,-665,-673,935,935,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,935,-838,-53,469,935,-732,935,-739,935,-744,-666,935,-875,-54,469,469,-733,-740,-745,935,469,935,-874,]),'MATCHED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[470,470,470,470,-1896,470,470,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,470,470,470,470,-277,-278,470,-1427,470,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,470,470,470,-492,470,470,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,470,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,470,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,470,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,470,-174,-175,-176,-177,-995,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-292,-293,-283,470,470,470,470,470,-330,-320,-334,-335,-336,470,470,-984,-985,-986,-987,-988,-989,-990,470,470,470,470,470,470,470,470,470,470,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,470,470,470,-355,-358,470,-325,-326,-143,470,-144,470,-145,470,-432,-937,-938,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-1896,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-1896,470,-1896,470,470,470,470,470,470,470,470,470,470,470,470,-1896,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-1896,470,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,470,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,470,470,470,-193,-194,470,-996,470,470,470,470,470,-279,-280,-281,-282,-367,470,-310,470,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,470,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,470,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,470,470,470,470,470,470,-575,470,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,470,470,-725,-726,-727,470,470,470,470,470,470,-996,470,470,-93,-94,470,470,470,470,-311,-312,-322,470,-309,-295,-296,-297,470,470,470,470,-620,-635,-592,470,470,-438,470,-439,470,-446,-447,-448,-380,-381,470,470,470,-508,470,470,-512,470,470,470,470,-517,-518,-519,-520,470,470,-523,-524,470,-526,-527,-528,-529,-530,-531,-532,-533,470,-535,470,470,470,-541,-543,-544,470,-546,-547,-548,-549,470,470,470,470,470,470,-654,-655,-656,-657,470,-659,-660,-661,470,470,470,-667,470,470,-671,-672,470,470,-675,470,-677,-678,470,-681,470,-683,470,470,-686,-687,-688,470,-690,470,470,-693,470,470,-696,-697,-698,470,-700,-701,-702,-703,470,470,-748,470,-751,-752,-753,-754,-755,470,-757,-758,-759,-760,-761,470,-768,-769,-771,470,-773,-774,-775,-784,-858,-860,-862,-864,470,470,470,470,-870,470,-872,470,470,470,470,470,470,470,-908,-909,470,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,470,-923,-926,470,-936,470,-387,-388,-389,470,470,-392,-393,-394,-395,470,-398,470,-401,-402,470,-403,470,-408,-409,470,-412,-413,-414,470,-417,470,-418,470,-423,-424,470,-427,470,-430,-431,-1896,-1896,470,-621,-622,-623,-624,-625,-636,-586,-626,-799,470,470,470,470,470,-833,470,470,-808,470,-834,470,470,470,470,-800,470,-855,-801,470,470,470,470,470,470,-856,-857,470,-836,-832,-837,470,-627,470,-628,-629,-630,-631,-576,470,470,-632,-633,-634,470,470,470,470,470,470,-637,-638,-639,-594,-1896,-604,470,-640,-641,-715,-642,-606,470,-574,-579,-582,-585,470,470,470,-600,-603,470,-610,470,470,470,470,470,470,470,470,470,470,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,470,470,470,-997,470,470,470,470,470,470,-308,-327,-321,-298,-377,-454,-455,-456,-460,470,-445,470,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,470,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,470,470,470,470,470,470,470,470,470,-318,-537,-510,-593,-939,-941,-942,-440,470,-442,-382,-383,-385,-509,-511,-513,470,-515,-516,-521,-522,470,-534,-536,-539,-540,-545,-550,-728,470,-729,470,-734,470,-736,470,-741,-658,-662,-663,470,-668,470,-669,470,-674,-676,470,-679,470,470,470,-689,-691,470,-694,470,470,-746,470,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,470,470,470,470,470,-879,470,-882,-910,-922,-927,-390,-391,470,-396,470,-399,470,-404,470,-405,470,-410,470,-415,470,-419,470,-420,470,-425,470,-428,-901,-902,-645,-587,-1896,-903,470,470,470,-802,470,470,-806,470,-809,-835,470,-820,470,-822,470,-824,-810,470,-826,470,-853,-854,470,470,-813,470,-648,-904,-906,-650,-651,-647,470,-707,-708,470,-644,-905,-649,-652,-605,-716,470,470,-607,-588,470,470,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,470,470,-711,-712,470,-718,470,470,470,470,470,470,-940,470,-441,-443,-749,470,-893,470,-717,-1896,470,470,470,470,470,-444,-514,-525,470,-730,-735,470,-737,470,-742,470,-664,-670,470,-680,-682,-684,-685,-692,-695,-699,-747,470,470,-876,470,470,-880,470,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,470,-814,470,-816,-803,470,-804,-807,470,-818,-821,-823,-825,-827,470,-828,470,-811,470,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,470,-284,470,470,470,470,-457,470,470,-731,470,-738,470,-743,470,-665,-673,470,470,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,470,-838,-53,470,470,-732,470,-739,470,-744,-666,470,-875,-54,470,470,-733,-740,-745,470,470,470,-874,]),'MATERIALIZED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[471,471,471,471,-1896,471,471,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,471,471,471,471,-277,-278,471,-1427,471,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,471,471,471,-492,471,471,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,471,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,471,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,471,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,471,-174,-175,-176,-177,-995,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-292,-293,-283,471,471,471,471,471,-330,-320,-334,-335,-336,471,471,-984,-985,-986,-987,-988,-989,-990,471,471,471,471,471,471,471,471,471,471,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,471,471,471,-355,-358,471,-325,-326,-143,471,-144,471,-145,471,-432,-937,-938,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-1896,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-1896,471,-1896,471,471,471,471,471,471,471,471,471,471,471,471,-1896,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-1896,471,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,471,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,471,471,471,-193,-194,471,-996,471,471,471,471,471,-279,-280,-281,-282,-367,471,-310,471,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,471,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,471,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,471,471,471,471,471,471,-575,471,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,471,471,-725,-726,-727,471,471,471,471,471,471,-996,471,471,-93,-94,471,471,471,471,-311,-312,-322,471,-309,-295,-296,-297,471,471,471,471,-620,-635,-592,471,471,-438,471,-439,471,-446,-447,-448,-380,-381,471,471,471,-508,471,471,-512,471,471,471,471,-517,-518,-519,-520,471,471,-523,-524,471,-526,-527,-528,-529,-530,-531,-532,-533,471,-535,471,471,471,-541,-543,-544,471,-546,-547,-548,-549,471,471,471,471,471,471,-654,-655,-656,-657,471,-659,-660,-661,471,471,471,-667,471,471,-671,-672,471,471,-675,471,-677,-678,471,-681,471,-683,471,471,-686,-687,-688,471,-690,471,471,-693,471,471,-696,-697,-698,471,-700,-701,-702,-703,471,471,-748,471,-751,-752,-753,-754,-755,471,-757,-758,-759,-760,-761,471,-768,-769,-771,471,-773,-774,-775,-784,-858,-860,-862,-864,471,471,471,471,-870,471,-872,471,471,471,471,471,471,471,-908,-909,471,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,471,-923,-926,471,-936,471,-387,-388,-389,471,471,-392,-393,-394,-395,471,-398,471,-401,-402,471,-403,471,-408,-409,471,-412,-413,-414,471,-417,471,-418,471,-423,-424,471,-427,471,-430,-431,-1896,-1896,471,-621,-622,-623,-624,-625,-636,-586,-626,-799,471,471,471,471,471,-833,471,471,-808,471,-834,471,471,471,471,-800,471,-855,-801,471,471,471,471,471,471,-856,-857,471,-836,-832,-837,471,-627,471,-628,-629,-630,-631,-576,471,471,-632,-633,-634,471,471,471,471,471,471,-637,-638,-639,-594,-1896,-604,471,-640,-641,-715,-642,-606,471,-574,-579,-582,-585,471,471,471,-600,-603,471,-610,471,471,471,471,471,471,471,471,471,471,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,471,471,471,-997,471,471,471,471,471,471,-308,-327,-321,-298,-377,-454,-455,-456,-460,471,-445,471,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,471,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,471,471,471,471,471,471,471,471,471,-318,-537,-510,-593,-939,-941,-942,-440,471,-442,-382,-383,-385,-509,-511,-513,471,-515,-516,-521,-522,471,-534,-536,-539,-540,-545,-550,-728,471,-729,471,-734,471,-736,471,-741,-658,-662,-663,471,-668,471,-669,471,-674,-676,471,-679,471,471,471,-689,-691,471,-694,471,471,-746,471,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,471,471,471,471,471,-879,471,-882,-910,-922,-927,-390,-391,471,-396,471,-399,471,-404,471,-405,471,-410,471,-415,471,-419,471,-420,471,-425,471,-428,-901,-902,-645,-587,-1896,-903,471,471,471,-802,471,471,-806,471,-809,-835,471,-820,471,-822,471,-824,-810,471,-826,471,-853,-854,471,471,-813,471,-648,-904,-906,-650,-651,-647,471,-707,-708,471,-644,-905,-649,-652,-605,-716,471,471,-607,-588,471,471,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,471,471,-711,-712,471,-718,471,471,471,471,471,471,-940,471,-441,-443,-749,471,-893,471,-717,-1896,471,471,471,471,471,-444,-514,-525,471,-730,-735,471,-737,471,-742,471,-664,-670,471,-680,-682,-684,-685,-692,-695,-699,-747,471,471,-876,471,471,-880,471,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,471,-814,471,-816,-803,471,-804,-807,471,-818,-821,-823,-825,-827,471,-828,471,-811,471,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,471,-284,471,471,471,471,-457,471,471,-731,471,-738,471,-743,471,-665,-673,471,471,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,471,-838,-53,471,471,-732,471,-739,471,-744,-666,471,-875,-54,471,471,-733,-740,-745,471,471,471,-874,]),'MAX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[472,472,472,1287,-1896,472,472,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,472,472,472,472,-277,-278,1287,-1427,1287,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1287,1287,1287,-492,1287,1287,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1287,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1287,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1287,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,472,-174,-175,-176,-177,-995,472,472,472,472,472,472,472,472,472,472,1287,1287,1287,1287,1287,-292,-293,-283,472,1287,1287,1287,1287,-330,-320,-334,-335,-336,1287,1287,-984,-985,-986,-987,-988,-989,-990,472,472,1287,1287,1287,1287,1287,1287,1287,1287,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1287,1287,1287,-355,-358,472,-325,-326,-143,1287,-144,1287,-145,1287,-432,-937,-938,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1896,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1896,1287,-1896,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1896,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1896,472,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1287,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1287,472,472,-193,-194,472,-996,1287,472,472,472,472,-279,-280,-281,-282,-367,1287,-310,1287,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1287,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1287,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1287,1287,1287,1287,1287,1287,-575,1287,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1287,1287,-725,-726,-727,1287,1287,472,472,472,472,-996,472,1287,-93,-94,472,472,472,1287,-311,-312,-322,1287,-309,-295,-296,-297,1287,472,1287,1287,-620,-635,-592,1287,472,-438,472,-439,1287,-446,-447,-448,-380,-381,1287,1287,1287,-508,1287,1287,-512,1287,1287,1287,1287,-517,-518,-519,-520,1287,1287,-523,-524,1287,-526,-527,-528,-529,-530,-531,-532,-533,1287,-535,1287,1287,1287,-541,-543,-544,1287,-546,-547,-548,-549,1287,1287,1287,1287,1287,1287,-654,-655,-656,-657,472,-659,-660,-661,1287,1287,1287,-667,1287,1287,-671,-672,1287,1287,-675,1287,-677,-678,1287,-681,1287,-683,1287,1287,-686,-687,-688,1287,-690,1287,1287,-693,1287,1287,-696,-697,-698,1287,-700,-701,-702,-703,1287,1287,-748,1287,-751,-752,-753,-754,-755,1287,-757,-758,-759,-760,-761,1287,-768,-769,-771,1287,-773,-774,-775,-784,-858,-860,-862,-864,1287,1287,1287,1287,-870,1287,-872,1287,1287,1287,1287,1287,1287,1287,-908,-909,1287,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1287,-923,-926,1287,-936,1287,-387,-388,-389,1287,1287,-392,-393,-394,-395,1287,-398,1287,-401,-402,1287,-403,1287,-408,-409,1287,-412,-413,-414,1287,-417,1287,-418,1287,-423,-424,1287,-427,1287,-430,-431,-1896,-1896,1287,-621,-622,-623,-624,-625,-636,-586,-626,-799,1287,1287,1287,1287,1287,-833,1287,1287,-808,1287,-834,1287,1287,1287,1287,-800,1287,-855,-801,1287,1287,1287,1287,1287,1287,-856,-857,1287,-836,-832,-837,1287,-627,1287,-628,-629,-630,-631,-576,1287,1287,-632,-633,-634,1287,1287,1287,1287,1287,1287,-637,-638,-639,-594,-1896,-604,1287,-640,-641,-715,-642,-606,1287,-574,-579,-582,-585,1287,1287,1287,-600,-603,1287,-610,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1287,472,472,-997,472,1287,472,472,472,1287,-308,-327,-321,-298,-377,-454,-455,-456,-460,472,-445,1287,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1287,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,472,472,472,472,472,472,472,472,1287,-318,-537,-510,-593,-939,-941,-942,-440,1287,-442,-382,-383,-385,-509,-511,-513,1287,-515,-516,-521,-522,1287,-534,-536,-539,-540,-545,-550,-728,1287,-729,1287,-734,1287,-736,1287,-741,-658,-662,-663,1287,-668,1287,-669,1287,-674,-676,1287,-679,1287,1287,1287,-689,-691,1287,-694,1287,1287,-746,1287,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1287,1287,1287,1287,1287,-879,1287,-882,-910,-922,-927,-390,-391,1287,-396,1287,-399,1287,-404,1287,-405,1287,-410,1287,-415,1287,-419,1287,-420,1287,-425,1287,-428,-901,-902,-645,-587,-1896,-903,1287,1287,1287,-802,1287,1287,-806,1287,-809,-835,1287,-820,1287,-822,1287,-824,-810,1287,-826,1287,-853,-854,1287,1287,-813,1287,-648,-904,-906,-650,-651,-647,1287,-707,-708,1287,-644,-905,-649,-652,-605,-716,1287,1287,-607,-588,1287,1287,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1287,1287,-711,-712,1287,-718,1287,472,472,472,1287,1287,-940,472,-441,-443,-749,1287,-893,1287,-717,-1896,1287,1287,472,472,1287,-444,-514,-525,1287,-730,-735,1287,-737,1287,-742,1287,-664,-670,1287,-680,-682,-684,-685,-692,-695,-699,-747,1287,1287,-876,1287,1287,-880,1287,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1287,-814,1287,-816,-803,1287,-804,-807,1287,-818,-821,-823,-825,-827,1287,-828,1287,-811,1287,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,472,-284,472,1287,472,1287,-457,1287,1287,-731,1287,-738,1287,-743,1287,-665,-673,1287,1287,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1287,-838,-53,472,1287,-732,1287,-739,1287,-744,-666,1287,-875,-54,472,472,-733,-740,-745,1287,472,1287,-874,]),'MAX_CONNECTIONS_PER_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[473,473,473,473,-1896,473,473,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,473,473,473,473,-277,-278,473,-1427,473,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,473,473,473,-492,473,473,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,473,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,473,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,473,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,473,-174,-175,-176,-177,-995,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-292,-293,-283,473,473,473,473,473,-330,-320,-334,-335,-336,473,473,-984,-985,-986,-987,-988,-989,-990,473,473,473,473,473,473,473,473,473,473,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,473,473,473,-355,-358,473,-325,-326,-143,473,-144,473,-145,473,-432,-937,-938,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-1896,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-1896,473,-1896,473,473,473,473,473,473,473,473,473,473,473,473,-1896,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-1896,473,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,473,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,473,473,473,-193,-194,473,-996,473,473,473,473,473,-279,-280,-281,-282,-367,473,-310,473,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,473,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,473,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,473,473,473,473,473,473,-575,473,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,473,473,-725,-726,-727,473,473,473,473,473,473,-996,473,473,-93,-94,473,473,473,473,-311,-312,-322,473,-309,-295,-296,-297,473,473,473,473,-620,-635,-592,473,473,-438,473,-439,473,-446,-447,-448,-380,-381,473,473,473,-508,473,473,-512,473,473,473,473,-517,-518,-519,-520,473,473,-523,-524,473,-526,-527,-528,-529,-530,-531,-532,-533,473,-535,473,473,473,-541,-543,-544,473,-546,-547,-548,-549,473,473,473,473,473,473,-654,-655,-656,-657,473,-659,-660,-661,473,473,473,-667,473,473,-671,-672,473,473,-675,473,-677,-678,473,-681,473,-683,473,473,-686,-687,-688,473,-690,473,473,-693,473,473,-696,-697,-698,473,-700,-701,-702,-703,473,473,-748,473,-751,-752,-753,-754,-755,473,-757,-758,-759,-760,-761,473,-768,-769,-771,473,-773,-774,-775,-784,-858,-860,-862,-864,473,473,473,473,-870,473,-872,473,473,473,473,473,473,473,-908,-909,473,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,473,-923,-926,473,-936,473,-387,-388,-389,473,473,-392,-393,-394,-395,473,-398,473,-401,-402,473,-403,473,-408,-409,473,-412,-413,-414,473,-417,473,-418,473,-423,-424,473,-427,473,-430,-431,-1896,-1896,473,-621,-622,-623,-624,-625,-636,-586,-626,-799,473,473,473,473,473,-833,473,473,-808,473,-834,473,473,473,473,-800,473,-855,-801,473,473,473,473,473,473,-856,-857,473,-836,-832,-837,473,-627,473,-628,-629,-630,-631,-576,473,473,-632,-633,-634,473,473,473,473,473,473,-637,-638,-639,-594,-1896,-604,473,-640,-641,-715,-642,-606,473,-574,-579,-582,-585,473,473,473,-600,-603,473,-610,473,473,473,473,473,473,473,473,473,473,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,473,473,473,-997,473,473,473,473,473,473,-308,-327,-321,-298,-377,-454,-455,-456,-460,473,-445,473,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,473,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,473,473,473,473,473,473,473,473,473,-318,-537,-510,-593,-939,-941,-942,-440,473,-442,-382,-383,-385,-509,-511,-513,473,-515,-516,-521,-522,473,-534,-536,-539,-540,-545,-550,-728,473,-729,473,-734,473,-736,473,-741,-658,-662,-663,473,-668,473,-669,473,-674,-676,473,-679,473,473,473,-689,-691,473,-694,473,473,-746,473,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,473,473,473,473,473,-879,473,-882,-910,-922,-927,-390,-391,473,-396,473,-399,473,-404,473,-405,473,-410,473,-415,473,-419,473,-420,473,-425,473,-428,-901,-902,-645,-587,-1896,-903,473,473,473,-802,473,473,-806,473,-809,-835,473,-820,473,-822,473,-824,-810,473,-826,473,-853,-854,473,473,-813,473,-648,-904,-906,-650,-651,-647,473,-707,-708,473,-644,-905,-649,-652,-605,-716,473,473,-607,-588,473,473,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,473,473,-711,-712,473,-718,473,473,473,473,473,473,-940,473,-441,-443,-749,473,-893,473,-717,-1896,473,473,473,473,473,-444,-514,-525,473,-730,-735,473,-737,473,-742,473,-664,-670,473,-680,-682,-684,-685,-692,-695,-699,-747,473,473,-876,473,473,-880,473,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,473,-814,473,-816,-803,473,-804,-807,473,-818,-821,-823,-825,-827,473,-828,473,-811,473,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,473,-284,473,473,473,473,-457,473,473,-731,473,-738,473,-743,473,-665,-673,473,473,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,473,-838,-53,473,473,-732,473,-739,473,-744,-666,473,-875,-54,473,473,-733,-740,-745,473,473,473,-874,]),'MAX_CPU':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[474,474,474,474,-1896,474,474,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,474,474,474,474,-277,-278,474,-1427,474,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,474,474,474,-492,474,474,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,474,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,474,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,474,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,474,-174,-175,-176,-177,-995,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-292,-293,-283,474,474,474,474,474,-330,-320,-334,-335,-336,474,474,-984,-985,-986,-987,-988,-989,-990,474,474,474,474,474,474,474,474,474,474,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,474,474,474,-355,-358,474,-325,-326,-143,474,-144,474,-145,474,-432,-937,-938,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-1896,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-1896,474,-1896,474,474,474,474,474,474,474,474,474,474,474,474,-1896,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-1896,474,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,474,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,474,474,474,-193,-194,474,-996,474,474,474,474,474,-279,-280,-281,-282,-367,474,-310,474,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,474,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,474,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,474,474,474,474,474,474,-575,474,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,474,474,-725,-726,-727,474,474,474,474,474,474,-996,474,474,-93,-94,474,474,474,474,-311,-312,-322,474,-309,-295,-296,-297,474,474,474,474,-620,-635,-592,474,474,-438,474,-439,474,-446,-447,-448,-380,-381,474,474,474,-508,474,474,-512,474,474,474,474,-517,-518,-519,-520,474,474,-523,-524,474,-526,-527,-528,-529,-530,-531,-532,-533,474,-535,474,474,474,-541,-543,-544,474,-546,-547,-548,-549,474,474,474,474,474,474,-654,-655,-656,-657,474,-659,-660,-661,474,474,474,-667,474,474,-671,-672,474,474,-675,474,-677,-678,474,-681,474,-683,474,474,-686,-687,-688,474,-690,474,474,-693,474,474,-696,-697,-698,474,-700,-701,-702,-703,474,474,-748,474,-751,-752,-753,-754,-755,474,-757,-758,-759,-760,-761,474,-768,-769,-771,474,-773,-774,-775,-784,-858,-860,-862,-864,474,474,474,474,-870,474,-872,474,474,474,474,474,474,474,-908,-909,474,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,474,-923,-926,474,-936,474,-387,-388,-389,474,474,-392,-393,-394,-395,474,-398,474,-401,-402,474,-403,474,-408,-409,474,-412,-413,-414,474,-417,474,-418,474,-423,-424,474,-427,474,-430,-431,-1896,-1896,474,-621,-622,-623,-624,-625,-636,-586,-626,-799,474,474,474,474,474,-833,474,474,-808,474,-834,474,474,474,474,-800,474,-855,-801,474,474,474,474,474,474,-856,-857,474,-836,-832,-837,474,-627,474,-628,-629,-630,-631,-576,474,474,-632,-633,-634,474,474,474,474,474,474,-637,-638,-639,-594,-1896,-604,474,-640,-641,-715,-642,-606,474,-574,-579,-582,-585,474,474,474,-600,-603,474,-610,474,474,474,474,474,474,474,474,474,474,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,474,474,474,-997,474,474,474,474,474,474,-308,-327,-321,-298,-377,-454,-455,-456,-460,474,-445,474,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,474,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,474,474,474,474,474,474,474,474,474,-318,-537,-510,-593,-939,-941,-942,-440,474,-442,-382,-383,-385,-509,-511,-513,474,-515,-516,-521,-522,474,-534,-536,-539,-540,-545,-550,-728,474,-729,474,-734,474,-736,474,-741,-658,-662,-663,474,-668,474,-669,474,-674,-676,474,-679,474,474,474,-689,-691,474,-694,474,474,-746,474,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,474,474,474,474,474,-879,474,-882,-910,-922,-927,-390,-391,474,-396,474,-399,474,-404,474,-405,474,-410,474,-415,474,-419,474,-420,474,-425,474,-428,-901,-902,-645,-587,-1896,-903,474,474,474,-802,474,474,-806,474,-809,-835,474,-820,474,-822,474,-824,-810,474,-826,474,-853,-854,474,474,-813,474,-648,-904,-906,-650,-651,-647,474,-707,-708,474,-644,-905,-649,-652,-605,-716,474,474,-607,-588,474,474,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,474,474,-711,-712,474,-718,474,474,474,474,474,474,-940,474,-441,-443,-749,474,-893,474,-717,-1896,474,474,474,474,474,-444,-514,-525,474,-730,-735,474,-737,474,-742,474,-664,-670,474,-680,-682,-684,-685,-692,-695,-699,-747,474,474,-876,474,474,-880,474,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,474,-814,474,-816,-803,474,-804,-807,474,-818,-821,-823,-825,-827,474,-828,474,-811,474,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,474,-284,474,474,474,474,-457,474,474,-731,474,-738,474,-743,474,-665,-673,474,474,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,474,-838,-53,474,474,-732,474,-739,474,-744,-666,474,-875,-54,474,474,-733,-740,-745,474,474,474,-874,]),'MAX_DISK_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[475,475,475,475,-1896,475,475,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,475,475,475,475,-277,-278,475,-1427,475,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,475,475,475,-492,475,475,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,475,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,475,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,475,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,475,-174,-175,-176,-177,-995,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-292,-293,-283,475,475,475,475,475,-330,-320,-334,-335,-336,475,475,-984,-985,-986,-987,-988,-989,-990,475,475,475,475,475,475,475,475,475,475,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,475,475,475,-355,-358,475,-325,-326,-143,475,-144,475,-145,475,-432,-937,-938,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-1896,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-1896,475,-1896,475,475,475,475,475,475,475,475,475,475,475,475,-1896,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-1896,475,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,475,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,475,475,475,-193,-194,475,-996,475,475,475,475,475,-279,-280,-281,-282,-367,475,-310,475,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,475,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,475,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,475,475,475,475,475,475,-575,475,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,475,475,-725,-726,-727,475,475,475,475,475,475,-996,475,475,-93,-94,475,475,475,475,-311,-312,-322,475,-309,-295,-296,-297,475,475,475,475,-620,-635,-592,475,475,-438,475,-439,475,-446,-447,-448,-380,-381,475,475,475,-508,475,475,-512,475,475,475,475,-517,-518,-519,-520,475,475,-523,-524,475,-526,-527,-528,-529,-530,-531,-532,-533,475,-535,475,475,475,-541,-543,-544,475,-546,-547,-548,-549,475,475,475,475,475,475,-654,-655,-656,-657,475,-659,-660,-661,475,475,475,-667,475,475,-671,-672,475,475,-675,475,-677,-678,475,-681,475,-683,475,475,-686,-687,-688,475,-690,475,475,-693,475,475,-696,-697,-698,475,-700,-701,-702,-703,475,475,-748,475,-751,-752,-753,-754,-755,475,-757,-758,-759,-760,-761,475,-768,-769,-771,475,-773,-774,-775,-784,-858,-860,-862,-864,475,475,475,475,-870,475,-872,475,475,475,475,475,475,475,-908,-909,475,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,475,-923,-926,475,-936,475,-387,-388,-389,475,475,-392,-393,-394,-395,475,-398,475,-401,-402,475,-403,475,-408,-409,475,-412,-413,-414,475,-417,475,-418,475,-423,-424,475,-427,475,-430,-431,-1896,-1896,475,-621,-622,-623,-624,-625,-636,-586,-626,-799,475,475,475,475,475,-833,475,475,-808,475,-834,475,475,475,475,-800,475,-855,-801,475,475,475,475,475,475,-856,-857,475,-836,-832,-837,475,-627,475,-628,-629,-630,-631,-576,475,475,-632,-633,-634,475,475,475,475,475,475,-637,-638,-639,-594,-1896,-604,475,-640,-641,-715,-642,-606,475,-574,-579,-582,-585,475,475,475,-600,-603,475,-610,475,475,475,475,475,475,475,475,475,475,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,475,475,475,-997,475,475,475,475,475,475,-308,-327,-321,-298,-377,-454,-455,-456,-460,475,-445,475,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,475,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,475,475,475,475,475,475,475,475,475,-318,-537,-510,-593,-939,-941,-942,-440,475,-442,-382,-383,-385,-509,-511,-513,475,-515,-516,-521,-522,475,-534,-536,-539,-540,-545,-550,-728,475,-729,475,-734,475,-736,475,-741,-658,-662,-663,475,-668,475,-669,475,-674,-676,475,-679,475,475,475,-689,-691,475,-694,475,475,-746,475,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,475,475,475,475,475,-879,475,-882,-910,-922,-927,-390,-391,475,-396,475,-399,475,-404,475,-405,475,-410,475,-415,475,-419,475,-420,475,-425,475,-428,-901,-902,-645,-587,-1896,-903,475,475,475,-802,475,475,-806,475,-809,-835,475,-820,475,-822,475,-824,-810,475,-826,475,-853,-854,475,475,-813,475,-648,-904,-906,-650,-651,-647,475,-707,-708,475,-644,-905,-649,-652,-605,-716,475,475,-607,-588,475,475,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,475,475,-711,-712,475,-718,475,475,475,475,475,475,-940,475,-441,-443,-749,475,-893,475,-717,-1896,475,475,475,475,475,-444,-514,-525,475,-730,-735,475,-737,475,-742,475,-664,-670,475,-680,-682,-684,-685,-692,-695,-699,-747,475,475,-876,475,475,-880,475,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,475,-814,475,-816,-803,475,-804,-807,475,-818,-821,-823,-825,-827,475,-828,475,-811,475,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,475,-284,475,475,475,475,-457,475,475,-731,475,-738,475,-743,475,-665,-673,475,475,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,475,-838,-53,475,475,-732,475,-739,475,-744,-666,475,-875,-54,475,475,-733,-740,-745,475,475,475,-874,]),'MAX_IOPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[476,476,476,476,-1896,476,476,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,476,476,476,476,-277,-278,476,-1427,476,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,476,476,476,-492,476,476,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,476,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,476,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,476,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,476,-174,-175,-176,-177,-995,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-292,-293,-283,476,476,476,476,476,-330,-320,-334,-335,-336,476,476,-984,-985,-986,-987,-988,-989,-990,476,476,476,476,476,476,476,476,476,476,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,476,476,476,-355,-358,476,-325,-326,-143,476,-144,476,-145,476,-432,-937,-938,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-1896,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-1896,476,-1896,476,476,476,476,476,476,476,476,476,476,476,476,-1896,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-1896,476,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,476,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,476,476,476,-193,-194,476,-996,476,476,476,476,476,-279,-280,-281,-282,-367,476,-310,476,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,476,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,476,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,476,476,476,476,476,476,-575,476,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,476,476,-725,-726,-727,476,476,476,476,476,476,-996,476,476,-93,-94,476,476,476,476,-311,-312,-322,476,-309,-295,-296,-297,476,476,476,476,-620,-635,-592,476,476,-438,476,-439,476,-446,-447,-448,-380,-381,476,476,476,-508,476,476,-512,476,476,476,476,-517,-518,-519,-520,476,476,-523,-524,476,-526,-527,-528,-529,-530,-531,-532,-533,476,-535,476,476,476,-541,-543,-544,476,-546,-547,-548,-549,476,476,476,476,476,476,-654,-655,-656,-657,476,-659,-660,-661,476,476,476,-667,476,476,-671,-672,476,476,-675,476,-677,-678,476,-681,476,-683,476,476,-686,-687,-688,476,-690,476,476,-693,476,476,-696,-697,-698,476,-700,-701,-702,-703,476,476,-748,476,-751,-752,-753,-754,-755,476,-757,-758,-759,-760,-761,476,-768,-769,-771,476,-773,-774,-775,-784,-858,-860,-862,-864,476,476,476,476,-870,476,-872,476,476,476,476,476,476,476,-908,-909,476,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,476,-923,-926,476,-936,476,-387,-388,-389,476,476,-392,-393,-394,-395,476,-398,476,-401,-402,476,-403,476,-408,-409,476,-412,-413,-414,476,-417,476,-418,476,-423,-424,476,-427,476,-430,-431,-1896,-1896,476,-621,-622,-623,-624,-625,-636,-586,-626,-799,476,476,476,476,476,-833,476,476,-808,476,-834,476,476,476,476,-800,476,-855,-801,476,476,476,476,476,476,-856,-857,476,-836,-832,-837,476,-627,476,-628,-629,-630,-631,-576,476,476,-632,-633,-634,476,476,476,476,476,476,-637,-638,-639,-594,-1896,-604,476,-640,-641,-715,-642,-606,476,-574,-579,-582,-585,476,476,476,-600,-603,476,-610,476,476,476,476,476,476,476,476,476,476,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,476,476,476,-997,476,476,476,476,476,476,-308,-327,-321,-298,-377,-454,-455,-456,-460,476,-445,476,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,476,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,476,476,476,476,476,476,476,476,476,-318,-537,-510,-593,-939,-941,-942,-440,476,-442,-382,-383,-385,-509,-511,-513,476,-515,-516,-521,-522,476,-534,-536,-539,-540,-545,-550,-728,476,-729,476,-734,476,-736,476,-741,-658,-662,-663,476,-668,476,-669,476,-674,-676,476,-679,476,476,476,-689,-691,476,-694,476,476,-746,476,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,476,476,476,476,476,-879,476,-882,-910,-922,-927,-390,-391,476,-396,476,-399,476,-404,476,-405,476,-410,476,-415,476,-419,476,-420,476,-425,476,-428,-901,-902,-645,-587,-1896,-903,476,476,476,-802,476,476,-806,476,-809,-835,476,-820,476,-822,476,-824,-810,476,-826,476,-853,-854,476,476,-813,476,-648,-904,-906,-650,-651,-647,476,-707,-708,476,-644,-905,-649,-652,-605,-716,476,476,-607,-588,476,476,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,476,476,-711,-712,476,-718,476,476,476,476,476,476,-940,476,-441,-443,-749,476,-893,476,-717,-1896,476,476,476,476,476,-444,-514,-525,476,-730,-735,476,-737,476,-742,476,-664,-670,476,-680,-682,-684,-685,-692,-695,-699,-747,476,476,-876,476,476,-880,476,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,476,-814,476,-816,-803,476,-804,-807,476,-818,-821,-823,-825,-827,476,-828,476,-811,476,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,476,-284,476,476,476,476,-457,476,476,-731,476,-738,476,-743,476,-665,-673,476,476,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,476,-838,-53,476,476,-732,476,-739,476,-744,-666,476,-875,-54,476,476,-733,-740,-745,476,476,476,-874,]),'MAX_MEMORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[477,477,477,477,-1896,477,477,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,477,477,477,477,-277,-278,477,-1427,477,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,477,477,477,-492,477,477,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,477,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,477,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,477,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,477,-174,-175,-176,-177,-995,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-292,-293,-283,477,477,477,477,477,-330,-320,-334,-335,-336,477,477,-984,-985,-986,-987,-988,-989,-990,477,477,477,477,477,477,477,477,477,477,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,477,477,477,-355,-358,477,-325,-326,-143,477,-144,477,-145,477,-432,-937,-938,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-1896,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-1896,477,-1896,477,477,477,477,477,477,477,477,477,477,477,477,-1896,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-1896,477,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,477,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,477,477,477,-193,-194,477,-996,477,477,477,477,477,-279,-280,-281,-282,-367,477,-310,477,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,477,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,477,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,477,477,477,477,477,477,-575,477,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,477,477,-725,-726,-727,477,477,477,477,477,477,-996,477,477,-93,-94,477,477,477,477,-311,-312,-322,477,-309,-295,-296,-297,477,477,477,477,-620,-635,-592,477,477,-438,477,-439,477,-446,-447,-448,-380,-381,477,477,477,-508,477,477,-512,477,477,477,477,-517,-518,-519,-520,477,477,-523,-524,477,-526,-527,-528,-529,-530,-531,-532,-533,477,-535,477,477,477,-541,-543,-544,477,-546,-547,-548,-549,477,477,477,477,477,477,-654,-655,-656,-657,477,-659,-660,-661,477,477,477,-667,477,477,-671,-672,477,477,-675,477,-677,-678,477,-681,477,-683,477,477,-686,-687,-688,477,-690,477,477,-693,477,477,-696,-697,-698,477,-700,-701,-702,-703,477,477,-748,477,-751,-752,-753,-754,-755,477,-757,-758,-759,-760,-761,477,-768,-769,-771,477,-773,-774,-775,-784,-858,-860,-862,-864,477,477,477,477,-870,477,-872,477,477,477,477,477,477,477,-908,-909,477,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,477,-923,-926,477,-936,477,-387,-388,-389,477,477,-392,-393,-394,-395,477,-398,477,-401,-402,477,-403,477,-408,-409,477,-412,-413,-414,477,-417,477,-418,477,-423,-424,477,-427,477,-430,-431,-1896,-1896,477,-621,-622,-623,-624,-625,-636,-586,-626,-799,477,477,477,477,477,-833,477,477,-808,477,-834,477,477,477,477,-800,477,-855,-801,477,477,477,477,477,477,-856,-857,477,-836,-832,-837,477,-627,477,-628,-629,-630,-631,-576,477,477,-632,-633,-634,477,477,477,477,477,477,-637,-638,-639,-594,-1896,-604,477,-640,-641,-715,-642,-606,477,-574,-579,-582,-585,477,477,477,-600,-603,477,-610,477,477,477,477,477,477,477,477,477,477,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,477,477,477,-997,477,477,477,477,477,477,-308,-327,-321,-298,-377,-454,-455,-456,-460,477,-445,477,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,477,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,477,477,477,477,477,477,477,477,477,-318,-537,-510,-593,-939,-941,-942,-440,477,-442,-382,-383,-385,-509,-511,-513,477,-515,-516,-521,-522,477,-534,-536,-539,-540,-545,-550,-728,477,-729,477,-734,477,-736,477,-741,-658,-662,-663,477,-668,477,-669,477,-674,-676,477,-679,477,477,477,-689,-691,477,-694,477,477,-746,477,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,477,477,477,477,477,-879,477,-882,-910,-922,-927,-390,-391,477,-396,477,-399,477,-404,477,-405,477,-410,477,-415,477,-419,477,-420,477,-425,477,-428,-901,-902,-645,-587,-1896,-903,477,477,477,-802,477,477,-806,477,-809,-835,477,-820,477,-822,477,-824,-810,477,-826,477,-853,-854,477,477,-813,477,-648,-904,-906,-650,-651,-647,477,-707,-708,477,-644,-905,-649,-652,-605,-716,477,477,-607,-588,477,477,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,477,477,-711,-712,477,-718,477,477,477,477,477,477,-940,477,-441,-443,-749,477,-893,477,-717,-1896,477,477,477,477,477,-444,-514,-525,477,-730,-735,477,-737,477,-742,477,-664,-670,477,-680,-682,-684,-685,-692,-695,-699,-747,477,477,-876,477,477,-880,477,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,477,-814,477,-816,-803,477,-804,-807,477,-818,-821,-823,-825,-827,477,-828,477,-811,477,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,477,-284,477,477,477,477,-457,477,477,-731,477,-738,477,-743,477,-665,-673,477,477,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,477,-838,-53,477,477,-732,477,-739,477,-744,-666,477,-875,-54,477,477,-733,-740,-745,477,477,477,-874,]),'MAX_QUERIES_PER_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[478,478,478,478,-1896,478,478,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,478,478,478,478,-277,-278,478,-1427,478,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,478,478,478,-492,478,478,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,478,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,478,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,478,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,478,-174,-175,-176,-177,-995,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-292,-293,-283,478,478,478,478,478,-330,-320,-334,-335,-336,478,478,-984,-985,-986,-987,-988,-989,-990,478,478,478,478,478,478,478,478,478,478,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,478,478,478,-355,-358,478,-325,-326,-143,478,-144,478,-145,478,-432,-937,-938,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-1896,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-1896,478,-1896,478,478,478,478,478,478,478,478,478,478,478,478,-1896,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-1896,478,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,478,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,478,478,478,-193,-194,478,-996,478,478,478,478,478,-279,-280,-281,-282,-367,478,-310,478,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,478,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,478,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,478,478,478,478,478,478,-575,478,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,478,478,-725,-726,-727,478,478,478,478,478,478,-996,478,478,-93,-94,478,478,478,478,-311,-312,-322,478,-309,-295,-296,-297,478,478,478,478,-620,-635,-592,478,478,-438,478,-439,478,-446,-447,-448,-380,-381,478,478,478,-508,478,478,-512,478,478,478,478,-517,-518,-519,-520,478,478,-523,-524,478,-526,-527,-528,-529,-530,-531,-532,-533,478,-535,478,478,478,-541,-543,-544,478,-546,-547,-548,-549,478,478,478,478,478,478,-654,-655,-656,-657,478,-659,-660,-661,478,478,478,-667,478,478,-671,-672,478,478,-675,478,-677,-678,478,-681,478,-683,478,478,-686,-687,-688,478,-690,478,478,-693,478,478,-696,-697,-698,478,-700,-701,-702,-703,478,478,-748,478,-751,-752,-753,-754,-755,478,-757,-758,-759,-760,-761,478,-768,-769,-771,478,-773,-774,-775,-784,-858,-860,-862,-864,478,478,478,478,-870,478,-872,478,478,478,478,478,478,478,-908,-909,478,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,478,-923,-926,478,-936,478,-387,-388,-389,478,478,-392,-393,-394,-395,478,-398,478,-401,-402,478,-403,478,-408,-409,478,-412,-413,-414,478,-417,478,-418,478,-423,-424,478,-427,478,-430,-431,-1896,-1896,478,-621,-622,-623,-624,-625,-636,-586,-626,-799,478,478,478,478,478,-833,478,478,-808,478,-834,478,478,478,478,-800,478,-855,-801,478,478,478,478,478,478,-856,-857,478,-836,-832,-837,478,-627,478,-628,-629,-630,-631,-576,478,478,-632,-633,-634,478,478,478,478,478,478,-637,-638,-639,-594,-1896,-604,478,-640,-641,-715,-642,-606,478,-574,-579,-582,-585,478,478,478,-600,-603,478,-610,478,478,478,478,478,478,478,478,478,478,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,478,478,478,-997,478,478,478,478,478,478,-308,-327,-321,-298,-377,-454,-455,-456,-460,478,-445,478,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,478,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,478,478,478,478,478,478,478,478,478,-318,-537,-510,-593,-939,-941,-942,-440,478,-442,-382,-383,-385,-509,-511,-513,478,-515,-516,-521,-522,478,-534,-536,-539,-540,-545,-550,-728,478,-729,478,-734,478,-736,478,-741,-658,-662,-663,478,-668,478,-669,478,-674,-676,478,-679,478,478,478,-689,-691,478,-694,478,478,-746,478,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,478,478,478,478,478,-879,478,-882,-910,-922,-927,-390,-391,478,-396,478,-399,478,-404,478,-405,478,-410,478,-415,478,-419,478,-420,478,-425,478,-428,-901,-902,-645,-587,-1896,-903,478,478,478,-802,478,478,-806,478,-809,-835,478,-820,478,-822,478,-824,-810,478,-826,478,-853,-854,478,478,-813,478,-648,-904,-906,-650,-651,-647,478,-707,-708,478,-644,-905,-649,-652,-605,-716,478,478,-607,-588,478,478,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,478,478,-711,-712,478,-718,478,478,478,478,478,478,-940,478,-441,-443,-749,478,-893,478,-717,-1896,478,478,478,478,478,-444,-514,-525,478,-730,-735,478,-737,478,-742,478,-664,-670,478,-680,-682,-684,-685,-692,-695,-699,-747,478,478,-876,478,478,-880,478,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,478,-814,478,-816,-803,478,-804,-807,478,-818,-821,-823,-825,-827,478,-828,478,-811,478,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,478,-284,478,478,478,478,-457,478,478,-731,478,-738,478,-743,478,-665,-673,478,478,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,478,-838,-53,478,478,-732,478,-739,478,-744,-666,478,-875,-54,478,478,-733,-740,-745,478,478,478,-874,]),'MAX_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[479,479,479,479,-1896,479,479,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,479,479,479,479,-277,-278,479,-1427,479,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,479,479,479,-492,479,479,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,479,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,479,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,479,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,479,-174,-175,-176,-177,-995,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-292,-293,-283,479,479,479,479,479,-330,-320,-334,-335,-336,479,479,-984,-985,-986,-987,-988,-989,-990,479,479,479,479,479,479,479,479,479,479,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,479,479,479,-355,-358,479,-325,-326,-143,479,-144,479,-145,479,-432,-937,-938,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-1896,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-1896,479,-1896,479,479,479,479,479,479,479,479,479,479,479,479,-1896,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-1896,479,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,479,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,479,479,479,-193,-194,479,-996,479,479,479,479,479,-279,-280,-281,-282,-367,479,-310,479,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,479,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,479,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,479,479,479,479,479,479,-575,479,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,479,479,-725,-726,-727,479,479,479,479,479,479,-996,479,479,-93,-94,479,479,479,479,-311,-312,-322,479,-309,-295,-296,-297,479,479,479,479,-620,-635,-592,479,479,-438,479,-439,479,-446,-447,-448,-380,-381,479,479,479,-508,479,479,-512,479,479,479,479,-517,-518,-519,-520,479,479,-523,-524,479,-526,-527,-528,-529,-530,-531,-532,-533,479,-535,479,479,479,-541,-543,-544,479,-546,-547,-548,-549,479,479,479,479,479,479,-654,-655,-656,-657,479,-659,-660,-661,479,479,479,-667,479,479,-671,-672,479,479,-675,479,-677,-678,479,-681,479,-683,479,479,-686,-687,-688,479,-690,479,479,-693,479,479,-696,-697,-698,479,-700,-701,-702,-703,479,479,-748,479,-751,-752,-753,-754,-755,479,-757,-758,-759,-760,-761,479,-768,-769,-771,479,-773,-774,-775,-784,-858,-860,-862,-864,479,479,479,479,-870,479,-872,479,479,479,479,479,479,479,-908,-909,479,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,479,-923,-926,479,-936,479,-387,-388,-389,479,479,-392,-393,-394,-395,479,-398,479,-401,-402,479,-403,479,-408,-409,479,-412,-413,-414,479,-417,479,-418,479,-423,-424,479,-427,479,-430,-431,-1896,-1896,479,-621,-622,-623,-624,-625,-636,-586,-626,-799,479,479,479,479,479,-833,479,479,-808,479,-834,479,479,479,479,-800,479,-855,-801,479,479,479,479,479,479,-856,-857,479,-836,-832,-837,479,-627,479,-628,-629,-630,-631,-576,479,479,-632,-633,-634,479,479,479,479,479,479,-637,-638,-639,-594,-1896,-604,479,-640,-641,-715,-642,-606,479,-574,-579,-582,-585,479,479,479,-600,-603,479,-610,479,479,479,479,479,479,479,479,479,479,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,479,479,479,-997,479,479,479,479,479,479,-308,-327,-321,-298,-377,-454,-455,-456,-460,479,-445,479,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,479,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,479,479,479,479,479,479,479,479,479,-318,-537,-510,-593,-939,-941,-942,-440,479,-442,-382,-383,-385,-509,-511,-513,479,-515,-516,-521,-522,479,-534,-536,-539,-540,-545,-550,-728,479,-729,479,-734,479,-736,479,-741,-658,-662,-663,479,-668,479,-669,479,-674,-676,479,-679,479,479,479,-689,-691,479,-694,479,479,-746,479,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,479,479,479,479,479,-879,479,-882,-910,-922,-927,-390,-391,479,-396,479,-399,479,-404,479,-405,479,-410,479,-415,479,-419,479,-420,479,-425,479,-428,-901,-902,-645,-587,-1896,-903,479,479,479,-802,479,479,-806,479,-809,-835,479,-820,479,-822,479,-824,-810,479,-826,479,-853,-854,479,479,-813,479,-648,-904,-906,-650,-651,-647,479,-707,-708,479,-644,-905,-649,-652,-605,-716,479,479,-607,-588,479,479,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,479,479,-711,-712,479,-718,479,479,479,479,479,479,-940,479,-441,-443,-749,479,-893,479,-717,-1896,479,479,479,479,479,-444,-514,-525,479,-730,-735,479,-737,479,-742,479,-664,-670,479,-680,-682,-684,-685,-692,-695,-699,-747,479,479,-876,479,479,-880,479,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,479,-814,479,-816,-803,479,-804,-807,479,-818,-821,-823,-825,-827,479,-828,479,-811,479,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,479,-284,479,479,479,479,-457,479,479,-731,479,-738,479,-743,479,-665,-673,479,479,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,479,-838,-53,479,479,-732,479,-739,479,-744,-666,479,-875,-54,479,479,-733,-740,-745,479,479,479,-874,]),'MAX_SESSION_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[480,480,480,480,-1896,480,480,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,480,480,480,480,-277,-278,480,-1427,480,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,480,480,480,-492,480,480,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,480,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,480,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,480,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,480,-174,-175,-176,-177,-995,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-292,-293,-283,480,480,480,480,480,-330,-320,-334,-335,-336,480,480,-984,-985,-986,-987,-988,-989,-990,480,480,480,480,480,480,480,480,480,480,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,480,480,480,-355,-358,480,-325,-326,-143,480,-144,480,-145,480,-432,-937,-938,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-1896,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-1896,480,-1896,480,480,480,480,480,480,480,480,480,480,480,480,-1896,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-1896,480,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,480,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,480,480,480,-193,-194,480,-996,480,480,480,480,480,-279,-280,-281,-282,-367,480,-310,480,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,480,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,480,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,480,480,480,480,480,480,-575,480,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,480,480,-725,-726,-727,480,480,480,480,480,480,-996,480,480,-93,-94,480,480,480,480,-311,-312,-322,480,-309,-295,-296,-297,480,480,480,480,-620,-635,-592,480,480,-438,480,-439,480,-446,-447,-448,-380,-381,480,480,480,-508,480,480,-512,480,480,480,480,-517,-518,-519,-520,480,480,-523,-524,480,-526,-527,-528,-529,-530,-531,-532,-533,480,-535,480,480,480,-541,-543,-544,480,-546,-547,-548,-549,480,480,480,480,480,480,-654,-655,-656,-657,480,-659,-660,-661,480,480,480,-667,480,480,-671,-672,480,480,-675,480,-677,-678,480,-681,480,-683,480,480,-686,-687,-688,480,-690,480,480,-693,480,480,-696,-697,-698,480,-700,-701,-702,-703,480,480,-748,480,-751,-752,-753,-754,-755,480,-757,-758,-759,-760,-761,480,-768,-769,-771,480,-773,-774,-775,-784,-858,-860,-862,-864,480,480,480,480,-870,480,-872,480,480,480,480,480,480,480,-908,-909,480,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,480,-923,-926,480,-936,480,-387,-388,-389,480,480,-392,-393,-394,-395,480,-398,480,-401,-402,480,-403,480,-408,-409,480,-412,-413,-414,480,-417,480,-418,480,-423,-424,480,-427,480,-430,-431,-1896,-1896,480,-621,-622,-623,-624,-625,-636,-586,-626,-799,480,480,480,480,480,-833,480,480,-808,480,-834,480,480,480,480,-800,480,-855,-801,480,480,480,480,480,480,-856,-857,480,-836,-832,-837,480,-627,480,-628,-629,-630,-631,-576,480,480,-632,-633,-634,480,480,480,480,480,480,-637,-638,-639,-594,-1896,-604,480,-640,-641,-715,-642,-606,480,-574,-579,-582,-585,480,480,480,-600,-603,480,-610,480,480,480,480,480,480,480,480,480,480,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,480,480,480,-997,480,480,480,480,480,480,-308,-327,-321,-298,-377,-454,-455,-456,-460,480,-445,480,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,480,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,480,480,480,480,480,480,480,480,480,-318,-537,-510,-593,-939,-941,-942,-440,480,-442,-382,-383,-385,-509,-511,-513,480,-515,-516,-521,-522,480,-534,-536,-539,-540,-545,-550,-728,480,-729,480,-734,480,-736,480,-741,-658,-662,-663,480,-668,480,-669,480,-674,-676,480,-679,480,480,480,-689,-691,480,-694,480,480,-746,480,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,480,480,480,480,480,-879,480,-882,-910,-922,-927,-390,-391,480,-396,480,-399,480,-404,480,-405,480,-410,480,-415,480,-419,480,-420,480,-425,480,-428,-901,-902,-645,-587,-1896,-903,480,480,480,-802,480,480,-806,480,-809,-835,480,-820,480,-822,480,-824,-810,480,-826,480,-853,-854,480,480,-813,480,-648,-904,-906,-650,-651,-647,480,-707,-708,480,-644,-905,-649,-652,-605,-716,480,480,-607,-588,480,480,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,480,480,-711,-712,480,-718,480,480,480,480,480,480,-940,480,-441,-443,-749,480,-893,480,-717,-1896,480,480,480,480,480,-444,-514,-525,480,-730,-735,480,-737,480,-742,480,-664,-670,480,-680,-682,-684,-685,-692,-695,-699,-747,480,480,-876,480,480,-880,480,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,480,-814,480,-816,-803,480,-804,-807,480,-818,-821,-823,-825,-827,480,-828,480,-811,480,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,480,-284,480,480,480,480,-457,480,480,-731,480,-738,480,-743,480,-665,-673,480,480,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,480,-838,-53,480,480,-732,480,-739,480,-744,-666,480,-875,-54,480,480,-733,-740,-745,480,480,480,-874,]),'MAX_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[481,481,481,481,-1896,481,481,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,481,481,481,481,-277,-278,481,-1427,481,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,481,481,481,-492,481,481,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,481,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,481,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,481,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,481,-174,-175,-176,-177,-995,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-292,-293,-283,481,481,481,481,481,-330,-320,-334,-335,-336,481,481,-984,-985,-986,-987,-988,-989,-990,481,481,481,481,481,481,481,481,481,481,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,481,481,481,-355,-358,481,-325,-326,-143,481,-144,481,-145,481,-432,-937,-938,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-1896,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-1896,481,-1896,481,481,481,481,481,481,481,481,481,481,481,481,-1896,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-1896,481,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,481,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,481,481,481,-193,-194,481,-996,481,481,481,481,481,-279,-280,-281,-282,-367,481,-310,481,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,481,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,481,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,481,481,481,481,481,481,-575,481,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,481,481,-725,-726,-727,481,481,481,481,481,481,-996,481,481,-93,-94,481,481,481,481,-311,-312,-322,481,-309,-295,-296,-297,481,481,481,481,-620,-635,-592,481,481,-438,481,-439,481,-446,-447,-448,-380,-381,481,481,481,-508,481,481,-512,481,481,481,481,-517,-518,-519,-520,481,481,-523,-524,481,-526,-527,-528,-529,-530,-531,-532,-533,481,-535,481,481,481,-541,-543,-544,481,-546,-547,-548,-549,481,481,481,481,481,481,-654,-655,-656,-657,481,-659,-660,-661,481,481,481,-667,481,481,-671,-672,481,481,-675,481,-677,-678,481,-681,481,-683,481,481,-686,-687,-688,481,-690,481,481,-693,481,481,-696,-697,-698,481,-700,-701,-702,-703,481,481,-748,481,-751,-752,-753,-754,-755,481,-757,-758,-759,-760,-761,481,-768,-769,-771,481,-773,-774,-775,-784,-858,-860,-862,-864,481,481,481,481,-870,481,-872,481,481,481,481,481,481,481,-908,-909,481,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,481,-923,-926,481,-936,481,-387,-388,-389,481,481,-392,-393,-394,-395,481,-398,481,-401,-402,481,-403,481,-408,-409,481,-412,-413,-414,481,-417,481,-418,481,-423,-424,481,-427,481,-430,-431,-1896,-1896,481,-621,-622,-623,-624,-625,-636,-586,-626,-799,481,481,481,481,481,-833,481,481,-808,481,-834,481,481,481,481,-800,481,-855,-801,481,481,481,481,481,481,-856,-857,481,-836,-832,-837,481,-627,481,-628,-629,-630,-631,-576,481,481,-632,-633,-634,481,481,481,481,481,481,-637,-638,-639,-594,-1896,-604,481,-640,-641,-715,-642,-606,481,-574,-579,-582,-585,481,481,481,-600,-603,481,-610,481,481,481,481,481,481,481,481,481,481,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,481,481,481,-997,481,481,481,481,481,481,-308,-327,-321,-298,-377,-454,-455,-456,-460,481,-445,481,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,481,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,481,481,481,481,481,481,481,481,481,-318,-537,-510,-593,-939,-941,-942,-440,481,-442,-382,-383,-385,-509,-511,-513,481,-515,-516,-521,-522,481,-534,-536,-539,-540,-545,-550,-728,481,-729,481,-734,481,-736,481,-741,-658,-662,-663,481,-668,481,-669,481,-674,-676,481,-679,481,481,481,-689,-691,481,-694,481,481,-746,481,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,481,481,481,481,481,-879,481,-882,-910,-922,-927,-390,-391,481,-396,481,-399,481,-404,481,-405,481,-410,481,-415,481,-419,481,-420,481,-425,481,-428,-901,-902,-645,-587,-1896,-903,481,481,481,-802,481,481,-806,481,-809,-835,481,-820,481,-822,481,-824,-810,481,-826,481,-853,-854,481,481,-813,481,-648,-904,-906,-650,-651,-647,481,-707,-708,481,-644,-905,-649,-652,-605,-716,481,481,-607,-588,481,481,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,481,481,-711,-712,481,-718,481,481,481,481,481,481,-940,481,-441,-443,-749,481,-893,481,-717,-1896,481,481,481,481,481,-444,-514,-525,481,-730,-735,481,-737,481,-742,481,-664,-670,481,-680,-682,-684,-685,-692,-695,-699,-747,481,481,-876,481,481,-880,481,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,481,-814,481,-816,-803,481,-804,-807,481,-818,-821,-823,-825,-827,481,-828,481,-811,481,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,481,-284,481,481,481,481,-457,481,481,-731,481,-738,481,-743,481,-665,-673,481,481,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,481,-838,-53,481,481,-732,481,-739,481,-744,-666,481,-875,-54,481,481,-733,-740,-745,481,481,481,-874,]),'MAX_UPDATES_PER_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[482,482,482,482,-1896,482,482,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,482,482,482,482,-277,-278,482,-1427,482,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,482,482,482,-492,482,482,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,482,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,482,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,482,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,482,-174,-175,-176,-177,-995,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-292,-293,-283,482,482,482,482,482,-330,-320,-334,-335,-336,482,482,-984,-985,-986,-987,-988,-989,-990,482,482,482,482,482,482,482,482,482,482,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,482,482,482,-355,-358,482,-325,-326,-143,482,-144,482,-145,482,-432,-937,-938,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-1896,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-1896,482,-1896,482,482,482,482,482,482,482,482,482,482,482,482,-1896,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-1896,482,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,482,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,482,482,482,-193,-194,482,-996,482,482,482,482,482,-279,-280,-281,-282,-367,482,-310,482,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,482,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,482,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,482,482,482,482,482,482,-575,482,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,482,482,-725,-726,-727,482,482,482,482,482,482,-996,482,482,-93,-94,482,482,482,482,-311,-312,-322,482,-309,-295,-296,-297,482,482,482,482,-620,-635,-592,482,482,-438,482,-439,482,-446,-447,-448,-380,-381,482,482,482,-508,482,482,-512,482,482,482,482,-517,-518,-519,-520,482,482,-523,-524,482,-526,-527,-528,-529,-530,-531,-532,-533,482,-535,482,482,482,-541,-543,-544,482,-546,-547,-548,-549,482,482,482,482,482,482,-654,-655,-656,-657,482,-659,-660,-661,482,482,482,-667,482,482,-671,-672,482,482,-675,482,-677,-678,482,-681,482,-683,482,482,-686,-687,-688,482,-690,482,482,-693,482,482,-696,-697,-698,482,-700,-701,-702,-703,482,482,-748,482,-751,-752,-753,-754,-755,482,-757,-758,-759,-760,-761,482,-768,-769,-771,482,-773,-774,-775,-784,-858,-860,-862,-864,482,482,482,482,-870,482,-872,482,482,482,482,482,482,482,-908,-909,482,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,482,-923,-926,482,-936,482,-387,-388,-389,482,482,-392,-393,-394,-395,482,-398,482,-401,-402,482,-403,482,-408,-409,482,-412,-413,-414,482,-417,482,-418,482,-423,-424,482,-427,482,-430,-431,-1896,-1896,482,-621,-622,-623,-624,-625,-636,-586,-626,-799,482,482,482,482,482,-833,482,482,-808,482,-834,482,482,482,482,-800,482,-855,-801,482,482,482,482,482,482,-856,-857,482,-836,-832,-837,482,-627,482,-628,-629,-630,-631,-576,482,482,-632,-633,-634,482,482,482,482,482,482,-637,-638,-639,-594,-1896,-604,482,-640,-641,-715,-642,-606,482,-574,-579,-582,-585,482,482,482,-600,-603,482,-610,482,482,482,482,482,482,482,482,482,482,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,482,482,482,-997,482,482,482,482,482,482,-308,-327,-321,-298,-377,-454,-455,-456,-460,482,-445,482,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,482,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,482,482,482,482,482,482,482,482,482,-318,-537,-510,-593,-939,-941,-942,-440,482,-442,-382,-383,-385,-509,-511,-513,482,-515,-516,-521,-522,482,-534,-536,-539,-540,-545,-550,-728,482,-729,482,-734,482,-736,482,-741,-658,-662,-663,482,-668,482,-669,482,-674,-676,482,-679,482,482,482,-689,-691,482,-694,482,482,-746,482,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,482,482,482,482,482,-879,482,-882,-910,-922,-927,-390,-391,482,-396,482,-399,482,-404,482,-405,482,-410,482,-415,482,-419,482,-420,482,-425,482,-428,-901,-902,-645,-587,-1896,-903,482,482,482,-802,482,482,-806,482,-809,-835,482,-820,482,-822,482,-824,-810,482,-826,482,-853,-854,482,482,-813,482,-648,-904,-906,-650,-651,-647,482,-707,-708,482,-644,-905,-649,-652,-605,-716,482,482,-607,-588,482,482,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,482,482,-711,-712,482,-718,482,482,482,482,482,482,-940,482,-441,-443,-749,482,-893,482,-717,-1896,482,482,482,482,482,-444,-514,-525,482,-730,-735,482,-737,482,-742,482,-664,-670,482,-680,-682,-684,-685,-692,-695,-699,-747,482,482,-876,482,482,-880,482,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,482,-814,482,-816,-803,482,-804,-807,482,-818,-821,-823,-825,-827,482,-828,482,-811,482,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,482,-284,482,482,482,482,-457,482,482,-731,482,-738,482,-743,482,-665,-673,482,482,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,482,-838,-53,482,482,-732,482,-739,482,-744,-666,482,-875,-54,482,482,-733,-740,-745,482,482,482,-874,]),'MAX_USED_PART_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[483,483,483,483,-1896,483,483,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,483,483,483,483,-277,-278,483,-1427,483,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,483,483,483,-492,483,483,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,483,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,483,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,483,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,483,-174,-175,-176,-177,-995,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-292,-293,-283,483,483,483,483,483,-330,-320,-334,-335,-336,483,483,-984,-985,-986,-987,-988,-989,-990,483,483,483,483,483,483,483,483,483,483,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,483,483,483,-355,-358,483,-325,-326,-143,483,-144,483,-145,483,-432,-937,-938,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-1896,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-1896,483,-1896,483,483,483,483,483,483,483,483,483,483,483,483,-1896,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-1896,483,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,483,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,483,483,483,-193,-194,483,-996,483,483,483,483,483,-279,-280,-281,-282,-367,483,-310,483,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,483,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,483,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,483,483,483,483,483,483,-575,483,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,483,483,-725,-726,-727,483,483,483,483,483,483,-996,483,483,-93,-94,483,483,483,483,-311,-312,-322,483,-309,-295,-296,-297,483,483,483,483,-620,-635,-592,483,483,-438,483,-439,483,-446,-447,-448,-380,-381,483,483,483,-508,483,483,-512,483,483,483,483,-517,-518,-519,-520,483,483,-523,-524,483,-526,-527,-528,-529,-530,-531,-532,-533,483,-535,483,483,483,-541,-543,-544,483,-546,-547,-548,-549,483,483,483,483,483,483,-654,-655,-656,-657,483,-659,-660,-661,483,483,483,-667,483,483,-671,-672,483,483,-675,483,-677,-678,483,-681,483,-683,483,483,-686,-687,-688,483,-690,483,483,-693,483,483,-696,-697,-698,483,-700,-701,-702,-703,483,483,-748,483,-751,-752,-753,-754,-755,483,-757,-758,-759,-760,-761,483,-768,-769,-771,483,-773,-774,-775,-784,-858,-860,-862,-864,483,483,483,483,-870,483,-872,483,483,483,483,483,483,483,-908,-909,483,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,483,-923,-926,483,-936,483,-387,-388,-389,483,483,-392,-393,-394,-395,483,-398,483,-401,-402,483,-403,483,-408,-409,483,-412,-413,-414,483,-417,483,-418,483,-423,-424,483,-427,483,-430,-431,-1896,-1896,483,-621,-622,-623,-624,-625,-636,-586,-626,-799,483,483,483,483,483,-833,483,483,-808,483,-834,483,483,483,483,-800,483,-855,-801,483,483,483,483,483,483,-856,-857,483,-836,-832,-837,483,-627,483,-628,-629,-630,-631,-576,483,483,-632,-633,-634,483,483,483,483,483,483,-637,-638,-639,-594,-1896,-604,483,-640,-641,-715,-642,-606,483,-574,-579,-582,-585,483,483,483,-600,-603,483,-610,483,483,483,483,483,483,483,483,483,483,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,483,483,483,-997,483,483,483,483,483,483,-308,-327,-321,-298,-377,-454,-455,-456,-460,483,-445,483,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,483,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,483,483,483,483,483,483,483,483,483,-318,-537,-510,-593,-939,-941,-942,-440,483,-442,-382,-383,-385,-509,-511,-513,483,-515,-516,-521,-522,483,-534,-536,-539,-540,-545,-550,-728,483,-729,483,-734,483,-736,483,-741,-658,-662,-663,483,-668,483,-669,483,-674,-676,483,-679,483,483,483,-689,-691,483,-694,483,483,-746,483,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,483,483,483,483,483,-879,483,-882,-910,-922,-927,-390,-391,483,-396,483,-399,483,-404,483,-405,483,-410,483,-415,483,-419,483,-420,483,-425,483,-428,-901,-902,-645,-587,-1896,-903,483,483,483,-802,483,483,-806,483,-809,-835,483,-820,483,-822,483,-824,-810,483,-826,483,-853,-854,483,483,-813,483,-648,-904,-906,-650,-651,-647,483,-707,-708,483,-644,-905,-649,-652,-605,-716,483,483,-607,-588,483,483,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,483,483,-711,-712,483,-718,483,483,483,483,483,483,-940,483,-441,-443,-749,483,-893,483,-717,-1896,483,483,483,483,483,-444,-514,-525,483,-730,-735,483,-737,483,-742,483,-664,-670,483,-680,-682,-684,-685,-692,-695,-699,-747,483,483,-876,483,483,-880,483,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,483,-814,483,-816,-803,483,-804,-807,483,-818,-821,-823,-825,-827,483,-828,483,-811,483,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,483,-284,483,483,483,483,-457,483,483,-731,483,-738,483,-743,483,-665,-673,483,483,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,483,-838,-53,483,483,-732,483,-739,483,-744,-666,483,-875,-54,483,483,-733,-740,-745,483,483,483,-874,]),'MAX_USER_CONNECTIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[484,484,484,484,-1896,484,484,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,484,484,484,484,-277,-278,484,-1427,484,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,484,484,484,-492,484,484,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,484,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,484,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,484,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,484,-174,-175,-176,-177,-995,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-292,-293,-283,484,484,484,484,484,-330,-320,-334,-335,-336,484,484,-984,-985,-986,-987,-988,-989,-990,484,484,484,484,484,484,484,484,484,484,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,484,484,484,-355,-358,484,-325,-326,-143,484,-144,484,-145,484,-432,-937,-938,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-1896,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-1896,484,-1896,484,484,484,484,484,484,484,484,484,484,484,484,-1896,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-1896,484,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,484,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,484,484,484,-193,-194,484,-996,484,484,484,484,484,-279,-280,-281,-282,-367,484,-310,484,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,484,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,484,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,484,484,484,484,484,484,-575,484,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,484,484,-725,-726,-727,484,484,484,484,484,484,-996,484,484,-93,-94,484,484,484,484,-311,-312,-322,484,-309,-295,-296,-297,484,484,484,484,-620,-635,-592,484,484,-438,484,-439,484,-446,-447,-448,-380,-381,484,484,484,-508,484,484,-512,484,484,484,484,-517,-518,-519,-520,484,484,-523,-524,484,-526,-527,-528,-529,-530,-531,-532,-533,484,-535,484,484,484,-541,-543,-544,484,-546,-547,-548,-549,484,484,484,484,484,484,-654,-655,-656,-657,484,-659,-660,-661,484,484,484,-667,484,484,-671,-672,484,484,-675,484,-677,-678,484,-681,484,-683,484,484,-686,-687,-688,484,-690,484,484,-693,484,484,-696,-697,-698,484,-700,-701,-702,-703,484,484,-748,484,-751,-752,-753,-754,-755,484,-757,-758,-759,-760,-761,484,-768,-769,-771,484,-773,-774,-775,-784,-858,-860,-862,-864,484,484,484,484,-870,484,-872,484,484,484,484,484,484,484,-908,-909,484,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,484,-923,-926,484,-936,484,-387,-388,-389,484,484,-392,-393,-394,-395,484,-398,484,-401,-402,484,-403,484,-408,-409,484,-412,-413,-414,484,-417,484,-418,484,-423,-424,484,-427,484,-430,-431,-1896,-1896,484,-621,-622,-623,-624,-625,-636,-586,-626,-799,484,484,484,484,484,-833,484,484,-808,484,-834,484,484,484,484,-800,484,-855,-801,484,484,484,484,484,484,-856,-857,484,-836,-832,-837,484,-627,484,-628,-629,-630,-631,-576,484,484,-632,-633,-634,484,484,484,484,484,484,-637,-638,-639,-594,-1896,-604,484,-640,-641,-715,-642,-606,484,-574,-579,-582,-585,484,484,484,-600,-603,484,-610,484,484,484,484,484,484,484,484,484,484,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,484,484,484,-997,484,484,484,484,484,484,-308,-327,-321,-298,-377,-454,-455,-456,-460,484,-445,484,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,484,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,484,484,484,484,484,484,484,484,484,-318,-537,-510,-593,-939,-941,-942,-440,484,-442,-382,-383,-385,-509,-511,-513,484,-515,-516,-521,-522,484,-534,-536,-539,-540,-545,-550,-728,484,-729,484,-734,484,-736,484,-741,-658,-662,-663,484,-668,484,-669,484,-674,-676,484,-679,484,484,484,-689,-691,484,-694,484,484,-746,484,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,484,484,484,484,484,-879,484,-882,-910,-922,-927,-390,-391,484,-396,484,-399,484,-404,484,-405,484,-410,484,-415,484,-419,484,-420,484,-425,484,-428,-901,-902,-645,-587,-1896,-903,484,484,484,-802,484,484,-806,484,-809,-835,484,-820,484,-822,484,-824,-810,484,-826,484,-853,-854,484,484,-813,484,-648,-904,-906,-650,-651,-647,484,-707,-708,484,-644,-905,-649,-652,-605,-716,484,484,-607,-588,484,484,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,484,484,-711,-712,484,-718,484,484,484,484,484,484,-940,484,-441,-443,-749,484,-893,484,-717,-1896,484,484,484,484,484,-444,-514,-525,484,-730,-735,484,-737,484,-742,484,-664,-670,484,-680,-682,-684,-685,-692,-695,-699,-747,484,484,-876,484,484,-880,484,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,484,-814,484,-816,-803,484,-804,-807,484,-818,-821,-823,-825,-827,484,-828,484,-811,484,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,484,-284,484,484,484,484,-457,484,484,-731,484,-738,484,-743,484,-665,-673,484,484,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,484,-838,-53,484,484,-732,484,-739,484,-744,-666,484,-875,-54,484,484,-733,-740,-745,484,484,484,-874,]),'MD5':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[485,485,485,1136,-1896,485,485,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,485,485,485,485,-277,-278,1136,-1427,1136,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1136,1136,1136,-492,1136,1136,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1136,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1136,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1921,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,485,-174,-175,-176,-177,-995,485,485,485,485,485,485,485,485,485,485,1136,1136,1136,1136,1136,-292,-293,-283,485,1136,1136,1136,1136,-330,-320,-334,-335,-336,1136,1136,-984,-985,-986,-987,-988,-989,-990,485,485,1136,1136,1136,1136,1136,1136,1136,1136,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1136,1136,1136,-355,-358,485,-325,-326,-143,1136,-144,1136,-145,1136,-432,-937,-938,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1896,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1896,1136,-1896,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1896,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1896,485,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1136,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1136,485,485,-193,-194,485,-996,1136,485,485,485,485,-279,-280,-281,-282,-367,1136,-310,1136,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1136,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1136,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1136,1136,1136,1136,1136,1136,-575,1136,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1136,1136,-725,-726,-727,1136,1921,485,485,485,485,-996,485,1136,-93,-94,485,485,485,1136,-311,-312,-322,1136,-309,-295,-296,-297,1136,485,1136,1136,-620,-635,-592,1136,485,-438,485,-439,1136,-446,-447,-448,-380,-381,1136,1136,1136,-508,1136,1136,-512,1136,1136,1136,1136,-517,-518,-519,-520,1136,1136,-523,-524,1136,-526,-527,-528,-529,-530,-531,-532,-533,1136,-535,1136,1136,1136,-541,-543,-544,1136,-546,-547,-548,-549,1136,1136,1136,1136,1136,1136,-654,-655,-656,-657,485,-659,-660,-661,1136,1136,1136,-667,1136,1136,-671,-672,1136,1136,-675,1136,-677,-678,1136,-681,1136,-683,1136,1136,-686,-687,-688,1136,-690,1136,1136,-693,1136,1136,-696,-697,-698,1136,-700,-701,-702,-703,1136,1136,-748,1136,-751,-752,-753,-754,-755,1136,-757,-758,-759,-760,-761,1136,-768,-769,-771,1136,-773,-774,-775,-784,-858,-860,-862,-864,1136,1136,1136,1136,-870,1136,-872,1136,1136,1136,1136,1136,1136,1136,-908,-909,1136,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1136,-923,-926,1136,-936,1136,-387,-388,-389,1136,1136,-392,-393,-394,-395,1136,-398,1136,-401,-402,1136,-403,1136,-408,-409,1136,-412,-413,-414,1136,-417,1136,-418,1136,-423,-424,1136,-427,1136,-430,-431,-1896,-1896,1136,-621,-622,-623,-624,-625,-636,-586,-626,-799,1136,1136,1136,1136,1136,-833,1136,1136,-808,1136,-834,1136,1136,1136,1136,-800,1136,-855,-801,1136,1136,1136,1136,1136,1136,-856,-857,1136,-836,-832,-837,1136,-627,1136,-628,-629,-630,-631,-576,1136,1136,-632,-633,-634,1136,1136,1136,1136,1136,1136,-637,-638,-639,-594,-1896,-604,1136,-640,-641,-715,-642,-606,1136,-574,-579,-582,-585,1136,1136,1136,-600,-603,1136,-610,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1136,485,485,-997,485,1136,485,485,485,1136,-308,-327,-321,-298,-377,-454,-455,-456,-460,485,-445,1136,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1136,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,485,485,485,485,485,485,485,485,1136,-318,-537,-510,-593,-939,-941,-942,-440,1136,-442,-382,-383,-385,-509,-511,-513,1136,-515,-516,-521,-522,1136,-534,-536,-539,-540,-545,-550,-728,1136,-729,1136,-734,1136,-736,1136,-741,-658,-662,-663,1136,-668,1136,-669,1136,-674,-676,1136,-679,1136,1136,1136,-689,-691,1136,-694,1136,1136,-746,1136,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1136,1136,1136,1136,1136,-879,1136,-882,-910,-922,-927,-390,-391,1136,-396,1136,-399,1136,-404,1136,-405,1136,-410,1136,-415,1136,-419,1136,-420,1136,-425,1136,-428,-901,-902,-645,-587,-1896,-903,1136,1136,1136,-802,1136,1136,-806,1136,-809,-835,1136,-820,1136,-822,1136,-824,-810,1136,-826,1136,-853,-854,1136,1136,-813,1136,-648,-904,-906,-650,-651,-647,1136,-707,-708,1136,-644,-905,-649,-652,-605,-716,1136,1136,-607,-588,1136,1136,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1136,1136,-711,-712,1136,-718,1136,485,485,485,1136,1136,-940,485,-441,-443,-749,1136,-893,1921,-717,-1896,1136,1136,485,485,1136,-444,-514,-525,1136,-730,-735,1136,-737,1136,-742,1136,-664,-670,1136,-680,-682,-684,-685,-692,-695,-699,-747,1136,1136,-876,1136,1136,-880,1136,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1136,-814,1136,-816,-803,1136,-804,-807,1136,-818,-821,-823,-825,-827,1136,-828,1136,-811,1136,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,485,-284,485,1136,485,1136,-457,1136,1136,-731,1136,-738,1136,-743,1136,-665,-673,1136,1136,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1136,-838,-53,485,1136,-732,1136,-739,1136,-744,-666,1136,-875,-54,485,485,-733,-740,-745,1136,485,1136,-874,]),'MEDIUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[486,486,486,486,-1896,486,486,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,486,486,486,486,-277,-278,486,-1427,486,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,486,486,486,-492,486,486,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,486,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,486,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,486,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,486,-174,-175,-176,-177,-995,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-292,-293,-283,486,486,486,486,486,-330,-320,-334,-335,-336,486,486,-984,-985,-986,-987,-988,-989,-990,486,486,486,486,486,486,486,486,486,486,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,486,486,486,-355,-358,486,-325,-326,-143,486,-144,486,-145,486,-432,-937,-938,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-1896,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-1896,486,-1896,486,486,486,486,486,486,486,486,486,486,486,486,-1896,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-1896,486,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,486,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,486,486,486,-193,-194,486,-996,486,486,486,486,486,-279,-280,-281,-282,-367,486,-310,486,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,486,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,486,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,486,486,486,486,486,486,-575,486,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,486,486,-725,-726,-727,486,486,486,486,486,486,-996,486,486,-93,-94,486,486,486,486,-311,-312,-322,486,-309,-295,-296,-297,486,486,486,486,-620,-635,-592,486,486,-438,486,-439,486,-446,-447,-448,-380,-381,486,486,486,-508,486,486,-512,486,486,486,486,-517,-518,-519,-520,486,486,-523,-524,486,-526,-527,-528,-529,-530,-531,-532,-533,486,-535,486,486,486,-541,-543,-544,486,-546,-547,-548,-549,486,486,486,486,486,486,-654,-655,-656,-657,486,-659,-660,-661,486,486,486,-667,486,486,-671,-672,486,486,-675,486,-677,-678,486,-681,486,-683,486,486,-686,-687,-688,486,-690,486,486,-693,486,486,-696,-697,-698,486,-700,-701,-702,-703,486,486,-748,486,-751,-752,-753,-754,-755,486,-757,-758,-759,-760,-761,486,-768,-769,-771,486,-773,-774,-775,-784,-858,-860,-862,-864,486,486,486,486,-870,486,-872,486,486,486,486,486,486,486,-908,-909,486,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,486,-923,-926,486,-936,486,-387,-388,-389,486,486,-392,-393,-394,-395,486,-398,486,-401,-402,486,-403,486,-408,-409,486,-412,-413,-414,486,-417,486,-418,486,-423,-424,486,-427,486,-430,-431,-1896,-1896,486,-621,-622,-623,-624,-625,-636,-586,-626,-799,486,486,486,486,486,-833,486,486,-808,486,-834,486,486,486,486,-800,486,-855,-801,486,486,486,486,486,486,-856,-857,486,-836,-832,-837,486,-627,486,-628,-629,-630,-631,-576,486,486,-632,-633,-634,486,486,486,486,486,486,-637,-638,-639,-594,-1896,-604,486,-640,-641,-715,-642,-606,486,-574,-579,-582,-585,486,486,486,-600,-603,486,-610,486,486,486,486,486,486,486,486,486,486,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,486,486,486,-997,486,486,486,486,486,486,-308,-327,-321,-298,-377,-454,-455,-456,-460,486,-445,486,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,486,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,486,486,486,486,486,486,486,486,486,-318,-537,-510,-593,-939,-941,-942,-440,486,-442,-382,-383,-385,-509,-511,-513,486,-515,-516,-521,-522,486,-534,-536,-539,-540,-545,-550,-728,486,-729,486,-734,486,-736,486,-741,-658,-662,-663,486,-668,486,-669,486,-674,-676,486,-679,486,486,486,-689,-691,486,-694,486,486,-746,486,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,486,486,486,486,486,-879,486,-882,-910,-922,-927,-390,-391,486,-396,486,-399,486,-404,486,-405,486,-410,486,-415,486,-419,486,-420,486,-425,486,-428,-901,-902,-645,-587,-1896,-903,486,486,486,-802,486,486,-806,486,-809,-835,486,-820,486,-822,486,-824,-810,486,-826,486,-853,-854,486,486,-813,486,-648,-904,-906,-650,-651,-647,486,-707,-708,486,-644,-905,-649,-652,-605,-716,486,486,-607,-588,486,486,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,486,486,-711,-712,486,-718,486,486,486,486,486,486,-940,486,-441,-443,-749,486,-893,486,-717,-1896,486,486,486,486,486,-444,-514,-525,486,-730,-735,486,-737,486,-742,486,-664,-670,486,-680,-682,-684,-685,-692,-695,-699,-747,486,486,-876,486,486,-880,486,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,486,-814,486,-816,-803,486,-804,-807,486,-818,-821,-823,-825,-827,486,-828,486,-811,486,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,486,-284,486,486,486,486,-457,486,486,-731,486,-738,486,-743,486,-665,-673,486,486,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,486,-838,-53,486,486,-732,486,-739,486,-744,-666,486,-875,-54,486,486,-733,-740,-745,486,486,486,-874,]),'MEMBER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[487,487,487,487,-1896,487,487,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,487,487,487,487,-277,-278,487,-1427,487,1444,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,487,487,487,-492,487,487,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,487,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,487,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,487,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,487,-174,-175,-176,-177,-995,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-292,-293,-283,487,487,-365,487,487,487,-330,-320,-334,-335,-336,487,487,-984,-985,-986,-987,-988,-989,-990,487,487,487,487,487,487,487,487,487,487,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,487,487,487,-355,-358,487,-325,-326,-143,487,-144,487,-145,487,-432,-937,-938,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-1896,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-1896,487,-1896,487,487,487,487,487,487,487,487,487,487,487,487,-1896,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-1896,487,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,487,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,487,487,487,-193,-194,487,-996,487,487,487,487,487,-279,-280,-281,-282,-367,487,-310,487,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,487,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,487,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,487,487,487,487,487,487,-575,487,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,487,487,-725,-726,-727,487,487,487,487,487,487,-996,487,487,-93,-94,487,487,487,487,-311,-312,-322,487,-309,-295,-296,-297,487,487,487,487,-620,-635,-592,487,487,-438,487,-439,487,-446,-447,-448,-380,-381,487,487,487,-508,487,487,-512,487,487,487,487,-517,-518,-519,-520,487,487,-523,-524,487,-526,-527,-528,-529,-530,-531,-532,-533,487,-535,487,487,487,-541,-543,-544,487,-546,-547,-548,-549,487,487,487,487,487,487,-654,-655,-656,-657,487,-659,-660,-661,487,487,487,-667,487,487,-671,-672,487,487,-675,487,-677,-678,487,-681,487,-683,487,487,-686,-687,-688,487,-690,487,487,-693,487,487,-696,-697,-698,487,-700,-701,-702,-703,487,487,-748,487,-751,-752,-753,-754,-755,487,-757,-758,-759,-760,-761,487,-768,-769,-771,487,-773,-774,-775,-784,-858,-860,-862,-864,487,487,487,487,-870,487,-872,487,487,487,487,487,487,487,-908,-909,487,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,487,-923,-926,487,-936,487,-387,-388,-389,487,487,-392,-393,-394,-395,487,-398,487,-401,-402,487,-403,487,-408,-409,487,-412,-413,-414,487,-417,487,-418,487,-423,-424,487,-427,487,-430,-431,-1896,-1896,487,-621,-622,-623,-624,-625,-636,-586,-626,-799,487,487,487,487,487,-833,487,487,-808,487,-834,487,487,487,487,-800,487,-855,-801,487,487,487,487,487,487,-856,-857,487,-836,-832,-837,487,-627,487,-628,-629,-630,-631,-576,487,487,-632,-633,-634,487,487,487,487,487,487,-637,-638,-639,-594,-1896,-604,487,-640,-641,-715,-642,-606,487,-574,-579,-582,-585,487,487,487,-600,-603,487,-610,487,487,487,487,487,487,487,487,487,487,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,487,487,487,-997,487,487,487,487,487,487,-308,-327,-321,-298,-377,-454,-455,-456,-460,487,-445,487,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,487,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,487,487,487,487,487,487,487,487,487,-318,-537,-510,-593,-939,-941,-942,-440,487,-442,-382,-383,-385,-509,-511,-513,487,-515,-516,-521,-522,487,-534,-536,-539,-540,-545,-550,-728,487,-729,487,-734,487,-736,487,-741,-658,-662,-663,487,-668,487,-669,487,-674,-676,487,-679,487,487,487,-689,-691,487,-694,487,487,-746,487,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,487,487,487,487,487,-879,487,-882,-910,-922,-927,-390,-391,487,-396,487,-399,487,-404,487,-405,487,-410,487,-415,487,-419,487,-420,487,-425,487,-428,-901,-902,-645,-587,-1896,-903,487,487,487,-802,487,487,-806,487,-809,-835,487,-820,487,-822,487,-824,-810,487,-826,487,-853,-854,487,487,-813,487,-648,-904,-906,-650,-651,-647,487,-707,-708,487,-644,-905,-649,-652,-605,-716,487,487,-607,-588,487,487,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,487,487,-711,-712,487,-718,487,487,487,487,487,487,-940,487,-441,-443,-749,487,-893,487,-717,-1896,487,487,487,487,487,-444,-514,-525,487,-730,-735,487,-737,487,-742,487,-664,-670,487,-680,-682,-684,-685,-692,-695,-699,-747,487,487,-876,487,487,-880,487,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,487,-814,487,-816,-803,487,-804,-807,487,-818,-821,-823,-825,-827,487,-828,487,-811,487,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,487,-284,487,487,487,487,-457,487,487,-731,487,-738,487,-743,487,-665,-673,487,487,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,487,-838,-53,487,487,-732,487,-739,487,-744,-666,487,-875,-54,487,487,-733,-740,-745,487,487,487,-874,]),'MEMORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[488,488,488,488,-1896,488,488,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,488,488,488,488,-277,-278,488,-1427,488,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,488,488,488,-492,488,488,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,488,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,488,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,488,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,488,-174,-175,-176,-177,-995,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-292,-293,-283,488,488,488,488,488,-330,-320,-334,-335,-336,488,488,-984,-985,-986,-987,-988,-989,-990,488,488,488,488,488,488,488,488,488,488,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,488,488,488,-355,-358,488,-325,-326,-143,488,-144,488,-145,488,-432,-937,-938,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-1896,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-1896,488,-1896,488,488,488,488,488,488,488,488,488,488,488,488,-1896,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-1896,488,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,488,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,488,488,488,-193,-194,488,-996,488,488,488,488,488,-279,-280,-281,-282,-367,488,-310,488,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,488,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,488,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,488,488,488,488,488,488,-575,488,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,488,488,-725,-726,-727,488,488,488,488,488,488,-996,488,488,-93,-94,488,488,488,488,-311,-312,-322,488,-309,-295,-296,-297,488,488,488,488,-620,-635,-592,488,488,-438,488,-439,488,-446,-447,-448,-380,-381,488,488,488,-508,488,488,-512,488,488,488,488,-517,-518,-519,-520,488,488,-523,-524,488,-526,-527,-528,-529,-530,-531,-532,-533,488,-535,488,488,488,-541,-543,-544,488,-546,-547,-548,-549,488,488,488,488,488,488,-654,-655,-656,-657,488,-659,-660,-661,488,488,488,-667,488,488,-671,-672,488,488,-675,488,-677,-678,488,-681,488,-683,488,488,-686,-687,-688,488,-690,488,488,-693,488,488,-696,-697,-698,488,-700,-701,-702,-703,488,488,-748,488,-751,-752,-753,-754,-755,488,-757,-758,-759,-760,-761,488,-768,-769,-771,488,-773,-774,-775,-784,-858,-860,-862,-864,488,488,488,488,-870,488,-872,488,488,488,488,488,488,488,-908,-909,488,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,488,-923,-926,488,-936,488,-387,-388,-389,488,488,-392,-393,-394,-395,488,-398,488,-401,-402,488,-403,488,-408,-409,488,-412,-413,-414,488,-417,488,-418,488,-423,-424,488,-427,488,-430,-431,-1896,-1896,488,-621,-622,-623,-624,-625,-636,-586,-626,-799,488,488,488,488,488,-833,488,488,-808,488,-834,488,488,488,488,-800,488,-855,-801,488,488,488,488,488,488,-856,-857,488,-836,-832,-837,488,-627,488,-628,-629,-630,-631,-576,488,488,-632,-633,-634,488,488,488,488,488,488,-637,-638,-639,-594,-1896,-604,488,-640,-641,-715,-642,-606,488,-574,-579,-582,-585,488,488,488,-600,-603,488,-610,488,488,488,488,488,488,488,488,488,488,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,488,488,488,-997,488,488,488,488,488,488,-308,-327,-321,-298,-377,-454,-455,-456,-460,488,-445,488,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,488,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,488,488,488,488,488,488,488,488,488,-318,-537,-510,-593,-939,-941,-942,-440,488,-442,-382,-383,-385,-509,-511,-513,488,-515,-516,-521,-522,488,-534,-536,-539,-540,-545,-550,-728,488,-729,488,-734,488,-736,488,-741,-658,-662,-663,488,-668,488,-669,488,-674,-676,488,-679,488,488,488,-689,-691,488,-694,488,488,-746,488,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,488,488,488,488,488,-879,488,-882,-910,-922,-927,-390,-391,488,-396,488,-399,488,-404,488,-405,488,-410,488,-415,488,-419,488,-420,488,-425,488,-428,-901,-902,-645,-587,-1896,-903,488,488,488,-802,488,488,-806,488,-809,-835,488,-820,488,-822,488,-824,-810,488,-826,488,-853,-854,488,488,-813,488,-648,-904,-906,-650,-651,-647,488,-707,-708,488,-644,-905,-649,-652,-605,-716,488,488,-607,-588,488,488,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,488,488,-711,-712,488,-718,488,488,488,488,488,488,-940,488,-441,-443,-749,488,-893,488,-717,-1896,488,488,488,488,488,-444,-514,-525,488,-730,-735,488,-737,488,-742,488,-664,-670,488,-680,-682,-684,-685,-692,-695,-699,-747,488,488,-876,488,488,-880,488,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,488,-814,488,-816,-803,488,-804,-807,488,-818,-821,-823,-825,-827,488,-828,488,-811,488,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,488,-284,488,488,488,488,-457,488,488,-731,488,-738,488,-743,488,-665,-673,488,488,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,488,-838,-53,488,488,-732,488,-739,488,-744,-666,488,-875,-54,488,488,-733,-740,-745,488,488,488,-874,]),'MEMTABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[489,489,489,489,-1896,489,489,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,489,489,489,489,-277,-278,489,-1427,489,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,489,489,489,-492,489,489,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,489,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,489,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,489,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,489,-174,-175,-176,-177,-995,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-292,-293,-283,489,489,489,489,489,-330,-320,-334,-335,-336,489,489,-984,-985,-986,-987,-988,-989,-990,489,489,489,489,489,489,489,489,489,489,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,489,489,489,-355,-358,489,-325,-326,-143,489,-144,489,-145,489,-432,-937,-938,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-1896,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-1896,489,-1896,489,489,489,489,489,489,489,489,489,489,489,489,-1896,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-1896,489,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,489,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,489,489,489,-193,-194,489,-996,489,489,489,489,489,-279,-280,-281,-282,-367,489,-310,489,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,489,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,489,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,489,489,489,489,489,489,-575,489,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,489,489,-725,-726,-727,489,489,489,489,489,489,-996,489,489,-93,-94,489,489,489,489,-311,-312,-322,489,-309,-295,-296,-297,489,489,489,489,-620,-635,-592,489,489,-438,489,-439,489,-446,-447,-448,-380,-381,489,489,489,-508,489,489,-512,489,489,489,489,-517,-518,-519,-520,489,489,-523,-524,489,-526,-527,-528,-529,-530,-531,-532,-533,489,-535,489,489,489,-541,-543,-544,489,-546,-547,-548,-549,489,489,489,489,489,489,-654,-655,-656,-657,489,-659,-660,-661,489,489,489,-667,489,489,-671,-672,489,489,-675,489,-677,-678,489,-681,489,-683,489,489,-686,-687,-688,489,-690,489,489,-693,489,489,-696,-697,-698,489,-700,-701,-702,-703,489,489,-748,489,-751,-752,-753,-754,-755,489,-757,-758,-759,-760,-761,489,-768,-769,-771,489,-773,-774,-775,-784,-858,-860,-862,-864,489,489,489,489,-870,489,-872,489,489,489,489,489,489,489,-908,-909,489,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,489,-923,-926,489,-936,489,-387,-388,-389,489,489,-392,-393,-394,-395,489,-398,489,-401,-402,489,-403,489,-408,-409,489,-412,-413,-414,489,-417,489,-418,489,-423,-424,489,-427,489,-430,-431,-1896,-1896,489,-621,-622,-623,-624,-625,-636,-586,-626,-799,489,489,489,489,489,-833,489,489,-808,489,-834,489,489,489,489,-800,489,-855,-801,489,489,489,489,489,489,-856,-857,489,-836,-832,-837,489,-627,489,-628,-629,-630,-631,-576,489,489,-632,-633,-634,489,489,489,489,489,489,-637,-638,-639,-594,-1896,-604,489,-640,-641,-715,-642,-606,489,-574,-579,-582,-585,489,489,489,-600,-603,489,-610,489,489,489,489,489,489,489,489,489,489,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,489,489,489,-997,489,489,489,489,489,489,-308,-327,-321,-298,-377,-454,-455,-456,-460,489,-445,489,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,489,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,489,489,489,489,489,489,489,489,489,-318,-537,-510,-593,-939,-941,-942,-440,489,-442,-382,-383,-385,-509,-511,-513,489,-515,-516,-521,-522,489,-534,-536,-539,-540,-545,-550,-728,489,-729,489,-734,489,-736,489,-741,-658,-662,-663,489,-668,489,-669,489,-674,-676,489,-679,489,489,489,-689,-691,489,-694,489,489,-746,489,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,489,489,489,489,489,-879,489,-882,-910,-922,-927,-390,-391,489,-396,489,-399,489,-404,489,-405,489,-410,489,-415,489,-419,489,-420,489,-425,489,-428,-901,-902,-645,-587,-1896,-903,489,489,489,-802,489,489,-806,489,-809,-835,489,-820,489,-822,489,-824,-810,489,-826,489,-853,-854,489,489,-813,489,-648,-904,-906,-650,-651,-647,489,-707,-708,489,-644,-905,-649,-652,-605,-716,489,489,-607,-588,489,489,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,489,489,-711,-712,489,-718,489,489,489,489,489,489,-940,489,-441,-443,-749,489,-893,489,-717,-1896,489,489,489,489,489,-444,-514,-525,489,-730,-735,489,-737,489,-742,489,-664,-670,489,-680,-682,-684,-685,-692,-695,-699,-747,489,489,-876,489,489,-880,489,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,489,-814,489,-816,-803,489,-804,-807,489,-818,-821,-823,-825,-827,489,-828,489,-811,489,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,489,-284,489,489,489,489,-457,489,489,-731,489,-738,489,-743,489,-665,-673,489,489,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,489,-838,-53,489,489,-732,489,-739,489,-744,-666,489,-875,-54,489,489,-733,-740,-745,489,489,489,-874,]),'MERGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[490,490,490,490,-1896,490,490,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,490,490,490,490,-277,-278,490,-1427,490,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,490,490,490,-492,490,490,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,490,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,490,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,490,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,490,-174,-175,-176,-177,-995,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-292,-293,-283,490,490,490,490,490,-330,-320,-334,-335,-336,490,490,-984,-985,-986,-987,-988,-989,-990,490,490,490,490,490,490,490,490,490,490,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,490,490,490,-355,-358,490,-325,-326,-143,490,-144,490,-145,490,-432,-937,-938,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-1896,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-1896,490,-1896,490,490,490,490,490,490,490,490,490,490,490,490,-1896,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-1896,490,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,490,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,490,490,490,-193,-194,490,-996,490,490,490,490,490,-279,-280,-281,-282,-367,490,-310,490,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,490,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,490,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,490,490,490,490,490,490,-575,490,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,490,490,-725,-726,-727,490,490,490,490,490,490,-996,490,490,-93,-94,490,490,490,490,-311,-312,-322,490,-309,-295,-296,-297,490,490,490,490,-620,-635,-592,490,490,-438,490,-439,490,-446,-447,-448,-380,-381,490,490,490,-508,490,490,-512,490,490,490,490,-517,-518,-519,-520,490,490,-523,-524,490,-526,-527,-528,-529,-530,-531,-532,-533,490,-535,490,490,490,-541,-543,-544,490,-546,-547,-548,-549,490,490,490,490,490,490,-654,-655,-656,-657,490,-659,-660,-661,490,490,490,-667,490,490,-671,-672,490,490,-675,490,-677,-678,490,-681,490,-683,490,490,-686,-687,-688,490,-690,490,490,-693,490,490,-696,-697,-698,490,-700,-701,-702,-703,490,490,-748,490,-751,-752,-753,-754,-755,490,-757,-758,-759,-760,-761,490,-768,-769,-771,490,-773,-774,-775,-784,-858,-860,-862,-864,490,490,490,490,-870,490,-872,490,490,490,490,490,490,490,-908,-909,490,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,490,-923,-926,490,-936,490,-387,-388,-389,490,490,-392,-393,-394,-395,490,-398,490,-401,-402,490,-403,490,-408,-409,490,-412,-413,-414,490,-417,490,-418,490,-423,-424,490,-427,490,-430,-431,-1896,-1896,490,-621,-622,-623,-624,-625,-636,-586,-626,-799,490,490,490,490,490,-833,490,490,-808,490,-834,490,490,490,490,-800,490,-855,-801,490,490,490,490,490,490,-856,-857,490,-836,-832,-837,490,-627,490,-628,-629,-630,-631,-576,490,490,-632,-633,-634,490,490,490,490,490,490,-637,-638,-639,-594,-1896,-604,490,-640,-641,-715,-642,-606,490,-574,-579,-582,-585,490,490,490,-600,-603,490,-610,490,490,490,490,490,490,490,490,490,490,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,490,490,490,-997,490,490,490,490,490,490,-308,-327,-321,-298,-377,-454,-455,-456,-460,490,-445,490,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,490,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,490,490,490,490,490,490,490,490,490,-318,-537,-510,-593,-939,-941,-942,-440,490,-442,-382,-383,-385,-509,-511,-513,490,-515,-516,-521,-522,490,-534,-536,-539,-540,-545,-550,-728,490,-729,490,-734,490,-736,490,-741,-658,-662,-663,490,-668,490,-669,490,-674,-676,490,-679,490,490,490,-689,-691,490,-694,490,490,-746,490,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,490,490,490,490,490,-879,490,-882,-910,-922,-927,-390,-391,490,-396,490,-399,490,-404,490,-405,490,-410,490,-415,490,-419,490,-420,490,-425,490,-428,-901,-902,-645,-587,-1896,-903,490,490,490,-802,490,490,-806,490,-809,-835,490,-820,490,-822,490,-824,-810,490,-826,490,-853,-854,490,490,-813,490,-648,-904,-906,-650,-651,-647,490,-707,-708,490,-644,-905,-649,-652,-605,-716,490,490,-607,-588,490,490,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,490,490,-711,-712,490,-718,490,490,490,490,490,490,-940,490,-441,-443,-749,490,-893,490,-717,-1896,490,490,490,490,490,-444,-514,-525,490,-730,-735,490,-737,490,-742,490,-664,-670,490,-680,-682,-684,-685,-692,-695,-699,-747,490,490,-876,490,490,-880,490,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,490,-814,490,-816,-803,490,-804,-807,490,-818,-821,-823,-825,-827,490,-828,490,-811,490,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,490,-284,490,490,490,490,-457,490,490,-731,490,-738,490,-743,490,-665,-673,490,490,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,490,-838,-53,490,490,-732,490,-739,490,-744,-666,490,-875,-54,490,490,-733,-740,-745,490,490,490,-874,]),'MESSAGE_TEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[491,491,491,491,-1896,491,491,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,491,491,491,491,-277,-278,491,-1427,491,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,491,491,491,-492,491,491,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,491,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,491,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,491,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,491,-174,-175,-176,-177,-995,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-292,-293,-283,491,491,491,491,491,-330,-320,-334,-335,-336,491,491,-984,-985,-986,-987,-988,-989,-990,491,491,491,491,491,491,491,491,491,491,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,491,491,491,-355,-358,491,-325,-326,-143,491,-144,491,-145,491,-432,-937,-938,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-1896,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-1896,491,-1896,491,491,491,491,491,491,491,491,491,491,491,491,-1896,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-1896,491,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,491,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,491,491,491,-193,-194,491,-996,491,491,491,491,491,-279,-280,-281,-282,-367,491,-310,491,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,491,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,491,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,491,491,491,491,491,491,-575,491,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,491,491,-725,-726,-727,491,491,491,491,491,491,-996,491,491,-93,-94,491,491,491,491,-311,-312,-322,491,-309,-295,-296,-297,491,491,491,491,-620,-635,-592,491,491,-438,491,-439,491,-446,-447,-448,-380,-381,491,491,491,-508,491,491,-512,491,491,491,491,-517,-518,-519,-520,491,491,-523,-524,491,-526,-527,-528,-529,-530,-531,-532,-533,491,-535,491,491,491,-541,-543,-544,491,-546,-547,-548,-549,491,491,491,491,491,491,-654,-655,-656,-657,491,-659,-660,-661,491,491,491,-667,491,491,-671,-672,491,491,-675,491,-677,-678,491,-681,491,-683,491,491,-686,-687,-688,491,-690,491,491,-693,491,491,-696,-697,-698,491,-700,-701,-702,-703,491,491,-748,491,-751,-752,-753,-754,-755,491,-757,-758,-759,-760,-761,491,-768,-769,-771,491,-773,-774,-775,-784,-858,-860,-862,-864,491,491,491,491,-870,491,-872,491,491,491,491,491,491,491,-908,-909,491,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,491,-923,-926,491,-936,491,-387,-388,-389,491,491,-392,-393,-394,-395,491,-398,491,-401,-402,491,-403,491,-408,-409,491,-412,-413,-414,491,-417,491,-418,491,-423,-424,491,-427,491,-430,-431,-1896,-1896,491,-621,-622,-623,-624,-625,-636,-586,-626,-799,491,491,491,491,491,-833,491,491,-808,491,-834,491,491,491,491,-800,491,-855,-801,491,491,491,491,491,491,-856,-857,491,-836,-832,-837,491,-627,491,-628,-629,-630,-631,-576,491,491,-632,-633,-634,491,491,491,491,491,491,-637,-638,-639,-594,-1896,-604,491,-640,-641,-715,-642,-606,491,-574,-579,-582,-585,491,491,491,-600,-603,491,-610,491,491,491,491,491,491,491,491,491,491,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,491,491,491,-997,491,491,491,491,491,491,-308,-327,-321,-298,-377,-454,-455,-456,-460,491,-445,491,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,491,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,491,491,491,491,491,491,491,491,491,-318,-537,-510,-593,-939,-941,-942,-440,491,-442,-382,-383,-385,-509,-511,-513,491,-515,-516,-521,-522,491,-534,-536,-539,-540,-545,-550,-728,491,-729,491,-734,491,-736,491,-741,-658,-662,-663,491,-668,491,-669,491,-674,-676,491,-679,491,491,491,-689,-691,491,-694,491,491,-746,491,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,491,491,491,491,491,-879,491,-882,-910,-922,-927,-390,-391,491,-396,491,-399,491,-404,491,-405,491,-410,491,-415,491,-419,491,-420,491,-425,491,-428,-901,-902,-645,-587,-1896,-903,491,491,491,-802,491,491,-806,491,-809,-835,491,-820,491,-822,491,-824,-810,491,-826,491,-853,-854,491,491,-813,491,-648,-904,-906,-650,-651,-647,491,-707,-708,491,-644,-905,-649,-652,-605,-716,491,491,-607,-588,491,491,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,491,491,-711,-712,491,-718,491,491,491,491,491,491,-940,491,-441,-443,-749,491,-893,491,-717,-1896,491,491,491,491,491,-444,-514,-525,491,-730,-735,491,-737,491,-742,491,-664,-670,491,-680,-682,-684,-685,-692,-695,-699,-747,491,491,-876,491,491,-880,491,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,491,-814,491,-816,-803,491,-804,-807,491,-818,-821,-823,-825,-827,491,-828,491,-811,491,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,491,-284,491,491,491,491,-457,491,491,-731,491,-738,491,-743,491,-665,-673,491,491,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,491,-838,-53,491,491,-732,491,-739,491,-744,-666,491,-875,-54,491,491,-733,-740,-745,491,491,491,-874,]),'META':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[492,492,492,492,-1896,492,492,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,492,492,492,492,-277,-278,492,-1427,492,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,492,492,492,-492,492,492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,492,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,492,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,492,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,492,-174,-175,-176,-177,-995,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-292,-293,-283,492,492,492,492,492,-330,-320,-334,-335,-336,492,492,-984,-985,-986,-987,-988,-989,-990,492,492,492,492,492,492,492,492,492,492,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,492,492,492,-355,-358,492,-325,-326,-143,492,-144,492,-145,492,-432,-937,-938,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-1896,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-1896,492,-1896,492,492,492,492,492,492,492,492,492,492,492,492,-1896,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-1896,492,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,492,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,492,492,492,-193,-194,492,-996,492,492,492,492,492,-279,-280,-281,-282,-367,492,-310,492,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,492,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,492,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,492,492,492,492,492,492,-575,492,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,492,492,-725,-726,-727,492,492,492,492,492,492,-996,492,492,-93,-94,492,492,492,492,-311,-312,-322,492,-309,-295,-296,-297,492,492,492,492,-620,-635,-592,492,492,-438,492,-439,492,-446,-447,-448,-380,-381,492,492,492,-508,492,492,-512,492,492,492,492,-517,-518,-519,-520,492,492,-523,-524,492,-526,-527,-528,-529,-530,-531,-532,-533,492,-535,492,492,492,-541,-543,-544,492,-546,-547,-548,-549,492,492,492,492,492,492,-654,-655,-656,-657,492,-659,-660,-661,492,492,492,-667,492,492,-671,-672,492,492,-675,492,-677,-678,492,-681,492,-683,492,492,-686,-687,-688,492,-690,492,492,-693,492,492,-696,-697,-698,492,-700,-701,-702,-703,492,492,-748,492,-751,-752,-753,-754,-755,492,-757,-758,-759,-760,-761,492,-768,-769,-771,492,-773,-774,-775,-784,-858,-860,-862,-864,492,492,492,492,-870,492,-872,492,492,492,492,492,492,492,-908,-909,492,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,492,-923,-926,492,-936,492,-387,-388,-389,492,492,-392,-393,-394,-395,492,-398,492,-401,-402,492,-403,492,-408,-409,492,-412,-413,-414,492,-417,492,-418,492,-423,-424,492,-427,492,-430,-431,-1896,-1896,492,-621,-622,-623,-624,-625,-636,-586,-626,-799,492,492,492,492,492,-833,492,492,-808,492,-834,492,492,492,492,-800,492,-855,-801,492,492,492,492,492,492,-856,-857,492,-836,-832,-837,492,-627,492,-628,-629,-630,-631,-576,492,492,-632,-633,-634,492,492,492,492,492,492,-637,-638,-639,-594,-1896,-604,492,-640,-641,-715,-642,-606,492,-574,-579,-582,-585,492,492,492,-600,-603,492,-610,492,492,492,492,492,492,492,492,492,492,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,492,492,492,-997,492,492,492,492,492,492,-308,-327,-321,-298,-377,-454,-455,-456,-460,492,-445,492,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,492,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,492,492,492,492,492,492,492,492,492,-318,-537,-510,-593,-939,-941,-942,-440,492,-442,-382,-383,-385,-509,-511,-513,492,-515,-516,-521,-522,492,-534,-536,-539,-540,-545,-550,-728,492,-729,492,-734,492,-736,492,-741,-658,-662,-663,492,-668,492,-669,492,-674,-676,492,-679,492,492,492,-689,-691,492,-694,492,492,-746,492,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,492,492,492,492,492,-879,492,-882,-910,-922,-927,-390,-391,492,-396,492,-399,492,-404,492,-405,492,-410,492,-415,492,-419,492,-420,492,-425,492,-428,-901,-902,-645,-587,-1896,-903,492,492,492,-802,492,492,-806,492,-809,-835,492,-820,492,-822,492,-824,-810,492,-826,492,-853,-854,492,492,-813,492,-648,-904,-906,-650,-651,-647,492,-707,-708,492,-644,-905,-649,-652,-605,-716,492,492,-607,-588,492,492,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,492,492,-711,-712,492,-718,492,492,492,492,492,492,-940,492,-441,-443,-749,492,-893,492,-717,-1896,492,492,492,492,492,-444,-514,-525,492,-730,-735,492,-737,492,-742,492,-664,-670,492,-680,-682,-684,-685,-692,-695,-699,-747,492,492,-876,492,492,-880,492,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,492,-814,492,-816,-803,492,-804,-807,492,-818,-821,-823,-825,-827,492,-828,492,-811,492,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,492,-284,492,492,492,492,-457,492,492,-731,492,-738,492,-743,492,-665,-673,492,492,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,492,-838,-53,492,492,-732,492,-739,492,-744,-666,492,-875,-54,492,492,-733,-740,-745,492,492,492,-874,]),'MICROSECOND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[493,493,493,1288,-1896,493,493,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,493,493,493,493,-277,-278,1288,-1427,1288,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1288,1288,1288,-492,1288,1288,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1288,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1288,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1288,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,493,-174,-175,-176,-177,-995,493,493,493,493,493,493,493,493,493,493,1288,1288,1288,1288,1288,-292,-293,-283,493,1288,1288,1288,1288,-330,-320,-334,-335,-336,1288,1288,-984,-985,-986,-987,-988,-989,-990,493,493,1288,1288,1288,1288,1288,1288,1288,1288,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1288,1288,2104,1288,-355,-358,493,-325,-326,-143,1288,-144,1288,-145,1288,-432,-937,-938,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1896,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1896,1288,-1896,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1896,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,2104,2104,1288,1288,2104,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1896,493,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1288,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1288,493,493,-193,-194,493,-996,1288,493,493,493,493,-279,-280,-281,-282,-367,1288,-310,1288,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1288,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1288,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1288,1288,1288,1288,1288,1288,-575,1288,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1288,1288,-725,-726,-727,1288,1288,493,493,493,493,-996,493,1288,-93,-94,493,493,493,1288,-311,-312,-322,1288,-309,-295,-296,-297,1288,493,1288,1288,-620,-635,-592,1288,493,-438,493,-439,1288,-446,-447,-448,-380,-381,1288,1288,1288,-508,1288,1288,-512,1288,1288,1288,1288,-517,-518,-519,-520,1288,1288,-523,-524,1288,-526,-527,-528,-529,-530,-531,-532,-533,1288,-535,1288,1288,1288,-541,-543,-544,1288,-546,-547,-548,-549,1288,1288,1288,1288,1288,1288,-654,-655,-656,-657,493,-659,-660,-661,1288,1288,1288,-667,1288,1288,-671,-672,1288,1288,-675,1288,-677,-678,1288,-681,1288,-683,1288,1288,-686,-687,-688,1288,-690,1288,1288,-693,1288,1288,-696,-697,-698,1288,-700,-701,-702,-703,1288,1288,-748,1288,-751,-752,-753,-754,-755,1288,-757,-758,-759,-760,-761,1288,-768,-769,-771,1288,-773,-774,-775,-784,-858,-860,-862,-864,1288,1288,1288,1288,-870,1288,-872,1288,1288,1288,1288,1288,1288,1288,-908,-909,1288,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1288,-923,-926,1288,-936,1288,-387,-388,-389,1288,1288,-392,-393,-394,-395,1288,-398,1288,-401,-402,1288,-403,1288,-408,-409,1288,-412,-413,-414,1288,-417,1288,-418,1288,-423,-424,1288,-427,1288,-430,-431,-1896,-1896,1288,-621,-622,-623,-624,-625,-636,-586,-626,-799,1288,1288,1288,1288,1288,-833,1288,1288,-808,1288,-834,1288,1288,1288,1288,-800,1288,-855,-801,1288,1288,1288,1288,1288,1288,-856,-857,1288,-836,-832,-837,1288,-627,1288,-628,-629,-630,-631,-576,1288,1288,-632,-633,-634,1288,1288,1288,1288,1288,1288,-637,-638,-639,-594,-1896,-604,1288,-640,-641,-715,-642,-606,1288,-574,-579,-582,-585,1288,1288,1288,-600,-603,1288,-610,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1288,493,493,-997,493,1288,493,493,493,1288,-308,-327,-321,-298,-377,-454,-455,-456,-460,493,-445,1288,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1288,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,493,493,493,493,493,493,493,493,1288,-318,-537,-510,-593,-939,-941,-942,-440,1288,-442,-382,-383,-385,-509,-511,-513,1288,-515,-516,-521,-522,1288,-534,-536,-539,-540,-545,-550,-728,1288,-729,1288,-734,1288,-736,1288,-741,-658,-662,-663,1288,-668,1288,-669,1288,-674,-676,1288,-679,1288,1288,1288,-689,-691,1288,-694,1288,1288,-746,1288,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1288,1288,1288,1288,1288,-879,1288,-882,-910,-922,-927,-390,-391,1288,-396,1288,-399,1288,-404,1288,-405,1288,-410,1288,-415,1288,-419,1288,-420,1288,-425,1288,-428,-901,-902,-645,-587,-1896,-903,1288,1288,1288,-802,1288,1288,-806,1288,-809,-835,1288,-820,1288,-822,1288,-824,-810,1288,-826,1288,-853,-854,1288,1288,-813,1288,-648,-904,-906,-650,-651,-647,1288,-707,-708,1288,-644,-905,-649,-652,-605,-716,1288,1288,-607,-588,1288,1288,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1288,1288,-711,-712,1288,-718,1288,493,493,493,1288,1288,-940,493,-441,-443,-749,1288,-893,1288,-717,-1896,1288,1288,493,493,1288,-444,-514,-525,1288,-730,-735,1288,-737,1288,-742,1288,-664,-670,1288,-680,-682,-684,-685,-692,-695,-699,-747,1288,1288,-876,1288,1288,-880,1288,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1288,-814,1288,-816,-803,1288,-804,-807,1288,-818,-821,-823,-825,-827,1288,-828,1288,-811,1288,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,493,-284,493,1288,493,1288,-457,1288,1288,-731,1288,-738,1288,-743,1288,-665,-673,1288,1288,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1288,-838,-53,493,1288,-732,1288,-739,1288,-744,-666,1288,-875,-54,493,493,-733,-740,-745,1288,493,1288,-874,]),'MID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[494,494,494,1108,-1896,494,494,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,494,494,494,494,-277,-278,1108,-1427,1108,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1108,1108,1108,-492,1108,1108,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1108,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1108,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1922,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,494,-174,-175,-176,-177,-995,494,494,494,494,494,494,494,494,494,494,1108,1108,1108,1108,1108,-292,-293,-283,494,1108,1108,1108,1108,-330,-320,-334,-335,-336,1108,1108,-984,-985,-986,-987,-988,-989,-990,494,494,1108,1108,1108,1108,1108,1108,1108,1108,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1108,1108,1108,-355,-358,494,-325,-326,-143,1108,-144,1108,-145,1108,-432,-937,-938,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1896,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1896,1108,-1896,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1896,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1896,494,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1108,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1108,494,494,-193,-194,494,-996,1108,494,494,494,494,-279,-280,-281,-282,-367,1108,-310,1108,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1108,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1108,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1108,1108,1108,1108,1108,1108,-575,1108,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1108,1108,-725,-726,-727,1108,1922,494,494,494,494,-996,494,1108,-93,-94,494,494,494,1108,-311,-312,-322,1108,-309,-295,-296,-297,1108,494,1108,1108,-620,-635,-592,1108,494,-438,494,-439,1108,-446,-447,-448,-380,-381,1108,1108,1108,-508,1108,1108,-512,1108,1108,1108,1108,-517,-518,-519,-520,1108,1108,-523,-524,1108,-526,-527,-528,-529,-530,-531,-532,-533,1108,-535,1108,1108,1108,-541,-543,-544,1108,-546,-547,-548,-549,1108,1108,1108,1108,1108,1108,-654,-655,-656,-657,494,-659,-660,-661,1108,1108,1108,-667,1108,1108,-671,-672,1108,1108,-675,1108,-677,-678,1108,-681,1108,-683,1108,1108,-686,-687,-688,1108,-690,1108,1108,-693,1108,1108,-696,-697,-698,1108,-700,-701,-702,-703,1108,1108,-748,1108,-751,-752,-753,-754,-755,1108,-757,-758,-759,-760,-761,1108,-768,-769,-771,1108,-773,-774,-775,-784,-858,-860,-862,-864,1108,1108,1108,1108,-870,1108,-872,1108,1108,1108,1108,1108,1108,1108,-908,-909,1108,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1108,-923,-926,1108,-936,1108,-387,-388,-389,1108,1108,-392,-393,-394,-395,1108,-398,1108,-401,-402,1108,-403,1108,-408,-409,1108,-412,-413,-414,1108,-417,1108,-418,1108,-423,-424,1108,-427,1108,-430,-431,-1896,-1896,1108,-621,-622,-623,-624,-625,-636,-586,-626,-799,1108,1108,1108,1108,1108,-833,1108,1108,-808,1108,-834,1108,1108,1108,1108,-800,1108,-855,-801,1108,1108,1108,1108,1108,1108,-856,-857,1108,-836,-832,-837,1108,-627,1108,-628,-629,-630,-631,-576,1108,1108,-632,-633,-634,1108,1108,1108,1108,1108,1108,-637,-638,-639,-594,-1896,-604,1108,-640,-641,-715,-642,-606,1108,-574,-579,-582,-585,1108,1108,1108,-600,-603,1108,-610,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1108,494,494,-997,494,1108,494,494,494,1108,-308,-327,-321,-298,-377,-454,-455,-456,-460,494,-445,1108,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1108,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,494,494,494,494,494,494,494,494,1108,-318,-537,-510,-593,-939,-941,-942,-440,1108,-442,-382,-383,-385,-509,-511,-513,1108,-515,-516,-521,-522,1108,-534,-536,-539,-540,-545,-550,-728,1108,-729,1108,-734,1108,-736,1108,-741,-658,-662,-663,1108,-668,1108,-669,1108,-674,-676,1108,-679,1108,1108,1108,-689,-691,1108,-694,1108,1108,-746,1108,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1108,1108,1108,1108,1108,-879,1108,-882,-910,-922,-927,-390,-391,1108,-396,1108,-399,1108,-404,1108,-405,1108,-410,1108,-415,1108,-419,1108,-420,1108,-425,1108,-428,-901,-902,-645,-587,-1896,-903,1108,1108,1108,-802,1108,1108,-806,1108,-809,-835,1108,-820,1108,-822,1108,-824,-810,1108,-826,1108,-853,-854,1108,1108,-813,1108,-648,-904,-906,-650,-651,-647,1108,-707,-708,1108,-644,-905,-649,-652,-605,-716,1108,1108,-607,-588,1108,1108,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1108,1108,-711,-712,1108,-718,1108,494,494,494,1108,1108,-940,494,-441,-443,-749,1108,-893,1922,-717,-1896,1108,1108,494,494,1108,-444,-514,-525,1108,-730,-735,1108,-737,1108,-742,1108,-664,-670,1108,-680,-682,-684,-685,-692,-695,-699,-747,1108,1108,-876,1108,1108,-880,1108,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1108,-814,1108,-816,-803,1108,-804,-807,1108,-818,-821,-823,-825,-827,1108,-828,1108,-811,1108,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,494,-284,494,1108,494,1108,-457,1108,1108,-731,1108,-738,1108,-743,1108,-665,-673,1108,1108,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1108,-838,-53,494,1108,-732,1108,-739,1108,-744,-666,1108,-875,-54,494,494,-733,-740,-745,1108,494,1108,-874,]),'MIDDLEINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[495,495,495,495,-1896,495,495,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,495,495,495,495,-277,-278,495,-1427,495,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,495,495,495,-492,495,495,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,495,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,495,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,495,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,495,-174,-175,-176,-177,-995,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-292,-293,-283,495,495,495,495,495,-330,-320,-334,-335,-336,495,495,-984,-985,-986,-987,-988,-989,-990,495,495,495,495,495,495,495,495,495,495,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,495,495,495,-355,-358,495,-325,-326,-143,495,-144,495,-145,495,-432,-937,-938,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-1896,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-1896,495,-1896,495,495,495,495,495,495,495,495,495,495,495,495,-1896,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-1896,495,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,495,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,495,495,495,-193,-194,495,-996,495,495,495,495,495,-279,-280,-281,-282,-367,495,-310,495,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,495,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,495,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,495,495,495,495,495,495,-575,495,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,495,495,-725,-726,-727,495,495,495,495,495,495,-996,495,495,-93,-94,495,495,495,495,-311,-312,-322,495,-309,-295,-296,-297,495,495,495,495,-620,-635,-592,495,495,-438,495,-439,495,-446,-447,-448,-380,-381,495,495,495,-508,495,495,-512,495,495,495,495,-517,-518,-519,-520,495,495,-523,-524,495,-526,-527,-528,-529,-530,-531,-532,-533,495,-535,495,495,495,-541,-543,-544,495,-546,-547,-548,-549,495,495,495,495,495,495,-654,-655,-656,-657,495,-659,-660,-661,495,495,495,-667,495,495,-671,-672,495,495,-675,495,-677,-678,495,-681,495,-683,495,495,-686,-687,-688,495,-690,495,495,-693,495,495,-696,-697,-698,495,-700,-701,-702,-703,495,495,-748,495,-751,-752,-753,-754,-755,495,-757,-758,-759,-760,-761,495,-768,-769,-771,495,-773,-774,-775,-784,-858,-860,-862,-864,495,495,495,495,-870,495,-872,495,495,495,495,495,495,495,-908,-909,495,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,495,-923,-926,495,-936,495,-387,-388,-389,495,495,-392,-393,-394,-395,495,-398,495,-401,-402,495,-403,495,-408,-409,495,-412,-413,-414,495,-417,495,-418,495,-423,-424,495,-427,495,-430,-431,-1896,-1896,495,-621,-622,-623,-624,-625,-636,-586,-626,-799,495,495,495,495,495,-833,495,495,-808,495,-834,495,495,495,495,-800,495,-855,-801,495,495,495,495,495,495,-856,-857,495,-836,-832,-837,495,-627,495,-628,-629,-630,-631,-576,495,495,-632,-633,-634,495,495,495,495,495,495,-637,-638,-639,-594,-1896,-604,495,-640,-641,-715,-642,-606,495,-574,-579,-582,-585,495,495,495,-600,-603,495,-610,495,495,495,495,495,495,495,495,495,495,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,495,495,495,-997,495,495,495,495,495,495,-308,-327,-321,-298,-377,-454,-455,-456,-460,495,-445,495,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,495,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,495,495,495,495,495,495,495,495,495,-318,-537,-510,-593,-939,-941,-942,-440,495,-442,-382,-383,-385,-509,-511,-513,495,-515,-516,-521,-522,495,-534,-536,-539,-540,-545,-550,-728,495,-729,495,-734,495,-736,495,-741,-658,-662,-663,495,-668,495,-669,495,-674,-676,495,-679,495,495,495,-689,-691,495,-694,495,495,-746,495,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,495,495,495,495,495,-879,495,-882,-910,-922,-927,-390,-391,495,-396,495,-399,495,-404,495,-405,495,-410,495,-415,495,-419,495,-420,495,-425,495,-428,-901,-902,-645,-587,-1896,-903,495,495,495,-802,495,495,-806,495,-809,-835,495,-820,495,-822,495,-824,-810,495,-826,495,-853,-854,495,495,-813,495,-648,-904,-906,-650,-651,-647,495,-707,-708,495,-644,-905,-649,-652,-605,-716,495,495,-607,-588,495,495,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,495,495,-711,-712,495,-718,495,495,495,495,495,495,-940,495,-441,-443,-749,495,-893,495,-717,-1896,495,495,495,495,495,-444,-514,-525,495,-730,-735,495,-737,495,-742,495,-664,-670,495,-680,-682,-684,-685,-692,-695,-699,-747,495,495,-876,495,495,-880,495,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,495,-814,495,-816,-803,495,-804,-807,495,-818,-821,-823,-825,-827,495,-828,495,-811,495,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,495,-284,495,495,495,495,-457,495,495,-731,495,-738,495,-743,495,-665,-673,495,495,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,495,-838,-53,495,495,-732,495,-739,495,-744,-666,495,-875,-54,495,495,-733,-740,-745,495,495,495,-874,]),'MIGRATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[496,496,496,496,-1896,496,496,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,496,496,496,496,-277,-278,496,-1427,496,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,496,496,496,-492,496,496,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,496,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,496,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,496,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,496,-174,-175,-176,-177,-995,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-292,-293,-283,496,496,496,496,496,-330,-320,-334,-335,-336,496,496,-984,-985,-986,-987,-988,-989,-990,496,496,496,496,496,496,496,496,496,496,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,496,496,496,-355,-358,496,-325,-326,-143,496,-144,496,-145,496,-432,-937,-938,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-1896,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-1896,496,-1896,496,496,496,496,496,496,496,496,496,496,496,496,-1896,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-1896,496,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,496,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,496,496,496,-193,-194,496,-996,496,496,496,496,496,-279,-280,-281,-282,-367,496,-310,496,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,496,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,496,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,496,496,496,496,496,496,-575,496,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,496,496,-725,-726,-727,496,496,496,496,496,496,-996,496,496,-93,-94,496,496,496,496,-311,-312,-322,496,-309,-295,-296,-297,496,496,496,496,-620,-635,-592,496,496,-438,496,-439,496,-446,-447,-448,-380,-381,496,496,496,-508,496,496,-512,496,496,496,496,-517,-518,-519,-520,496,496,-523,-524,496,-526,-527,-528,-529,-530,-531,-532,-533,496,-535,496,496,496,-541,-543,-544,496,-546,-547,-548,-549,496,496,496,496,496,496,-654,-655,-656,-657,496,-659,-660,-661,496,496,496,-667,496,496,-671,-672,496,496,-675,496,-677,-678,496,-681,496,-683,496,496,-686,-687,-688,496,-690,496,496,-693,496,496,-696,-697,-698,496,-700,-701,-702,-703,496,496,-748,496,-751,-752,-753,-754,-755,496,-757,-758,-759,-760,-761,496,-768,-769,-771,496,-773,-774,-775,-784,-858,-860,-862,-864,496,496,496,496,-870,496,-872,496,496,496,496,496,496,496,-908,-909,496,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,496,-923,-926,496,-936,496,-387,-388,-389,496,496,-392,-393,-394,-395,496,-398,496,-401,-402,496,-403,496,-408,-409,496,-412,-413,-414,496,-417,496,-418,496,-423,-424,496,-427,496,-430,-431,-1896,-1896,496,-621,-622,-623,-624,-625,-636,-586,-626,-799,496,496,496,496,496,-833,496,496,-808,496,-834,496,496,496,496,-800,496,-855,-801,496,496,496,496,496,496,-856,-857,496,-836,-832,-837,496,-627,496,-628,-629,-630,-631,-576,496,496,-632,-633,-634,496,496,496,496,496,496,-637,-638,-639,-594,-1896,-604,496,-640,-641,-715,-642,-606,496,-574,-579,-582,-585,496,496,496,-600,-603,496,-610,496,496,496,496,496,496,496,496,496,496,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,496,496,496,-997,496,496,496,496,496,496,-308,-327,-321,-298,-377,-454,-455,-456,-460,496,-445,496,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,496,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,496,496,496,496,496,496,496,496,496,-318,-537,-510,-593,-939,-941,-942,-440,496,-442,-382,-383,-385,-509,-511,-513,496,-515,-516,-521,-522,496,-534,-536,-539,-540,-545,-550,-728,496,-729,496,-734,496,-736,496,-741,-658,-662,-663,496,-668,496,-669,496,-674,-676,496,-679,496,496,496,-689,-691,496,-694,496,496,-746,496,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,496,496,496,496,496,-879,496,-882,-910,-922,-927,-390,-391,496,-396,496,-399,496,-404,496,-405,496,-410,496,-415,496,-419,496,-420,496,-425,496,-428,-901,-902,-645,-587,-1896,-903,496,496,496,-802,496,496,-806,496,-809,-835,496,-820,496,-822,496,-824,-810,496,-826,496,-853,-854,496,496,-813,496,-648,-904,-906,-650,-651,-647,496,-707,-708,496,-644,-905,-649,-652,-605,-716,496,496,-607,-588,496,496,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,496,496,-711,-712,496,-718,496,496,496,496,496,496,-940,496,-441,-443,-749,496,-893,496,-717,-1896,496,496,496,496,496,-444,-514,-525,496,-730,-735,496,-737,496,-742,496,-664,-670,496,-680,-682,-684,-685,-692,-695,-699,-747,496,496,-876,496,496,-880,496,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,496,-814,496,-816,-803,496,-804,-807,496,-818,-821,-823,-825,-827,496,-828,496,-811,496,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,496,-284,496,496,496,496,-457,496,496,-731,496,-738,496,-743,496,-665,-673,496,496,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,496,-838,-53,496,496,-732,496,-739,496,-744,-666,496,-875,-54,496,496,-733,-740,-745,496,496,496,-874,]),'MIGRATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[497,497,497,497,-1896,497,497,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,497,497,497,497,-277,-278,497,-1427,497,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,497,497,497,-492,497,497,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,497,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,497,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,497,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,497,-174,-175,-176,-177,-995,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-292,-293,-283,497,497,497,497,497,-330,-320,-334,-335,-336,497,497,-984,-985,-986,-987,-988,-989,-990,497,497,497,497,497,497,497,497,497,497,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,497,497,497,-355,-358,497,-325,-326,-143,497,-144,497,-145,497,-432,-937,-938,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-1896,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-1896,497,-1896,497,497,497,497,497,497,497,497,497,497,497,497,-1896,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-1896,497,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,497,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,497,497,497,-193,-194,497,-996,497,497,497,497,497,-279,-280,-281,-282,-367,497,-310,497,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,497,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,497,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,497,497,497,497,497,497,-575,497,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,497,497,-725,-726,-727,497,497,497,497,497,497,-996,497,497,-93,-94,497,497,497,497,-311,-312,-322,497,-309,-295,-296,-297,497,497,497,497,-620,-635,-592,497,497,-438,497,-439,497,-446,-447,-448,-380,-381,497,497,497,-508,497,497,-512,497,497,497,497,-517,-518,-519,-520,497,497,-523,-524,497,-526,-527,-528,-529,-530,-531,-532,-533,497,-535,497,497,497,-541,-543,-544,497,-546,-547,-548,-549,497,497,497,497,497,497,-654,-655,-656,-657,497,-659,-660,-661,497,497,497,-667,497,497,-671,-672,497,497,-675,497,-677,-678,497,-681,497,-683,497,497,-686,-687,-688,497,-690,497,497,-693,497,497,-696,-697,-698,497,-700,-701,-702,-703,497,497,-748,497,-751,-752,-753,-754,-755,497,-757,-758,-759,-760,-761,497,-768,-769,-771,497,-773,-774,-775,-784,-858,-860,-862,-864,497,497,497,497,-870,497,-872,497,497,497,497,497,497,497,-908,-909,497,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,497,-923,-926,497,-936,497,-387,-388,-389,497,497,-392,-393,-394,-395,497,-398,497,-401,-402,497,-403,497,-408,-409,497,-412,-413,-414,497,-417,497,-418,497,-423,-424,497,-427,497,-430,-431,-1896,-1896,497,-621,-622,-623,-624,-625,-636,-586,-626,-799,497,497,497,497,497,-833,497,497,-808,497,-834,497,497,497,497,-800,497,-855,-801,497,497,497,497,497,497,-856,-857,497,-836,-832,-837,497,-627,497,-628,-629,-630,-631,-576,497,497,-632,-633,-634,497,497,497,497,497,497,-637,-638,-639,-594,-1896,-604,497,-640,-641,-715,-642,-606,497,-574,-579,-582,-585,497,497,497,-600,-603,497,-610,497,497,497,497,497,497,497,497,497,497,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,497,497,497,-997,497,497,497,497,497,497,-308,-327,-321,-298,-377,-454,-455,-456,-460,497,-445,497,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,497,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,497,497,497,497,497,497,497,497,497,-318,-537,-510,-593,-939,-941,-942,-440,497,-442,-382,-383,-385,-509,-511,-513,497,-515,-516,-521,-522,497,-534,-536,-539,-540,-545,-550,-728,497,-729,497,-734,497,-736,497,-741,-658,-662,-663,497,-668,497,-669,497,-674,-676,497,-679,497,497,497,-689,-691,497,-694,497,497,-746,497,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,497,497,497,497,497,-879,497,-882,-910,-922,-927,-390,-391,497,-396,497,-399,497,-404,497,-405,497,-410,497,-415,497,-419,497,-420,497,-425,497,-428,-901,-902,-645,-587,-1896,-903,497,497,497,-802,497,497,-806,497,-809,-835,497,-820,497,-822,497,-824,-810,497,-826,497,-853,-854,497,497,-813,497,-648,-904,-906,-650,-651,-647,497,-707,-708,497,-644,-905,-649,-652,-605,-716,497,497,-607,-588,497,497,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,497,497,-711,-712,497,-718,497,497,497,497,497,497,-940,497,-441,-443,-749,497,-893,497,-717,-1896,497,497,497,497,497,-444,-514,-525,497,-730,-735,497,-737,497,-742,497,-664,-670,497,-680,-682,-684,-685,-692,-695,-699,-747,497,497,-876,497,497,-880,497,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,497,-814,497,-816,-803,497,-804,-807,497,-818,-821,-823,-825,-827,497,-828,497,-811,497,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,497,-284,497,497,497,497,-457,497,497,-731,497,-738,497,-743,497,-665,-673,497,497,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,497,-838,-53,497,497,-732,497,-739,497,-744,-666,497,-875,-54,497,497,-733,-740,-745,497,497,497,-874,]),'MIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[498,498,498,1289,-1896,498,498,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,498,498,498,498,-277,-278,1289,-1427,1289,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1289,1289,1289,-492,1289,1289,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1289,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1289,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1289,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,498,-174,-175,-176,-177,-995,498,498,498,498,498,498,498,498,498,498,1289,1289,1289,1289,1289,-292,-293,-283,498,1289,1289,1289,1289,-330,-320,-334,-335,-336,1289,1289,-984,-985,-986,-987,-988,-989,-990,498,498,1289,1289,1289,1289,1289,1289,1289,1289,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1289,1289,1289,-355,-358,498,-325,-326,-143,1289,-144,1289,-145,1289,-432,-937,-938,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1896,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1896,1289,-1896,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1896,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1896,498,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1289,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1289,498,498,-193,-194,498,-996,1289,498,498,498,498,-279,-280,-281,-282,-367,1289,-310,1289,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1289,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1289,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1289,1289,1289,1289,1289,1289,-575,1289,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1289,1289,-725,-726,-727,1289,1289,498,498,498,498,-996,498,1289,-93,-94,498,498,498,1289,-311,-312,-322,1289,-309,-295,-296,-297,1289,498,1289,1289,-620,-635,-592,1289,498,-438,498,-439,1289,-446,-447,-448,-380,-381,1289,1289,1289,-508,1289,1289,-512,1289,1289,1289,1289,-517,-518,-519,-520,1289,1289,-523,-524,1289,-526,-527,-528,-529,-530,-531,-532,-533,1289,-535,1289,1289,1289,-541,-543,-544,1289,-546,-547,-548,-549,1289,1289,1289,1289,1289,1289,-654,-655,-656,-657,498,-659,-660,-661,1289,1289,1289,-667,1289,1289,-671,-672,1289,1289,-675,1289,-677,-678,1289,-681,1289,-683,1289,1289,-686,-687,-688,1289,-690,1289,1289,-693,1289,1289,-696,-697,-698,1289,-700,-701,-702,-703,1289,1289,-748,1289,-751,-752,-753,-754,-755,1289,-757,-758,-759,-760,-761,1289,-768,-769,-771,1289,-773,-774,-775,-784,-858,-860,-862,-864,1289,1289,1289,1289,-870,1289,-872,1289,1289,1289,1289,1289,1289,1289,-908,-909,1289,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1289,-923,-926,1289,-936,1289,-387,-388,-389,1289,1289,-392,-393,-394,-395,1289,-398,1289,-401,-402,1289,-403,1289,-408,-409,1289,-412,-413,-414,1289,-417,1289,-418,1289,-423,-424,1289,-427,1289,-430,-431,-1896,-1896,1289,-621,-622,-623,-624,-625,-636,-586,-626,-799,1289,1289,1289,1289,1289,-833,1289,1289,-808,1289,-834,1289,1289,1289,1289,-800,1289,-855,-801,1289,1289,1289,1289,1289,1289,-856,-857,1289,-836,-832,-837,1289,-627,1289,-628,-629,-630,-631,-576,1289,1289,-632,-633,-634,1289,1289,1289,1289,1289,1289,-637,-638,-639,-594,-1896,-604,1289,-640,-641,-715,-642,-606,1289,-574,-579,-582,-585,1289,1289,1289,-600,-603,1289,-610,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1289,498,498,-997,498,1289,498,498,498,1289,-308,-327,-321,-298,-377,-454,-455,-456,-460,498,-445,1289,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1289,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,498,498,498,498,498,498,498,498,1289,-318,-537,-510,-593,-939,-941,-942,-440,1289,-442,-382,-383,-385,-509,-511,-513,1289,-515,-516,-521,-522,1289,-534,-536,-539,-540,-545,-550,-728,1289,-729,1289,-734,1289,-736,1289,-741,-658,-662,-663,1289,-668,1289,-669,1289,-674,-676,1289,-679,1289,1289,1289,-689,-691,1289,-694,1289,1289,-746,1289,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1289,1289,1289,1289,1289,-879,1289,-882,-910,-922,-927,-390,-391,1289,-396,1289,-399,1289,-404,1289,-405,1289,-410,1289,-415,1289,-419,1289,-420,1289,-425,1289,-428,-901,-902,-645,-587,-1896,-903,1289,1289,1289,-802,1289,1289,-806,1289,-809,-835,1289,-820,1289,-822,1289,-824,-810,1289,-826,1289,-853,-854,1289,1289,-813,1289,-648,-904,-906,-650,-651,-647,1289,-707,-708,1289,-644,-905,-649,-652,-605,-716,1289,1289,-607,-588,1289,1289,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1289,1289,-711,-712,1289,-718,1289,498,498,498,1289,1289,-940,498,-441,-443,-749,1289,-893,1289,-717,-1896,1289,1289,498,498,1289,-444,-514,-525,1289,-730,-735,1289,-737,1289,-742,1289,-664,-670,1289,-680,-682,-684,-685,-692,-695,-699,-747,1289,1289,-876,1289,1289,-880,1289,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1289,-814,1289,-816,-803,1289,-804,-807,1289,-818,-821,-823,-825,-827,1289,-828,1289,-811,1289,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,498,-284,498,1289,498,1289,-457,1289,1289,-731,1289,-738,1289,-743,1289,-665,-673,1289,1289,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1289,-838,-53,498,1289,-732,1289,-739,1289,-744,-666,1289,-875,-54,498,498,-733,-740,-745,1289,498,1289,-874,]),'MINOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[499,499,499,499,-1896,499,499,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,499,499,499,499,-277,-278,499,-1427,499,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,499,499,499,-492,499,499,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,499,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,499,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,499,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,499,-174,-175,-176,-177,-995,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-292,-293,-283,499,499,499,499,499,-330,-320,-334,-335,-336,499,499,-984,-985,-986,-987,-988,-989,-990,499,499,499,499,499,499,499,499,499,499,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,499,499,499,-355,-358,499,-325,-326,-143,499,-144,499,-145,499,-432,-937,-938,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-1896,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-1896,499,-1896,499,499,499,499,499,499,499,499,499,499,499,499,-1896,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-1896,499,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,499,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,499,499,499,-193,-194,499,-996,499,499,499,499,499,-279,-280,-281,-282,-367,499,-310,499,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,499,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,499,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,499,499,499,499,499,499,-575,499,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,499,499,-725,-726,-727,499,499,499,499,499,499,-996,499,499,-93,-94,499,499,499,499,-311,-312,-322,499,-309,-295,-296,-297,499,499,499,499,-620,-635,-592,499,499,-438,499,-439,499,-446,-447,-448,-380,-381,499,499,499,-508,499,499,-512,499,499,499,499,-517,-518,-519,-520,499,499,-523,-524,499,-526,-527,-528,-529,-530,-531,-532,-533,499,-535,499,499,499,-541,-543,-544,499,-546,-547,-548,-549,499,499,499,499,499,499,-654,-655,-656,-657,499,-659,-660,-661,499,499,499,-667,499,499,-671,-672,499,499,-675,499,-677,-678,499,-681,499,-683,499,499,-686,-687,-688,499,-690,499,499,-693,499,499,-696,-697,-698,499,-700,-701,-702,-703,499,499,-748,499,-751,-752,-753,-754,-755,499,-757,-758,-759,-760,-761,499,-768,-769,-771,499,-773,-774,-775,-784,-858,-860,-862,-864,499,499,499,499,-870,499,-872,499,499,499,499,499,499,499,-908,-909,499,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,499,-923,-926,499,-936,499,-387,-388,-389,499,499,-392,-393,-394,-395,499,-398,499,-401,-402,499,-403,499,-408,-409,499,-412,-413,-414,499,-417,499,-418,499,-423,-424,499,-427,499,-430,-431,-1896,-1896,499,-621,-622,-623,-624,-625,-636,-586,-626,-799,499,499,499,499,499,-833,499,499,-808,499,-834,499,499,499,499,-800,499,-855,-801,499,499,499,499,499,499,-856,-857,499,-836,-832,-837,499,-627,499,-628,-629,-630,-631,-576,499,499,-632,-633,-634,499,499,499,499,499,499,-637,-638,-639,-594,-1896,-604,499,-640,-641,-715,-642,-606,499,-574,-579,-582,-585,499,499,499,-600,-603,499,-610,499,499,499,499,499,499,499,499,499,499,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,499,499,499,-997,499,499,499,499,499,499,-308,-327,-321,-298,-377,-454,-455,-456,-460,499,-445,499,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,499,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,499,499,499,499,499,499,499,499,499,-318,-537,-510,-593,-939,-941,-942,-440,499,-442,-382,-383,-385,-509,-511,-513,499,-515,-516,-521,-522,499,-534,-536,-539,-540,-545,-550,-728,499,-729,499,-734,499,-736,499,-741,-658,-662,-663,499,-668,499,-669,499,-674,-676,499,-679,499,499,499,-689,-691,499,-694,499,499,-746,499,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,499,499,499,499,499,-879,499,-882,-910,-922,-927,-390,-391,499,-396,499,-399,499,-404,499,-405,499,-410,499,-415,499,-419,499,-420,499,-425,499,-428,-901,-902,-645,-587,-1896,-903,499,499,499,-802,499,499,-806,499,-809,-835,499,-820,499,-822,499,-824,-810,499,-826,499,-853,-854,499,499,-813,499,-648,-904,-906,-650,-651,-647,499,-707,-708,499,-644,-905,-649,-652,-605,-716,499,499,-607,-588,499,499,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,499,499,-711,-712,499,-718,499,499,499,499,499,499,-940,499,-441,-443,-749,499,-893,499,-717,-1896,499,499,499,499,499,-444,-514,-525,499,-730,-735,499,-737,499,-742,499,-664,-670,499,-680,-682,-684,-685,-692,-695,-699,-747,499,499,-876,499,499,-880,499,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,499,-814,499,-816,-803,499,-804,-807,499,-818,-821,-823,-825,-827,499,-828,499,-811,499,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,499,-284,499,499,499,499,-457,499,499,-731,499,-738,499,-743,499,-665,-673,499,499,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,499,-838,-53,499,499,-732,499,-739,499,-744,-666,499,-875,-54,499,499,-733,-740,-745,499,499,499,-874,]),'MINUTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[500,500,500,1290,-1896,500,500,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,500,500,500,500,-277,-278,1290,-1427,1290,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1290,1290,1290,-492,1290,1290,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1290,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1290,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1290,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,500,-174,-175,-176,-177,-995,500,500,500,500,500,500,500,500,500,500,1290,1290,1290,1290,1290,-292,-293,-283,500,1290,1290,1290,1290,-330,-320,-334,-335,-336,1290,1290,-984,-985,-986,-987,-988,-989,-990,500,500,1290,1290,1290,1290,1290,1290,1290,1290,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1290,1290,2106,1290,-355,-358,500,-325,-326,-143,1290,-144,1290,-145,1290,-432,-937,-938,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1896,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1896,1290,-1896,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1896,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,2106,2106,1290,1290,2106,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1896,500,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1290,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1290,500,500,-193,-194,500,-996,1290,500,500,500,500,-279,-280,-281,-282,-367,1290,-310,1290,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1290,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1290,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1290,1290,1290,1290,1290,1290,-575,1290,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1290,1290,-725,-726,-727,1290,1290,500,500,500,500,-996,500,1290,-93,-94,500,500,500,1290,-311,-312,-322,1290,-309,-295,-296,-297,1290,500,1290,1290,-620,-635,-592,1290,500,-438,500,-439,1290,-446,-447,-448,-380,-381,1290,1290,1290,-508,1290,1290,-512,1290,1290,1290,1290,-517,-518,-519,-520,1290,1290,-523,-524,1290,-526,-527,-528,-529,-530,-531,-532,-533,1290,-535,1290,1290,1290,-541,-543,-544,1290,-546,-547,-548,-549,1290,1290,1290,1290,1290,1290,-654,-655,-656,-657,500,-659,-660,-661,1290,1290,1290,-667,1290,1290,-671,-672,1290,1290,-675,1290,-677,-678,1290,-681,1290,-683,1290,1290,-686,-687,-688,1290,-690,1290,1290,-693,1290,1290,-696,-697,-698,1290,-700,-701,-702,-703,1290,1290,-748,1290,-751,-752,-753,-754,-755,1290,-757,-758,-759,-760,-761,1290,-768,-769,-771,1290,-773,-774,-775,-784,-858,-860,-862,-864,1290,1290,1290,1290,-870,1290,-872,1290,1290,1290,1290,1290,1290,1290,-908,-909,1290,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1290,-923,-926,1290,-936,1290,-387,-388,-389,1290,1290,-392,-393,-394,-395,1290,-398,1290,-401,-402,1290,-403,1290,-408,-409,1290,-412,-413,-414,1290,-417,1290,-418,1290,-423,-424,1290,-427,1290,-430,-431,-1896,-1896,1290,-621,-622,-623,-624,-625,-636,-586,-626,-799,1290,1290,1290,1290,1290,-833,1290,1290,-808,1290,-834,1290,1290,1290,1290,-800,1290,-855,-801,1290,1290,1290,1290,1290,1290,-856,-857,1290,-836,-832,-837,1290,-627,1290,-628,-629,-630,-631,-576,1290,1290,-632,-633,-634,1290,1290,1290,1290,1290,1290,-637,-638,-639,-594,-1896,-604,1290,-640,-641,-715,-642,-606,1290,-574,-579,-582,-585,1290,1290,1290,-600,-603,1290,-610,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1290,500,500,-997,500,1290,500,500,500,1290,-308,-327,-321,-298,-377,-454,-455,-456,-460,500,-445,1290,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1290,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,500,500,500,500,500,500,500,500,1290,-318,-537,-510,-593,-939,-941,-942,-440,1290,-442,-382,-383,-385,-509,-511,-513,1290,-515,-516,-521,-522,1290,-534,-536,-539,-540,-545,-550,-728,1290,-729,1290,-734,1290,-736,1290,-741,-658,-662,-663,1290,-668,1290,-669,1290,-674,-676,1290,-679,1290,1290,1290,-689,-691,1290,-694,1290,1290,-746,1290,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1290,1290,1290,1290,1290,-879,1290,-882,-910,-922,-927,-390,-391,1290,-396,1290,-399,1290,-404,1290,-405,1290,-410,1290,-415,1290,-419,1290,-420,1290,-425,1290,-428,-901,-902,-645,-587,-1896,-903,1290,1290,1290,-802,1290,1290,-806,1290,-809,-835,1290,-820,1290,-822,1290,-824,-810,1290,-826,1290,-853,-854,1290,1290,-813,1290,-648,-904,-906,-650,-651,-647,1290,-707,-708,1290,-644,-905,-649,-652,-605,-716,1290,1290,-607,-588,1290,1290,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1290,1290,-711,-712,1290,-718,1290,500,500,500,1290,1290,-940,500,-441,-443,-749,1290,-893,1290,-717,-1896,1290,1290,500,500,1290,-444,-514,-525,1290,-730,-735,1290,-737,1290,-742,1290,-664,-670,1290,-680,-682,-684,-685,-692,-695,-699,-747,1290,1290,-876,1290,1290,-880,1290,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1290,-814,1290,-816,-803,1290,-804,-807,1290,-818,-821,-823,-825,-827,1290,-828,1290,-811,1290,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,500,-284,500,1290,500,1290,-457,1290,1290,-731,1290,-738,1290,-743,1290,-665,-673,1290,1290,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1290,-838,-53,500,1290,-732,1290,-739,1290,-744,-666,1290,-875,-54,500,500,-733,-740,-745,1290,500,1290,-874,]),'MIN_CPU':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[501,501,501,501,-1896,501,501,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,501,501,501,501,-277,-278,501,-1427,501,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,501,501,501,-492,501,501,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,501,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,501,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,501,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,501,-174,-175,-176,-177,-995,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-292,-293,-283,501,501,501,501,501,-330,-320,-334,-335,-336,501,501,-984,-985,-986,-987,-988,-989,-990,501,501,501,501,501,501,501,501,501,501,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,501,501,501,-355,-358,501,-325,-326,-143,501,-144,501,-145,501,-432,-937,-938,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-1896,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-1896,501,-1896,501,501,501,501,501,501,501,501,501,501,501,501,-1896,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-1896,501,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,501,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,501,501,501,-193,-194,501,-996,501,501,501,501,501,-279,-280,-281,-282,-367,501,-310,501,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,501,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,501,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,501,501,501,501,501,501,-575,501,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,501,501,-725,-726,-727,501,501,501,501,501,501,-996,501,501,-93,-94,501,501,501,501,-311,-312,-322,501,-309,-295,-296,-297,501,501,501,501,-620,-635,-592,501,501,-438,501,-439,501,-446,-447,-448,-380,-381,501,501,501,-508,501,501,-512,501,501,501,501,-517,-518,-519,-520,501,501,-523,-524,501,-526,-527,-528,-529,-530,-531,-532,-533,501,-535,501,501,501,-541,-543,-544,501,-546,-547,-548,-549,501,501,501,501,501,501,-654,-655,-656,-657,501,-659,-660,-661,501,501,501,-667,501,501,-671,-672,501,501,-675,501,-677,-678,501,-681,501,-683,501,501,-686,-687,-688,501,-690,501,501,-693,501,501,-696,-697,-698,501,-700,-701,-702,-703,501,501,-748,501,-751,-752,-753,-754,-755,501,-757,-758,-759,-760,-761,501,-768,-769,-771,501,-773,-774,-775,-784,-858,-860,-862,-864,501,501,501,501,-870,501,-872,501,501,501,501,501,501,501,-908,-909,501,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,501,-923,-926,501,-936,501,-387,-388,-389,501,501,-392,-393,-394,-395,501,-398,501,-401,-402,501,-403,501,-408,-409,501,-412,-413,-414,501,-417,501,-418,501,-423,-424,501,-427,501,-430,-431,-1896,-1896,501,-621,-622,-623,-624,-625,-636,-586,-626,-799,501,501,501,501,501,-833,501,501,-808,501,-834,501,501,501,501,-800,501,-855,-801,501,501,501,501,501,501,-856,-857,501,-836,-832,-837,501,-627,501,-628,-629,-630,-631,-576,501,501,-632,-633,-634,501,501,501,501,501,501,-637,-638,-639,-594,-1896,-604,501,-640,-641,-715,-642,-606,501,-574,-579,-582,-585,501,501,501,-600,-603,501,-610,501,501,501,501,501,501,501,501,501,501,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,501,501,501,-997,501,501,501,501,501,501,-308,-327,-321,-298,-377,-454,-455,-456,-460,501,-445,501,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,501,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,501,501,501,501,501,501,501,501,501,-318,-537,-510,-593,-939,-941,-942,-440,501,-442,-382,-383,-385,-509,-511,-513,501,-515,-516,-521,-522,501,-534,-536,-539,-540,-545,-550,-728,501,-729,501,-734,501,-736,501,-741,-658,-662,-663,501,-668,501,-669,501,-674,-676,501,-679,501,501,501,-689,-691,501,-694,501,501,-746,501,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,501,501,501,501,501,-879,501,-882,-910,-922,-927,-390,-391,501,-396,501,-399,501,-404,501,-405,501,-410,501,-415,501,-419,501,-420,501,-425,501,-428,-901,-902,-645,-587,-1896,-903,501,501,501,-802,501,501,-806,501,-809,-835,501,-820,501,-822,501,-824,-810,501,-826,501,-853,-854,501,501,-813,501,-648,-904,-906,-650,-651,-647,501,-707,-708,501,-644,-905,-649,-652,-605,-716,501,501,-607,-588,501,501,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,501,501,-711,-712,501,-718,501,501,501,501,501,501,-940,501,-441,-443,-749,501,-893,501,-717,-1896,501,501,501,501,501,-444,-514,-525,501,-730,-735,501,-737,501,-742,501,-664,-670,501,-680,-682,-684,-685,-692,-695,-699,-747,501,501,-876,501,501,-880,501,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,501,-814,501,-816,-803,501,-804,-807,501,-818,-821,-823,-825,-827,501,-828,501,-811,501,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,501,-284,501,501,501,501,-457,501,501,-731,501,-738,501,-743,501,-665,-673,501,501,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,501,-838,-53,501,501,-732,501,-739,501,-744,-666,501,-875,-54,501,501,-733,-740,-745,501,501,501,-874,]),'MIN_IOPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[502,502,502,502,-1896,502,502,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,502,502,502,502,-277,-278,502,-1427,502,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,502,502,502,-492,502,502,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,502,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,502,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,502,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,502,-174,-175,-176,-177,-995,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-292,-293,-283,502,502,502,502,502,-330,-320,-334,-335,-336,502,502,-984,-985,-986,-987,-988,-989,-990,502,502,502,502,502,502,502,502,502,502,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,502,502,502,-355,-358,502,-325,-326,-143,502,-144,502,-145,502,-432,-937,-938,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-1896,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-1896,502,-1896,502,502,502,502,502,502,502,502,502,502,502,502,-1896,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-1896,502,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,502,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,502,502,502,-193,-194,502,-996,502,502,502,502,502,-279,-280,-281,-282,-367,502,-310,502,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,502,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,502,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,502,502,502,502,502,502,-575,502,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,502,502,-725,-726,-727,502,502,502,502,502,502,-996,502,502,-93,-94,502,502,502,502,-311,-312,-322,502,-309,-295,-296,-297,502,502,502,502,-620,-635,-592,502,502,-438,502,-439,502,-446,-447,-448,-380,-381,502,502,502,-508,502,502,-512,502,502,502,502,-517,-518,-519,-520,502,502,-523,-524,502,-526,-527,-528,-529,-530,-531,-532,-533,502,-535,502,502,502,-541,-543,-544,502,-546,-547,-548,-549,502,502,502,502,502,502,-654,-655,-656,-657,502,-659,-660,-661,502,502,502,-667,502,502,-671,-672,502,502,-675,502,-677,-678,502,-681,502,-683,502,502,-686,-687,-688,502,-690,502,502,-693,502,502,-696,-697,-698,502,-700,-701,-702,-703,502,502,-748,502,-751,-752,-753,-754,-755,502,-757,-758,-759,-760,-761,502,-768,-769,-771,502,-773,-774,-775,-784,-858,-860,-862,-864,502,502,502,502,-870,502,-872,502,502,502,502,502,502,502,-908,-909,502,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,502,-923,-926,502,-936,502,-387,-388,-389,502,502,-392,-393,-394,-395,502,-398,502,-401,-402,502,-403,502,-408,-409,502,-412,-413,-414,502,-417,502,-418,502,-423,-424,502,-427,502,-430,-431,-1896,-1896,502,-621,-622,-623,-624,-625,-636,-586,-626,-799,502,502,502,502,502,-833,502,502,-808,502,-834,502,502,502,502,-800,502,-855,-801,502,502,502,502,502,502,-856,-857,502,-836,-832,-837,502,-627,502,-628,-629,-630,-631,-576,502,502,-632,-633,-634,502,502,502,502,502,502,-637,-638,-639,-594,-1896,-604,502,-640,-641,-715,-642,-606,502,-574,-579,-582,-585,502,502,502,-600,-603,502,-610,502,502,502,502,502,502,502,502,502,502,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,502,502,502,-997,502,502,502,502,502,502,-308,-327,-321,-298,-377,-454,-455,-456,-460,502,-445,502,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,502,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,502,502,502,502,502,502,502,502,502,-318,-537,-510,-593,-939,-941,-942,-440,502,-442,-382,-383,-385,-509,-511,-513,502,-515,-516,-521,-522,502,-534,-536,-539,-540,-545,-550,-728,502,-729,502,-734,502,-736,502,-741,-658,-662,-663,502,-668,502,-669,502,-674,-676,502,-679,502,502,502,-689,-691,502,-694,502,502,-746,502,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,502,502,502,502,502,-879,502,-882,-910,-922,-927,-390,-391,502,-396,502,-399,502,-404,502,-405,502,-410,502,-415,502,-419,502,-420,502,-425,502,-428,-901,-902,-645,-587,-1896,-903,502,502,502,-802,502,502,-806,502,-809,-835,502,-820,502,-822,502,-824,-810,502,-826,502,-853,-854,502,502,-813,502,-648,-904,-906,-650,-651,-647,502,-707,-708,502,-644,-905,-649,-652,-605,-716,502,502,-607,-588,502,502,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,502,502,-711,-712,502,-718,502,502,502,502,502,502,-940,502,-441,-443,-749,502,-893,502,-717,-1896,502,502,502,502,502,-444,-514,-525,502,-730,-735,502,-737,502,-742,502,-664,-670,502,-680,-682,-684,-685,-692,-695,-699,-747,502,502,-876,502,502,-880,502,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,502,-814,502,-816,-803,502,-804,-807,502,-818,-821,-823,-825,-827,502,-828,502,-811,502,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,502,-284,502,502,502,502,-457,502,502,-731,502,-738,502,-743,502,-665,-673,502,502,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,502,-838,-53,502,502,-732,502,-739,502,-744,-666,502,-875,-54,502,502,-733,-740,-745,502,502,502,-874,]),'MIN_MEMORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[503,503,503,503,-1896,503,503,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,503,503,503,503,-277,-278,503,-1427,503,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,503,503,503,-492,503,503,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,503,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,503,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,503,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,503,-174,-175,-176,-177,-995,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-292,-293,-283,503,503,503,503,503,-330,-320,-334,-335,-336,503,503,-984,-985,-986,-987,-988,-989,-990,503,503,503,503,503,503,503,503,503,503,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,503,503,503,-355,-358,503,-325,-326,-143,503,-144,503,-145,503,-432,-937,-938,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-1896,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-1896,503,-1896,503,503,503,503,503,503,503,503,503,503,503,503,-1896,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-1896,503,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,503,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,503,503,503,-193,-194,503,-996,503,503,503,503,503,-279,-280,-281,-282,-367,503,-310,503,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,503,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,503,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,503,503,503,503,503,503,-575,503,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,503,503,-725,-726,-727,503,503,503,503,503,503,-996,503,503,-93,-94,503,503,503,503,-311,-312,-322,503,-309,-295,-296,-297,503,503,503,503,-620,-635,-592,503,503,-438,503,-439,503,-446,-447,-448,-380,-381,503,503,503,-508,503,503,-512,503,503,503,503,-517,-518,-519,-520,503,503,-523,-524,503,-526,-527,-528,-529,-530,-531,-532,-533,503,-535,503,503,503,-541,-543,-544,503,-546,-547,-548,-549,503,503,503,503,503,503,-654,-655,-656,-657,503,-659,-660,-661,503,503,503,-667,503,503,-671,-672,503,503,-675,503,-677,-678,503,-681,503,-683,503,503,-686,-687,-688,503,-690,503,503,-693,503,503,-696,-697,-698,503,-700,-701,-702,-703,503,503,-748,503,-751,-752,-753,-754,-755,503,-757,-758,-759,-760,-761,503,-768,-769,-771,503,-773,-774,-775,-784,-858,-860,-862,-864,503,503,503,503,-870,503,-872,503,503,503,503,503,503,503,-908,-909,503,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,503,-923,-926,503,-936,503,-387,-388,-389,503,503,-392,-393,-394,-395,503,-398,503,-401,-402,503,-403,503,-408,-409,503,-412,-413,-414,503,-417,503,-418,503,-423,-424,503,-427,503,-430,-431,-1896,-1896,503,-621,-622,-623,-624,-625,-636,-586,-626,-799,503,503,503,503,503,-833,503,503,-808,503,-834,503,503,503,503,-800,503,-855,-801,503,503,503,503,503,503,-856,-857,503,-836,-832,-837,503,-627,503,-628,-629,-630,-631,-576,503,503,-632,-633,-634,503,503,503,503,503,503,-637,-638,-639,-594,-1896,-604,503,-640,-641,-715,-642,-606,503,-574,-579,-582,-585,503,503,503,-600,-603,503,-610,503,503,503,503,503,503,503,503,503,503,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,503,503,503,-997,503,503,503,503,503,503,-308,-327,-321,-298,-377,-454,-455,-456,-460,503,-445,503,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,503,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,503,503,503,503,503,503,503,503,503,-318,-537,-510,-593,-939,-941,-942,-440,503,-442,-382,-383,-385,-509,-511,-513,503,-515,-516,-521,-522,503,-534,-536,-539,-540,-545,-550,-728,503,-729,503,-734,503,-736,503,-741,-658,-662,-663,503,-668,503,-669,503,-674,-676,503,-679,503,503,503,-689,-691,503,-694,503,503,-746,503,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,503,503,503,503,503,-879,503,-882,-910,-922,-927,-390,-391,503,-396,503,-399,503,-404,503,-405,503,-410,503,-415,503,-419,503,-420,503,-425,503,-428,-901,-902,-645,-587,-1896,-903,503,503,503,-802,503,503,-806,503,-809,-835,503,-820,503,-822,503,-824,-810,503,-826,503,-853,-854,503,503,-813,503,-648,-904,-906,-650,-651,-647,503,-707,-708,503,-644,-905,-649,-652,-605,-716,503,503,-607,-588,503,503,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,503,503,-711,-712,503,-718,503,503,503,503,503,503,-940,503,-441,-443,-749,503,-893,503,-717,-1896,503,503,503,503,503,-444,-514,-525,503,-730,-735,503,-737,503,-742,503,-664,-670,503,-680,-682,-684,-685,-692,-695,-699,-747,503,503,-876,503,503,-880,503,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,503,-814,503,-816,-803,503,-804,-807,503,-818,-821,-823,-825,-827,503,-828,503,-811,503,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,503,-284,503,503,503,503,-457,503,503,-731,503,-738,503,-743,503,-665,-673,503,503,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,503,-838,-53,503,503,-732,503,-739,503,-744,-666,503,-875,-54,503,503,-733,-740,-745,503,503,503,-874,]),'MIN_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[504,504,504,504,-1896,504,504,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,504,504,504,504,-277,-278,504,-1427,504,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,504,504,504,-492,504,504,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,504,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,504,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,504,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,504,-174,-175,-176,-177,-995,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-292,-293,-283,504,504,504,504,504,-330,-320,-334,-335,-336,504,504,-984,-985,-986,-987,-988,-989,-990,504,504,504,504,504,504,504,504,504,504,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,504,504,504,-355,-358,504,-325,-326,-143,504,-144,504,-145,504,-432,-937,-938,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-1896,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-1896,504,-1896,504,504,504,504,504,504,504,504,504,504,504,504,-1896,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-1896,504,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,504,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,504,504,504,-193,-194,504,-996,504,504,504,504,504,-279,-280,-281,-282,-367,504,-310,504,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,504,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,504,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,504,504,504,504,504,504,-575,504,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,504,504,-725,-726,-727,504,504,504,504,504,504,-996,504,504,-93,-94,504,504,504,504,-311,-312,-322,504,-309,-295,-296,-297,504,504,504,504,-620,-635,-592,504,504,-438,504,-439,504,-446,-447,-448,-380,-381,504,504,504,-508,504,504,-512,504,504,504,504,-517,-518,-519,-520,504,504,-523,-524,504,-526,-527,-528,-529,-530,-531,-532,-533,504,-535,504,504,504,-541,-543,-544,504,-546,-547,-548,-549,504,504,504,504,504,504,-654,-655,-656,-657,504,-659,-660,-661,504,504,504,-667,504,504,-671,-672,504,504,-675,504,-677,-678,504,-681,504,-683,504,504,-686,-687,-688,504,-690,504,504,-693,504,504,-696,-697,-698,504,-700,-701,-702,-703,504,504,-748,504,-751,-752,-753,-754,-755,504,-757,-758,-759,-760,-761,504,-768,-769,-771,504,-773,-774,-775,-784,-858,-860,-862,-864,504,504,504,504,-870,504,-872,504,504,504,504,504,504,504,-908,-909,504,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,504,-923,-926,504,-936,504,-387,-388,-389,504,504,-392,-393,-394,-395,504,-398,504,-401,-402,504,-403,504,-408,-409,504,-412,-413,-414,504,-417,504,-418,504,-423,-424,504,-427,504,-430,-431,-1896,-1896,504,-621,-622,-623,-624,-625,-636,-586,-626,-799,504,504,504,504,504,-833,504,504,-808,504,-834,504,504,504,504,-800,504,-855,-801,504,504,504,504,504,504,-856,-857,504,-836,-832,-837,504,-627,504,-628,-629,-630,-631,-576,504,504,-632,-633,-634,504,504,504,504,504,504,-637,-638,-639,-594,-1896,-604,504,-640,-641,-715,-642,-606,504,-574,-579,-582,-585,504,504,504,-600,-603,504,-610,504,504,504,504,504,504,504,504,504,504,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,504,504,504,-997,504,504,504,504,504,504,-308,-327,-321,-298,-377,-454,-455,-456,-460,504,-445,504,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,504,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,504,504,504,504,504,504,504,504,504,-318,-537,-510,-593,-939,-941,-942,-440,504,-442,-382,-383,-385,-509,-511,-513,504,-515,-516,-521,-522,504,-534,-536,-539,-540,-545,-550,-728,504,-729,504,-734,504,-736,504,-741,-658,-662,-663,504,-668,504,-669,504,-674,-676,504,-679,504,504,504,-689,-691,504,-694,504,504,-746,504,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,504,504,504,504,504,-879,504,-882,-910,-922,-927,-390,-391,504,-396,504,-399,504,-404,504,-405,504,-410,504,-415,504,-419,504,-420,504,-425,504,-428,-901,-902,-645,-587,-1896,-903,504,504,504,-802,504,504,-806,504,-809,-835,504,-820,504,-822,504,-824,-810,504,-826,504,-853,-854,504,504,-813,504,-648,-904,-906,-650,-651,-647,504,-707,-708,504,-644,-905,-649,-652,-605,-716,504,504,-607,-588,504,504,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,504,504,-711,-712,504,-718,504,504,504,504,504,504,-940,504,-441,-443,-749,504,-893,504,-717,-1896,504,504,504,504,504,-444,-514,-525,504,-730,-735,504,-737,504,-742,504,-664,-670,504,-680,-682,-684,-685,-692,-695,-699,-747,504,504,-876,504,504,-880,504,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,504,-814,504,-816,-803,504,-804,-807,504,-818,-821,-823,-825,-827,504,-828,504,-811,504,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,504,-284,504,504,504,504,-457,504,504,-731,504,-738,504,-743,504,-665,-673,504,504,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,504,-838,-53,504,504,-732,504,-739,504,-744,-666,504,-875,-54,504,504,-733,-740,-745,504,504,504,-874,]),'MKEDATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[505,505,505,505,-1896,505,505,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,505,505,505,505,-277,-278,505,-1427,505,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,505,505,505,-492,505,505,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,505,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,505,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,505,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,505,-174,-175,-176,-177,-995,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-292,-293,-283,505,505,505,505,505,-330,-320,-334,-335,-336,505,505,-984,-985,-986,-987,-988,-989,-990,505,505,505,505,505,505,505,505,505,505,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,505,505,505,-355,-358,505,-325,-326,-143,505,-144,505,-145,505,-432,-937,-938,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-1896,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-1896,505,-1896,505,505,505,505,505,505,505,505,505,505,505,505,-1896,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-1896,505,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,505,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,505,505,505,-193,-194,505,-996,505,505,505,505,505,-279,-280,-281,-282,-367,505,-310,505,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,505,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,505,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,505,505,505,505,505,505,-575,505,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,505,505,-725,-726,-727,505,505,505,505,505,505,-996,505,505,-93,-94,505,505,505,505,-311,-312,-322,505,-309,-295,-296,-297,505,505,505,505,-620,-635,-592,505,505,-438,505,-439,505,-446,-447,-448,-380,-381,505,505,505,-508,505,505,-512,505,505,505,505,-517,-518,-519,-520,505,505,-523,-524,505,-526,-527,-528,-529,-530,-531,-532,-533,505,-535,505,505,505,-541,-543,-544,505,-546,-547,-548,-549,505,505,505,505,505,505,-654,-655,-656,-657,505,-659,-660,-661,505,505,505,-667,505,505,-671,-672,505,505,-675,505,-677,-678,505,-681,505,-683,505,505,-686,-687,-688,505,-690,505,505,-693,505,505,-696,-697,-698,505,-700,-701,-702,-703,505,505,-748,505,-751,-752,-753,-754,-755,505,-757,-758,-759,-760,-761,505,-768,-769,-771,505,-773,-774,-775,-784,-858,-860,-862,-864,505,505,505,505,-870,505,-872,505,505,505,505,505,505,505,-908,-909,505,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,505,-923,-926,505,-936,505,-387,-388,-389,505,505,-392,-393,-394,-395,505,-398,505,-401,-402,505,-403,505,-408,-409,505,-412,-413,-414,505,-417,505,-418,505,-423,-424,505,-427,505,-430,-431,-1896,-1896,505,-621,-622,-623,-624,-625,-636,-586,-626,-799,505,505,505,505,505,-833,505,505,-808,505,-834,505,505,505,505,-800,505,-855,-801,505,505,505,505,505,505,-856,-857,505,-836,-832,-837,505,-627,505,-628,-629,-630,-631,-576,505,505,-632,-633,-634,505,505,505,505,505,505,-637,-638,-639,-594,-1896,-604,505,-640,-641,-715,-642,-606,505,-574,-579,-582,-585,505,505,505,-600,-603,505,-610,505,505,505,505,505,505,505,505,505,505,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,505,505,505,-997,505,505,505,505,505,505,-308,-327,-321,-298,-377,-454,-455,-456,-460,505,-445,505,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,505,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,505,505,505,505,505,505,505,505,505,-318,-537,-510,-593,-939,-941,-942,-440,505,-442,-382,-383,-385,-509,-511,-513,505,-515,-516,-521,-522,505,-534,-536,-539,-540,-545,-550,-728,505,-729,505,-734,505,-736,505,-741,-658,-662,-663,505,-668,505,-669,505,-674,-676,505,-679,505,505,505,-689,-691,505,-694,505,505,-746,505,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,505,505,505,505,505,-879,505,-882,-910,-922,-927,-390,-391,505,-396,505,-399,505,-404,505,-405,505,-410,505,-415,505,-419,505,-420,505,-425,505,-428,-901,-902,-645,-587,-1896,-903,505,505,505,-802,505,505,-806,505,-809,-835,505,-820,505,-822,505,-824,-810,505,-826,505,-853,-854,505,505,-813,505,-648,-904,-906,-650,-651,-647,505,-707,-708,505,-644,-905,-649,-652,-605,-716,505,505,-607,-588,505,505,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,505,505,-711,-712,505,-718,505,505,505,505,505,505,-940,505,-441,-443,-749,505,-893,505,-717,-1896,505,505,505,505,505,-444,-514,-525,505,-730,-735,505,-737,505,-742,505,-664,-670,505,-680,-682,-684,-685,-692,-695,-699,-747,505,505,-876,505,505,-880,505,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,505,-814,505,-816,-803,505,-804,-807,505,-818,-821,-823,-825,-827,505,-828,505,-811,505,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,505,-284,505,505,505,505,-457,505,505,-731,505,-738,505,-743,505,-665,-673,505,505,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,505,-838,-53,505,505,-732,505,-739,505,-744,-666,505,-875,-54,505,505,-733,-740,-745,505,505,505,-874,]),'MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3201,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3740,3743,3756,3769,3773,3783,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[506,506,506,506,-1896,506,506,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,506,506,506,506,-277,-278,506,-1427,506,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,506,506,506,-492,506,506,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,506,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,506,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,506,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,506,-174,-175,-176,-177,-995,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-292,-293,-283,506,506,506,506,506,-330,-320,-334,-335,-336,506,506,-984,-985,-986,-987,-988,-989,-990,506,506,506,506,506,506,506,506,506,506,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,506,506,506,-355,-358,506,-325,-326,-143,506,-144,506,-145,506,-432,-937,-938,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-1896,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-1896,506,-1896,506,506,506,506,506,506,506,506,506,506,506,506,-1896,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-1896,506,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,506,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,506,506,506,-193,-194,506,-996,506,506,506,506,506,-279,-280,-281,-282,-367,506,-310,506,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,506,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,506,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,506,506,506,506,506,506,-575,506,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,506,506,-725,-726,-727,506,506,506,506,506,506,-996,506,506,-93,-94,506,506,506,506,-311,-312,-322,506,-309,-295,-296,-297,506,506,506,506,-620,-635,-592,506,506,-438,506,-439,506,-446,-447,-448,-380,-381,506,506,506,-508,506,506,-512,506,506,506,506,-517,-518,-519,-520,506,506,-523,-524,506,-526,-527,-528,-529,-530,-531,-532,-533,506,-535,506,506,506,-541,-543,-544,506,-546,-547,-548,-549,506,506,506,506,506,506,-654,-655,-656,-657,506,-659,-660,-661,506,506,506,-667,506,506,-671,-672,506,506,-675,506,-677,-678,506,-681,506,-683,506,506,-686,-687,-688,506,-690,506,506,-693,506,506,-696,-697,-698,506,-700,-701,-702,-703,506,506,-748,506,-751,-752,-753,-754,-755,506,-757,-758,-759,-760,-761,506,-768,-769,-771,506,-773,-774,-775,-784,-858,-860,-862,-864,506,506,506,506,-870,506,-872,506,506,506,506,506,506,506,-908,-909,506,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,506,-923,-926,506,-936,506,-387,-388,-389,506,506,-392,-393,-394,-395,506,-398,506,-401,-402,506,-403,506,-408,-409,506,-412,-413,-414,506,-417,506,-418,506,-423,-424,506,-427,506,-430,-431,-1896,-1896,506,-621,-622,-623,-624,-625,-636,-586,-626,-799,506,506,506,506,506,-833,506,506,-808,506,-834,506,506,506,506,-800,506,-855,-801,506,506,506,506,506,506,-856,-857,506,-836,-832,-837,506,-627,506,-628,-629,-630,-631,-576,506,506,-632,-633,-634,506,506,506,506,506,506,-637,-638,-639,-594,-1896,-604,506,-640,-641,-715,-642,-606,506,-574,-579,-582,-585,506,506,506,-600,-603,506,-610,506,506,506,506,506,506,506,506,506,506,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,506,506,506,-997,506,506,506,506,506,506,-308,-327,-321,-298,-377,-454,-455,-456,-460,506,-445,506,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,506,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,506,506,3475,506,506,506,506,506,506,506,-318,-537,-510,-593,-939,-941,-942,-440,506,-442,-382,-383,-385,-509,-511,-513,506,-515,-516,-521,-522,506,-534,-536,-539,-540,-545,-550,-728,506,-729,506,-734,506,-736,506,-741,-658,-662,-663,506,-668,506,-669,506,-674,-676,506,-679,506,506,506,-689,-691,506,-694,506,506,-746,506,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,506,506,506,506,506,-879,506,-882,-910,-922,-927,-390,-391,506,-396,506,-399,506,-404,506,-405,506,-410,506,-415,506,-419,506,-420,506,-425,506,-428,-901,-902,-645,-587,-1896,-903,506,506,506,-802,506,506,-806,506,-809,-835,506,-820,506,-822,506,-824,-810,506,-826,506,-853,-854,506,506,-813,506,-648,-904,-906,-650,-651,-647,506,-707,-708,506,-644,-905,-649,-652,-605,-716,506,506,-607,-588,506,506,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,506,506,-711,-712,506,-718,506,506,506,506,506,506,-940,506,-441,-443,-749,506,-893,506,-717,-1896,506,506,506,506,506,-444,-514,-525,506,-730,-735,506,-737,506,-742,506,-664,-670,506,-680,-682,-684,-685,-692,-695,-699,-747,506,506,-876,506,506,-880,506,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,506,-814,506,-816,-803,506,-804,-807,506,-818,-821,-823,-825,-827,506,-828,506,-811,506,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,506,-284,3784,506,506,506,506,3830,-457,506,506,-731,506,-738,506,-743,506,-665,-673,506,506,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,506,-838,-53,506,506,-732,506,-739,506,-744,-666,506,-875,-54,506,506,-733,-740,-745,506,506,506,-874,]),'MODIFIES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[507,507,507,507,-1896,507,507,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,507,507,507,507,-277,-278,507,-1427,507,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,507,507,507,-492,507,507,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,507,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,507,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,507,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,507,-174,-175,-176,-177,-995,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-292,-293,-283,507,507,507,507,507,-330,-320,-334,-335,-336,507,507,-984,-985,-986,-987,-988,-989,-990,507,507,507,507,507,507,507,507,507,507,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,507,507,507,-355,-358,507,-325,-326,-143,507,-144,507,-145,507,-432,-937,-938,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-1896,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-1896,507,-1896,507,507,507,507,507,507,507,507,507,507,507,507,-1896,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-1896,507,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,507,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,507,507,507,-193,-194,507,-996,507,507,507,507,507,-279,-280,-281,-282,-367,507,-310,507,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,507,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,507,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,507,507,507,507,507,507,-575,507,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,507,507,-725,-726,-727,507,507,507,507,507,507,-996,507,507,-93,-94,507,507,507,507,-311,-312,-322,507,-309,-295,-296,-297,507,507,507,507,-620,-635,-592,507,507,-438,507,-439,507,-446,-447,-448,-380,-381,507,507,507,-508,507,507,-512,507,507,507,507,-517,-518,-519,-520,507,507,-523,-524,507,-526,-527,-528,-529,-530,-531,-532,-533,507,-535,507,507,507,-541,-543,-544,507,-546,-547,-548,-549,507,507,507,507,507,507,-654,-655,-656,-657,507,-659,-660,-661,507,507,507,-667,507,507,-671,-672,507,507,-675,507,-677,-678,507,-681,507,-683,507,507,-686,-687,-688,507,-690,507,507,-693,507,507,-696,-697,-698,507,-700,-701,-702,-703,507,507,-748,507,-751,-752,-753,-754,-755,507,-757,-758,-759,-760,-761,507,-768,-769,-771,507,-773,-774,-775,-784,-858,-860,-862,-864,507,507,507,507,-870,507,-872,507,507,507,507,507,507,507,-908,-909,507,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,507,-923,-926,507,-936,507,-387,-388,-389,507,507,-392,-393,-394,-395,507,-398,507,-401,-402,507,-403,507,-408,-409,507,-412,-413,-414,507,-417,507,-418,507,-423,-424,507,-427,507,-430,-431,-1896,-1896,507,-621,-622,-623,-624,-625,-636,-586,-626,-799,507,507,507,507,507,-833,507,507,-808,507,-834,507,507,507,507,-800,507,-855,-801,507,507,507,507,507,507,-856,-857,507,-836,-832,-837,507,-627,507,-628,-629,-630,-631,-576,507,507,-632,-633,-634,507,507,507,507,507,507,-637,-638,-639,-594,-1896,-604,507,-640,-641,-715,-642,-606,507,-574,-579,-582,-585,507,507,507,-600,-603,507,-610,507,507,507,507,507,507,507,507,507,507,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,507,507,507,-997,507,507,507,507,507,507,-308,-327,-321,-298,-377,-454,-455,-456,-460,507,-445,507,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,507,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,507,507,507,507,507,507,507,507,507,-318,-537,-510,-593,-939,-941,-942,-440,507,-442,-382,-383,-385,-509,-511,-513,507,-515,-516,-521,-522,507,-534,-536,-539,-540,-545,-550,-728,507,-729,507,-734,507,-736,507,-741,-658,-662,-663,507,-668,507,-669,507,-674,-676,507,-679,507,507,507,-689,-691,507,-694,507,507,-746,507,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,507,507,507,507,507,-879,507,-882,-910,-922,-927,-390,-391,507,-396,507,-399,507,-404,507,-405,507,-410,507,-415,507,-419,507,-420,507,-425,507,-428,-901,-902,-645,-587,-1896,-903,507,507,507,-802,507,507,-806,507,-809,-835,507,-820,507,-822,507,-824,-810,507,-826,507,-853,-854,507,507,-813,507,-648,-904,-906,-650,-651,-647,507,-707,-708,507,-644,-905,-649,-652,-605,-716,507,507,-607,-588,507,507,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,507,507,-711,-712,507,-718,507,507,507,507,507,507,-940,507,-441,-443,-749,507,-893,507,-717,-1896,507,507,507,507,507,-444,-514,-525,507,-730,-735,507,-737,507,-742,507,-664,-670,507,-680,-682,-684,-685,-692,-695,-699,-747,507,507,-876,507,507,-880,507,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,507,-814,507,-816,-803,507,-804,-807,507,-818,-821,-823,-825,-827,507,-828,507,-811,507,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,507,-284,507,507,507,507,-457,507,507,-731,507,-738,507,-743,507,-665,-673,507,507,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,507,-838,-53,507,507,-732,507,-739,507,-744,-666,507,-875,-54,507,507,-733,-740,-745,507,507,507,-874,]),'MODIFY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[508,508,508,508,-1896,508,508,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,508,508,508,508,-277,-278,508,-1427,508,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,508,508,508,-492,508,508,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,508,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,508,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,508,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,508,-174,-175,-176,-177,-995,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-292,-293,-283,508,508,508,508,508,-330,-320,-334,-335,-336,508,508,-984,-985,-986,-987,-988,-989,-990,508,508,508,508,508,508,508,508,508,508,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,508,508,508,-355,-358,508,-325,-326,-143,508,-144,508,-145,508,-432,-937,-938,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-1896,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-1896,508,-1896,508,508,508,508,508,508,508,508,508,508,508,508,-1896,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-1896,508,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,508,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,508,508,508,-193,-194,508,-996,508,508,508,508,508,-279,-280,-281,-282,-367,508,-310,508,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,508,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,508,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,508,508,508,508,508,508,-575,508,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,508,508,-725,-726,-727,508,508,508,508,508,508,-996,508,508,-93,-94,508,508,508,508,-311,-312,-322,508,-309,-295,-296,-297,508,508,508,508,-620,-635,-592,508,508,-438,508,-439,508,-446,-447,-448,-380,-381,508,508,508,-508,508,508,-512,508,508,508,508,-517,-518,-519,-520,508,508,-523,-524,508,-526,-527,-528,-529,-530,-531,-532,-533,508,-535,508,508,508,-541,-543,-544,508,-546,-547,-548,-549,508,508,508,508,508,508,-654,-655,-656,-657,508,-659,-660,-661,508,508,508,-667,508,508,-671,-672,508,508,-675,508,-677,-678,508,-681,508,-683,508,508,-686,-687,-688,508,-690,508,508,-693,508,508,-696,-697,-698,508,-700,-701,-702,-703,508,508,-748,508,-751,-752,-753,-754,-755,508,-757,-758,-759,-760,-761,508,-768,-769,-771,508,-773,-774,-775,-784,-858,-860,-862,-864,508,508,508,508,-870,508,-872,508,508,508,508,508,508,508,-908,-909,508,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,508,-923,-926,508,-936,508,-387,-388,-389,508,508,-392,-393,-394,-395,508,-398,508,-401,-402,508,-403,508,-408,-409,508,-412,-413,-414,508,-417,508,-418,508,-423,-424,508,-427,508,-430,-431,-1896,-1896,508,-621,-622,-623,-624,-625,-636,-586,-626,-799,508,508,508,508,508,-833,508,508,-808,508,-834,508,508,508,508,-800,508,-855,-801,508,508,508,508,508,508,-856,-857,508,-836,-832,-837,508,-627,508,-628,-629,-630,-631,-576,508,508,-632,-633,-634,508,508,508,508,508,508,-637,-638,-639,-594,-1896,-604,508,-640,-641,-715,-642,-606,508,-574,-579,-582,-585,508,508,508,-600,-603,508,-610,508,508,508,508,508,508,508,508,508,508,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,508,508,508,-997,508,508,508,508,508,508,-308,-327,-321,-298,-377,-454,-455,-456,-460,508,-445,508,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,508,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,508,508,508,508,508,508,508,508,508,-318,-537,-510,-593,-939,-941,-942,-440,508,-442,-382,-383,-385,-509,-511,-513,508,-515,-516,-521,-522,508,-534,-536,-539,-540,-545,-550,-728,508,-729,508,-734,508,-736,508,-741,-658,-662,-663,508,-668,508,-669,508,-674,-676,508,-679,508,508,508,-689,-691,508,-694,508,508,-746,508,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,508,508,508,508,508,-879,508,-882,-910,-922,-927,-390,-391,508,-396,508,-399,508,-404,508,-405,508,-410,508,-415,508,-419,508,-420,508,-425,508,-428,-901,-902,-645,-587,-1896,-903,508,508,508,-802,508,508,-806,508,-809,-835,508,-820,508,-822,508,-824,-810,508,-826,508,-853,-854,508,508,-813,508,-648,-904,-906,-650,-651,-647,508,-707,-708,508,-644,-905,-649,-652,-605,-716,508,508,-607,-588,508,508,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,508,508,-711,-712,508,-718,508,508,508,508,508,508,-940,508,-441,-443,-749,508,-893,508,-717,-1896,508,508,508,508,508,-444,-514,-525,508,-730,-735,508,-737,508,-742,508,-664,-670,508,-680,-682,-684,-685,-692,-695,-699,-747,508,508,-876,508,508,-880,508,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,508,-814,508,-816,-803,508,-804,-807,508,-818,-821,-823,-825,-827,508,-828,508,-811,508,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,508,-284,508,508,508,508,-457,508,508,-731,508,-738,508,-743,508,-665,-673,508,508,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,508,-838,-53,508,508,-732,508,-739,508,-744,-666,508,-875,-54,508,508,-733,-740,-745,508,508,508,-874,]),'MONTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[509,509,509,1291,-1896,509,509,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,509,509,509,509,-277,-278,1291,-1427,1291,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1291,1291,1291,-492,1291,1291,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1291,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1291,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1291,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,509,-174,-175,-176,-177,-995,509,509,509,509,509,509,509,509,509,509,1291,1291,1291,1291,1291,-292,-293,-283,509,1291,1291,1291,1291,-330,-320,-334,-335,-336,1291,1291,-984,-985,-986,-987,-988,-989,-990,509,509,1291,1291,1291,1291,1291,1291,1291,1291,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1291,1291,2110,1291,-355,-358,509,-325,-326,-143,1291,-144,1291,-145,1291,-432,-937,-938,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1896,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1896,1291,-1896,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1896,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,2110,2110,1291,1291,2110,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1896,509,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1291,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1291,509,509,-193,-194,509,-996,1291,509,509,509,509,-279,-280,-281,-282,-367,1291,-310,1291,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1291,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1291,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1291,1291,1291,1291,1291,1291,-575,1291,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1291,1291,-725,-726,-727,1291,1291,509,509,509,509,-996,509,1291,-93,-94,509,509,509,1291,-311,-312,-322,1291,-309,-295,-296,-297,1291,509,1291,1291,-620,-635,-592,1291,509,-438,509,-439,1291,-446,-447,-448,-380,-381,1291,1291,1291,-508,1291,1291,-512,1291,1291,1291,1291,-517,-518,-519,-520,1291,1291,-523,-524,1291,-526,-527,-528,-529,-530,-531,-532,-533,1291,-535,1291,1291,1291,-541,-543,-544,1291,-546,-547,-548,-549,1291,1291,1291,1291,1291,1291,-654,-655,-656,-657,509,-659,-660,-661,1291,1291,1291,-667,1291,1291,-671,-672,1291,1291,-675,1291,-677,-678,1291,-681,1291,-683,1291,1291,-686,-687,-688,1291,-690,1291,1291,-693,1291,1291,-696,-697,-698,1291,-700,-701,-702,-703,1291,1291,-748,1291,-751,-752,-753,-754,-755,1291,-757,-758,-759,-760,-761,1291,-768,-769,-771,1291,-773,-774,-775,-784,-858,-860,-862,-864,1291,1291,1291,1291,-870,1291,-872,1291,1291,1291,1291,1291,1291,1291,-908,-909,1291,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1291,-923,-926,1291,-936,1291,-387,-388,-389,1291,1291,-392,-393,-394,-395,1291,-398,1291,-401,-402,1291,-403,1291,-408,-409,1291,-412,-413,-414,1291,-417,1291,-418,1291,-423,-424,1291,-427,1291,-430,-431,-1896,-1896,1291,-621,-622,-623,-624,-625,-636,-586,-626,-799,1291,1291,1291,1291,1291,-833,1291,1291,-808,1291,-834,1291,1291,1291,1291,-800,1291,-855,-801,1291,1291,1291,1291,1291,1291,-856,-857,1291,-836,-832,-837,1291,-627,1291,-628,-629,-630,-631,-576,1291,1291,-632,-633,-634,1291,1291,1291,1291,1291,1291,-637,-638,-639,-594,-1896,-604,1291,-640,-641,-715,-642,-606,1291,-574,-579,-582,-585,1291,1291,1291,-600,-603,1291,-610,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1291,509,509,-997,509,1291,509,509,509,1291,-308,-327,-321,-298,-377,-454,-455,-456,-460,509,-445,1291,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1291,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,509,509,509,509,509,509,509,509,1291,-318,-537,-510,-593,-939,-941,-942,-440,1291,-442,-382,-383,-385,-509,-511,-513,1291,-515,-516,-521,-522,1291,-534,-536,-539,-540,-545,-550,-728,1291,-729,1291,-734,1291,-736,1291,-741,-658,-662,-663,1291,-668,1291,-669,1291,-674,-676,1291,-679,1291,1291,1291,-689,-691,1291,-694,1291,1291,-746,1291,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1291,1291,1291,1291,1291,-879,1291,-882,-910,-922,-927,-390,-391,1291,-396,1291,-399,1291,-404,1291,-405,1291,-410,1291,-415,1291,-419,1291,-420,1291,-425,1291,-428,-901,-902,-645,-587,-1896,-903,1291,1291,1291,-802,1291,1291,-806,1291,-809,-835,1291,-820,1291,-822,1291,-824,-810,1291,-826,1291,-853,-854,1291,1291,-813,1291,-648,-904,-906,-650,-651,-647,1291,-707,-708,1291,-644,-905,-649,-652,-605,-716,1291,1291,-607,-588,1291,1291,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1291,1291,-711,-712,1291,-718,1291,509,509,509,1291,1291,-940,509,-441,-443,-749,1291,-893,1291,-717,-1896,1291,1291,509,509,1291,-444,-514,-525,1291,-730,-735,1291,-737,1291,-742,1291,-664,-670,1291,-680,-682,-684,-685,-692,-695,-699,-747,1291,1291,-876,1291,1291,-880,1291,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1291,-814,1291,-816,-803,1291,-804,-807,1291,-818,-821,-823,-825,-827,1291,-828,1291,-811,1291,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,509,-284,509,1291,509,1291,-457,1291,1291,-731,1291,-738,1291,-743,1291,-665,-673,1291,1291,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1291,-838,-53,509,1291,-732,1291,-739,1291,-744,-666,1291,-875,-54,509,509,-733,-740,-745,1291,509,1291,-874,]),'MONTHNAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[510,510,510,1292,-1896,510,510,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,510,510,510,510,-277,-278,1292,-1427,1292,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1292,1292,1292,-492,1292,1292,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1292,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1292,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1292,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,510,-174,-175,-176,-177,-995,510,510,510,510,510,510,510,510,510,510,1292,1292,1292,1292,1292,-292,-293,-283,510,1292,1292,1292,1292,-330,-320,-334,-335,-336,1292,1292,-984,-985,-986,-987,-988,-989,-990,510,510,1292,1292,1292,1292,1292,1292,1292,1292,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1292,1292,1292,-355,-358,510,-325,-326,-143,1292,-144,1292,-145,1292,-432,-937,-938,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1896,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1896,1292,-1896,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1896,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1896,510,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1292,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1292,510,510,-193,-194,510,-996,1292,510,510,510,510,-279,-280,-281,-282,-367,1292,-310,1292,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1292,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1292,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1292,1292,1292,1292,1292,1292,-575,1292,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1292,1292,-725,-726,-727,1292,1292,510,510,510,510,-996,510,1292,-93,-94,510,510,510,1292,-311,-312,-322,1292,-309,-295,-296,-297,1292,510,1292,1292,-620,-635,-592,1292,510,-438,510,-439,1292,-446,-447,-448,-380,-381,1292,1292,1292,-508,1292,1292,-512,1292,1292,1292,1292,-517,-518,-519,-520,1292,1292,-523,-524,1292,-526,-527,-528,-529,-530,-531,-532,-533,1292,-535,1292,1292,1292,-541,-543,-544,1292,-546,-547,-548,-549,1292,1292,1292,1292,1292,1292,-654,-655,-656,-657,510,-659,-660,-661,1292,1292,1292,-667,1292,1292,-671,-672,1292,1292,-675,1292,-677,-678,1292,-681,1292,-683,1292,1292,-686,-687,-688,1292,-690,1292,1292,-693,1292,1292,-696,-697,-698,1292,-700,-701,-702,-703,1292,1292,-748,1292,-751,-752,-753,-754,-755,1292,-757,-758,-759,-760,-761,1292,-768,-769,-771,1292,-773,-774,-775,-784,-858,-860,-862,-864,1292,1292,1292,1292,-870,1292,-872,1292,1292,1292,1292,1292,1292,1292,-908,-909,1292,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1292,-923,-926,1292,-936,1292,-387,-388,-389,1292,1292,-392,-393,-394,-395,1292,-398,1292,-401,-402,1292,-403,1292,-408,-409,1292,-412,-413,-414,1292,-417,1292,-418,1292,-423,-424,1292,-427,1292,-430,-431,-1896,-1896,1292,-621,-622,-623,-624,-625,-636,-586,-626,-799,1292,1292,1292,1292,1292,-833,1292,1292,-808,1292,-834,1292,1292,1292,1292,-800,1292,-855,-801,1292,1292,1292,1292,1292,1292,-856,-857,1292,-836,-832,-837,1292,-627,1292,-628,-629,-630,-631,-576,1292,1292,-632,-633,-634,1292,1292,1292,1292,1292,1292,-637,-638,-639,-594,-1896,-604,1292,-640,-641,-715,-642,-606,1292,-574,-579,-582,-585,1292,1292,1292,-600,-603,1292,-610,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1292,510,510,-997,510,1292,510,510,510,1292,-308,-327,-321,-298,-377,-454,-455,-456,-460,510,-445,1292,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1292,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,510,510,510,510,510,510,510,510,1292,-318,-537,-510,-593,-939,-941,-942,-440,1292,-442,-382,-383,-385,-509,-511,-513,1292,-515,-516,-521,-522,1292,-534,-536,-539,-540,-545,-550,-728,1292,-729,1292,-734,1292,-736,1292,-741,-658,-662,-663,1292,-668,1292,-669,1292,-674,-676,1292,-679,1292,1292,1292,-689,-691,1292,-694,1292,1292,-746,1292,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1292,1292,1292,1292,1292,-879,1292,-882,-910,-922,-927,-390,-391,1292,-396,1292,-399,1292,-404,1292,-405,1292,-410,1292,-415,1292,-419,1292,-420,1292,-425,1292,-428,-901,-902,-645,-587,-1896,-903,1292,1292,1292,-802,1292,1292,-806,1292,-809,-835,1292,-820,1292,-822,1292,-824,-810,1292,-826,1292,-853,-854,1292,1292,-813,1292,-648,-904,-906,-650,-651,-647,1292,-707,-708,1292,-644,-905,-649,-652,-605,-716,1292,1292,-607,-588,1292,1292,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1292,1292,-711,-712,1292,-718,1292,510,510,510,1292,1292,-940,510,-441,-443,-749,1292,-893,1292,-717,-1896,1292,1292,510,510,1292,-444,-514,-525,1292,-730,-735,1292,-737,1292,-742,1292,-664,-670,1292,-680,-682,-684,-685,-692,-695,-699,-747,1292,1292,-876,1292,1292,-880,1292,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1292,-814,1292,-816,-803,1292,-804,-807,1292,-818,-821,-823,-825,-827,1292,-828,1292,-811,1292,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,510,-284,510,1292,510,1292,-457,1292,1292,-731,1292,-738,1292,-743,1292,-665,-673,1292,1292,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1292,-838,-53,510,1292,-732,1292,-739,1292,-744,-666,1292,-875,-54,510,510,-733,-740,-745,1292,510,1292,-874,]),'MOVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[511,511,511,511,-1896,511,511,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,511,511,511,511,-277,-278,511,-1427,511,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,511,511,511,-492,511,511,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,511,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,511,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,511,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,511,-174,-175,-176,-177,-995,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-292,-293,-283,511,511,511,511,511,-330,-320,-334,-335,-336,511,511,-984,-985,-986,-987,-988,-989,-990,511,511,511,511,511,511,511,511,511,511,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,511,511,511,-355,-358,511,-325,-326,-143,511,-144,511,-145,511,-432,-937,-938,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-1896,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-1896,511,-1896,511,511,511,511,511,511,511,511,511,511,511,511,-1896,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-1896,511,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,511,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,511,511,511,-193,-194,511,-996,511,511,511,511,511,-279,-280,-281,-282,-367,511,-310,511,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,511,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,511,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,511,511,511,511,511,511,-575,511,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,511,511,-725,-726,-727,511,511,511,511,511,511,-996,511,511,-93,-94,511,511,511,511,-311,-312,-322,511,-309,-295,-296,-297,511,511,511,511,-620,-635,-592,511,511,-438,511,-439,511,-446,-447,-448,-380,-381,511,511,511,-508,511,511,-512,511,511,511,511,-517,-518,-519,-520,511,511,-523,-524,511,-526,-527,-528,-529,-530,-531,-532,-533,511,-535,511,511,511,-541,-543,-544,511,-546,-547,-548,-549,511,511,511,511,511,511,-654,-655,-656,-657,511,-659,-660,-661,511,511,511,-667,511,511,-671,-672,511,511,-675,511,-677,-678,511,-681,511,-683,511,511,-686,-687,-688,511,-690,511,511,-693,511,511,-696,-697,-698,511,-700,-701,-702,-703,511,511,-748,511,-751,-752,-753,-754,-755,511,-757,-758,-759,-760,-761,511,-768,-769,-771,511,-773,-774,-775,-784,-858,-860,-862,-864,511,511,511,511,-870,511,-872,511,511,511,511,511,511,511,-908,-909,511,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,511,-923,-926,511,-936,511,-387,-388,-389,511,511,-392,-393,-394,-395,511,-398,511,-401,-402,511,-403,511,-408,-409,511,-412,-413,-414,511,-417,511,-418,511,-423,-424,511,-427,511,-430,-431,-1896,-1896,511,-621,-622,-623,-624,-625,-636,-586,-626,-799,511,511,511,511,511,-833,511,511,-808,511,-834,511,511,511,511,-800,511,-855,-801,511,511,511,511,511,511,-856,-857,511,-836,-832,-837,511,-627,511,-628,-629,-630,-631,-576,511,511,-632,-633,-634,511,511,511,511,511,511,-637,-638,-639,-594,-1896,-604,511,-640,-641,-715,-642,-606,511,-574,-579,-582,-585,511,511,511,-600,-603,511,-610,511,511,511,511,511,511,511,511,511,511,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,511,511,511,-997,511,511,511,511,511,511,-308,-327,-321,-298,-377,-454,-455,-456,-460,511,-445,511,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,511,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,511,511,511,511,511,511,511,511,511,-318,-537,-510,-593,-939,-941,-942,-440,511,-442,-382,-383,-385,-509,-511,-513,511,-515,-516,-521,-522,511,-534,-536,-539,-540,-545,-550,-728,511,-729,511,-734,511,-736,511,-741,-658,-662,-663,511,-668,511,-669,511,-674,-676,511,-679,511,511,511,-689,-691,511,-694,511,511,-746,511,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,511,511,511,511,511,-879,511,-882,-910,-922,-927,-390,-391,511,-396,511,-399,511,-404,511,-405,511,-410,511,-415,511,-419,511,-420,511,-425,511,-428,-901,-902,-645,-587,-1896,-903,511,511,511,-802,511,511,-806,511,-809,-835,511,-820,511,-822,511,-824,-810,511,-826,511,-853,-854,511,511,-813,511,-648,-904,-906,-650,-651,-647,511,-707,-708,511,-644,-905,-649,-652,-605,-716,511,511,-607,-588,511,511,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,511,511,-711,-712,511,-718,511,511,511,511,511,511,-940,511,-441,-443,-749,511,-893,511,-717,-1896,511,511,511,511,511,-444,-514,-525,511,-730,-735,511,-737,511,-742,511,-664,-670,511,-680,-682,-684,-685,-692,-695,-699,-747,511,511,-876,511,511,-880,511,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,511,-814,511,-816,-803,511,-804,-807,511,-818,-821,-823,-825,-827,511,-828,511,-811,511,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,511,-284,511,511,511,511,-457,511,511,-731,511,-738,511,-743,511,-665,-673,511,511,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,511,-838,-53,511,511,-732,511,-739,511,-744,-666,511,-875,-54,511,511,-733,-740,-745,511,511,511,-874,]),'MULTILINESTRING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[512,512,512,512,-1896,512,512,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,512,512,512,512,-277,-278,512,-1427,512,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,512,512,512,-492,512,512,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,512,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,512,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,512,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,512,-174,-175,-176,-177,-995,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-292,-293,-283,512,512,512,512,512,-330,-320,-334,-335,-336,512,512,-984,-985,-986,-987,-988,-989,-990,512,512,512,512,512,512,512,512,512,512,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,512,512,512,-355,-358,512,-325,-326,-143,512,-144,512,-145,512,-432,-937,-938,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-1896,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-1896,512,-1896,512,512,512,512,512,512,512,512,512,512,512,512,-1896,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-1896,512,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,512,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,512,512,512,-193,-194,512,-996,512,512,512,512,512,-279,-280,-281,-282,-367,512,-310,512,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,512,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,512,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,512,512,512,512,512,512,-575,512,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,512,512,-725,-726,-727,512,512,512,512,512,512,-996,512,512,-93,-94,512,512,512,512,-311,-312,-322,512,-309,-295,-296,-297,512,512,512,512,-620,-635,-592,512,512,-438,512,-439,512,-446,-447,-448,-380,-381,512,512,512,-508,512,512,-512,512,512,512,512,-517,-518,-519,-520,512,512,-523,-524,512,-526,-527,-528,-529,-530,-531,-532,-533,512,-535,512,512,512,-541,-543,-544,512,-546,-547,-548,-549,512,512,512,512,512,512,-654,-655,-656,-657,512,-659,-660,-661,512,512,512,-667,512,512,-671,-672,512,512,-675,512,-677,-678,512,-681,512,-683,512,512,-686,-687,-688,512,-690,512,512,-693,512,512,-696,-697,-698,512,-700,-701,-702,-703,512,512,-748,512,-751,-752,-753,-754,-755,512,-757,-758,-759,-760,-761,512,-768,-769,-771,512,-773,-774,-775,-784,-858,-860,-862,-864,512,512,512,512,-870,512,-872,512,512,512,512,512,512,512,-908,-909,512,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,512,-923,-926,512,-936,512,-387,-388,-389,512,512,-392,-393,-394,-395,512,-398,512,-401,-402,512,-403,512,-408,-409,512,-412,-413,-414,512,-417,512,-418,512,-423,-424,512,-427,512,-430,-431,-1896,-1896,512,-621,-622,-623,-624,-625,-636,-586,-626,-799,512,512,512,512,512,-833,512,512,-808,512,-834,512,512,512,512,-800,512,-855,-801,512,512,512,512,512,512,-856,-857,512,-836,-832,-837,512,-627,512,-628,-629,-630,-631,-576,512,512,-632,-633,-634,512,512,512,512,512,512,-637,-638,-639,-594,-1896,-604,512,-640,-641,-715,-642,-606,512,-574,-579,-582,-585,512,512,512,-600,-603,512,-610,512,512,512,512,512,512,512,512,512,512,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,512,512,512,-997,512,512,512,512,512,512,-308,-327,-321,-298,-377,-454,-455,-456,-460,512,-445,512,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,512,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,512,512,512,512,512,512,512,512,512,-318,-537,-510,-593,-939,-941,-942,-440,512,-442,-382,-383,-385,-509,-511,-513,512,-515,-516,-521,-522,512,-534,-536,-539,-540,-545,-550,-728,512,-729,512,-734,512,-736,512,-741,-658,-662,-663,512,-668,512,-669,512,-674,-676,512,-679,512,512,512,-689,-691,512,-694,512,512,-746,512,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,512,512,512,512,512,-879,512,-882,-910,-922,-927,-390,-391,512,-396,512,-399,512,-404,512,-405,512,-410,512,-415,512,-419,512,-420,512,-425,512,-428,-901,-902,-645,-587,-1896,-903,512,512,512,-802,512,512,-806,512,-809,-835,512,-820,512,-822,512,-824,-810,512,-826,512,-853,-854,512,512,-813,512,-648,-904,-906,-650,-651,-647,512,-707,-708,512,-644,-905,-649,-652,-605,-716,512,512,-607,-588,512,512,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,512,512,-711,-712,512,-718,512,512,512,512,512,512,-940,512,-441,-443,-749,512,-893,512,-717,-1896,512,512,512,512,512,-444,-514,-525,512,-730,-735,512,-737,512,-742,512,-664,-670,512,-680,-682,-684,-685,-692,-695,-699,-747,512,512,-876,512,512,-880,512,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,512,-814,512,-816,-803,512,-804,-807,512,-818,-821,-823,-825,-827,512,-828,512,-811,512,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,512,-284,512,512,512,512,-457,512,512,-731,512,-738,512,-743,512,-665,-673,512,512,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,512,-838,-53,512,512,-732,512,-739,512,-744,-666,512,-875,-54,512,512,-733,-740,-745,512,512,512,-874,]),'MULTIPOINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[513,513,513,513,-1896,513,513,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,513,513,513,513,-277,-278,513,-1427,513,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,513,513,513,-492,513,513,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,513,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,513,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,513,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,513,-174,-175,-176,-177,-995,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-292,-293,-283,513,513,513,513,513,-330,-320,-334,-335,-336,513,513,-984,-985,-986,-987,-988,-989,-990,513,513,513,513,513,513,513,513,513,513,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,513,513,513,-355,-358,513,-325,-326,-143,513,-144,513,-145,513,-432,-937,-938,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-1896,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-1896,513,-1896,513,513,513,513,513,513,513,513,513,513,513,513,-1896,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-1896,513,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,513,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,513,513,513,-193,-194,513,-996,513,513,513,513,513,-279,-280,-281,-282,-367,513,-310,513,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,513,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,513,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,513,513,513,513,513,513,-575,513,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,513,513,-725,-726,-727,513,513,513,513,513,513,-996,513,513,-93,-94,513,513,513,513,-311,-312,-322,513,-309,-295,-296,-297,513,513,513,513,-620,-635,-592,513,513,-438,513,-439,513,-446,-447,-448,-380,-381,513,513,513,-508,513,513,-512,513,513,513,513,-517,-518,-519,-520,513,513,-523,-524,513,-526,-527,-528,-529,-530,-531,-532,-533,513,-535,513,513,513,-541,-543,-544,513,-546,-547,-548,-549,513,513,513,513,513,513,-654,-655,-656,-657,513,-659,-660,-661,513,513,513,-667,513,513,-671,-672,513,513,-675,513,-677,-678,513,-681,513,-683,513,513,-686,-687,-688,513,-690,513,513,-693,513,513,-696,-697,-698,513,-700,-701,-702,-703,513,513,-748,513,-751,-752,-753,-754,-755,513,-757,-758,-759,-760,-761,513,-768,-769,-771,513,-773,-774,-775,-784,-858,-860,-862,-864,513,513,513,513,-870,513,-872,513,513,513,513,513,513,513,-908,-909,513,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,513,-923,-926,513,-936,513,-387,-388,-389,513,513,-392,-393,-394,-395,513,-398,513,-401,-402,513,-403,513,-408,-409,513,-412,-413,-414,513,-417,513,-418,513,-423,-424,513,-427,513,-430,-431,-1896,-1896,513,-621,-622,-623,-624,-625,-636,-586,-626,-799,513,513,513,513,513,-833,513,513,-808,513,-834,513,513,513,513,-800,513,-855,-801,513,513,513,513,513,513,-856,-857,513,-836,-832,-837,513,-627,513,-628,-629,-630,-631,-576,513,513,-632,-633,-634,513,513,513,513,513,513,-637,-638,-639,-594,-1896,-604,513,-640,-641,-715,-642,-606,513,-574,-579,-582,-585,513,513,513,-600,-603,513,-610,513,513,513,513,513,513,513,513,513,513,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,513,513,513,-997,513,513,513,513,513,513,-308,-327,-321,-298,-377,-454,-455,-456,-460,513,-445,513,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,513,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,513,513,513,513,513,513,513,513,513,-318,-537,-510,-593,-939,-941,-942,-440,513,-442,-382,-383,-385,-509,-511,-513,513,-515,-516,-521,-522,513,-534,-536,-539,-540,-545,-550,-728,513,-729,513,-734,513,-736,513,-741,-658,-662,-663,513,-668,513,-669,513,-674,-676,513,-679,513,513,513,-689,-691,513,-694,513,513,-746,513,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,513,513,513,513,513,-879,513,-882,-910,-922,-927,-390,-391,513,-396,513,-399,513,-404,513,-405,513,-410,513,-415,513,-419,513,-420,513,-425,513,-428,-901,-902,-645,-587,-1896,-903,513,513,513,-802,513,513,-806,513,-809,-835,513,-820,513,-822,513,-824,-810,513,-826,513,-853,-854,513,513,-813,513,-648,-904,-906,-650,-651,-647,513,-707,-708,513,-644,-905,-649,-652,-605,-716,513,513,-607,-588,513,513,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,513,513,-711,-712,513,-718,513,513,513,513,513,513,-940,513,-441,-443,-749,513,-893,513,-717,-1896,513,513,513,513,513,-444,-514,-525,513,-730,-735,513,-737,513,-742,513,-664,-670,513,-680,-682,-684,-685,-692,-695,-699,-747,513,513,-876,513,513,-880,513,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,513,-814,513,-816,-803,513,-804,-807,513,-818,-821,-823,-825,-827,513,-828,513,-811,513,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,513,-284,513,513,513,513,-457,513,513,-731,513,-738,513,-743,513,-665,-673,513,513,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,513,-838,-53,513,513,-732,513,-739,513,-744,-666,513,-875,-54,513,513,-733,-740,-745,513,513,513,-874,]),'MULTIPOLYGON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[514,514,514,514,-1896,514,514,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,514,514,514,514,-277,-278,514,-1427,514,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,514,514,514,-492,514,514,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,514,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,514,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,514,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,514,-174,-175,-176,-177,-995,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-292,-293,-283,514,514,514,514,514,-330,-320,-334,-335,-336,514,514,-984,-985,-986,-987,-988,-989,-990,514,514,514,514,514,514,514,514,514,514,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,514,514,514,-355,-358,514,-325,-326,-143,514,-144,514,-145,514,-432,-937,-938,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-1896,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-1896,514,-1896,514,514,514,514,514,514,514,514,514,514,514,514,-1896,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-1896,514,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,514,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,514,514,514,-193,-194,514,-996,514,514,514,514,514,-279,-280,-281,-282,-367,514,-310,514,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,514,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,514,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,514,514,514,514,514,514,-575,514,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,514,514,-725,-726,-727,514,514,514,514,514,514,-996,514,514,-93,-94,514,514,514,514,-311,-312,-322,514,-309,-295,-296,-297,514,514,514,514,-620,-635,-592,514,514,-438,514,-439,514,-446,-447,-448,-380,-381,514,514,514,-508,514,514,-512,514,514,514,514,-517,-518,-519,-520,514,514,-523,-524,514,-526,-527,-528,-529,-530,-531,-532,-533,514,-535,514,514,514,-541,-543,-544,514,-546,-547,-548,-549,514,514,514,514,514,514,-654,-655,-656,-657,514,-659,-660,-661,514,514,514,-667,514,514,-671,-672,514,514,-675,514,-677,-678,514,-681,514,-683,514,514,-686,-687,-688,514,-690,514,514,-693,514,514,-696,-697,-698,514,-700,-701,-702,-703,514,514,-748,514,-751,-752,-753,-754,-755,514,-757,-758,-759,-760,-761,514,-768,-769,-771,514,-773,-774,-775,-784,-858,-860,-862,-864,514,514,514,514,-870,514,-872,514,514,514,514,514,514,514,-908,-909,514,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,514,-923,-926,514,-936,514,-387,-388,-389,514,514,-392,-393,-394,-395,514,-398,514,-401,-402,514,-403,514,-408,-409,514,-412,-413,-414,514,-417,514,-418,514,-423,-424,514,-427,514,-430,-431,-1896,-1896,514,-621,-622,-623,-624,-625,-636,-586,-626,-799,514,514,514,514,514,-833,514,514,-808,514,-834,514,514,514,514,-800,514,-855,-801,514,514,514,514,514,514,-856,-857,514,-836,-832,-837,514,-627,514,-628,-629,-630,-631,-576,514,514,-632,-633,-634,514,514,514,514,514,514,-637,-638,-639,-594,-1896,-604,514,-640,-641,-715,-642,-606,514,-574,-579,-582,-585,514,514,514,-600,-603,514,-610,514,514,514,514,514,514,514,514,514,514,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,514,514,514,-997,514,514,514,514,514,514,-308,-327,-321,-298,-377,-454,-455,-456,-460,514,-445,514,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,514,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,514,514,514,514,514,514,514,514,514,-318,-537,-510,-593,-939,-941,-942,-440,514,-442,-382,-383,-385,-509,-511,-513,514,-515,-516,-521,-522,514,-534,-536,-539,-540,-545,-550,-728,514,-729,514,-734,514,-736,514,-741,-658,-662,-663,514,-668,514,-669,514,-674,-676,514,-679,514,514,514,-689,-691,514,-694,514,514,-746,514,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,514,514,514,514,514,-879,514,-882,-910,-922,-927,-390,-391,514,-396,514,-399,514,-404,514,-405,514,-410,514,-415,514,-419,514,-420,514,-425,514,-428,-901,-902,-645,-587,-1896,-903,514,514,514,-802,514,514,-806,514,-809,-835,514,-820,514,-822,514,-824,-810,514,-826,514,-853,-854,514,514,-813,514,-648,-904,-906,-650,-651,-647,514,-707,-708,514,-644,-905,-649,-652,-605,-716,514,514,-607,-588,514,514,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,514,514,-711,-712,514,-718,514,514,514,514,514,514,-940,514,-441,-443,-749,514,-893,514,-717,-1896,514,514,514,514,514,-444,-514,-525,514,-730,-735,514,-737,514,-742,514,-664,-670,514,-680,-682,-684,-685,-692,-695,-699,-747,514,514,-876,514,514,-880,514,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,514,-814,514,-816,-803,514,-804,-807,514,-818,-821,-823,-825,-827,514,-828,514,-811,514,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,514,-284,514,514,514,514,-457,514,514,-731,514,-738,514,-743,514,-665,-673,514,514,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,514,-838,-53,514,514,-732,514,-739,514,-744,-666,514,-875,-54,514,514,-733,-740,-745,514,514,514,-874,]),'MUTEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[515,515,515,515,-1896,515,515,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,515,515,515,515,-277,-278,515,-1427,515,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,515,515,515,-492,515,515,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,515,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,515,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,515,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,515,-174,-175,-176,-177,-995,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-292,-293,-283,515,515,515,515,515,-330,-320,-334,-335,-336,515,515,-984,-985,-986,-987,-988,-989,-990,515,515,515,515,515,515,515,515,515,515,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,515,515,515,-355,-358,515,-325,-326,-143,515,-144,515,-145,515,-432,-937,-938,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-1896,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-1896,515,-1896,515,515,515,515,515,515,515,515,515,515,515,515,-1896,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-1896,515,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,515,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,515,515,515,-193,-194,515,-996,515,515,515,515,515,-279,-280,-281,-282,-367,515,-310,515,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,515,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,515,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,515,515,515,515,515,515,-575,515,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,515,515,-725,-726,-727,515,515,515,515,515,515,-996,515,515,-93,-94,515,515,515,515,-311,-312,-322,515,-309,-295,-296,-297,515,515,515,515,-620,-635,-592,515,515,-438,515,-439,515,-446,-447,-448,-380,-381,515,515,515,-508,515,515,-512,515,515,515,515,-517,-518,-519,-520,515,515,-523,-524,515,-526,-527,-528,-529,-530,-531,-532,-533,515,-535,515,515,515,-541,-543,-544,515,-546,-547,-548,-549,515,515,515,515,515,515,-654,-655,-656,-657,515,-659,-660,-661,515,515,515,-667,515,515,-671,-672,515,515,-675,515,-677,-678,515,-681,515,-683,515,515,-686,-687,-688,515,-690,515,515,-693,515,515,-696,-697,-698,515,-700,-701,-702,-703,515,515,-748,515,-751,-752,-753,-754,-755,515,-757,-758,-759,-760,-761,515,-768,-769,-771,515,-773,-774,-775,-784,-858,-860,-862,-864,515,515,515,515,-870,515,-872,515,515,515,515,515,515,515,-908,-909,515,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,515,-923,-926,515,-936,515,-387,-388,-389,515,515,-392,-393,-394,-395,515,-398,515,-401,-402,515,-403,515,-408,-409,515,-412,-413,-414,515,-417,515,-418,515,-423,-424,515,-427,515,-430,-431,-1896,-1896,515,-621,-622,-623,-624,-625,-636,-586,-626,-799,515,515,515,515,515,-833,515,515,-808,515,-834,515,515,515,515,-800,515,-855,-801,515,515,515,515,515,515,-856,-857,515,-836,-832,-837,515,-627,515,-628,-629,-630,-631,-576,515,515,-632,-633,-634,515,515,515,515,515,515,-637,-638,-639,-594,-1896,-604,515,-640,-641,-715,-642,-606,515,-574,-579,-582,-585,515,515,515,-600,-603,515,-610,515,515,515,515,515,515,515,515,515,515,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,515,515,515,-997,515,515,515,515,515,515,-308,-327,-321,-298,-377,-454,-455,-456,-460,515,-445,515,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,515,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,515,515,515,515,515,515,515,515,515,-318,-537,-510,-593,-939,-941,-942,-440,515,-442,-382,-383,-385,-509,-511,-513,515,-515,-516,-521,-522,515,-534,-536,-539,-540,-545,-550,-728,515,-729,515,-734,515,-736,515,-741,-658,-662,-663,515,-668,515,-669,515,-674,-676,515,-679,515,515,515,-689,-691,515,-694,515,515,-746,515,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,515,515,515,515,515,-879,515,-882,-910,-922,-927,-390,-391,515,-396,515,-399,515,-404,515,-405,515,-410,515,-415,515,-419,515,-420,515,-425,515,-428,-901,-902,-645,-587,-1896,-903,515,515,515,-802,515,515,-806,515,-809,-835,515,-820,515,-822,515,-824,-810,515,-826,515,-853,-854,515,515,-813,515,-648,-904,-906,-650,-651,-647,515,-707,-708,515,-644,-905,-649,-652,-605,-716,515,515,-607,-588,515,515,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,515,515,-711,-712,515,-718,515,515,515,515,515,515,-940,515,-441,-443,-749,515,-893,515,-717,-1896,515,515,515,515,515,-444,-514,-525,515,-730,-735,515,-737,515,-742,515,-664,-670,515,-680,-682,-684,-685,-692,-695,-699,-747,515,515,-876,515,515,-880,515,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,515,-814,515,-816,-803,515,-804,-807,515,-818,-821,-823,-825,-827,515,-828,515,-811,515,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,515,-284,515,515,515,515,-457,515,515,-731,515,-738,515,-743,515,-665,-673,515,515,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,515,-838,-53,515,515,-732,515,-739,515,-744,-666,515,-875,-54,515,515,-733,-740,-745,515,515,515,-874,]),'MYSQL_ERRNO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[516,516,516,516,-1896,516,516,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,516,516,516,516,-277,-278,516,-1427,516,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,516,516,516,-492,516,516,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,516,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,516,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,516,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,516,-174,-175,-176,-177,-995,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-292,-293,-283,516,516,516,516,516,-330,-320,-334,-335,-336,516,516,-984,-985,-986,-987,-988,-989,-990,516,516,516,516,516,516,516,516,516,516,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,516,516,516,-355,-358,516,-325,-326,-143,516,-144,516,-145,516,-432,-937,-938,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-1896,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-1896,516,-1896,516,516,516,516,516,516,516,516,516,516,516,516,-1896,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-1896,516,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,516,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,516,516,516,-193,-194,516,-996,516,516,516,516,516,-279,-280,-281,-282,-367,516,-310,516,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,516,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,516,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,516,516,516,516,516,516,-575,516,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,516,516,-725,-726,-727,516,516,516,516,516,516,-996,516,516,-93,-94,516,516,516,516,-311,-312,-322,516,-309,-295,-296,-297,516,516,516,516,-620,-635,-592,516,516,-438,516,-439,516,-446,-447,-448,-380,-381,516,516,516,-508,516,516,-512,516,516,516,516,-517,-518,-519,-520,516,516,-523,-524,516,-526,-527,-528,-529,-530,-531,-532,-533,516,-535,516,516,516,-541,-543,-544,516,-546,-547,-548,-549,516,516,516,516,516,516,-654,-655,-656,-657,516,-659,-660,-661,516,516,516,-667,516,516,-671,-672,516,516,-675,516,-677,-678,516,-681,516,-683,516,516,-686,-687,-688,516,-690,516,516,-693,516,516,-696,-697,-698,516,-700,-701,-702,-703,516,516,-748,516,-751,-752,-753,-754,-755,516,-757,-758,-759,-760,-761,516,-768,-769,-771,516,-773,-774,-775,-784,-858,-860,-862,-864,516,516,516,516,-870,516,-872,516,516,516,516,516,516,516,-908,-909,516,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,516,-923,-926,516,-936,516,-387,-388,-389,516,516,-392,-393,-394,-395,516,-398,516,-401,-402,516,-403,516,-408,-409,516,-412,-413,-414,516,-417,516,-418,516,-423,-424,516,-427,516,-430,-431,-1896,-1896,516,-621,-622,-623,-624,-625,-636,-586,-626,-799,516,516,516,516,516,-833,516,516,-808,516,-834,516,516,516,516,-800,516,-855,-801,516,516,516,516,516,516,-856,-857,516,-836,-832,-837,516,-627,516,-628,-629,-630,-631,-576,516,516,-632,-633,-634,516,516,516,516,516,516,-637,-638,-639,-594,-1896,-604,516,-640,-641,-715,-642,-606,516,-574,-579,-582,-585,516,516,516,-600,-603,516,-610,516,516,516,516,516,516,516,516,516,516,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,516,516,516,-997,516,516,516,516,516,516,-308,-327,-321,-298,-377,-454,-455,-456,-460,516,-445,516,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,516,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,516,516,516,516,516,516,516,516,516,-318,-537,-510,-593,-939,-941,-942,-440,516,-442,-382,-383,-385,-509,-511,-513,516,-515,-516,-521,-522,516,-534,-536,-539,-540,-545,-550,-728,516,-729,516,-734,516,-736,516,-741,-658,-662,-663,516,-668,516,-669,516,-674,-676,516,-679,516,516,516,-689,-691,516,-694,516,516,-746,516,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,516,516,516,516,516,-879,516,-882,-910,-922,-927,-390,-391,516,-396,516,-399,516,-404,516,-405,516,-410,516,-415,516,-419,516,-420,516,-425,516,-428,-901,-902,-645,-587,-1896,-903,516,516,516,-802,516,516,-806,516,-809,-835,516,-820,516,-822,516,-824,-810,516,-826,516,-853,-854,516,516,-813,516,-648,-904,-906,-650,-651,-647,516,-707,-708,516,-644,-905,-649,-652,-605,-716,516,516,-607,-588,516,516,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,516,516,-711,-712,516,-718,516,516,516,516,516,516,-940,516,-441,-443,-749,516,-893,516,-717,-1896,516,516,516,516,516,-444,-514,-525,516,-730,-735,516,-737,516,-742,516,-664,-670,516,-680,-682,-684,-685,-692,-695,-699,-747,516,516,-876,516,516,-880,516,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,516,-814,516,-816,-803,516,-804,-807,516,-818,-821,-823,-825,-827,516,-828,516,-811,516,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,516,-284,516,516,516,516,-457,516,516,-731,516,-738,516,-743,516,-665,-673,516,516,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,516,-838,-53,516,516,-732,516,-739,516,-744,-666,516,-875,-54,516,516,-733,-740,-745,516,516,516,-874,]),'NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[517,517,517,517,-1896,517,517,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,517,517,517,517,-277,-278,517,-1427,517,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,517,517,517,-492,517,517,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,517,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,517,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,517,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,517,-174,-175,-176,-177,-995,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-292,-293,-283,517,517,517,517,517,-330,-320,-334,-335,-336,517,517,-984,-985,-986,-987,-988,-989,-990,517,517,517,517,517,517,517,517,517,517,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,517,517,517,-355,-358,517,-325,-326,-143,517,-144,517,-145,517,-432,-937,-938,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-1896,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-1896,517,-1896,517,517,517,517,517,517,517,517,517,517,517,517,-1896,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-1896,517,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,517,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,517,517,517,-193,-194,517,-996,517,517,517,517,517,-279,-280,-281,-282,-367,517,-310,517,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,517,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,517,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,517,517,517,517,517,517,-575,517,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,517,517,-725,-726,-727,517,517,517,517,517,517,-996,517,517,-93,-94,517,517,517,517,-311,-312,-322,517,-309,-295,-296,-297,517,517,517,517,-620,-635,-592,517,517,-438,517,-439,517,-446,-447,-448,-380,-381,517,517,517,-508,517,517,-512,517,517,517,517,-517,-518,-519,-520,517,517,-523,-524,517,-526,-527,-528,-529,-530,-531,-532,-533,517,-535,517,517,517,-541,-543,-544,517,-546,-547,-548,-549,517,517,517,517,517,517,-654,-655,-656,-657,517,-659,-660,-661,517,517,517,-667,517,517,-671,-672,517,517,-675,517,-677,-678,517,-681,517,-683,517,517,-686,-687,-688,517,-690,517,517,-693,517,517,-696,-697,-698,517,-700,-701,-702,-703,517,517,-748,517,-751,-752,-753,-754,-755,517,-757,-758,-759,-760,-761,517,-768,-769,-771,517,-773,-774,-775,-784,-858,-860,-862,-864,517,517,517,517,-870,517,-872,517,517,517,517,517,517,517,-908,-909,517,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,517,-923,-926,517,-936,517,-387,-388,-389,517,517,-392,-393,-394,-395,517,-398,517,-401,-402,517,-403,517,-408,-409,517,-412,-413,-414,517,-417,517,-418,517,-423,-424,517,-427,517,-430,-431,-1896,-1896,517,-621,-622,-623,-624,-625,-636,-586,-626,-799,517,517,517,517,517,-833,517,517,-808,517,-834,517,517,517,517,-800,517,-855,-801,517,517,517,517,517,517,-856,-857,517,-836,-832,-837,517,-627,517,-628,-629,-630,-631,-576,517,517,-632,-633,-634,517,517,517,517,517,517,-637,-638,-639,-594,-1896,-604,517,-640,-641,-715,-642,-606,517,-574,-579,-582,-585,517,517,517,-600,-603,517,-610,517,517,517,517,517,517,517,517,517,517,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,517,517,517,-997,517,517,517,517,517,517,-308,-327,-321,-298,-377,-454,-455,-456,-460,517,-445,517,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,517,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,517,517,517,517,517,517,517,517,517,-318,-537,-510,-593,-939,-941,-942,-440,517,-442,-382,-383,-385,-509,-511,-513,517,-515,-516,-521,-522,517,-534,-536,-539,-540,-545,-550,-728,517,-729,517,-734,517,-736,517,-741,-658,-662,-663,517,-668,517,-669,517,-674,-676,517,-679,517,517,517,-689,-691,517,-694,517,517,-746,517,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,517,517,517,517,517,-879,517,-882,-910,-922,-927,-390,-391,517,-396,517,-399,517,-404,517,-405,517,-410,517,-415,517,-419,517,-420,517,-425,517,-428,-901,-902,-645,-587,-1896,-903,517,517,517,-802,517,517,-806,517,-809,-835,517,-820,517,-822,517,-824,-810,517,-826,517,-853,-854,517,517,-813,517,-648,-904,-906,-650,-651,-647,517,-707,-708,517,-644,-905,-649,-652,-605,-716,517,517,-607,-588,517,517,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,517,517,-711,-712,517,-718,517,517,517,517,517,517,-940,517,-441,-443,-749,517,-893,517,-717,-1896,517,517,517,517,517,-444,-514,-525,517,-730,-735,517,-737,517,-742,517,-664,-670,517,-680,-682,-684,-685,-692,-695,-699,-747,517,517,-876,517,517,-880,517,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,517,-814,517,-816,-803,517,-804,-807,517,-818,-821,-823,-825,-827,517,-828,517,-811,517,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,517,-284,517,517,517,517,-457,517,517,-731,517,-738,517,-743,517,-665,-673,517,517,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,517,-838,-53,517,517,-732,517,-739,517,-744,-666,517,-875,-54,517,517,-733,-740,-745,517,517,517,-874,]),'NAMES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[518,518,518,518,-1896,518,518,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,518,518,518,518,-277,-278,518,-1427,518,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,518,518,518,-492,518,518,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,518,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,518,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,518,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,518,-174,-175,-176,-177,-995,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-292,-293,-283,518,518,518,518,518,-330,-320,-334,-335,-336,518,518,-984,-985,-986,-987,-988,-989,-990,518,518,518,518,518,518,518,518,518,518,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,518,518,518,-355,-358,518,-325,-326,-143,518,-144,518,-145,518,-432,-937,-938,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-1896,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-1896,518,-1896,518,518,518,518,518,518,518,518,518,518,518,518,-1896,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-1896,518,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,518,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,518,518,518,-193,-194,518,-996,518,518,518,518,518,-279,-280,-281,-282,-367,518,-310,518,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,518,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,518,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,518,518,518,518,518,518,-575,518,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,518,518,-725,-726,-727,518,518,518,518,518,518,-996,518,518,-93,-94,518,518,518,518,-311,-312,-322,518,-309,-295,-296,-297,518,518,518,518,-620,-635,-592,518,518,-438,518,-439,518,-446,-447,-448,-380,-381,518,518,518,-508,518,518,-512,518,518,518,518,-517,-518,-519,-520,518,518,-523,-524,518,-526,-527,-528,-529,-530,-531,-532,-533,518,-535,518,518,518,-541,-543,-544,518,-546,-547,-548,-549,518,518,518,518,518,518,-654,-655,-656,-657,518,-659,-660,-661,518,518,518,-667,518,518,-671,-672,518,518,-675,518,-677,-678,518,-681,518,-683,518,518,-686,-687,-688,518,-690,518,518,-693,518,518,-696,-697,-698,518,-700,-701,-702,-703,518,518,-748,518,-751,-752,-753,-754,-755,518,-757,-758,-759,-760,-761,518,-768,-769,-771,518,-773,-774,-775,-784,-858,-860,-862,-864,518,518,518,518,-870,518,-872,518,518,518,518,518,518,518,-908,-909,518,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,518,-923,-926,518,-936,518,-387,-388,-389,518,518,-392,-393,-394,-395,518,-398,518,-401,-402,518,-403,518,-408,-409,518,-412,-413,-414,518,-417,518,-418,518,-423,-424,518,-427,518,-430,-431,-1896,-1896,518,-621,-622,-623,-624,-625,-636,-586,-626,-799,518,518,518,518,518,-833,518,518,-808,518,-834,518,518,518,518,-800,518,-855,-801,518,518,518,518,518,518,-856,-857,518,-836,-832,-837,518,-627,518,-628,-629,-630,-631,-576,518,518,-632,-633,-634,518,518,518,518,518,518,-637,-638,-639,-594,-1896,-604,518,-640,-641,-715,-642,-606,518,-574,-579,-582,-585,518,518,518,-600,-603,518,-610,518,518,518,518,518,518,518,518,518,518,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,518,518,518,-997,518,518,518,518,518,518,-308,-327,-321,-298,-377,-454,-455,-456,-460,518,-445,518,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,518,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,518,518,518,518,518,518,518,518,518,-318,-537,-510,-593,-939,-941,-942,-440,518,-442,-382,-383,-385,-509,-511,-513,518,-515,-516,-521,-522,518,-534,-536,-539,-540,-545,-550,-728,518,-729,518,-734,518,-736,518,-741,-658,-662,-663,518,-668,518,-669,518,-674,-676,518,-679,518,518,518,-689,-691,518,-694,518,518,-746,518,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,518,518,518,518,518,-879,518,-882,-910,-922,-927,-390,-391,518,-396,518,-399,518,-404,518,-405,518,-410,518,-415,518,-419,518,-420,518,-425,518,-428,-901,-902,-645,-587,-1896,-903,518,518,518,-802,518,518,-806,518,-809,-835,518,-820,518,-822,518,-824,-810,518,-826,518,-853,-854,518,518,-813,518,-648,-904,-906,-650,-651,-647,518,-707,-708,518,-644,-905,-649,-652,-605,-716,518,518,-607,-588,518,518,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,518,518,-711,-712,518,-718,518,518,518,518,518,518,-940,518,-441,-443,-749,518,-893,518,-717,-1896,518,518,518,518,518,-444,-514,-525,518,-730,-735,518,-737,518,-742,518,-664,-670,518,-680,-682,-684,-685,-692,-695,-699,-747,518,518,-876,518,518,-880,518,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,518,-814,518,-816,-803,518,-804,-807,518,-818,-821,-823,-825,-827,518,-828,518,-811,518,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,518,-284,518,518,518,518,-457,518,518,-731,518,-738,518,-743,518,-665,-673,518,518,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,518,-838,-53,518,518,-732,518,-739,518,-744,-666,518,-875,-54,518,518,-733,-740,-745,518,518,518,-874,]),'NAME_CONST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[519,519,519,1213,-1896,519,519,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,519,519,519,519,-277,-278,1213,-1427,1213,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1213,1213,1213,-492,1213,1213,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1213,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1213,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1923,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,519,-174,-175,-176,-177,-995,519,519,519,519,519,519,519,519,519,519,1213,1213,1213,1213,1213,-292,-293,-283,519,1213,1213,1213,1213,-330,-320,-334,-335,-336,1213,1213,-984,-985,-986,-987,-988,-989,-990,519,519,1213,1213,1213,1213,1213,1213,1213,1213,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1213,1213,1213,-355,-358,519,-325,-326,-143,1213,-144,1213,-145,1213,-432,-937,-938,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1896,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1896,1213,-1896,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1896,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1896,519,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1213,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1213,519,519,-193,-194,519,-996,1213,519,519,519,519,-279,-280,-281,-282,-367,1213,-310,1213,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1213,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1213,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1213,1213,1213,1213,1213,1213,-575,1213,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1213,1213,-725,-726,-727,1213,1923,519,519,519,519,-996,519,1213,-93,-94,519,519,519,1213,-311,-312,-322,1213,-309,-295,-296,-297,1213,519,1213,1213,-620,-635,-592,1213,519,-438,519,-439,1213,-446,-447,-448,-380,-381,1213,1213,1213,-508,1213,1213,-512,1213,1213,1213,1213,-517,-518,-519,-520,1213,1213,-523,-524,1213,-526,-527,-528,-529,-530,-531,-532,-533,1213,-535,1213,1213,1213,-541,-543,-544,1213,-546,-547,-548,-549,1213,1213,1213,1213,1213,1213,-654,-655,-656,-657,519,-659,-660,-661,1213,1213,1213,-667,1213,1213,-671,-672,1213,1213,-675,1213,-677,-678,1213,-681,1213,-683,1213,1213,-686,-687,-688,1213,-690,1213,1213,-693,1213,1213,-696,-697,-698,1213,-700,-701,-702,-703,1213,1213,-748,1213,-751,-752,-753,-754,-755,1213,-757,-758,-759,-760,-761,1213,-768,-769,-771,1213,-773,-774,-775,-784,-858,-860,-862,-864,1213,1213,1213,1213,-870,1213,-872,1213,1213,1213,1213,1213,1213,1213,-908,-909,1213,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1213,-923,-926,1213,-936,1213,-387,-388,-389,1213,1213,-392,-393,-394,-395,1213,-398,1213,-401,-402,1213,-403,1213,-408,-409,1213,-412,-413,-414,1213,-417,1213,-418,1213,-423,-424,1213,-427,1213,-430,-431,-1896,-1896,1213,-621,-622,-623,-624,-625,-636,-586,-626,-799,1213,1213,1213,1213,1213,-833,1213,1213,-808,1213,-834,1213,1213,1213,1213,-800,1213,-855,-801,1213,1213,1213,1213,1213,1213,-856,-857,1213,-836,-832,-837,1213,-627,1213,-628,-629,-630,-631,-576,1213,1213,-632,-633,-634,1213,1213,1213,1213,1213,1213,-637,-638,-639,-594,-1896,-604,1213,-640,-641,-715,-642,-606,1213,-574,-579,-582,-585,1213,1213,1213,-600,-603,1213,-610,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1213,519,519,-997,519,1213,519,519,519,1213,-308,-327,-321,-298,-377,-454,-455,-456,-460,519,-445,1213,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1213,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,519,519,519,519,519,519,519,519,1213,-318,-537,-510,-593,-939,-941,-942,-440,1213,-442,-382,-383,-385,-509,-511,-513,1213,-515,-516,-521,-522,1213,-534,-536,-539,-540,-545,-550,-728,1213,-729,1213,-734,1213,-736,1213,-741,-658,-662,-663,1213,-668,1213,-669,1213,-674,-676,1213,-679,1213,1213,1213,-689,-691,1213,-694,1213,1213,-746,1213,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1213,1213,1213,1213,1213,-879,1213,-882,-910,-922,-927,-390,-391,1213,-396,1213,-399,1213,-404,1213,-405,1213,-410,1213,-415,1213,-419,1213,-420,1213,-425,1213,-428,-901,-902,-645,-587,-1896,-903,1213,1213,1213,-802,1213,1213,-806,1213,-809,-835,1213,-820,1213,-822,1213,-824,-810,1213,-826,1213,-853,-854,1213,1213,-813,1213,-648,-904,-906,-650,-651,-647,1213,-707,-708,1213,-644,-905,-649,-652,-605,-716,1213,1213,-607,-588,1213,1213,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1213,1213,-711,-712,1213,-718,1213,519,519,519,1213,1213,-940,519,-441,-443,-749,1213,-893,1923,-717,-1896,1213,1213,519,519,1213,-444,-514,-525,1213,-730,-735,1213,-737,1213,-742,1213,-664,-670,1213,-680,-682,-684,-685,-692,-695,-699,-747,1213,1213,-876,1213,1213,-880,1213,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1213,-814,1213,-816,-803,1213,-804,-807,1213,-818,-821,-823,-825,-827,1213,-828,1213,-811,1213,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,519,-284,519,1213,519,1213,-457,1213,1213,-731,1213,-738,1213,-743,1213,-665,-673,1213,1213,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1213,-838,-53,519,1213,-732,1213,-739,1213,-744,-666,1213,-875,-54,519,519,-733,-740,-745,1213,519,1213,-874,]),'NATIONAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[520,520,520,520,-1896,520,520,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,520,520,520,520,-277,-278,520,-1427,520,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,520,520,520,-492,520,520,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,520,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,520,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,520,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,520,-174,-175,-176,-177,-995,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-292,-293,-283,520,520,520,520,520,-330,-320,-334,-335,-336,520,520,-984,-985,-986,-987,-988,-989,-990,520,520,520,520,520,520,520,520,520,520,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,520,520,520,-355,-358,520,-325,-326,-143,520,-144,520,-145,520,-432,-937,-938,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-1896,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-1896,520,-1896,520,520,520,520,520,520,520,520,520,520,520,520,-1896,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-1896,520,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,520,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,520,520,520,-193,-194,520,-996,520,520,520,520,520,-279,-280,-281,-282,-367,520,-310,520,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,520,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,520,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,520,520,520,520,520,520,-575,520,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,520,520,-725,-726,-727,520,520,520,520,520,520,-996,520,520,-93,-94,520,520,520,520,-311,-312,-322,520,-309,-295,-296,-297,520,520,520,520,-620,-635,-592,520,520,-438,520,-439,520,-446,-447,-448,-380,-381,520,520,520,-508,520,520,-512,520,520,520,520,-517,-518,-519,-520,520,520,-523,-524,520,-526,-527,-528,-529,-530,-531,-532,-533,520,-535,520,520,520,-541,-543,-544,520,-546,-547,-548,-549,520,520,520,520,520,520,-654,-655,-656,-657,520,-659,-660,-661,520,520,520,-667,520,520,-671,-672,520,520,-675,520,-677,-678,520,-681,520,-683,520,520,-686,-687,-688,520,-690,520,520,-693,520,520,-696,-697,-698,520,-700,-701,-702,-703,520,520,-748,520,-751,-752,-753,-754,-755,520,-757,-758,-759,-760,-761,520,-768,-769,-771,520,-773,-774,-775,-784,-858,-860,-862,-864,520,520,520,520,-870,520,-872,520,520,520,520,520,520,520,-908,-909,520,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,520,-923,-926,520,-936,520,-387,-388,-389,520,520,-392,-393,-394,-395,520,-398,520,-401,-402,520,-403,520,-408,-409,520,-412,-413,-414,520,-417,520,-418,520,-423,-424,520,-427,520,-430,-431,-1896,-1896,520,-621,-622,-623,-624,-625,-636,-586,-626,-799,520,520,520,520,520,-833,520,520,-808,520,-834,520,520,520,520,-800,520,-855,-801,520,520,520,520,520,520,-856,-857,520,-836,-832,-837,520,-627,520,-628,-629,-630,-631,-576,520,520,-632,-633,-634,520,520,520,520,520,520,-637,-638,-639,-594,-1896,-604,520,-640,-641,-715,-642,-606,520,-574,-579,-582,-585,520,520,520,-600,-603,520,-610,520,520,520,520,520,520,520,520,520,520,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,520,520,520,-997,520,520,520,520,520,520,-308,-327,-321,-298,-377,-454,-455,-456,-460,520,-445,520,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,520,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,520,520,520,520,520,520,520,520,520,-318,-537,-510,-593,-939,-941,-942,-440,520,-442,-382,-383,-385,-509,-511,-513,520,-515,-516,-521,-522,520,-534,-536,-539,-540,-545,-550,-728,520,-729,520,-734,520,-736,520,-741,-658,-662,-663,520,-668,520,-669,520,-674,-676,520,-679,520,520,520,-689,-691,520,-694,520,520,-746,520,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,520,520,520,520,520,-879,520,-882,-910,-922,-927,-390,-391,520,-396,520,-399,520,-404,520,-405,520,-410,520,-415,520,-419,520,-420,520,-425,520,-428,-901,-902,-645,-587,-1896,-903,520,520,520,-802,520,520,-806,520,-809,-835,520,-820,520,-822,520,-824,-810,520,-826,520,-853,-854,520,520,-813,520,-648,-904,-906,-650,-651,-647,520,-707,-708,520,-644,-905,-649,-652,-605,-716,520,520,-607,-588,520,520,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,520,520,-711,-712,520,-718,520,520,520,520,520,520,-940,520,-441,-443,-749,520,-893,520,-717,-1896,520,520,520,520,520,-444,-514,-525,520,-730,-735,520,-737,520,-742,520,-664,-670,520,-680,-682,-684,-685,-692,-695,-699,-747,520,520,-876,520,520,-880,520,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,520,-814,520,-816,-803,520,-804,-807,520,-818,-821,-823,-825,-827,520,-828,520,-811,520,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,520,-284,520,520,520,520,-457,520,520,-731,520,-738,520,-743,520,-665,-673,520,520,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,520,-838,-53,520,520,-732,520,-739,520,-744,-666,520,-875,-54,520,520,-733,-740,-745,520,520,520,-874,]),'NCHAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[521,521,521,521,-1896,521,521,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,521,521,521,521,-277,-278,521,-1427,521,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,521,521,521,-492,521,521,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,521,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,521,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,521,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,521,-174,-175,-176,-177,-995,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-292,-293,-283,521,521,521,521,521,-330,-320,-334,-335,-336,521,521,-984,-985,-986,-987,-988,-989,-990,521,521,521,521,521,521,521,521,521,521,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,521,521,521,-355,-358,521,-325,-326,-143,521,-144,521,-145,521,-432,-937,-938,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-1896,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-1896,521,-1896,521,521,521,521,521,521,521,521,521,521,521,521,-1896,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-1896,521,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,521,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,521,521,521,-193,-194,521,-996,521,521,521,521,521,-279,-280,-281,-282,-367,521,-310,521,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,521,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,521,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,521,521,521,521,521,521,-575,521,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,521,521,-725,-726,-727,521,521,521,521,521,521,-996,521,521,-93,-94,521,521,521,521,-311,-312,-322,521,-309,-295,-296,-297,521,521,521,521,-620,-635,-592,521,521,-438,521,-439,521,-446,-447,-448,-380,-381,521,521,521,-508,521,521,-512,521,521,521,521,-517,-518,-519,-520,521,521,-523,-524,521,-526,-527,-528,-529,-530,-531,-532,-533,521,-535,521,521,521,-541,-543,-544,521,-546,-547,-548,-549,521,521,521,521,521,521,-654,-655,-656,-657,521,-659,-660,-661,521,521,521,-667,521,521,-671,-672,521,521,-675,521,-677,-678,521,-681,521,-683,521,521,-686,-687,-688,521,-690,521,521,-693,521,521,-696,-697,-698,521,-700,-701,-702,-703,521,521,-748,521,-751,-752,-753,-754,-755,521,-757,-758,-759,-760,-761,521,-768,-769,-771,521,-773,-774,-775,-784,-858,-860,-862,-864,521,521,521,521,-870,521,-872,521,521,521,521,521,521,521,-908,-909,521,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,521,-923,-926,521,-936,521,-387,-388,-389,521,521,-392,-393,-394,-395,521,-398,521,-401,-402,521,-403,521,-408,-409,521,-412,-413,-414,521,-417,521,-418,521,-423,-424,521,-427,521,-430,-431,-1896,-1896,521,-621,-622,-623,-624,-625,-636,-586,-626,-799,521,521,521,521,521,-833,521,521,-808,521,-834,521,521,521,521,-800,521,-855,-801,521,521,521,521,521,521,-856,-857,521,-836,-832,-837,521,-627,521,-628,-629,-630,-631,-576,521,521,-632,-633,-634,521,521,521,521,521,521,-637,-638,-639,-594,-1896,-604,521,-640,-641,-715,-642,-606,521,-574,-579,-582,-585,521,521,521,-600,-603,521,-610,521,521,521,521,521,521,521,521,521,521,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,521,521,521,-997,521,521,521,521,521,521,-308,-327,-321,-298,-377,-454,-455,-456,-460,521,-445,521,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,521,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,521,521,521,521,521,521,521,521,521,-318,-537,-510,-593,-939,-941,-942,-440,521,-442,-382,-383,-385,-509,-511,-513,521,-515,-516,-521,-522,521,-534,-536,-539,-540,-545,-550,-728,521,-729,521,-734,521,-736,521,-741,-658,-662,-663,521,-668,521,-669,521,-674,-676,521,-679,521,521,521,-689,-691,521,-694,521,521,-746,521,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,521,521,521,521,521,-879,521,-882,-910,-922,-927,-390,-391,521,-396,521,-399,521,-404,521,-405,521,-410,521,-415,521,-419,521,-420,521,-425,521,-428,-901,-902,-645,-587,-1896,-903,521,521,521,-802,521,521,-806,521,-809,-835,521,-820,521,-822,521,-824,-810,521,-826,521,-853,-854,521,521,-813,521,-648,-904,-906,-650,-651,-647,521,-707,-708,521,-644,-905,-649,-652,-605,-716,521,521,-607,-588,521,521,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,521,521,-711,-712,521,-718,521,521,521,521,521,521,-940,521,-441,-443,-749,521,-893,521,-717,-1896,521,521,521,521,521,-444,-514,-525,521,-730,-735,521,-737,521,-742,521,-664,-670,521,-680,-682,-684,-685,-692,-695,-699,-747,521,521,-876,521,521,-880,521,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,521,-814,521,-816,-803,521,-804,-807,521,-818,-821,-823,-825,-827,521,-828,521,-811,521,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,521,-284,521,521,521,521,-457,521,521,-731,521,-738,521,-743,521,-665,-673,521,521,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,521,-838,-53,521,521,-732,521,-739,521,-744,-666,521,-875,-54,521,521,-733,-740,-745,521,521,521,-874,]),'NDB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[522,522,522,522,-1896,522,522,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,522,522,522,522,-277,-278,522,-1427,522,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,522,522,522,-492,522,522,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,522,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,522,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,522,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,522,-174,-175,-176,-177,-995,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-292,-293,-283,522,522,522,522,522,-330,-320,-334,-335,-336,522,522,-984,-985,-986,-987,-988,-989,-990,522,522,522,522,522,522,522,522,522,522,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,522,522,522,-355,-358,522,-325,-326,-143,522,-144,522,-145,522,-432,-937,-938,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-1896,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-1896,522,-1896,522,522,522,522,522,522,522,522,522,522,522,522,-1896,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-1896,522,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,522,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,522,522,522,-193,-194,522,-996,522,522,522,522,522,-279,-280,-281,-282,-367,522,-310,522,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,522,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,522,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,522,522,522,522,522,522,-575,522,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,522,522,-725,-726,-727,522,522,522,522,522,522,-996,522,522,-93,-94,522,522,522,522,-311,-312,-322,522,-309,-295,-296,-297,522,522,522,522,-620,-635,-592,522,522,-438,522,-439,522,-446,-447,-448,-380,-381,522,522,522,-508,522,522,-512,522,522,522,522,-517,-518,-519,-520,522,522,-523,-524,522,-526,-527,-528,-529,-530,-531,-532,-533,522,-535,522,522,522,-541,-543,-544,522,-546,-547,-548,-549,522,522,522,522,522,522,-654,-655,-656,-657,522,-659,-660,-661,522,522,522,-667,522,522,-671,-672,522,522,-675,522,-677,-678,522,-681,522,-683,522,522,-686,-687,-688,522,-690,522,522,-693,522,522,-696,-697,-698,522,-700,-701,-702,-703,522,522,-748,522,-751,-752,-753,-754,-755,522,-757,-758,-759,-760,-761,522,-768,-769,-771,522,-773,-774,-775,-784,-858,-860,-862,-864,522,522,522,522,-870,522,-872,522,522,522,522,522,522,522,-908,-909,522,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,522,-923,-926,522,-936,522,-387,-388,-389,522,522,-392,-393,-394,-395,522,-398,522,-401,-402,522,-403,522,-408,-409,522,-412,-413,-414,522,-417,522,-418,522,-423,-424,522,-427,522,-430,-431,-1896,-1896,522,-621,-622,-623,-624,-625,-636,-586,-626,-799,522,522,522,522,522,-833,522,522,-808,522,-834,522,522,522,522,-800,522,-855,-801,522,522,522,522,522,522,-856,-857,522,-836,-832,-837,522,-627,522,-628,-629,-630,-631,-576,522,522,-632,-633,-634,522,522,522,522,522,522,-637,-638,-639,-594,-1896,-604,522,-640,-641,-715,-642,-606,522,-574,-579,-582,-585,522,522,522,-600,-603,522,-610,522,522,522,522,522,522,522,522,522,522,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,522,522,522,-997,522,522,522,522,522,522,-308,-327,-321,-298,-377,-454,-455,-456,-460,522,-445,522,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,522,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,522,522,522,522,522,522,522,522,522,-318,-537,-510,-593,-939,-941,-942,-440,522,-442,-382,-383,-385,-509,-511,-513,522,-515,-516,-521,-522,522,-534,-536,-539,-540,-545,-550,-728,522,-729,522,-734,522,-736,522,-741,-658,-662,-663,522,-668,522,-669,522,-674,-676,522,-679,522,522,522,-689,-691,522,-694,522,522,-746,522,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,522,522,522,522,522,-879,522,-882,-910,-922,-927,-390,-391,522,-396,522,-399,522,-404,522,-405,522,-410,522,-415,522,-419,522,-420,522,-425,522,-428,-901,-902,-645,-587,-1896,-903,522,522,522,-802,522,522,-806,522,-809,-835,522,-820,522,-822,522,-824,-810,522,-826,522,-853,-854,522,522,-813,522,-648,-904,-906,-650,-651,-647,522,-707,-708,522,-644,-905,-649,-652,-605,-716,522,522,-607,-588,522,522,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,522,522,-711,-712,522,-718,522,522,522,522,522,522,-940,522,-441,-443,-749,522,-893,522,-717,-1896,522,522,522,522,522,-444,-514,-525,522,-730,-735,522,-737,522,-742,522,-664,-670,522,-680,-682,-684,-685,-692,-695,-699,-747,522,522,-876,522,522,-880,522,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,522,-814,522,-816,-803,522,-804,-807,522,-818,-821,-823,-825,-827,522,-828,522,-811,522,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,522,-284,522,522,522,522,-457,522,522,-731,522,-738,522,-743,522,-665,-673,522,522,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,522,-838,-53,522,522,-732,522,-739,522,-744,-666,522,-875,-54,522,522,-733,-740,-745,522,522,522,-874,]),'NDBCLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[523,523,523,523,-1896,523,523,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,523,523,523,523,-277,-278,523,-1427,523,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,523,523,523,-492,523,523,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,523,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,523,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,523,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,523,-174,-175,-176,-177,-995,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-292,-293,-283,523,523,523,523,523,-330,-320,-334,-335,-336,523,523,-984,-985,-986,-987,-988,-989,-990,523,523,523,523,523,523,523,523,523,523,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,523,523,523,-355,-358,523,-325,-326,-143,523,-144,523,-145,523,-432,-937,-938,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-1896,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-1896,523,-1896,523,523,523,523,523,523,523,523,523,523,523,523,-1896,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-1896,523,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,523,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,523,523,523,-193,-194,523,-996,523,523,523,523,523,-279,-280,-281,-282,-367,523,-310,523,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,523,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,523,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,523,523,523,523,523,523,-575,523,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,523,523,-725,-726,-727,523,523,523,523,523,523,-996,523,523,-93,-94,523,523,523,523,-311,-312,-322,523,-309,-295,-296,-297,523,523,523,523,-620,-635,-592,523,523,-438,523,-439,523,-446,-447,-448,-380,-381,523,523,523,-508,523,523,-512,523,523,523,523,-517,-518,-519,-520,523,523,-523,-524,523,-526,-527,-528,-529,-530,-531,-532,-533,523,-535,523,523,523,-541,-543,-544,523,-546,-547,-548,-549,523,523,523,523,523,523,-654,-655,-656,-657,523,-659,-660,-661,523,523,523,-667,523,523,-671,-672,523,523,-675,523,-677,-678,523,-681,523,-683,523,523,-686,-687,-688,523,-690,523,523,-693,523,523,-696,-697,-698,523,-700,-701,-702,-703,523,523,-748,523,-751,-752,-753,-754,-755,523,-757,-758,-759,-760,-761,523,-768,-769,-771,523,-773,-774,-775,-784,-858,-860,-862,-864,523,523,523,523,-870,523,-872,523,523,523,523,523,523,523,-908,-909,523,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,523,-923,-926,523,-936,523,-387,-388,-389,523,523,-392,-393,-394,-395,523,-398,523,-401,-402,523,-403,523,-408,-409,523,-412,-413,-414,523,-417,523,-418,523,-423,-424,523,-427,523,-430,-431,-1896,-1896,523,-621,-622,-623,-624,-625,-636,-586,-626,-799,523,523,523,523,523,-833,523,523,-808,523,-834,523,523,523,523,-800,523,-855,-801,523,523,523,523,523,523,-856,-857,523,-836,-832,-837,523,-627,523,-628,-629,-630,-631,-576,523,523,-632,-633,-634,523,523,523,523,523,523,-637,-638,-639,-594,-1896,-604,523,-640,-641,-715,-642,-606,523,-574,-579,-582,-585,523,523,523,-600,-603,523,-610,523,523,523,523,523,523,523,523,523,523,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,523,523,523,-997,523,523,523,523,523,523,-308,-327,-321,-298,-377,-454,-455,-456,-460,523,-445,523,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,523,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,523,523,523,523,523,523,523,523,523,-318,-537,-510,-593,-939,-941,-942,-440,523,-442,-382,-383,-385,-509,-511,-513,523,-515,-516,-521,-522,523,-534,-536,-539,-540,-545,-550,-728,523,-729,523,-734,523,-736,523,-741,-658,-662,-663,523,-668,523,-669,523,-674,-676,523,-679,523,523,523,-689,-691,523,-694,523,523,-746,523,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,523,523,523,523,523,-879,523,-882,-910,-922,-927,-390,-391,523,-396,523,-399,523,-404,523,-405,523,-410,523,-415,523,-419,523,-420,523,-425,523,-428,-901,-902,-645,-587,-1896,-903,523,523,523,-802,523,523,-806,523,-809,-835,523,-820,523,-822,523,-824,-810,523,-826,523,-853,-854,523,523,-813,523,-648,-904,-906,-650,-651,-647,523,-707,-708,523,-644,-905,-649,-652,-605,-716,523,523,-607,-588,523,523,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,523,523,-711,-712,523,-718,523,523,523,523,523,523,-940,523,-441,-443,-749,523,-893,523,-717,-1896,523,523,523,523,523,-444,-514,-525,523,-730,-735,523,-737,523,-742,523,-664,-670,523,-680,-682,-684,-685,-692,-695,-699,-747,523,523,-876,523,523,-880,523,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,523,-814,523,-816,-803,523,-804,-807,523,-818,-821,-823,-825,-827,523,-828,523,-811,523,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,523,-284,523,523,523,523,-457,523,523,-731,523,-738,523,-743,523,-665,-673,523,523,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,523,-838,-53,523,523,-732,523,-739,523,-744,-666,523,-875,-54,523,523,-733,-740,-745,523,523,523,-874,]),'NESTED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[524,524,524,524,-1896,524,524,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,524,524,524,524,-277,-278,524,-1427,524,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,524,524,524,-492,524,524,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,524,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,524,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,524,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,524,-174,-175,-176,-177,-995,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-292,-293,-283,524,524,524,524,524,-330,-320,-334,-335,-336,524,524,-984,-985,-986,-987,-988,-989,-990,524,524,524,524,524,524,524,524,524,524,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,524,524,524,-355,-358,524,-325,-326,-143,524,-144,524,-145,524,-432,-937,-938,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-1896,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-1896,524,-1896,524,524,524,524,524,524,524,524,524,524,524,524,-1896,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-1896,524,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,524,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,524,524,524,-193,-194,524,-996,524,524,524,524,524,-279,-280,-281,-282,-367,524,-310,524,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,524,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,524,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,524,524,524,524,524,524,-575,524,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,524,524,-725,-726,-727,524,524,524,524,524,524,-996,524,524,-93,-94,524,524,524,524,-311,-312,-322,524,-309,-295,-296,-297,524,524,524,524,-620,-635,-592,524,524,-438,524,-439,524,-446,-447,-448,-380,-381,524,524,524,-508,524,524,-512,524,524,524,524,-517,-518,-519,-520,524,524,-523,-524,524,-526,-527,-528,-529,-530,-531,-532,-533,524,-535,524,524,524,-541,-543,-544,524,-546,-547,-548,-549,524,524,524,524,524,524,-654,-655,-656,-657,524,-659,-660,-661,524,524,524,-667,524,524,-671,-672,524,524,-675,524,-677,-678,524,-681,524,-683,524,524,-686,-687,-688,524,-690,524,524,-693,524,524,-696,-697,-698,524,-700,-701,-702,-703,524,524,-748,524,-751,-752,-753,-754,-755,524,-757,-758,-759,-760,-761,524,-768,-769,-771,524,-773,-774,-775,-784,-858,-860,-862,-864,524,524,524,524,-870,524,-872,524,524,524,524,524,524,524,-908,-909,524,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,524,-923,-926,524,-936,524,-387,-388,-389,524,524,-392,-393,-394,-395,524,-398,524,-401,-402,524,-403,524,-408,-409,524,-412,-413,-414,524,-417,524,-418,524,-423,-424,524,-427,524,-430,-431,-1896,-1896,524,-621,-622,-623,-624,-625,-636,-586,-626,-799,524,524,524,524,524,-833,524,524,-808,524,-834,524,524,524,524,-800,524,-855,-801,524,524,524,524,524,524,-856,-857,524,-836,-832,-837,524,-627,524,-628,-629,-630,-631,-576,524,524,-632,-633,-634,524,524,524,524,524,524,-637,-638,-639,-594,-1896,-604,524,-640,-641,-715,-642,-606,524,-574,-579,-582,-585,524,524,524,-600,-603,524,-610,524,524,524,524,524,524,524,524,524,524,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,524,524,524,-997,524,524,524,524,524,524,-308,-327,-321,-298,-377,-454,-455,-456,-460,524,-445,524,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,524,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,524,524,524,524,524,524,524,524,524,-318,-537,-510,-593,-939,-941,-942,-440,524,-442,-382,-383,-385,-509,-511,-513,524,-515,-516,-521,-522,524,-534,-536,-539,-540,-545,-550,-728,524,-729,524,-734,524,-736,524,-741,-658,-662,-663,524,-668,524,-669,524,-674,-676,524,-679,524,524,524,-689,-691,524,-694,524,524,-746,524,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,524,524,524,524,524,-879,524,-882,-910,-922,-927,-390,-391,524,-396,524,-399,524,-404,524,-405,524,-410,524,-415,524,-419,524,-420,524,-425,524,-428,-901,-902,-645,-587,-1896,-903,524,524,524,-802,524,524,-806,524,-809,-835,524,-820,524,-822,524,-824,-810,524,-826,524,-853,-854,524,524,-813,524,-648,-904,-906,-650,-651,-647,524,-707,-708,524,-644,-905,-649,-652,-605,-716,524,524,-607,-588,524,524,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,524,524,-711,-712,524,-718,524,524,524,524,524,524,-940,524,-441,-443,-749,524,-893,524,-717,-1896,524,524,524,524,524,-444,-514,-525,524,-730,-735,524,-737,524,-742,524,-664,-670,524,-680,-682,-684,-685,-692,-695,-699,-747,524,524,-876,524,524,-880,524,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,524,-814,524,-816,-803,524,-804,-807,524,-818,-821,-823,-825,-827,524,-828,524,-811,524,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,524,-284,524,524,524,524,-457,524,524,-731,524,-738,524,-743,524,-665,-673,524,524,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,524,-838,-53,524,524,-732,524,-739,524,-744,-666,524,-875,-54,524,524,-733,-740,-745,524,524,524,-874,]),'NEW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[525,525,525,525,-1896,525,525,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,525,525,525,525,-277,-278,525,-1427,525,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,525,525,525,-492,525,525,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,525,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,525,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,525,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,525,-174,-175,-176,-177,-995,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-292,-293,-283,525,525,525,525,525,-330,-320,-334,-335,-336,525,525,-984,-985,-986,-987,-988,-989,-990,525,525,525,525,525,525,525,525,525,525,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,525,525,525,-355,-358,525,-325,-326,-143,525,-144,525,-145,525,-432,-937,-938,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-1896,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-1896,525,-1896,525,525,525,525,525,525,525,525,525,525,525,525,-1896,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-1896,525,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,525,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,525,525,525,-193,-194,525,-996,525,525,525,525,525,-279,-280,-281,-282,-367,525,-310,525,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,525,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,525,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,525,525,525,525,525,525,-575,525,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,525,525,-725,-726,-727,525,525,525,525,525,525,-996,525,525,-93,-94,525,525,525,525,-311,-312,-322,525,-309,-295,-296,-297,525,525,525,525,-620,-635,-592,525,525,-438,525,-439,525,-446,-447,-448,-380,-381,525,525,525,-508,525,525,-512,525,525,525,525,-517,-518,-519,-520,525,525,-523,-524,525,-526,-527,-528,-529,-530,-531,-532,-533,525,-535,525,525,525,-541,-543,-544,525,-546,-547,-548,-549,525,525,525,525,525,525,-654,-655,-656,-657,525,-659,-660,-661,525,525,525,-667,525,525,-671,-672,525,525,-675,525,-677,-678,525,-681,525,-683,525,525,-686,-687,-688,525,-690,525,525,-693,525,525,-696,-697,-698,525,-700,-701,-702,-703,525,525,-748,525,-751,-752,-753,-754,-755,525,-757,-758,-759,-760,-761,525,-768,-769,-771,525,-773,-774,-775,-784,-858,-860,-862,-864,525,525,525,525,-870,525,-872,525,525,525,525,525,525,525,-908,-909,525,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,525,-923,-926,525,-936,525,-387,-388,-389,525,525,-392,-393,-394,-395,525,-398,525,-401,-402,525,-403,525,-408,-409,525,-412,-413,-414,525,-417,525,-418,525,-423,-424,525,-427,525,-430,-431,-1896,-1896,525,-621,-622,-623,-624,-625,-636,-586,-626,-799,525,525,525,525,525,-833,525,525,-808,525,-834,525,525,525,525,-800,525,-855,-801,525,525,525,525,525,525,-856,-857,525,-836,-832,-837,525,-627,525,-628,-629,-630,-631,-576,525,525,-632,-633,-634,525,525,525,525,525,525,-637,-638,-639,-594,-1896,-604,525,-640,-641,-715,-642,-606,525,-574,-579,-582,-585,525,525,525,-600,-603,525,-610,525,525,525,525,525,525,525,525,525,525,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,525,525,525,-997,525,525,525,525,525,525,-308,-327,-321,-298,-377,-454,-455,-456,-460,525,-445,525,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,525,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,525,525,525,525,525,525,525,525,525,-318,-537,-510,-593,-939,-941,-942,-440,525,-442,-382,-383,-385,-509,-511,-513,525,-515,-516,-521,-522,525,-534,-536,-539,-540,-545,-550,-728,525,-729,525,-734,525,-736,525,-741,-658,-662,-663,525,-668,525,-669,525,-674,-676,525,-679,525,525,525,-689,-691,525,-694,525,525,-746,525,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,525,525,525,525,525,-879,525,-882,-910,-922,-927,-390,-391,525,-396,525,-399,525,-404,525,-405,525,-410,525,-415,525,-419,525,-420,525,-425,525,-428,-901,-902,-645,-587,-1896,-903,525,525,525,-802,525,525,-806,525,-809,-835,525,-820,525,-822,525,-824,-810,525,-826,525,-853,-854,525,525,-813,525,-648,-904,-906,-650,-651,-647,525,-707,-708,525,-644,-905,-649,-652,-605,-716,525,525,-607,-588,525,525,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,525,525,-711,-712,525,-718,525,525,525,525,525,525,-940,525,-441,-443,-749,525,-893,525,-717,-1896,525,525,525,525,525,-444,-514,-525,525,-730,-735,525,-737,525,-742,525,-664,-670,525,-680,-682,-684,-685,-692,-695,-699,-747,525,525,-876,525,525,-880,525,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,525,-814,525,-816,-803,525,-804,-807,525,-818,-821,-823,-825,-827,525,-828,525,-811,525,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,525,-284,525,525,525,525,-457,525,525,-731,525,-738,525,-743,525,-665,-673,525,525,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,525,-838,-53,525,525,-732,525,-739,525,-744,-666,525,-875,-54,525,525,-733,-740,-745,525,525,525,-874,]),'NEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1377,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[526,526,526,526,-1896,526,526,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,526,526,526,526,-277,-278,526,-1427,526,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,526,526,526,-492,526,526,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,526,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,526,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,526,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1994,526,-174,-175,-176,-177,-995,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-292,-293,-283,526,526,526,526,526,-330,-320,-334,-335,-336,526,526,-984,-985,-986,-987,-988,-989,-990,526,526,526,526,526,526,526,526,526,526,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,526,526,526,-355,-358,526,-325,-326,-143,526,-144,526,-145,526,-432,-937,-938,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-1896,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-1896,526,-1896,526,526,526,526,526,526,526,526,526,526,526,526,-1896,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-1896,526,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,526,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,526,526,526,-193,-194,526,-996,526,526,526,526,526,-279,-280,-281,-282,-367,526,-310,526,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,526,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,526,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,526,526,526,526,526,526,-575,526,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,526,526,-725,-726,-727,526,526,526,526,526,526,-996,526,526,-93,-94,526,526,526,526,-311,-312,-322,526,-309,-295,-296,-297,526,526,526,526,-620,-635,-592,526,526,-438,526,-439,526,-446,-447,-448,-380,-381,526,526,526,-508,526,526,-512,526,526,526,526,-517,-518,-519,-520,526,526,-523,-524,526,-526,-527,-528,-529,-530,-531,-532,-533,526,-535,526,526,526,-541,-543,-544,526,-546,-547,-548,-549,526,526,526,526,526,526,-654,-655,-656,-657,526,-659,-660,-661,526,526,526,-667,526,526,-671,-672,526,526,-675,526,-677,-678,526,-681,526,-683,526,526,-686,-687,-688,526,-690,526,526,-693,526,526,-696,-697,-698,526,-700,-701,-702,-703,526,526,-748,526,-751,-752,-753,-754,-755,526,-757,-758,-759,-760,-761,526,-768,-769,-771,526,-773,-774,-775,-784,-858,-860,-862,-864,526,526,526,526,-870,526,-872,526,526,526,526,526,526,526,-908,-909,526,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,526,-923,-926,526,-936,526,-387,-388,-389,526,526,-392,-393,-394,-395,526,-398,526,-401,-402,526,-403,526,-408,-409,526,-412,-413,-414,526,-417,526,-418,526,-423,-424,526,-427,526,-430,-431,-1896,-1896,526,-621,-622,-623,-624,-625,-636,-586,-626,-799,526,526,526,526,526,-833,526,526,-808,526,-834,526,526,526,526,-800,526,-855,-801,526,526,526,526,526,526,-856,-857,526,-836,-832,-837,526,-627,526,-628,-629,-630,-631,-576,526,526,-632,-633,-634,526,526,526,526,526,526,-637,-638,-639,-594,-1896,-604,526,-640,-641,-715,-642,-606,526,-574,-579,-582,-585,526,526,526,-600,-603,526,-610,526,526,526,526,526,526,526,526,526,526,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,526,526,526,-997,526,526,526,526,526,526,-308,-327,-321,-298,-377,-454,-455,-456,-460,526,-445,526,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,526,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,526,526,526,526,526,526,526,526,526,-318,-537,-510,-593,-939,-941,-942,-440,526,-442,-382,-383,-385,-509,-511,-513,526,-515,-516,-521,-522,526,-534,-536,-539,-540,-545,-550,-728,526,-729,526,-734,526,-736,526,-741,-658,-662,-663,526,-668,526,-669,526,-674,-676,526,-679,526,526,526,-689,-691,526,-694,526,526,-746,526,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,526,526,526,526,526,-879,526,-882,-910,-922,-927,-390,-391,526,-396,526,-399,526,-404,526,-405,526,-410,526,-415,526,-419,526,-420,526,-425,526,-428,-901,-902,-645,-587,-1896,-903,526,526,526,-802,526,526,-806,526,-809,-835,526,-820,526,-822,526,-824,-810,526,-826,526,-853,-854,526,526,-813,526,-648,-904,-906,-650,-651,-647,526,-707,-708,526,-644,-905,-649,-652,-605,-716,526,526,-607,-588,526,526,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,526,526,-711,-712,526,-718,526,526,526,526,526,526,-940,526,-441,-443,-749,526,-893,526,-717,-1896,526,526,526,526,526,-444,-514,-525,526,-730,-735,526,-737,526,-742,526,-664,-670,526,-680,-682,-684,-685,-692,-695,-699,-747,526,526,-876,526,526,-880,526,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,526,-814,526,-816,-803,526,-804,-807,526,-818,-821,-823,-825,-827,526,-828,526,-811,526,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,526,-284,526,526,526,526,-457,526,526,-731,526,-738,526,-743,526,-665,-673,526,526,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,526,-838,-53,526,526,-732,526,-739,526,-744,-666,526,-875,-54,526,526,-733,-740,-745,526,526,526,-874,]),'NO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[527,527,527,527,-1896,527,527,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,527,527,527,527,-277,-278,527,-1427,527,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,527,527,527,-492,527,527,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,527,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,527,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,527,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,527,-174,-175,-176,-177,-995,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-292,-293,-283,527,527,527,527,527,-330,-320,-334,-335,-336,527,527,-984,-985,-986,-987,-988,-989,-990,527,527,527,527,527,527,527,527,527,527,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,527,527,527,-355,-358,527,-325,-326,-143,527,-144,527,-145,527,-432,-937,-938,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-1896,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-1896,527,-1896,527,527,527,527,527,527,527,527,527,527,527,527,-1896,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-1896,527,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,527,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,527,527,527,-193,-194,527,-996,527,527,527,527,527,-279,-280,-281,-282,-367,527,-310,527,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,527,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,527,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,527,527,527,527,527,527,-575,527,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,527,527,-725,-726,-727,527,527,527,527,527,527,-996,527,527,-93,-94,527,527,527,527,-311,-312,-322,527,-309,-295,-296,-297,527,527,527,527,-620,-635,-592,527,527,-438,527,-439,527,-446,-447,-448,-380,-381,527,527,527,-508,527,527,-512,527,527,527,527,-517,-518,-519,-520,527,527,-523,-524,527,-526,-527,-528,-529,-530,-531,-532,-533,527,-535,527,527,527,-541,-543,-544,527,-546,-547,-548,-549,527,527,527,527,527,527,-654,-655,-656,-657,527,-659,-660,-661,527,527,527,-667,527,527,-671,-672,527,527,-675,527,-677,-678,527,-681,527,-683,527,527,-686,-687,-688,527,-690,527,527,-693,527,527,-696,-697,-698,527,-700,-701,-702,-703,527,527,-748,527,-751,-752,-753,-754,-755,527,-757,-758,-759,-760,-761,527,-768,-769,-771,527,-773,-774,-775,-784,-858,-860,-862,-864,527,527,527,527,-870,527,-872,527,527,527,527,527,527,527,-908,-909,527,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,527,-923,-926,527,-936,527,-387,-388,-389,527,527,-392,-393,-394,-395,527,-398,527,-401,-402,527,-403,527,-408,-409,527,-412,-413,-414,527,-417,527,-418,527,-423,-424,527,-427,527,-430,-431,-1896,-1896,527,-621,-622,-623,-624,-625,-636,-586,-626,-799,527,527,527,527,527,-833,527,527,-808,527,-834,527,527,527,527,-800,527,-855,-801,527,527,527,527,527,527,-856,-857,527,-836,-832,-837,527,-627,527,-628,-629,-630,-631,-576,527,527,-632,-633,-634,527,527,527,527,527,527,-637,-638,-639,-594,-1896,-604,527,-640,-641,-715,-642,-606,527,-574,-579,-582,-585,527,527,527,-600,-603,527,-610,527,527,527,527,527,527,527,527,527,527,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,527,527,527,-997,527,527,527,527,527,527,-308,-327,-321,-298,-377,-454,-455,-456,-460,527,-445,527,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,527,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,527,527,527,527,527,527,527,527,527,-318,-537,-510,-593,-939,-941,-942,-440,527,-442,-382,-383,-385,-509,-511,-513,527,-515,-516,-521,-522,527,-534,-536,-539,-540,-545,-550,-728,527,-729,527,-734,527,-736,527,-741,-658,-662,-663,527,-668,527,-669,527,-674,-676,527,-679,527,527,527,-689,-691,527,-694,527,527,-746,527,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,527,527,527,527,527,-879,527,-882,-910,-922,-927,-390,-391,527,-396,527,-399,527,-404,527,-405,527,-410,527,-415,527,-419,527,-420,527,-425,527,-428,-901,-902,-645,-587,-1896,-903,527,527,527,-802,527,527,-806,527,-809,-835,527,-820,527,-822,527,-824,-810,527,-826,527,-853,-854,527,527,-813,527,-648,-904,-906,-650,-651,-647,527,-707,-708,527,-644,-905,-649,-652,-605,-716,527,527,-607,-588,527,527,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,527,527,-711,-712,527,-718,527,527,527,527,527,527,-940,527,-441,-443,-749,527,-893,527,-717,-1896,527,527,527,527,527,-444,-514,-525,527,-730,-735,527,-737,527,-742,527,-664,-670,527,-680,-682,-684,-685,-692,-695,-699,-747,527,527,-876,527,527,-880,527,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,527,-814,527,-816,-803,527,-804,-807,527,-818,-821,-823,-825,-827,527,-828,527,-811,527,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,527,-284,527,527,527,527,-457,527,527,-731,527,-738,527,-743,527,-665,-673,527,527,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,527,-838,-53,527,527,-732,527,-739,527,-744,-666,527,-875,-54,527,527,-733,-740,-745,527,527,527,-874,]),'NOARCHIVELOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[528,528,528,528,-1896,528,528,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,528,528,528,528,-277,-278,528,-1427,528,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,528,528,528,-492,528,528,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,528,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,528,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,528,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,528,-174,-175,-176,-177,-995,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-292,-293,-283,528,528,528,528,528,-330,-320,-334,-335,-336,528,528,-984,-985,-986,-987,-988,-989,-990,528,528,528,528,528,528,528,528,528,528,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,528,528,528,-355,-358,528,-325,-326,-143,528,-144,528,-145,528,-432,-937,-938,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-1896,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-1896,528,-1896,528,528,528,528,528,528,528,528,528,528,528,528,-1896,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-1896,528,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,528,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,528,528,528,-193,-194,528,-996,528,528,528,528,528,-279,-280,-281,-282,-367,528,-310,528,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,528,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,528,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,528,528,528,528,528,528,-575,528,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,528,528,-725,-726,-727,528,528,528,528,528,528,-996,528,528,-93,-94,528,528,528,528,-311,-312,-322,528,-309,-295,-296,-297,528,528,528,528,-620,-635,-592,528,528,-438,528,-439,528,-446,-447,-448,-380,-381,528,528,528,-508,528,528,-512,528,528,528,528,-517,-518,-519,-520,528,528,-523,-524,528,-526,-527,-528,-529,-530,-531,-532,-533,528,-535,528,528,528,-541,-543,-544,528,-546,-547,-548,-549,528,528,528,528,528,528,-654,-655,-656,-657,528,-659,-660,-661,528,528,528,-667,528,528,-671,-672,528,528,-675,528,-677,-678,528,-681,528,-683,528,528,-686,-687,-688,528,-690,528,528,-693,528,528,-696,-697,-698,528,-700,-701,-702,-703,528,528,-748,528,-751,-752,-753,-754,-755,528,-757,-758,-759,-760,-761,528,-768,-769,-771,528,-773,-774,-775,-784,-858,-860,-862,-864,528,528,528,528,-870,528,-872,528,528,528,528,528,528,528,-908,-909,528,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,528,-923,-926,528,-936,528,-387,-388,-389,528,528,-392,-393,-394,-395,528,-398,528,-401,-402,528,-403,528,-408,-409,528,-412,-413,-414,528,-417,528,-418,528,-423,-424,528,-427,528,-430,-431,-1896,-1896,528,-621,-622,-623,-624,-625,-636,-586,-626,-799,528,528,528,528,528,-833,528,528,-808,528,-834,528,528,528,528,-800,528,-855,-801,528,528,528,528,528,528,-856,-857,528,-836,-832,-837,528,-627,528,-628,-629,-630,-631,-576,528,528,-632,-633,-634,528,528,528,528,528,528,-637,-638,-639,-594,-1896,-604,528,-640,-641,-715,-642,-606,528,-574,-579,-582,-585,528,528,528,-600,-603,528,-610,528,528,528,528,528,528,528,528,528,528,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,528,528,528,-997,528,528,528,528,528,528,-308,-327,-321,-298,-377,-454,-455,-456,-460,528,-445,528,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,528,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,528,528,528,528,528,528,528,528,528,-318,-537,-510,-593,-939,-941,-942,-440,528,-442,-382,-383,-385,-509,-511,-513,528,-515,-516,-521,-522,528,-534,-536,-539,-540,-545,-550,-728,528,-729,528,-734,528,-736,528,-741,-658,-662,-663,528,-668,528,-669,528,-674,-676,528,-679,528,528,528,-689,-691,528,-694,528,528,-746,528,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,528,528,528,528,528,-879,528,-882,-910,-922,-927,-390,-391,528,-396,528,-399,528,-404,528,-405,528,-410,528,-415,528,-419,528,-420,528,-425,528,-428,-901,-902,-645,-587,-1896,-903,528,528,528,-802,528,528,-806,528,-809,-835,528,-820,528,-822,528,-824,-810,528,-826,528,-853,-854,528,528,-813,528,-648,-904,-906,-650,-651,-647,528,-707,-708,528,-644,-905,-649,-652,-605,-716,528,528,-607,-588,528,528,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,528,528,-711,-712,528,-718,528,528,528,528,528,528,-940,528,-441,-443,-749,528,-893,528,-717,-1896,528,528,528,528,528,-444,-514,-525,528,-730,-735,528,-737,528,-742,528,-664,-670,528,-680,-682,-684,-685,-692,-695,-699,-747,528,528,-876,528,528,-880,528,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,528,-814,528,-816,-803,528,-804,-807,528,-818,-821,-823,-825,-827,528,-828,528,-811,528,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,528,-284,528,528,528,528,-457,528,528,-731,528,-738,528,-743,528,-665,-673,528,528,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,528,-838,-53,528,528,-732,528,-739,528,-744,-666,528,-875,-54,528,528,-733,-740,-745,528,528,528,-874,]),'NODEGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[529,529,529,529,-1896,529,529,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,529,529,529,529,-277,-278,529,-1427,529,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,529,529,529,-492,529,529,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,529,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,529,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,529,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,529,-174,-175,-176,-177,-995,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-292,-293,-283,529,529,529,529,529,-330,-320,-334,-335,-336,529,529,-984,-985,-986,-987,-988,-989,-990,529,529,529,529,529,529,529,529,529,529,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,529,529,529,-355,-358,529,-325,-326,-143,529,-144,529,-145,529,-432,-937,-938,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-1896,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-1896,529,-1896,529,529,529,529,529,529,529,529,529,529,529,529,-1896,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-1896,529,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,529,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,529,529,529,-193,-194,529,-996,529,529,529,529,529,-279,-280,-281,-282,-367,529,-310,529,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,529,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,529,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,529,529,529,529,529,529,-575,529,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,529,529,-725,-726,-727,529,529,529,529,529,529,-996,529,529,-93,-94,529,529,529,529,-311,-312,-322,529,-309,-295,-296,-297,529,529,529,529,-620,-635,-592,529,529,-438,529,-439,529,-446,-447,-448,-380,-381,529,529,529,-508,529,529,-512,529,529,529,529,-517,-518,-519,-520,529,529,-523,-524,529,-526,-527,-528,-529,-530,-531,-532,-533,529,-535,529,529,529,-541,-543,-544,529,-546,-547,-548,-549,529,529,529,529,529,529,-654,-655,-656,-657,529,-659,-660,-661,529,529,529,-667,529,529,-671,-672,529,529,-675,529,-677,-678,529,-681,529,-683,529,529,-686,-687,-688,529,-690,529,529,-693,529,529,-696,-697,-698,529,-700,-701,-702,-703,529,529,-748,529,-751,-752,-753,-754,-755,529,-757,-758,-759,-760,-761,529,-768,-769,-771,529,-773,-774,-775,-784,-858,-860,-862,-864,529,529,529,529,-870,529,-872,529,529,529,529,529,529,529,-908,-909,529,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,529,-923,-926,529,-936,529,-387,-388,-389,529,529,-392,-393,-394,-395,529,-398,529,-401,-402,529,-403,529,-408,-409,529,-412,-413,-414,529,-417,529,-418,529,-423,-424,529,-427,529,-430,-431,-1896,-1896,529,-621,-622,-623,-624,-625,-636,-586,-626,-799,529,529,529,529,529,-833,529,529,-808,529,-834,529,529,529,529,-800,529,-855,-801,529,529,529,529,529,529,-856,-857,529,-836,-832,-837,529,-627,529,-628,-629,-630,-631,-576,529,529,-632,-633,-634,529,529,529,529,529,529,-637,-638,-639,-594,-1896,-604,529,-640,-641,-715,-642,-606,529,-574,-579,-582,-585,529,529,529,-600,-603,529,-610,529,529,529,529,529,529,529,529,529,529,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,529,529,529,-997,529,529,529,529,529,529,-308,-327,-321,-298,-377,-454,-455,-456,-460,529,-445,529,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,529,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,529,529,529,529,529,529,529,529,529,-318,-537,-510,-593,-939,-941,-942,-440,529,-442,-382,-383,-385,-509,-511,-513,529,-515,-516,-521,-522,529,-534,-536,-539,-540,-545,-550,-728,529,-729,529,-734,529,-736,529,-741,-658,-662,-663,529,-668,529,-669,529,-674,-676,529,-679,529,529,529,-689,-691,529,-694,529,529,-746,529,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,529,529,529,529,529,-879,529,-882,-910,-922,-927,-390,-391,529,-396,529,-399,529,-404,529,-405,529,-410,529,-415,529,-419,529,-420,529,-425,529,-428,-901,-902,-645,-587,-1896,-903,529,529,529,-802,529,529,-806,529,-809,-835,529,-820,529,-822,529,-824,-810,529,-826,529,-853,-854,529,529,-813,529,-648,-904,-906,-650,-651,-647,529,-707,-708,529,-644,-905,-649,-652,-605,-716,529,529,-607,-588,529,529,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,529,529,-711,-712,529,-718,529,529,529,529,529,529,-940,529,-441,-443,-749,529,-893,529,-717,-1896,529,529,529,529,529,-444,-514,-525,529,-730,-735,529,-737,529,-742,529,-664,-670,529,-680,-682,-684,-685,-692,-695,-699,-747,529,529,-876,529,529,-880,529,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,529,-814,529,-816,-803,529,-804,-807,529,-818,-821,-823,-825,-827,529,-828,529,-811,529,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,529,-284,529,529,529,529,-457,529,529,-731,529,-738,529,-743,529,-665,-673,529,529,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,529,-838,-53,529,529,-732,529,-739,529,-744,-666,529,-875,-54,529,529,-733,-740,-745,529,529,529,-874,]),'NONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[530,530,530,530,-1896,530,530,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,530,530,530,530,-277,-278,530,-1427,530,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,530,530,530,-492,530,530,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,530,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,530,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,530,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,530,-174,-175,-176,-177,-995,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-292,-293,-283,530,530,530,530,530,-330,-320,-334,-335,-336,530,530,-984,-985,-986,-987,-988,-989,-990,530,530,530,530,530,530,530,530,530,530,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,530,530,530,-355,-358,530,-325,-326,-143,530,-144,530,-145,530,-432,-937,-938,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-1896,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-1896,530,-1896,530,530,530,530,530,530,530,530,530,530,530,530,-1896,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-1896,530,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,530,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,530,530,530,-193,-194,530,-996,530,530,530,530,530,-279,-280,-281,-282,-367,530,-310,530,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,530,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,530,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,530,530,530,530,530,530,-575,530,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,530,530,-725,-726,-727,530,530,530,530,530,530,-996,530,530,-93,-94,530,530,530,530,-311,-312,-322,530,-309,-295,-296,-297,530,530,530,530,-620,-635,-592,530,530,-438,530,-439,530,-446,-447,-448,-380,-381,530,530,530,-508,530,530,-512,530,530,530,530,-517,-518,-519,-520,530,530,-523,-524,530,-526,-527,-528,-529,-530,-531,-532,-533,530,-535,530,530,530,-541,-543,-544,530,-546,-547,-548,-549,530,530,530,530,530,530,-654,-655,-656,-657,530,-659,-660,-661,530,530,530,-667,530,530,-671,-672,530,530,-675,530,-677,-678,530,-681,530,-683,530,530,-686,-687,-688,530,-690,530,530,-693,530,530,-696,-697,-698,530,-700,-701,-702,-703,530,530,-748,530,-751,-752,-753,-754,-755,530,-757,-758,-759,-760,-761,530,-768,-769,-771,530,-773,-774,-775,-784,-858,-860,-862,-864,530,530,530,530,-870,530,-872,530,530,530,530,530,530,530,-908,-909,530,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,530,-923,-926,530,-936,530,-387,-388,-389,530,530,-392,-393,-394,-395,530,-398,530,-401,-402,530,-403,530,-408,-409,530,-412,-413,-414,530,-417,530,-418,530,-423,-424,530,-427,530,-430,-431,-1896,-1896,530,-621,-622,-623,-624,-625,-636,-586,-626,-799,530,530,530,530,530,-833,530,530,-808,530,-834,530,530,530,530,-800,530,-855,-801,530,530,530,530,530,530,-856,-857,530,-836,-832,-837,530,-627,530,-628,-629,-630,-631,-576,530,530,-632,-633,-634,530,530,530,530,530,530,-637,-638,-639,-594,-1896,-604,530,-640,-641,-715,-642,-606,530,-574,-579,-582,-585,530,530,530,-600,-603,530,-610,530,530,530,530,530,530,530,530,530,530,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,530,530,530,-997,530,530,530,530,530,530,-308,-327,-321,-298,-377,-454,-455,-456,-460,530,-445,530,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,530,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,530,530,530,530,530,530,530,530,530,-318,-537,-510,-593,-939,-941,-942,-440,530,-442,-382,-383,-385,-509,-511,-513,530,-515,-516,-521,-522,530,-534,-536,-539,-540,-545,-550,-728,530,-729,530,-734,530,-736,530,-741,-658,-662,-663,530,-668,530,-669,530,-674,-676,530,-679,530,530,530,-689,-691,530,-694,530,530,-746,530,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,530,530,530,530,530,-879,530,-882,-910,-922,-927,-390,-391,530,-396,530,-399,530,-404,530,-405,530,-410,530,-415,530,-419,530,-420,530,-425,530,-428,-901,-902,-645,-587,-1896,-903,530,530,530,-802,530,530,-806,530,-809,-835,530,-820,530,-822,530,-824,-810,530,-826,530,-853,-854,530,530,-813,530,-648,-904,-906,-650,-651,-647,530,-707,-708,530,-644,-905,-649,-652,-605,-716,530,530,-607,-588,530,530,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,530,530,-711,-712,530,-718,530,530,530,530,530,530,-940,530,-441,-443,-749,530,-893,530,-717,-1896,530,530,530,530,530,-444,-514,-525,530,-730,-735,530,-737,530,-742,530,-664,-670,530,-680,-682,-684,-685,-692,-695,-699,-747,530,530,-876,530,530,-880,530,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,530,-814,530,-816,-803,530,-804,-807,530,-818,-821,-823,-825,-827,530,-828,530,-811,530,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,530,-284,530,530,530,530,-457,530,530,-731,530,-738,530,-743,530,-665,-673,530,530,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,530,-838,-53,530,530,-732,530,-739,530,-744,-666,530,-875,-54,530,530,-733,-740,-745,530,530,530,-874,]),'NORMAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[531,531,531,531,-1896,531,531,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,531,531,531,531,-277,-278,531,-1427,531,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,531,531,531,-492,531,531,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,531,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,531,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,531,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,531,-174,-175,-176,-177,-995,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-292,-293,-283,531,531,531,531,531,-330,-320,-334,-335,-336,531,531,-984,-985,-986,-987,-988,-989,-990,531,531,531,531,531,531,531,531,531,531,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,531,531,531,-355,-358,531,-325,-326,-143,531,-144,531,-145,531,-432,-937,-938,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-1896,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-1896,531,-1896,531,531,531,531,531,531,531,531,531,531,531,531,-1896,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-1896,531,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,531,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,531,531,531,-193,-194,531,-996,531,531,531,531,531,-279,-280,-281,-282,-367,531,-310,531,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,531,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,531,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,531,531,531,531,531,531,-575,531,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,531,531,-725,-726,-727,531,531,531,531,531,531,-996,531,531,-93,-94,531,531,531,531,-311,-312,-322,531,-309,-295,-296,-297,531,531,531,531,-620,-635,-592,531,531,-438,531,-439,531,-446,-447,-448,-380,-381,531,531,531,-508,531,531,-512,531,531,531,531,-517,-518,-519,-520,531,531,-523,-524,531,-526,-527,-528,-529,-530,-531,-532,-533,531,-535,531,531,531,-541,-543,-544,531,-546,-547,-548,-549,531,531,531,531,531,531,-654,-655,-656,-657,531,-659,-660,-661,531,531,531,-667,531,531,-671,-672,531,531,-675,531,-677,-678,531,-681,531,-683,531,531,-686,-687,-688,531,-690,531,531,-693,531,531,-696,-697,-698,531,-700,-701,-702,-703,531,531,-748,531,-751,-752,-753,-754,-755,531,-757,-758,-759,-760,-761,531,-768,-769,-771,531,-773,-774,-775,-784,-858,-860,-862,-864,531,531,531,531,-870,531,-872,531,531,531,531,531,531,531,-908,-909,531,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,531,-923,-926,531,-936,531,-387,-388,-389,531,531,-392,-393,-394,-395,531,-398,531,-401,-402,531,-403,531,-408,-409,531,-412,-413,-414,531,-417,531,-418,531,-423,-424,531,-427,531,-430,-431,-1896,-1896,531,-621,-622,-623,-624,-625,-636,-586,-626,-799,531,531,531,531,531,-833,531,531,-808,531,-834,531,531,531,531,-800,531,-855,-801,531,531,531,531,531,531,-856,-857,531,-836,-832,-837,531,-627,531,-628,-629,-630,-631,-576,531,531,-632,-633,-634,531,531,531,531,531,531,-637,-638,-639,-594,-1896,-604,531,-640,-641,-715,-642,-606,531,-574,-579,-582,-585,531,531,531,-600,-603,531,-610,531,531,531,531,531,531,531,531,531,531,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,531,531,531,-997,531,531,531,531,531,531,-308,-327,-321,-298,-377,-454,-455,-456,-460,531,-445,531,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,531,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,531,531,531,531,531,531,531,531,531,-318,-537,-510,-593,-939,-941,-942,-440,531,-442,-382,-383,-385,-509,-511,-513,531,-515,-516,-521,-522,531,-534,-536,-539,-540,-545,-550,-728,531,-729,531,-734,531,-736,531,-741,-658,-662,-663,531,-668,531,-669,531,-674,-676,531,-679,531,531,531,-689,-691,531,-694,531,531,-746,531,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,531,531,531,531,531,-879,531,-882,-910,-922,-927,-390,-391,531,-396,531,-399,531,-404,531,-405,531,-410,531,-415,531,-419,531,-420,531,-425,531,-428,-901,-902,-645,-587,-1896,-903,531,531,531,-802,531,531,-806,531,-809,-835,531,-820,531,-822,531,-824,-810,531,-826,531,-853,-854,531,531,-813,531,-648,-904,-906,-650,-651,-647,531,-707,-708,531,-644,-905,-649,-652,-605,-716,531,531,-607,-588,531,531,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,531,531,-711,-712,531,-718,531,531,531,531,531,531,-940,531,-441,-443,-749,531,-893,531,-717,-1896,531,531,531,531,531,-444,-514,-525,531,-730,-735,531,-737,531,-742,531,-664,-670,531,-680,-682,-684,-685,-692,-695,-699,-747,531,531,-876,531,531,-880,531,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,531,-814,531,-816,-803,531,-804,-807,531,-818,-821,-823,-825,-827,531,-828,531,-811,531,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,531,-284,531,531,531,531,-457,531,531,-731,531,-738,531,-743,531,-665,-673,531,531,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,531,-838,-53,531,531,-732,531,-739,531,-744,-666,531,-875,-54,531,531,-733,-740,-745,531,531,531,-874,]),'NOW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[532,532,532,1293,-1896,532,532,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,532,532,532,532,-277,-278,1293,-1427,1293,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1293,1293,1293,-492,1293,1293,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1293,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1293,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1293,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,532,-174,-175,-176,-177,-995,532,532,532,532,532,532,532,532,532,532,1293,1293,1293,1293,1293,-292,-293,-283,532,1293,1293,1293,1293,-330,-320,-334,-335,-336,1293,1293,-984,-985,-986,-987,-988,-989,-990,532,532,1293,1293,1293,1293,1293,1293,1293,1293,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1293,1293,1293,-355,-358,532,-325,-326,-143,1293,-144,1293,-145,1293,-432,-937,-938,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1896,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1896,1293,-1896,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1896,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1896,532,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1293,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1293,532,532,-193,-194,532,-996,1293,532,532,532,532,-279,-280,-281,-282,-367,1293,-310,1293,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1293,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1293,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1293,1293,1293,1293,1293,1293,-575,1293,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1293,1293,-725,-726,-727,1293,1293,532,532,532,532,-996,532,1293,-93,-94,532,532,532,1293,-311,-312,-322,1293,-309,-295,-296,-297,1293,532,1293,1293,-620,-635,-592,1293,532,-438,532,-439,1293,-446,-447,-448,-380,-381,1293,1293,1293,-508,1293,1293,-512,1293,1293,1293,1293,-517,-518,-519,-520,1293,1293,-523,-524,1293,-526,-527,-528,-529,-530,-531,-532,-533,1293,-535,1293,1293,1293,-541,-543,-544,1293,-546,-547,-548,-549,1293,1293,1293,1293,1293,1293,-654,-655,-656,-657,532,-659,-660,-661,1293,1293,1293,-667,1293,1293,-671,-672,1293,1293,-675,1293,-677,-678,1293,-681,1293,-683,1293,1293,-686,-687,-688,1293,-690,1293,1293,-693,1293,1293,-696,-697,-698,1293,-700,-701,-702,-703,1293,1293,-748,1293,-751,-752,-753,-754,-755,1293,-757,-758,-759,-760,-761,1293,-768,-769,-771,1293,-773,-774,-775,-784,-858,-860,-862,-864,1293,1293,1293,1293,-870,1293,-872,1293,1293,1293,1293,1293,1293,1293,-908,-909,1293,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1293,-923,-926,1293,-936,1293,-387,-388,-389,1293,1293,-392,-393,-394,-395,1293,-398,1293,-401,-402,1293,-403,1293,-408,-409,1293,-412,-413,-414,1293,-417,1293,-418,1293,-423,-424,1293,-427,1293,-430,-431,-1896,-1896,1293,-621,-622,-623,-624,-625,-636,-586,-626,-799,1293,1293,1293,1293,1293,-833,1293,1293,-808,1293,-834,1293,1293,1293,1293,-800,1293,-855,-801,1293,1293,1293,1293,1293,1293,-856,-857,1293,-836,-832,-837,1293,-627,1293,-628,-629,-630,-631,-576,1293,1293,-632,-633,-634,1293,1293,1293,1293,1293,1293,-637,-638,-639,-594,-1896,-604,1293,-640,-641,-715,-642,-606,1293,-574,-579,-582,-585,1293,1293,1293,-600,-603,1293,-610,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1293,532,532,-997,532,1293,532,532,532,1293,-308,-327,-321,-298,-377,-454,-455,-456,-460,532,-445,1293,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1293,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,532,532,532,532,532,532,532,532,1293,-318,-537,-510,-593,-939,-941,-942,-440,1293,-442,-382,-383,-385,-509,-511,-513,1293,-515,-516,-521,-522,1293,-534,-536,-539,-540,-545,-550,-728,1293,-729,1293,-734,1293,-736,1293,-741,-658,-662,-663,1293,-668,1293,-669,1293,-674,-676,1293,-679,1293,1293,1293,-689,-691,1293,-694,1293,1293,-746,1293,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1293,1293,1293,1293,1293,-879,1293,-882,-910,-922,-927,-390,-391,1293,-396,1293,-399,1293,-404,1293,-405,1293,-410,1293,-415,1293,-419,1293,-420,1293,-425,1293,-428,-901,-902,-645,-587,-1896,-903,1293,1293,1293,-802,1293,1293,-806,1293,-809,-835,1293,-820,1293,-822,1293,-824,-810,1293,-826,1293,-853,-854,1293,1293,-813,1293,-648,-904,-906,-650,-651,-647,1293,-707,-708,1293,-644,-905,-649,-652,-605,-716,1293,1293,-607,-588,1293,1293,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1293,1293,-711,-712,1293,-718,1293,532,532,532,1293,1293,-940,532,-441,-443,-749,1293,-893,1293,-717,-1896,1293,1293,532,532,1293,-444,-514,-525,1293,-730,-735,1293,-737,1293,-742,1293,-664,-670,1293,-680,-682,-684,-685,-692,-695,-699,-747,1293,1293,-876,1293,1293,-880,1293,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1293,-814,1293,-816,-803,1293,-804,-807,1293,-818,-821,-823,-825,-827,1293,-828,1293,-811,1293,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,532,-284,532,1293,532,1293,-457,1293,1293,-731,1293,-738,1293,-743,1293,-665,-673,1293,1293,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1293,-838,-53,532,1293,-732,1293,-739,1293,-744,-666,1293,-875,-54,532,532,-733,-740,-745,1293,532,1293,-874,]),'NOWAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[533,533,533,533,-1896,533,533,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,533,533,533,533,-277,-278,533,-1427,533,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,533,533,533,-492,533,533,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,533,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,533,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,533,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,533,-174,-175,-176,-177,-995,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-292,-293,-283,533,533,533,533,533,-330,-320,-334,-335,-336,533,533,-984,-985,-986,-987,-988,-989,-990,533,533,533,533,533,533,533,533,533,533,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,533,533,533,-355,-358,533,-325,-326,-143,533,-144,533,-145,533,-432,-937,-938,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-1896,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-1896,533,-1896,533,533,533,533,533,533,533,533,533,533,533,533,-1896,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-1896,533,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,533,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,533,533,533,-193,-194,533,-996,533,533,533,533,533,-279,-280,-281,-282,-367,533,-310,533,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,533,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,533,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,533,533,533,533,533,533,-575,533,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,533,533,-725,-726,-727,533,533,533,533,533,533,-996,533,533,-93,-94,533,533,533,533,-311,-312,-322,533,-309,-295,-296,-297,533,533,533,533,-620,-635,-592,533,533,-438,533,-439,533,-446,-447,-448,-380,-381,533,533,533,-508,533,533,-512,533,533,533,533,-517,-518,-519,-520,533,533,-523,-524,533,-526,-527,-528,-529,-530,-531,-532,-533,533,-535,533,533,533,-541,-543,-544,533,-546,-547,-548,-549,533,533,533,533,533,533,-654,-655,-656,-657,533,-659,-660,-661,533,533,533,-667,533,533,-671,-672,533,533,-675,533,-677,-678,533,-681,533,-683,533,533,-686,-687,-688,533,-690,533,533,-693,533,533,-696,-697,-698,533,-700,-701,-702,-703,533,533,-748,533,-751,-752,-753,-754,-755,533,-757,-758,-759,-760,-761,533,-768,-769,-771,533,-773,-774,-775,-784,-858,-860,-862,-864,533,533,533,533,-870,533,-872,533,533,533,533,533,533,533,-908,-909,533,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,533,-923,-926,533,-936,533,-387,-388,-389,533,533,-392,-393,-394,-395,533,-398,533,-401,-402,533,-403,533,-408,-409,533,-412,-413,-414,533,-417,533,-418,533,-423,-424,533,-427,533,-430,-431,-1896,-1896,533,-621,-622,-623,-624,-625,-636,-586,-626,-799,533,533,533,533,533,-833,533,533,-808,533,-834,533,533,533,533,-800,533,-855,-801,533,533,533,533,533,533,-856,-857,533,-836,-832,-837,533,-627,533,-628,-629,-630,-631,-576,533,533,-632,-633,-634,533,533,533,533,533,533,-637,-638,-639,-594,-1896,-604,533,-640,-641,-715,-642,-606,533,-574,-579,-582,-585,533,533,533,-600,-603,533,-610,533,533,533,533,533,533,533,533,533,533,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,533,533,533,3197,-997,533,533,533,533,533,533,-308,-327,-321,-298,-377,-454,-455,-456,-460,533,-445,533,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,533,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,533,533,533,533,533,533,533,533,533,-318,-537,-510,-593,-939,-941,-942,-440,533,-442,-382,-383,-385,-509,-511,-513,533,-515,-516,-521,-522,533,-534,-536,-539,-540,-545,-550,-728,533,-729,533,-734,533,-736,533,-741,-658,-662,-663,533,-668,533,-669,533,-674,-676,533,-679,533,533,533,-689,-691,533,-694,533,533,-746,533,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,533,533,533,533,533,-879,533,-882,-910,-922,-927,-390,-391,533,-396,533,-399,533,-404,533,-405,533,-410,533,-415,533,-419,533,-420,533,-425,533,-428,-901,-902,-645,-587,-1896,-903,533,533,533,-802,533,533,-806,533,-809,-835,533,-820,533,-822,533,-824,-810,533,-826,533,-853,-854,533,533,-813,533,-648,-904,-906,-650,-651,-647,533,-707,-708,533,-644,-905,-649,-652,-605,-716,533,533,-607,-588,533,533,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,533,533,-711,-712,533,-718,533,533,533,533,533,533,-940,533,-441,-443,-749,533,-893,533,-717,-1896,533,533,533,533,533,-444,-514,-525,533,-730,-735,533,-737,533,-742,533,-664,-670,533,-680,-682,-684,-685,-692,-695,-699,-747,533,533,-876,533,533,-880,533,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,533,-814,533,-816,-803,533,-804,-807,533,-818,-821,-823,-825,-827,533,-828,533,-811,533,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,533,-284,533,533,533,533,-457,533,533,-731,533,-738,533,-743,533,-665,-673,533,533,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,533,-838,-53,533,533,-732,533,-739,533,-744,-666,533,-875,-54,533,533,-733,-740,-745,533,533,533,-874,]),'NO_WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[534,534,534,534,-1896,534,534,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,534,534,534,534,-277,-278,534,-1427,534,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,534,534,534,-492,534,534,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,534,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,534,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,534,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,534,-174,-175,-176,-177,-995,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-292,-293,-283,534,534,534,534,534,-330,-320,-334,-335,-336,534,534,-984,-985,-986,-987,-988,-989,-990,534,534,534,534,534,534,534,534,534,534,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,534,534,534,-355,-358,534,-325,-326,-143,534,-144,534,-145,534,-432,-937,-938,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-1896,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-1896,534,-1896,534,534,534,534,534,534,534,534,534,534,534,534,-1896,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-1896,534,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,534,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,534,534,534,-193,-194,534,-996,534,534,534,534,534,-279,-280,-281,-282,-367,534,-310,534,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,534,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,534,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,534,534,534,534,534,534,-575,534,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,534,534,-725,-726,-727,534,534,534,534,534,534,-996,534,534,-93,-94,534,534,534,534,-311,-312,-322,534,-309,-295,-296,-297,534,534,534,534,-620,-635,-592,534,534,-438,534,-439,534,-446,-447,-448,-380,-381,534,534,534,-508,534,534,-512,534,534,534,534,-517,-518,-519,-520,534,534,-523,-524,534,-526,-527,-528,-529,-530,-531,-532,-533,534,-535,534,534,534,-541,-543,-544,534,-546,-547,-548,-549,534,534,534,534,534,534,-654,-655,-656,-657,534,-659,-660,-661,534,534,534,-667,534,534,-671,-672,534,534,-675,534,-677,-678,534,-681,534,-683,534,534,-686,-687,-688,534,-690,534,534,-693,534,534,-696,-697,-698,534,-700,-701,-702,-703,534,534,-748,534,-751,-752,-753,-754,-755,534,-757,-758,-759,-760,-761,534,-768,-769,-771,534,-773,-774,-775,-784,-858,-860,-862,-864,534,534,534,534,-870,534,-872,534,534,534,534,534,534,534,-908,-909,534,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,534,-923,-926,534,-936,534,-387,-388,-389,534,534,-392,-393,-394,-395,534,-398,534,-401,-402,534,-403,534,-408,-409,534,-412,-413,-414,534,-417,534,-418,534,-423,-424,534,-427,534,-430,-431,-1896,-1896,534,-621,-622,-623,-624,-625,-636,-586,-626,-799,534,534,534,534,534,-833,534,534,-808,534,-834,534,534,534,534,-800,534,-855,-801,534,534,534,534,534,534,-856,-857,534,-836,-832,-837,534,-627,534,-628,-629,-630,-631,-576,534,534,-632,-633,-634,534,534,534,534,534,534,-637,-638,-639,-594,-1896,-604,534,-640,-641,-715,-642,-606,534,-574,-579,-582,-585,534,534,534,-600,-603,534,-610,534,534,534,534,534,534,534,534,534,534,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,534,534,534,3198,-997,534,534,534,534,534,534,-308,-327,-321,-298,-377,-454,-455,-456,-460,534,-445,534,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,534,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,534,534,534,534,534,534,534,534,534,-318,-537,-510,-593,-939,-941,-942,-440,534,-442,-382,-383,-385,-509,-511,-513,534,-515,-516,-521,-522,534,-534,-536,-539,-540,-545,-550,-728,534,-729,534,-734,534,-736,534,-741,-658,-662,-663,534,-668,534,-669,534,-674,-676,534,-679,534,534,534,-689,-691,534,-694,534,534,-746,534,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,534,534,534,534,534,-879,534,-882,-910,-922,-927,-390,-391,534,-396,534,-399,534,-404,534,-405,534,-410,534,-415,534,-419,534,-420,534,-425,534,-428,-901,-902,-645,-587,-1896,-903,534,534,534,-802,534,534,-806,534,-809,-835,534,-820,534,-822,534,-824,-810,534,-826,534,-853,-854,534,534,-813,534,-648,-904,-906,-650,-651,-647,534,-707,-708,534,-644,-905,-649,-652,-605,-716,534,534,-607,-588,534,534,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,534,534,-711,-712,534,-718,534,534,534,534,534,534,-940,534,-441,-443,-749,534,-893,534,-717,-1896,534,534,534,534,534,-444,-514,-525,534,-730,-735,534,-737,534,-742,534,-664,-670,534,-680,-682,-684,-685,-692,-695,-699,-747,534,534,-876,534,534,-880,534,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,534,-814,534,-816,-803,534,-804,-807,534,-818,-821,-823,-825,-827,534,-828,534,-811,534,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,534,-284,534,534,534,534,-457,534,534,-731,534,-738,534,-743,534,-665,-673,534,534,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,534,-838,-53,534,534,-732,534,-739,534,-744,-666,534,-875,-54,534,534,-733,-740,-745,534,534,534,-874,]),'NULLS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2479,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2886,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2986,2987,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[535,535,535,535,-1896,535,535,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,535,535,535,535,-277,-278,535,-1427,535,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,535,535,535,-492,535,535,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,535,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,535,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,535,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,535,-174,-175,-176,-177,-995,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-292,-293,-283,535,535,535,535,535,-330,-320,-334,-335,-336,535,535,-984,-985,-986,-987,-988,-989,-990,535,535,535,535,535,535,535,535,535,535,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,535,535,535,-355,-358,535,-325,-326,-143,535,-144,535,-145,535,-432,-937,-938,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-1896,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-1896,535,-1896,535,535,535,535,535,535,535,535,535,535,535,535,-1896,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-1896,535,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,535,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,535,535,535,-193,-194,535,-996,535,535,535,535,535,-279,-280,-281,-282,-367,535,-310,535,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,535,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,535,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,535,535,535,535,535,535,-575,535,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,535,535,-725,-726,-727,535,535,535,535,2887,535,535,-996,535,535,-93,-94,535,535,535,535,-311,-312,-322,535,-309,-295,-296,-297,535,535,535,535,-620,-635,-592,535,535,-438,535,-439,535,-446,-447,-448,-380,-381,535,535,535,-508,535,535,-512,535,535,535,535,-517,-518,-519,-520,535,535,-523,-524,535,-526,-527,-528,-529,-530,-531,-532,-533,535,-535,535,535,535,-541,-543,-544,535,-546,-547,-548,-549,535,535,535,535,535,535,-654,-655,-656,-657,535,-659,-660,-661,535,535,535,-667,535,535,-671,-672,535,535,-675,535,-677,-678,535,-681,535,-683,535,535,-686,-687,-688,535,-690,535,535,-693,535,535,-696,-697,-698,535,-700,-701,-702,-703,535,535,-748,535,-751,-752,-753,-754,-755,535,-757,-758,-759,-760,-761,535,-768,-769,-771,535,-773,-774,-775,-784,-858,-860,-862,-864,535,535,535,535,-870,535,-872,535,535,535,535,535,535,535,-908,-909,535,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,535,-923,-926,535,-936,535,-387,-388,-389,535,535,-392,-393,-394,-395,535,-398,535,-401,-402,535,-403,535,-408,-409,535,-412,-413,-414,535,-417,535,-418,535,-423,-424,535,-427,535,-430,-431,-1896,-1896,535,-621,-622,-623,-624,-625,-636,-586,-626,-799,535,535,535,535,535,-833,535,535,-808,535,-834,535,535,535,535,-800,535,-855,-801,535,535,535,535,535,535,-856,-857,535,-836,-832,-837,535,-627,535,-628,-629,-630,-631,-576,535,535,-632,-633,-634,535,535,535,535,535,535,-637,-638,-639,-594,-1896,-604,535,-640,-641,-715,-642,-606,535,-574,-579,-582,-585,535,535,535,-600,-603,535,-610,535,535,535,535,535,535,535,535,535,535,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,535,2887,-146,-147,535,535,-997,535,535,535,535,535,535,-308,-327,-321,-298,-377,-454,-455,-456,-460,535,3258,3259,-445,535,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,535,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,535,535,535,535,535,535,535,535,535,-318,-537,-510,-593,-939,-941,-942,-440,535,-442,-382,-383,-385,-509,-511,-513,535,-515,-516,-521,-522,535,-534,-536,-539,-540,-545,-550,-728,535,-729,535,-734,535,-736,535,-741,-658,-662,-663,535,-668,535,-669,535,-674,-676,535,-679,535,535,535,-689,-691,535,-694,535,535,-746,535,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,535,535,535,535,535,-879,535,-882,-910,-922,-927,-390,-391,535,-396,535,-399,535,-404,535,-405,535,-410,535,-415,535,-419,535,-420,535,-425,535,-428,-901,-902,-645,-587,-1896,-903,535,535,535,-802,535,535,-806,535,-809,-835,535,-820,535,-822,535,-824,-810,535,-826,535,-853,-854,535,535,-813,535,-648,-904,-906,-650,-651,-647,535,-707,-708,535,-644,-905,-649,-652,-605,-716,535,535,-607,-588,535,535,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,535,535,-711,-712,535,-718,535,535,535,535,535,535,-940,535,-441,-443,-749,535,-893,535,-717,-1896,535,535,535,535,535,-444,-514,-525,535,-730,-735,535,-737,535,-742,535,-664,-670,535,-680,-682,-684,-685,-692,-695,-699,-747,535,535,-876,535,535,-880,535,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,535,-814,535,-816,-803,535,-804,-807,535,-818,-821,-823,-825,-827,535,-828,535,-811,535,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,535,-284,535,535,535,535,-457,535,535,-731,535,-738,535,-743,535,-665,-673,535,535,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,535,-838,-53,535,535,-732,535,-739,535,-744,-666,535,-875,-54,535,535,-733,-740,-745,535,535,535,-874,]),'NULLIF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[536,536,536,1047,-1896,536,536,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,536,536,536,536,-277,-278,1047,-1427,1047,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1047,1047,1047,-492,1047,1047,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1047,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1047,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1924,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,536,-174,-175,-176,-177,-995,536,536,536,536,536,536,536,536,536,536,1047,1047,1047,1047,1047,-292,-293,-283,536,1047,1047,1047,1047,-330,-320,-334,-335,-336,1047,1047,-984,-985,-986,-987,-988,-989,-990,536,536,1047,1047,1047,1047,1047,1047,1047,1047,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1047,1047,1047,-355,-358,536,-325,-326,-143,1047,-144,1047,-145,1047,-432,-937,-938,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1896,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1896,1047,-1896,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1896,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1896,536,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1047,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1047,536,536,-193,-194,536,-996,1047,536,536,536,536,-279,-280,-281,-282,-367,1047,-310,1047,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1047,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1047,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1047,1047,1047,1047,1047,1047,-575,1047,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1047,1047,-725,-726,-727,1047,1924,536,536,536,536,-996,536,1047,-93,-94,536,536,536,1047,-311,-312,-322,1047,-309,-295,-296,-297,1047,536,1047,1047,-620,-635,-592,1047,536,-438,536,-439,1047,-446,-447,-448,-380,-381,1047,1047,1047,-508,1047,1047,-512,1047,1047,1047,1047,-517,-518,-519,-520,1047,1047,-523,-524,1047,-526,-527,-528,-529,-530,-531,-532,-533,1047,-535,1047,1047,1047,-541,-543,-544,1047,-546,-547,-548,-549,1047,1047,1047,1047,1047,1047,-654,-655,-656,-657,536,-659,-660,-661,1047,1047,1047,-667,1047,1047,-671,-672,1047,1047,-675,1047,-677,-678,1047,-681,1047,-683,1047,1047,-686,-687,-688,1047,-690,1047,1047,-693,1047,1047,-696,-697,-698,1047,-700,-701,-702,-703,1047,1047,-748,1047,-751,-752,-753,-754,-755,1047,-757,-758,-759,-760,-761,1047,-768,-769,-771,1047,-773,-774,-775,-784,-858,-860,-862,-864,1047,1047,1047,1047,-870,1047,-872,1047,1047,1047,1047,1047,1047,1047,-908,-909,1047,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1047,-923,-926,1047,-936,1047,-387,-388,-389,1047,1047,-392,-393,-394,-395,1047,-398,1047,-401,-402,1047,-403,1047,-408,-409,1047,-412,-413,-414,1047,-417,1047,-418,1047,-423,-424,1047,-427,1047,-430,-431,-1896,-1896,1047,-621,-622,-623,-624,-625,-636,-586,-626,-799,1047,1047,1047,1047,1047,-833,1047,1047,-808,1047,-834,1047,1047,1047,1047,-800,1047,-855,-801,1047,1047,1047,1047,1047,1047,-856,-857,1047,-836,-832,-837,1047,-627,1047,-628,-629,-630,-631,-576,1047,1047,-632,-633,-634,1047,1047,1047,1047,1047,1047,-637,-638,-639,-594,-1896,-604,1047,-640,-641,-715,-642,-606,1047,-574,-579,-582,-585,1047,1047,1047,-600,-603,1047,-610,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1047,536,536,-997,536,1047,536,536,536,1047,-308,-327,-321,-298,-377,-454,-455,-456,-460,536,-445,1047,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1047,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,536,536,536,536,536,536,536,536,1047,-318,-537,-510,-593,-939,-941,-942,-440,1047,-442,-382,-383,-385,-509,-511,-513,1047,-515,-516,-521,-522,1047,-534,-536,-539,-540,-545,-550,-728,1047,-729,1047,-734,1047,-736,1047,-741,-658,-662,-663,1047,-668,1047,-669,1047,-674,-676,1047,-679,1047,1047,1047,-689,-691,1047,-694,1047,1047,-746,1047,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1047,1047,1047,1047,1047,-879,1047,-882,-910,-922,-927,-390,-391,1047,-396,1047,-399,1047,-404,1047,-405,1047,-410,1047,-415,1047,-419,1047,-420,1047,-425,1047,-428,-901,-902,-645,-587,-1896,-903,1047,1047,1047,-802,1047,1047,-806,1047,-809,-835,1047,-820,1047,-822,1047,-824,-810,1047,-826,1047,-853,-854,1047,1047,-813,1047,-648,-904,-906,-650,-651,-647,1047,-707,-708,1047,-644,-905,-649,-652,-605,-716,1047,1047,-607,-588,1047,1047,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1047,1047,-711,-712,1047,-718,1047,536,536,536,1047,1047,-940,536,-441,-443,-749,1047,-893,1924,-717,-1896,1047,1047,536,536,1047,-444,-514,-525,1047,-730,-735,1047,-737,1047,-742,1047,-664,-670,1047,-680,-682,-684,-685,-692,-695,-699,-747,1047,1047,-876,1047,1047,-880,1047,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1047,-814,1047,-816,-803,1047,-804,-807,1047,-818,-821,-823,-825,-827,1047,-828,1047,-811,1047,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,536,-284,536,1047,536,1047,-457,1047,1047,-731,1047,-738,1047,-743,1047,-665,-673,1047,1047,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1047,-838,-53,536,1047,-732,1047,-739,1047,-744,-666,1047,-875,-54,536,536,-733,-740,-745,1047,536,1047,-874,]),'NVARCHAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[537,537,537,537,-1896,537,537,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,537,537,537,537,-277,-278,537,-1427,537,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,537,537,537,-492,537,537,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,537,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,537,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,537,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,537,-174,-175,-176,-177,-995,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-292,-293,-283,537,537,537,537,537,-330,-320,-334,-335,-336,537,537,-984,-985,-986,-987,-988,-989,-990,537,537,537,537,537,537,537,537,537,537,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,537,537,537,-355,-358,537,-325,-326,-143,537,-144,537,-145,537,-432,-937,-938,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-1896,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-1896,537,-1896,537,537,537,537,537,537,537,537,537,537,537,537,-1896,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-1896,537,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,537,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,537,537,537,-193,-194,537,-996,537,537,537,537,537,-279,-280,-281,-282,-367,537,-310,537,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,537,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,537,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,537,537,537,537,537,537,-575,537,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,537,537,-725,-726,-727,537,537,537,537,537,537,-996,537,537,-93,-94,537,537,537,537,-311,-312,-322,537,-309,-295,-296,-297,537,537,537,537,-620,-635,-592,537,537,-438,537,-439,537,-446,-447,-448,-380,-381,537,537,537,-508,537,537,-512,537,537,537,537,-517,-518,-519,-520,537,537,-523,-524,537,-526,-527,-528,-529,-530,-531,-532,-533,537,-535,537,537,537,-541,-543,-544,537,-546,-547,-548,-549,537,537,537,537,537,537,-654,-655,-656,-657,537,-659,-660,-661,537,537,537,-667,537,537,-671,-672,537,537,-675,537,-677,-678,537,-681,537,-683,537,537,-686,-687,-688,537,-690,537,537,-693,537,537,-696,-697,-698,537,-700,-701,-702,-703,537,537,-748,537,-751,-752,-753,-754,-755,537,-757,-758,-759,-760,-761,537,-768,-769,-771,537,-773,-774,-775,-784,-858,-860,-862,-864,537,537,537,537,-870,537,-872,537,537,537,537,537,537,537,-908,-909,537,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,537,-923,-926,537,-936,537,-387,-388,-389,537,537,-392,-393,-394,-395,537,-398,537,-401,-402,537,-403,537,-408,-409,537,-412,-413,-414,537,-417,537,-418,537,-423,-424,537,-427,537,-430,-431,-1896,-1896,537,-621,-622,-623,-624,-625,-636,-586,-626,-799,537,537,537,537,537,-833,537,537,-808,537,-834,537,537,537,537,-800,537,-855,-801,537,537,537,537,537,537,-856,-857,537,-836,-832,-837,537,-627,537,-628,-629,-630,-631,-576,537,537,-632,-633,-634,537,537,537,537,537,537,-637,-638,-639,-594,-1896,-604,537,-640,-641,-715,-642,-606,537,-574,-579,-582,-585,537,537,537,-600,-603,537,-610,537,537,537,537,537,537,537,537,537,537,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,537,537,537,-997,537,537,537,537,537,537,-308,-327,-321,-298,-377,-454,-455,-456,-460,537,-445,537,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,537,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,537,537,537,537,537,537,537,537,537,-318,-537,-510,-593,-939,-941,-942,-440,537,-442,-382,-383,-385,-509,-511,-513,537,-515,-516,-521,-522,537,-534,-536,-539,-540,-545,-550,-728,537,-729,537,-734,537,-736,537,-741,-658,-662,-663,537,-668,537,-669,537,-674,-676,537,-679,537,537,537,-689,-691,537,-694,537,537,-746,537,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,537,537,537,537,537,-879,537,-882,-910,-922,-927,-390,-391,537,-396,537,-399,537,-404,537,-405,537,-410,537,-415,537,-419,537,-420,537,-425,537,-428,-901,-902,-645,-587,-1896,-903,537,537,537,-802,537,537,-806,537,-809,-835,537,-820,537,-822,537,-824,-810,537,-826,537,-853,-854,537,537,-813,537,-648,-904,-906,-650,-651,-647,537,-707,-708,537,-644,-905,-649,-652,-605,-716,537,537,-607,-588,537,537,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,537,537,-711,-712,537,-718,537,537,537,537,537,537,-940,537,-441,-443,-749,537,-893,537,-717,-1896,537,537,537,537,537,-444,-514,-525,537,-730,-735,537,-737,537,-742,537,-664,-670,537,-680,-682,-684,-685,-692,-695,-699,-747,537,537,-876,537,537,-880,537,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,537,-814,537,-816,-803,537,-804,-807,537,-818,-821,-823,-825,-827,537,-828,537,-811,537,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,537,-284,537,537,537,537,-457,537,537,-731,537,-738,537,-743,537,-665,-673,537,537,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,537,-838,-53,537,537,-732,537,-739,537,-744,-666,537,-875,-54,537,537,-733,-740,-745,537,537,537,-874,]),'NVL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[538,538,538,1015,-1896,538,538,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,538,538,538,538,-277,-278,1015,-1427,1015,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1015,1015,1015,-492,1015,1015,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1015,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1015,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1925,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,538,-174,-175,-176,-177,-995,538,538,538,538,538,538,538,538,538,538,1015,1015,1015,1015,1015,-292,-293,-283,538,1015,1015,1015,1015,-330,-320,-334,-335,-336,1015,1015,-984,-985,-986,-987,-988,-989,-990,538,538,1015,1015,1015,1015,1015,1015,1015,1015,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1015,1015,1015,-355,-358,538,-325,-326,-143,1015,-144,1015,-145,1015,-432,-937,-938,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1896,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1896,1015,-1896,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1896,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1896,538,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1015,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1015,538,538,-193,-194,538,-996,1015,538,538,538,538,-279,-280,-281,-282,-367,1015,-310,1015,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1015,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1015,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1015,1015,1015,1015,1015,1015,-575,1015,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1015,1015,-725,-726,-727,1015,1925,538,538,538,538,-996,538,1015,-93,-94,538,538,538,1015,-311,-312,-322,1015,-309,-295,-296,-297,1015,538,1015,1015,-620,-635,-592,1015,538,-438,538,-439,1015,-446,-447,-448,-380,-381,1015,1015,1015,-508,1015,1015,-512,1015,1015,1015,1015,-517,-518,-519,-520,1015,1015,-523,-524,1015,-526,-527,-528,-529,-530,-531,-532,-533,1015,-535,1015,1015,1015,-541,-543,-544,1015,-546,-547,-548,-549,1015,1015,1015,1015,1015,1015,-654,-655,-656,-657,538,-659,-660,-661,1015,1015,1015,-667,1015,1015,-671,-672,1015,1015,-675,1015,-677,-678,1015,-681,1015,-683,1015,1015,-686,-687,-688,1015,-690,1015,1015,-693,1015,1015,-696,-697,-698,1015,-700,-701,-702,-703,1015,1015,-748,1015,-751,-752,-753,-754,-755,1015,-757,-758,-759,-760,-761,1015,-768,-769,-771,1015,-773,-774,-775,-784,-858,-860,-862,-864,1015,1015,1015,1015,-870,1015,-872,1015,1015,1015,1015,1015,1015,1015,-908,-909,1015,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1015,-923,-926,1015,-936,1015,-387,-388,-389,1015,1015,-392,-393,-394,-395,1015,-398,1015,-401,-402,1015,-403,1015,-408,-409,1015,-412,-413,-414,1015,-417,1015,-418,1015,-423,-424,1015,-427,1015,-430,-431,-1896,-1896,1015,-621,-622,-623,-624,-625,-636,-586,-626,-799,1015,1015,1015,1015,1015,-833,1015,1015,-808,1015,-834,1015,1015,1015,1015,-800,1015,-855,-801,1015,1015,1015,1015,1015,1015,-856,-857,1015,-836,-832,-837,1015,-627,1015,-628,-629,-630,-631,-576,1015,1015,-632,-633,-634,1015,1015,1015,1015,1015,1015,-637,-638,-639,-594,-1896,-604,1015,-640,-641,-715,-642,-606,1015,-574,-579,-582,-585,1015,1015,1015,-600,-603,1015,-610,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1015,538,538,-997,538,1015,538,538,538,1015,-308,-327,-321,-298,-377,-454,-455,-456,-460,538,-445,1015,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1015,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,538,538,538,538,538,538,538,538,1015,-318,-537,-510,-593,-939,-941,-942,-440,1015,-442,-382,-383,-385,-509,-511,-513,1015,-515,-516,-521,-522,1015,-534,-536,-539,-540,-545,-550,-728,1015,-729,1015,-734,1015,-736,1015,-741,-658,-662,-663,1015,-668,1015,-669,1015,-674,-676,1015,-679,1015,1015,1015,-689,-691,1015,-694,1015,1015,-746,1015,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1015,1015,1015,1015,1015,-879,1015,-882,-910,-922,-927,-390,-391,1015,-396,1015,-399,1015,-404,1015,-405,1015,-410,1015,-415,1015,-419,1015,-420,1015,-425,1015,-428,-901,-902,-645,-587,-1896,-903,1015,1015,1015,-802,1015,1015,-806,1015,-809,-835,1015,-820,1015,-822,1015,-824,-810,1015,-826,1015,-853,-854,1015,1015,-813,1015,-648,-904,-906,-650,-651,-647,1015,-707,-708,1015,-644,-905,-649,-652,-605,-716,1015,1015,-607,-588,1015,1015,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1015,1015,-711,-712,1015,-718,1015,538,538,538,1015,1015,-940,538,-441,-443,-749,1015,-893,1925,-717,-1896,1015,1015,538,538,1015,-444,-514,-525,1015,-730,-735,1015,-737,1015,-742,1015,-664,-670,1015,-680,-682,-684,-685,-692,-695,-699,-747,1015,1015,-876,1015,1015,-880,1015,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1015,-814,1015,-816,-803,1015,-804,-807,1015,-818,-821,-823,-825,-827,1015,-828,1015,-811,1015,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,538,-284,538,1015,538,1015,-457,1015,1015,-731,1015,-738,1015,-743,1015,-665,-673,1015,1015,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1015,-838,-53,538,1015,-732,1015,-739,1015,-744,-666,1015,-875,-54,538,538,-733,-740,-745,1015,538,1015,-874,]),'OAD_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[539,539,539,539,-1896,539,539,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,539,539,539,539,-277,-278,539,-1427,539,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,539,539,539,-492,539,539,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,539,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,539,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,539,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,539,-174,-175,-176,-177,-995,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-292,-293,-283,539,539,539,539,539,-330,-320,-334,-335,-336,539,539,-984,-985,-986,-987,-988,-989,-990,539,539,539,539,539,539,539,539,539,539,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,539,539,539,-355,-358,539,-325,-326,-143,539,-144,539,-145,539,-432,-937,-938,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-1896,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-1896,539,-1896,539,539,539,539,539,539,539,539,539,539,539,539,-1896,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-1896,539,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,539,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,539,539,539,-193,-194,539,-996,539,539,539,539,539,-279,-280,-281,-282,-367,539,-310,539,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,539,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,539,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,539,539,539,539,539,539,-575,539,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,539,539,-725,-726,-727,539,539,539,539,539,539,-996,539,539,-93,-94,539,539,539,539,-311,-312,-322,539,-309,-295,-296,-297,539,539,539,539,-620,-635,-592,539,539,-438,539,-439,539,-446,-447,-448,-380,-381,539,539,539,-508,539,539,-512,539,539,539,539,-517,-518,-519,-520,539,539,-523,-524,539,-526,-527,-528,-529,-530,-531,-532,-533,539,-535,539,539,539,-541,-543,-544,539,-546,-547,-548,-549,539,539,539,539,539,539,-654,-655,-656,-657,539,-659,-660,-661,539,539,539,-667,539,539,-671,-672,539,539,-675,539,-677,-678,539,-681,539,-683,539,539,-686,-687,-688,539,-690,539,539,-693,539,539,-696,-697,-698,539,-700,-701,-702,-703,539,539,-748,539,-751,-752,-753,-754,-755,539,-757,-758,-759,-760,-761,539,-768,-769,-771,539,-773,-774,-775,-784,-858,-860,-862,-864,539,539,539,539,-870,539,-872,539,539,539,539,539,539,539,-908,-909,539,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,539,-923,-926,539,-936,539,-387,-388,-389,539,539,-392,-393,-394,-395,539,-398,539,-401,-402,539,-403,539,-408,-409,539,-412,-413,-414,539,-417,539,-418,539,-423,-424,539,-427,539,-430,-431,-1896,-1896,539,-621,-622,-623,-624,-625,-636,-586,-626,-799,539,539,539,539,539,-833,539,539,-808,539,-834,539,539,539,539,-800,539,-855,-801,539,539,539,539,539,539,-856,-857,539,-836,-832,-837,539,-627,539,-628,-629,-630,-631,-576,539,539,-632,-633,-634,539,539,539,539,539,539,-637,-638,-639,-594,-1896,-604,539,-640,-641,-715,-642,-606,539,-574,-579,-582,-585,539,539,539,-600,-603,539,-610,539,539,539,539,539,539,539,539,539,539,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,539,539,539,-997,539,539,539,539,539,539,-308,-327,-321,-298,-377,-454,-455,-456,-460,539,-445,539,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,539,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,539,539,539,539,539,539,539,539,539,-318,-537,-510,-593,-939,-941,-942,-440,539,-442,-382,-383,-385,-509,-511,-513,539,-515,-516,-521,-522,539,-534,-536,-539,-540,-545,-550,-728,539,-729,539,-734,539,-736,539,-741,-658,-662,-663,539,-668,539,-669,539,-674,-676,539,-679,539,539,539,-689,-691,539,-694,539,539,-746,539,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,539,539,539,539,539,-879,539,-882,-910,-922,-927,-390,-391,539,-396,539,-399,539,-404,539,-405,539,-410,539,-415,539,-419,539,-420,539,-425,539,-428,-901,-902,-645,-587,-1896,-903,539,539,539,-802,539,539,-806,539,-809,-835,539,-820,539,-822,539,-824,-810,539,-826,539,-853,-854,539,539,-813,539,-648,-904,-906,-650,-651,-647,539,-707,-708,539,-644,-905,-649,-652,-605,-716,539,539,-607,-588,539,539,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,539,539,-711,-712,539,-718,539,539,539,539,539,539,-940,539,-441,-443,-749,539,-893,539,-717,-1896,539,539,539,539,539,-444,-514,-525,539,-730,-735,539,-737,539,-742,539,-664,-670,539,-680,-682,-684,-685,-692,-695,-699,-747,539,539,-876,539,539,-880,539,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,539,-814,539,-816,-803,539,-804,-807,539,-818,-821,-823,-825,-827,539,-828,539,-811,539,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,539,-284,539,539,539,539,-457,539,539,-731,539,-738,539,-743,539,-665,-673,539,539,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,539,-838,-53,539,539,-732,539,-739,539,-744,-666,539,-875,-54,539,539,-733,-740,-745,539,539,539,-874,]),'OCCUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[540,540,540,540,-1896,540,540,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,540,540,540,540,-277,-278,540,-1427,540,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,540,540,540,-492,540,540,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,540,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,540,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,540,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,540,-174,-175,-176,-177,-995,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-292,-293,-283,540,540,540,540,540,-330,-320,-334,-335,-336,540,540,-984,-985,-986,-987,-988,-989,-990,540,540,540,540,540,540,540,540,540,540,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,540,540,540,-355,-358,540,-325,-326,-143,540,-144,540,-145,540,-432,-937,-938,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-1896,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-1896,540,-1896,540,540,540,540,540,540,540,540,540,540,540,540,-1896,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-1896,540,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,540,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,540,540,540,-193,-194,540,-996,540,540,540,540,540,-279,-280,-281,-282,-367,540,-310,540,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,540,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,540,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,540,540,540,540,540,540,-575,540,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,540,540,-725,-726,-727,540,540,540,540,540,540,-996,540,540,-93,-94,540,540,540,540,-311,-312,-322,540,-309,-295,-296,-297,540,540,540,540,-620,-635,-592,540,540,-438,540,-439,540,-446,-447,-448,-380,-381,540,540,540,-508,540,540,-512,540,540,540,540,-517,-518,-519,-520,540,540,-523,-524,540,-526,-527,-528,-529,-530,-531,-532,-533,540,-535,540,540,540,-541,-543,-544,540,-546,-547,-548,-549,540,540,540,540,540,540,-654,-655,-656,-657,540,-659,-660,-661,540,540,540,-667,540,540,-671,-672,540,540,-675,540,-677,-678,540,-681,540,-683,540,540,-686,-687,-688,540,-690,540,540,-693,540,540,-696,-697,-698,540,-700,-701,-702,-703,540,540,-748,540,-751,-752,-753,-754,-755,540,-757,-758,-759,-760,-761,540,-768,-769,-771,540,-773,-774,-775,-784,-858,-860,-862,-864,540,540,540,540,-870,540,-872,540,540,540,540,540,540,540,-908,-909,540,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,540,-923,-926,540,-936,540,-387,-388,-389,540,540,-392,-393,-394,-395,540,-398,540,-401,-402,540,-403,540,-408,-409,540,-412,-413,-414,540,-417,540,-418,540,-423,-424,540,-427,540,-430,-431,-1896,-1896,540,-621,-622,-623,-624,-625,-636,-586,-626,-799,540,540,540,540,540,-833,540,540,-808,540,-834,540,540,540,540,-800,540,-855,-801,540,540,540,540,540,540,-856,-857,540,-836,-832,-837,540,-627,540,-628,-629,-630,-631,-576,540,540,-632,-633,-634,540,540,540,540,540,540,-637,-638,-639,-594,-1896,-604,540,-640,-641,-715,-642,-606,540,-574,-579,-582,-585,540,540,540,-600,-603,540,-610,540,540,540,540,540,540,540,540,540,540,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,540,540,540,-997,540,540,540,540,540,540,-308,-327,-321,-298,-377,-454,-455,-456,-460,540,-445,540,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,540,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,540,540,540,540,540,540,540,540,540,-318,-537,-510,-593,-939,-941,-942,-440,540,-442,-382,-383,-385,-509,-511,-513,540,-515,-516,-521,-522,540,-534,-536,-539,-540,-545,-550,-728,540,-729,540,-734,540,-736,540,-741,-658,-662,-663,540,-668,540,-669,540,-674,-676,540,-679,540,540,540,-689,-691,540,-694,540,540,-746,540,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,540,540,540,540,540,-879,540,-882,-910,-922,-927,-390,-391,540,-396,540,-399,540,-404,540,-405,540,-410,540,-415,540,-419,540,-420,540,-425,540,-428,-901,-902,-645,-587,-1896,-903,540,540,540,-802,540,540,-806,540,-809,-835,540,-820,540,-822,540,-824,-810,540,-826,540,-853,-854,540,540,-813,540,-648,-904,-906,-650,-651,-647,540,-707,-708,540,-644,-905,-649,-652,-605,-716,540,540,-607,-588,540,540,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,540,540,-711,-712,540,-718,540,540,540,540,540,540,-940,540,-441,-443,-749,540,-893,540,-717,-1896,540,540,540,540,540,-444,-514,-525,540,-730,-735,540,-737,540,-742,540,-664,-670,540,-680,-682,-684,-685,-692,-695,-699,-747,540,540,-876,540,540,-880,540,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,540,-814,540,-816,-803,540,-804,-807,540,-818,-821,-823,-825,-827,540,-828,540,-811,540,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,540,-284,540,540,540,540,-457,540,540,-731,540,-738,540,-743,540,-665,-673,540,540,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,540,-838,-53,540,540,-732,540,-739,540,-744,-666,540,-875,-54,540,540,-733,-740,-745,540,540,540,-874,]),'OCT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[541,541,541,1109,-1896,541,541,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,541,541,541,541,-277,-278,1109,-1427,1109,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1109,1109,1109,-492,1109,1109,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1109,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1109,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1926,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,541,-174,-175,-176,-177,-995,541,541,541,541,541,541,541,541,541,541,1109,1109,1109,1109,1109,-292,-293,-283,541,1109,1109,1109,1109,-330,-320,-334,-335,-336,1109,1109,-984,-985,-986,-987,-988,-989,-990,541,541,1109,1109,1109,1109,1109,1109,1109,1109,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1109,1109,1109,-355,-358,541,-325,-326,-143,1109,-144,1109,-145,1109,-432,-937,-938,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1896,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1896,1109,-1896,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1896,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1896,541,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1109,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1109,541,541,-193,-194,541,-996,1109,541,541,541,541,-279,-280,-281,-282,-367,1109,-310,1109,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1109,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1109,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1109,1109,1109,1109,1109,1109,-575,1109,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1109,1109,-725,-726,-727,1109,1926,541,541,541,541,-996,541,1109,-93,-94,541,541,541,1109,-311,-312,-322,1109,-309,-295,-296,-297,1109,541,1109,1109,-620,-635,-592,1109,541,-438,541,-439,1109,-446,-447,-448,-380,-381,1109,1109,1109,-508,1109,1109,-512,1109,1109,1109,1109,-517,-518,-519,-520,1109,1109,-523,-524,1109,-526,-527,-528,-529,-530,-531,-532,-533,1109,-535,1109,1109,1109,-541,-543,-544,1109,-546,-547,-548,-549,1109,1109,1109,1109,1109,1109,-654,-655,-656,-657,541,-659,-660,-661,1109,1109,1109,-667,1109,1109,-671,-672,1109,1109,-675,1109,-677,-678,1109,-681,1109,-683,1109,1109,-686,-687,-688,1109,-690,1109,1109,-693,1109,1109,-696,-697,-698,1109,-700,-701,-702,-703,1109,1109,-748,1109,-751,-752,-753,-754,-755,1109,-757,-758,-759,-760,-761,1109,-768,-769,-771,1109,-773,-774,-775,-784,-858,-860,-862,-864,1109,1109,1109,1109,-870,1109,-872,1109,1109,1109,1109,1109,1109,1109,-908,-909,1109,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1109,-923,-926,1109,-936,1109,-387,-388,-389,1109,1109,-392,-393,-394,-395,1109,-398,1109,-401,-402,1109,-403,1109,-408,-409,1109,-412,-413,-414,1109,-417,1109,-418,1109,-423,-424,1109,-427,1109,-430,-431,-1896,-1896,1109,-621,-622,-623,-624,-625,-636,-586,-626,-799,1109,1109,1109,1109,1109,-833,1109,1109,-808,1109,-834,1109,1109,1109,1109,-800,1109,-855,-801,1109,1109,1109,1109,1109,1109,-856,-857,1109,-836,-832,-837,1109,-627,1109,-628,-629,-630,-631,-576,1109,1109,-632,-633,-634,1109,1109,1109,1109,1109,1109,-637,-638,-639,-594,-1896,-604,1109,-640,-641,-715,-642,-606,1109,-574,-579,-582,-585,1109,1109,1109,-600,-603,1109,-610,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1109,541,541,-997,541,1109,541,541,541,1109,-308,-327,-321,-298,-377,-454,-455,-456,-460,541,-445,1109,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1109,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,541,541,541,541,541,541,541,541,1109,-318,-537,-510,-593,-939,-941,-942,-440,1109,-442,-382,-383,-385,-509,-511,-513,1109,-515,-516,-521,-522,1109,-534,-536,-539,-540,-545,-550,-728,1109,-729,1109,-734,1109,-736,1109,-741,-658,-662,-663,1109,-668,1109,-669,1109,-674,-676,1109,-679,1109,1109,1109,-689,-691,1109,-694,1109,1109,-746,1109,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1109,1109,1109,1109,1109,-879,1109,-882,-910,-922,-927,-390,-391,1109,-396,1109,-399,1109,-404,1109,-405,1109,-410,1109,-415,1109,-419,1109,-420,1109,-425,1109,-428,-901,-902,-645,-587,-1896,-903,1109,1109,1109,-802,1109,1109,-806,1109,-809,-835,1109,-820,1109,-822,1109,-824,-810,1109,-826,1109,-853,-854,1109,1109,-813,1109,-648,-904,-906,-650,-651,-647,1109,-707,-708,1109,-644,-905,-649,-652,-605,-716,1109,1109,-607,-588,1109,1109,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1109,1109,-711,-712,1109,-718,1109,541,541,541,1109,1109,-940,541,-441,-443,-749,1109,-893,1926,-717,-1896,1109,1109,541,541,1109,-444,-514,-525,1109,-730,-735,1109,-737,1109,-742,1109,-664,-670,1109,-680,-682,-684,-685,-692,-695,-699,-747,1109,1109,-876,1109,1109,-880,1109,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1109,-814,1109,-816,-803,1109,-804,-807,1109,-818,-821,-823,-825,-827,1109,-828,1109,-811,1109,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,541,-284,541,1109,541,1109,-457,1109,1109,-731,1109,-738,1109,-743,1109,-665,-673,1109,1109,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1109,-838,-53,541,1109,-732,1109,-739,1109,-744,-666,1109,-875,-54,541,541,-733,-740,-745,1109,541,1109,-874,]),'OCTET_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[542,542,542,1110,-1896,542,542,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,542,542,542,542,-277,-278,1110,-1427,1110,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1110,1110,1110,-492,1110,1110,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1110,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1110,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1927,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,542,-174,-175,-176,-177,-995,542,542,542,542,542,542,542,542,542,542,1110,1110,1110,1110,1110,-292,-293,-283,542,1110,1110,1110,1110,-330,-320,-334,-335,-336,1110,1110,-984,-985,-986,-987,-988,-989,-990,542,542,1110,1110,1110,1110,1110,1110,1110,1110,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1110,1110,1110,-355,-358,542,-325,-326,-143,1110,-144,1110,-145,1110,-432,-937,-938,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1896,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1896,1110,-1896,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1896,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1896,542,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1110,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1110,542,542,-193,-194,542,-996,1110,542,542,542,542,-279,-280,-281,-282,-367,1110,-310,1110,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1110,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1110,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1110,1110,1110,1110,1110,1110,-575,1110,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1110,1110,-725,-726,-727,1110,1927,542,542,542,542,-996,542,1110,-93,-94,542,542,542,1110,-311,-312,-322,1110,-309,-295,-296,-297,1110,542,1110,1110,-620,-635,-592,1110,542,-438,542,-439,1110,-446,-447,-448,-380,-381,1110,1110,1110,-508,1110,1110,-512,1110,1110,1110,1110,-517,-518,-519,-520,1110,1110,-523,-524,1110,-526,-527,-528,-529,-530,-531,-532,-533,1110,-535,1110,1110,1110,-541,-543,-544,1110,-546,-547,-548,-549,1110,1110,1110,1110,1110,1110,-654,-655,-656,-657,542,-659,-660,-661,1110,1110,1110,-667,1110,1110,-671,-672,1110,1110,-675,1110,-677,-678,1110,-681,1110,-683,1110,1110,-686,-687,-688,1110,-690,1110,1110,-693,1110,1110,-696,-697,-698,1110,-700,-701,-702,-703,1110,1110,-748,1110,-751,-752,-753,-754,-755,1110,-757,-758,-759,-760,-761,1110,-768,-769,-771,1110,-773,-774,-775,-784,-858,-860,-862,-864,1110,1110,1110,1110,-870,1110,-872,1110,1110,1110,1110,1110,1110,1110,-908,-909,1110,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1110,-923,-926,1110,-936,1110,-387,-388,-389,1110,1110,-392,-393,-394,-395,1110,-398,1110,-401,-402,1110,-403,1110,-408,-409,1110,-412,-413,-414,1110,-417,1110,-418,1110,-423,-424,1110,-427,1110,-430,-431,-1896,-1896,1110,-621,-622,-623,-624,-625,-636,-586,-626,-799,1110,1110,1110,1110,1110,-833,1110,1110,-808,1110,-834,1110,1110,1110,1110,-800,1110,-855,-801,1110,1110,1110,1110,1110,1110,-856,-857,1110,-836,-832,-837,1110,-627,1110,-628,-629,-630,-631,-576,1110,1110,-632,-633,-634,1110,1110,1110,1110,1110,1110,-637,-638,-639,-594,-1896,-604,1110,-640,-641,-715,-642,-606,1110,-574,-579,-582,-585,1110,1110,1110,-600,-603,1110,-610,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1110,542,542,-997,542,1110,542,542,542,1110,-308,-327,-321,-298,-377,-454,-455,-456,-460,542,-445,1110,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1110,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,542,542,542,542,542,542,542,542,1110,-318,-537,-510,-593,-939,-941,-942,-440,1110,-442,-382,-383,-385,-509,-511,-513,1110,-515,-516,-521,-522,1110,-534,-536,-539,-540,-545,-550,-728,1110,-729,1110,-734,1110,-736,1110,-741,-658,-662,-663,1110,-668,1110,-669,1110,-674,-676,1110,-679,1110,1110,1110,-689,-691,1110,-694,1110,1110,-746,1110,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1110,1110,1110,1110,1110,-879,1110,-882,-910,-922,-927,-390,-391,1110,-396,1110,-399,1110,-404,1110,-405,1110,-410,1110,-415,1110,-419,1110,-420,1110,-425,1110,-428,-901,-902,-645,-587,-1896,-903,1110,1110,1110,-802,1110,1110,-806,1110,-809,-835,1110,-820,1110,-822,1110,-824,-810,1110,-826,1110,-853,-854,1110,1110,-813,1110,-648,-904,-906,-650,-651,-647,1110,-707,-708,1110,-644,-905,-649,-652,-605,-716,1110,1110,-607,-588,1110,1110,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1110,1110,-711,-712,1110,-718,1110,542,542,542,1110,1110,-940,542,-441,-443,-749,1110,-893,1927,-717,-1896,1110,1110,542,542,1110,-444,-514,-525,1110,-730,-735,1110,-737,1110,-742,1110,-664,-670,1110,-680,-682,-684,-685,-692,-695,-699,-747,1110,1110,-876,1110,1110,-880,1110,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1110,-814,1110,-816,-803,1110,-804,-807,1110,-818,-821,-823,-825,-827,1110,-828,1110,-811,1110,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,542,-284,542,1110,542,1110,-457,1110,1110,-731,1110,-738,1110,-743,1110,-665,-673,1110,1110,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1110,-838,-53,542,1110,-732,1110,-739,1110,-744,-666,1110,-875,-54,542,542,-733,-740,-745,1110,542,1110,-874,]),'OERCIBILITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[543,543,543,543,-1896,543,543,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,543,543,543,543,-277,-278,543,-1427,543,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,543,543,543,-492,543,543,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,543,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,543,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,543,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,543,-174,-175,-176,-177,-995,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-292,-293,-283,543,543,543,543,543,-330,-320,-334,-335,-336,543,543,-984,-985,-986,-987,-988,-989,-990,543,543,543,543,543,543,543,543,543,543,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,543,543,543,-355,-358,543,-325,-326,-143,543,-144,543,-145,543,-432,-937,-938,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-1896,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-1896,543,-1896,543,543,543,543,543,543,543,543,543,543,543,543,-1896,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-1896,543,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,543,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,543,543,543,-193,-194,543,-996,543,543,543,543,543,-279,-280,-281,-282,-367,543,-310,543,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,543,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,543,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,543,543,543,543,543,543,-575,543,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,543,543,-725,-726,-727,543,543,543,543,543,543,-996,543,543,-93,-94,543,543,543,543,-311,-312,-322,543,-309,-295,-296,-297,543,543,543,543,-620,-635,-592,543,543,-438,543,-439,543,-446,-447,-448,-380,-381,543,543,543,-508,543,543,-512,543,543,543,543,-517,-518,-519,-520,543,543,-523,-524,543,-526,-527,-528,-529,-530,-531,-532,-533,543,-535,543,543,543,-541,-543,-544,543,-546,-547,-548,-549,543,543,543,543,543,543,-654,-655,-656,-657,543,-659,-660,-661,543,543,543,-667,543,543,-671,-672,543,543,-675,543,-677,-678,543,-681,543,-683,543,543,-686,-687,-688,543,-690,543,543,-693,543,543,-696,-697,-698,543,-700,-701,-702,-703,543,543,-748,543,-751,-752,-753,-754,-755,543,-757,-758,-759,-760,-761,543,-768,-769,-771,543,-773,-774,-775,-784,-858,-860,-862,-864,543,543,543,543,-870,543,-872,543,543,543,543,543,543,543,-908,-909,543,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,543,-923,-926,543,-936,543,-387,-388,-389,543,543,-392,-393,-394,-395,543,-398,543,-401,-402,543,-403,543,-408,-409,543,-412,-413,-414,543,-417,543,-418,543,-423,-424,543,-427,543,-430,-431,-1896,-1896,543,-621,-622,-623,-624,-625,-636,-586,-626,-799,543,543,543,543,543,-833,543,543,-808,543,-834,543,543,543,543,-800,543,-855,-801,543,543,543,543,543,543,-856,-857,543,-836,-832,-837,543,-627,543,-628,-629,-630,-631,-576,543,543,-632,-633,-634,543,543,543,543,543,543,-637,-638,-639,-594,-1896,-604,543,-640,-641,-715,-642,-606,543,-574,-579,-582,-585,543,543,543,-600,-603,543,-610,543,543,543,543,543,543,543,543,543,543,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,543,543,543,-997,543,543,543,543,543,543,-308,-327,-321,-298,-377,-454,-455,-456,-460,543,-445,543,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,543,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,543,543,543,543,543,543,543,543,543,-318,-537,-510,-593,-939,-941,-942,-440,543,-442,-382,-383,-385,-509,-511,-513,543,-515,-516,-521,-522,543,-534,-536,-539,-540,-545,-550,-728,543,-729,543,-734,543,-736,543,-741,-658,-662,-663,543,-668,543,-669,543,-674,-676,543,-679,543,543,543,-689,-691,543,-694,543,543,-746,543,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,543,543,543,543,543,-879,543,-882,-910,-922,-927,-390,-391,543,-396,543,-399,543,-404,543,-405,543,-410,543,-415,543,-419,543,-420,543,-425,543,-428,-901,-902,-645,-587,-1896,-903,543,543,543,-802,543,543,-806,543,-809,-835,543,-820,543,-822,543,-824,-810,543,-826,543,-853,-854,543,543,-813,543,-648,-904,-906,-650,-651,-647,543,-707,-708,543,-644,-905,-649,-652,-605,-716,543,543,-607,-588,543,543,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,543,543,-711,-712,543,-718,543,543,543,543,543,543,-940,543,-441,-443,-749,543,-893,543,-717,-1896,543,543,543,543,543,-444,-514,-525,543,-730,-735,543,-737,543,-742,543,-664,-670,543,-680,-682,-684,-685,-692,-695,-699,-747,543,543,-876,543,543,-880,543,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,543,-814,543,-816,-803,543,-804,-807,543,-818,-821,-823,-825,-827,543,-828,543,-811,543,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,543,-284,543,543,543,543,-457,543,543,-731,543,-738,543,-743,543,-665,-673,543,543,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,543,-838,-53,543,543,-732,543,-739,543,-744,-666,543,-875,-54,543,543,-733,-740,-745,543,543,543,-874,]),'OF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1444,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[544,544,544,544,-1896,544,544,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,544,544,544,544,-277,-278,544,-1427,544,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,544,544,544,-492,544,544,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,544,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,544,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,544,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,544,-174,-175,-176,-177,-995,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-292,-293,-283,544,544,544,544,544,2066,-330,-320,-334,-335,-336,544,544,-984,-985,-986,-987,-988,-989,-990,544,544,544,544,544,544,544,544,544,544,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,544,544,544,-355,-358,544,-325,-326,-143,544,-144,544,-145,544,-432,-937,-938,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-1896,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-1896,544,-1896,544,544,544,544,544,544,544,544,544,544,544,544,-1896,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-1896,544,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,544,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,544,544,544,-193,-194,544,-996,544,544,544,544,544,-279,-280,-281,-282,-367,544,-310,544,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,544,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,544,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,544,544,544,544,544,544,-575,544,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,544,544,-725,-726,-727,544,544,544,544,544,544,-996,544,544,-93,-94,544,544,544,544,-311,-312,-322,544,-309,-295,-296,-297,544,544,544,544,-620,-635,-592,544,544,-438,544,-439,544,-446,-447,-448,-380,-381,544,544,544,-508,544,544,-512,544,544,544,544,-517,-518,-519,-520,544,544,-523,-524,544,-526,-527,-528,-529,-530,-531,-532,-533,544,-535,544,544,544,-541,-543,-544,544,-546,-547,-548,-549,544,544,544,544,544,544,-654,-655,-656,-657,544,-659,-660,-661,544,544,544,-667,544,544,-671,-672,544,544,-675,544,-677,-678,544,-681,544,-683,544,544,-686,-687,-688,544,-690,544,544,-693,544,544,-696,-697,-698,544,-700,-701,-702,-703,544,544,-748,544,-751,-752,-753,-754,-755,544,-757,-758,-759,-760,-761,544,-768,-769,-771,544,-773,-774,-775,-784,-858,-860,-862,-864,544,544,544,544,-870,544,-872,544,544,544,544,544,544,544,-908,-909,544,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,544,-923,-926,544,-936,544,-387,-388,-389,544,544,-392,-393,-394,-395,544,-398,544,-401,-402,544,-403,544,-408,-409,544,-412,-413,-414,544,-417,544,-418,544,-423,-424,544,-427,544,-430,-431,-1896,-1896,544,-621,-622,-623,-624,-625,-636,-586,-626,-799,544,544,544,544,544,-833,544,544,-808,544,-834,544,544,544,544,-800,544,-855,-801,544,544,544,544,544,544,-856,-857,544,-836,-832,-837,544,-627,544,-628,-629,-630,-631,-576,544,544,-632,-633,-634,544,544,544,544,544,544,-637,-638,-639,-594,-1896,-604,544,-640,-641,-715,-642,-606,544,-574,-579,-582,-585,544,544,544,-600,-603,544,-610,544,544,544,544,544,544,544,544,544,544,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,544,544,544,-997,544,544,544,544,544,544,-308,-327,-321,-298,-377,-454,-455,-456,-460,544,-445,544,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,544,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,544,544,544,544,544,544,544,544,544,-318,-537,-510,-593,-939,-941,-942,-440,544,-442,-382,-383,-385,-509,-511,-513,544,-515,-516,-521,-522,544,-534,-536,-539,-540,-545,-550,-728,544,-729,544,-734,544,-736,544,-741,-658,-662,-663,544,-668,544,-669,544,-674,-676,544,-679,544,544,544,-689,-691,544,-694,544,544,-746,544,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,544,544,544,544,544,-879,544,-882,-910,-922,-927,-390,-391,544,-396,544,-399,544,-404,544,-405,544,-410,544,-415,544,-419,544,-420,544,-425,544,-428,-901,-902,-645,-587,-1896,-903,544,544,544,-802,544,544,-806,544,-809,-835,544,-820,544,-822,544,-824,-810,544,-826,544,-853,-854,544,544,-813,544,-648,-904,-906,-650,-651,-647,544,-707,-708,544,-644,-905,-649,-652,-605,-716,544,544,-607,-588,544,544,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,544,544,-711,-712,544,-718,544,544,544,544,544,544,-940,544,-441,-443,-749,544,-893,544,-717,-1896,544,544,544,544,544,-444,-514,-525,544,-730,-735,544,-737,544,-742,544,-664,-670,544,-680,-682,-684,-685,-692,-695,-699,-747,544,544,-876,544,544,-880,544,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,544,-814,544,-816,-803,544,-804,-807,544,-818,-821,-823,-825,-827,544,-828,544,-811,544,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,544,-284,544,544,544,544,-457,544,544,-731,544,-738,544,-743,544,-665,-673,544,544,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,544,-838,-53,544,544,-732,544,-739,544,-744,-666,544,-875,-54,544,544,-733,-740,-745,544,544,544,-874,]),'OFF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[545,545,545,545,-1896,545,545,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,545,545,545,545,-277,-278,545,-1427,545,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,545,545,545,-492,545,545,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,545,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,545,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,545,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,545,-174,-175,-176,-177,-995,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-292,-293,-283,545,545,545,545,545,-330,-320,-334,-335,-336,545,545,-984,-985,-986,-987,-988,-989,-990,545,545,545,545,545,545,545,545,545,545,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,545,545,545,-355,-358,545,-325,-326,-143,545,-144,545,-145,545,-432,-937,-938,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-1896,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-1896,545,-1896,545,545,545,545,545,545,545,545,545,545,545,545,-1896,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-1896,545,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,545,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,545,545,545,-193,-194,545,-996,545,545,545,545,545,-279,-280,-281,-282,-367,545,-310,545,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,545,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,545,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,545,545,545,545,545,545,-575,545,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,545,545,-725,-726,-727,545,545,545,545,545,545,-996,545,545,-93,-94,545,545,545,545,-311,-312,-322,545,-309,-295,-296,-297,545,545,545,545,-620,-635,-592,545,545,-438,545,-439,545,-446,-447,-448,-380,-381,545,545,545,-508,545,545,-512,545,545,545,545,-517,-518,-519,-520,545,545,-523,-524,545,-526,-527,-528,-529,-530,-531,-532,-533,545,-535,545,545,545,-541,-543,-544,545,-546,-547,-548,-549,545,545,545,545,545,545,-654,-655,-656,-657,545,-659,-660,-661,545,545,545,-667,545,545,-671,-672,545,545,-675,545,-677,-678,545,-681,545,-683,545,545,-686,-687,-688,545,-690,545,545,-693,545,545,-696,-697,-698,545,-700,-701,-702,-703,545,545,-748,545,-751,-752,-753,-754,-755,545,-757,-758,-759,-760,-761,545,-768,-769,-771,545,-773,-774,-775,-784,-858,-860,-862,-864,545,545,545,545,-870,545,-872,545,545,545,545,545,545,545,-908,-909,545,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,545,-923,-926,545,-936,545,-387,-388,-389,545,545,-392,-393,-394,-395,545,-398,545,-401,-402,545,-403,545,-408,-409,545,-412,-413,-414,545,-417,545,-418,545,-423,-424,545,-427,545,-430,-431,-1896,-1896,545,-621,-622,-623,-624,-625,-636,-586,-626,-799,545,545,545,545,545,-833,545,545,-808,545,-834,545,545,545,545,-800,545,-855,-801,545,545,545,545,545,545,-856,-857,545,-836,-832,-837,545,-627,545,-628,-629,-630,-631,-576,545,545,-632,-633,-634,545,545,545,545,545,545,-637,-638,-639,-594,-1896,-604,545,-640,-641,-715,-642,-606,545,-574,-579,-582,-585,545,545,545,-600,-603,545,-610,545,545,545,545,545,545,545,545,545,545,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,545,545,545,-997,545,545,545,545,545,545,-308,-327,-321,-298,-377,-454,-455,-456,-460,545,-445,545,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,545,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,545,545,545,545,545,545,545,545,545,-318,-537,-510,-593,-939,-941,-942,-440,545,-442,-382,-383,-385,-509,-511,-513,545,-515,-516,-521,-522,545,-534,-536,-539,-540,-545,-550,-728,545,-729,545,-734,545,-736,545,-741,-658,-662,-663,545,-668,545,-669,545,-674,-676,545,-679,545,545,545,-689,-691,545,-694,545,545,-746,545,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,545,545,545,545,545,-879,545,-882,-910,-922,-927,-390,-391,545,-396,545,-399,545,-404,545,-405,545,-410,545,-415,545,-419,545,-420,545,-425,545,-428,-901,-902,-645,-587,-1896,-903,545,545,545,-802,545,545,-806,545,-809,-835,545,-820,545,-822,545,-824,-810,545,-826,545,-853,-854,545,545,-813,545,-648,-904,-906,-650,-651,-647,545,-707,-708,545,-644,-905,-649,-652,-605,-716,545,545,-607,-588,545,545,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,545,545,-711,-712,545,-718,545,545,545,545,545,545,-940,545,-441,-443,-749,545,-893,545,-717,-1896,545,545,545,545,545,-444,-514,-525,545,-730,-735,545,-737,545,-742,545,-664,-670,545,-680,-682,-684,-685,-692,-695,-699,-747,545,545,-876,545,545,-880,545,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,545,-814,545,-816,-803,545,-804,-807,545,-818,-821,-823,-825,-827,545,-828,545,-811,545,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,545,-284,545,545,545,545,-457,545,545,-731,545,-738,545,-743,545,-665,-673,545,545,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,545,-838,-53,545,545,-732,545,-739,545,-744,-666,545,-875,-54,545,545,-733,-740,-745,545,545,545,-874,]),'OFFSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1988,1990,1991,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[546,546,546,546,-1896,546,546,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,546,546,546,546,-277,-278,546,-1427,546,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,546,546,546,-492,546,546,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,546,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,546,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,546,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,546,-174,-175,-176,-177,-995,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-292,-293,-283,546,546,546,546,546,-330,-320,-334,-335,-336,546,546,-984,-985,-986,-987,-988,-989,-990,546,546,546,546,546,546,546,546,546,546,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,546,546,546,-355,-358,546,-325,-326,-143,546,-144,546,-145,546,-432,-937,-938,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-1896,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-1896,546,-1896,546,546,546,546,546,546,546,546,546,546,546,546,-1896,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-1896,546,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,546,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,546,2481,-158,-159,546,546,-193,-194,546,-996,546,546,546,546,546,-279,-280,-281,-282,-367,546,-310,546,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,546,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,546,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,546,546,546,546,546,546,-575,546,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,546,546,-725,-726,-727,546,546,546,546,546,546,-996,546,546,-93,-94,546,546,546,546,-311,-312,-322,546,-309,-295,-296,-297,546,546,546,546,-620,-635,-592,546,546,-438,546,-439,546,-446,-447,-448,-380,-381,546,546,546,-508,546,546,-512,546,546,546,546,-517,-518,-519,-520,546,546,-523,-524,546,-526,-527,-528,-529,-530,-531,-532,-533,546,-535,546,546,546,-541,-543,-544,546,-546,-547,-548,-549,546,546,546,546,546,546,-654,-655,-656,-657,546,-659,-660,-661,546,546,546,-667,546,546,-671,-672,546,546,-675,546,-677,-678,546,-681,546,-683,546,546,-686,-687,-688,546,-690,546,546,-693,546,546,-696,-697,-698,546,-700,-701,-702,-703,546,546,-748,546,-751,-752,-753,-754,-755,546,-757,-758,-759,-760,-761,546,-768,-769,-771,546,-773,-774,-775,-784,-858,-860,-862,-864,546,546,546,546,-870,546,-872,546,546,546,546,546,546,546,-908,-909,546,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,546,-923,-926,546,-936,546,-387,-388,-389,546,546,-392,-393,-394,-395,546,-398,546,-401,-402,546,-403,546,-408,-409,546,-412,-413,-414,546,-417,546,-418,546,-423,-424,546,-427,546,-430,-431,-1896,-1896,546,-621,-622,-623,-624,-625,-636,-586,-626,-799,546,546,546,546,546,-833,546,546,-808,546,-834,546,546,546,546,-800,546,-855,-801,546,546,546,546,546,546,-856,-857,546,-836,-832,-837,546,-627,546,-628,-629,-630,-631,-576,546,546,-632,-633,-634,546,546,546,546,546,546,-637,-638,-639,-594,-1896,-604,546,-640,-641,-715,-642,-606,546,-574,-579,-582,-585,546,546,546,-600,-603,546,-610,546,546,546,546,546,546,546,546,546,546,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,546,546,546,-997,546,546,546,546,546,546,-308,-327,-321,-298,-377,-454,-455,-456,-460,546,-445,546,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,546,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,546,546,546,546,546,546,546,546,546,-318,-537,-510,-593,-939,-941,-942,-440,546,-442,-382,-383,-385,-509,-511,-513,546,-515,-516,-521,-522,546,-534,-536,-539,-540,-545,-550,-728,546,-729,546,-734,546,-736,546,-741,-658,-662,-663,546,-668,546,-669,546,-674,-676,546,-679,546,546,546,-689,-691,546,-694,546,546,-746,546,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,546,546,546,546,546,-879,546,-882,-910,-922,-927,-390,-391,546,-396,546,-399,546,-404,546,-405,546,-410,546,-415,546,-419,546,-420,546,-425,546,-428,-901,-902,-645,-587,-1896,-903,546,546,546,-802,546,546,-806,546,-809,-835,546,-820,546,-822,546,-824,-810,546,-826,546,-853,-854,546,546,-813,546,-648,-904,-906,-650,-651,-647,546,-707,-708,546,-644,-905,-649,-652,-605,-716,546,546,-607,-588,546,546,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,546,546,-711,-712,546,-718,546,546,546,546,546,546,-940,546,-441,-443,-749,546,-893,546,-717,-1896,546,546,546,546,546,-444,-514,-525,546,-730,-735,546,-737,546,-742,546,-664,-670,546,-680,-682,-684,-685,-692,-695,-699,-747,546,546,-876,546,546,-880,546,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,546,-814,546,-816,-803,546,-804,-807,546,-818,-821,-823,-825,-827,546,-828,546,-811,546,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,546,-284,546,546,546,546,-457,546,546,-731,546,-738,546,-743,546,-665,-673,546,546,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,546,-838,-53,546,546,-732,546,-739,546,-744,-666,546,-875,-54,546,546,-733,-740,-745,546,546,546,-874,]),'OLD_KEY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[547,547,547,547,-1896,547,547,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,547,547,547,547,-277,-278,547,-1427,547,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,547,547,547,-492,547,547,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,547,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,547,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,547,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,547,-174,-175,-176,-177,-995,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-292,-293,-283,547,547,547,547,547,-330,-320,-334,-335,-336,547,547,-984,-985,-986,-987,-988,-989,-990,547,547,547,547,547,547,547,547,547,547,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,547,547,547,-355,-358,547,-325,-326,-143,547,-144,547,-145,547,-432,-937,-938,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-1896,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-1896,547,-1896,547,547,547,547,547,547,547,547,547,547,547,547,-1896,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-1896,547,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,547,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,547,547,547,-193,-194,547,-996,547,547,547,547,547,-279,-280,-281,-282,-367,547,-310,547,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,547,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,547,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,547,547,547,547,547,547,-575,547,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,547,547,-725,-726,-727,547,547,547,547,547,547,-996,547,547,-93,-94,547,547,547,547,-311,-312,-322,547,-309,-295,-296,-297,547,547,547,547,-620,-635,-592,547,547,-438,547,-439,547,-446,-447,-448,-380,-381,547,547,547,-508,547,547,-512,547,547,547,547,-517,-518,-519,-520,547,547,-523,-524,547,-526,-527,-528,-529,-530,-531,-532,-533,547,-535,547,547,547,-541,-543,-544,547,-546,-547,-548,-549,547,547,547,547,547,547,-654,-655,-656,-657,547,-659,-660,-661,547,547,547,-667,547,547,-671,-672,547,547,-675,547,-677,-678,547,-681,547,-683,547,547,-686,-687,-688,547,-690,547,547,-693,547,547,-696,-697,-698,547,-700,-701,-702,-703,547,547,-748,547,-751,-752,-753,-754,-755,547,-757,-758,-759,-760,-761,547,-768,-769,-771,547,-773,-774,-775,-784,-858,-860,-862,-864,547,547,547,547,-870,547,-872,547,547,547,547,547,547,547,-908,-909,547,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,547,-923,-926,547,-936,547,-387,-388,-389,547,547,-392,-393,-394,-395,547,-398,547,-401,-402,547,-403,547,-408,-409,547,-412,-413,-414,547,-417,547,-418,547,-423,-424,547,-427,547,-430,-431,-1896,-1896,547,-621,-622,-623,-624,-625,-636,-586,-626,-799,547,547,547,547,547,-833,547,547,-808,547,-834,547,547,547,547,-800,547,-855,-801,547,547,547,547,547,547,-856,-857,547,-836,-832,-837,547,-627,547,-628,-629,-630,-631,-576,547,547,-632,-633,-634,547,547,547,547,547,547,-637,-638,-639,-594,-1896,-604,547,-640,-641,-715,-642,-606,547,-574,-579,-582,-585,547,547,547,-600,-603,547,-610,547,547,547,547,547,547,547,547,547,547,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,547,547,547,-997,547,547,547,547,547,547,-308,-327,-321,-298,-377,-454,-455,-456,-460,547,-445,547,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,547,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,547,547,547,547,547,547,547,547,547,-318,-537,-510,-593,-939,-941,-942,-440,547,-442,-382,-383,-385,-509,-511,-513,547,-515,-516,-521,-522,547,-534,-536,-539,-540,-545,-550,-728,547,-729,547,-734,547,-736,547,-741,-658,-662,-663,547,-668,547,-669,547,-674,-676,547,-679,547,547,547,-689,-691,547,-694,547,547,-746,547,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,547,547,547,547,547,-879,547,-882,-910,-922,-927,-390,-391,547,-396,547,-399,547,-404,547,-405,547,-410,547,-415,547,-419,547,-420,547,-425,547,-428,-901,-902,-645,-587,-1896,-903,547,547,547,-802,547,547,-806,547,-809,-835,547,-820,547,-822,547,-824,-810,547,-826,547,-853,-854,547,547,-813,547,-648,-904,-906,-650,-651,-647,547,-707,-708,547,-644,-905,-649,-652,-605,-716,547,547,-607,-588,547,547,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,547,547,-711,-712,547,-718,547,547,547,547,547,547,-940,547,-441,-443,-749,547,-893,547,-717,-1896,547,547,547,547,547,-444,-514,-525,547,-730,-735,547,-737,547,-742,547,-664,-670,547,-680,-682,-684,-685,-692,-695,-699,-747,547,547,-876,547,547,-880,547,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,547,-814,547,-816,-803,547,-804,-807,547,-818,-821,-823,-825,-827,547,-828,547,-811,547,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,547,-284,547,547,547,547,-457,547,547,-731,547,-738,547,-743,547,-665,-673,547,547,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,547,-838,-53,547,547,-732,547,-739,547,-744,-666,547,-875,-54,547,547,-733,-740,-745,547,547,547,-874,]),'OLD_PASSWORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[548,548,548,548,-1896,548,548,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,548,548,548,548,-277,-278,548,-1427,548,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,548,548,548,-492,548,548,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,548,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,548,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,548,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,548,-174,-175,-176,-177,-995,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-292,-293,-283,548,548,548,548,548,-330,-320,-334,-335,-336,548,548,-984,-985,-986,-987,-988,-989,-990,548,548,548,548,548,548,548,548,548,548,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,548,548,548,-355,-358,548,-325,-326,-143,548,-144,548,-145,548,-432,-937,-938,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-1896,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-1896,548,-1896,548,548,548,548,548,548,548,548,548,548,548,548,-1896,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-1896,548,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,548,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,548,548,548,-193,-194,548,-996,548,548,548,548,548,-279,-280,-281,-282,-367,548,-310,548,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,548,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,548,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,548,548,548,548,548,548,-575,548,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,548,548,-725,-726,-727,548,548,548,548,548,548,-996,548,548,-93,-94,548,548,548,548,-311,-312,-322,548,-309,-295,-296,-297,548,548,548,548,-620,-635,-592,548,548,-438,548,-439,548,-446,-447,-448,-380,-381,548,548,548,-508,548,548,-512,548,548,548,548,-517,-518,-519,-520,548,548,-523,-524,548,-526,-527,-528,-529,-530,-531,-532,-533,548,-535,548,548,548,-541,-543,-544,548,-546,-547,-548,-549,548,548,548,548,548,548,-654,-655,-656,-657,548,-659,-660,-661,548,548,548,-667,548,548,-671,-672,548,548,-675,548,-677,-678,548,-681,548,-683,548,548,-686,-687,-688,548,-690,548,548,-693,548,548,-696,-697,-698,548,-700,-701,-702,-703,548,548,-748,548,-751,-752,-753,-754,-755,548,-757,-758,-759,-760,-761,548,-768,-769,-771,548,-773,-774,-775,-784,-858,-860,-862,-864,548,548,548,548,-870,548,-872,548,548,548,548,548,548,548,-908,-909,548,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,548,-923,-926,548,-936,548,-387,-388,-389,548,548,-392,-393,-394,-395,548,-398,548,-401,-402,548,-403,548,-408,-409,548,-412,-413,-414,548,-417,548,-418,548,-423,-424,548,-427,548,-430,-431,-1896,-1896,548,-621,-622,-623,-624,-625,-636,-586,-626,-799,548,548,548,548,548,-833,548,548,-808,548,-834,548,548,548,548,-800,548,-855,-801,548,548,548,548,548,548,-856,-857,548,-836,-832,-837,548,-627,548,-628,-629,-630,-631,-576,548,548,-632,-633,-634,548,548,548,548,548,548,-637,-638,-639,-594,-1896,-604,548,-640,-641,-715,-642,-606,548,-574,-579,-582,-585,548,548,548,-600,-603,548,-610,548,548,548,548,548,548,548,548,548,548,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,548,548,548,-997,548,548,548,548,548,548,-308,-327,-321,-298,-377,-454,-455,-456,-460,548,-445,548,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,548,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,548,548,548,548,548,548,548,548,548,-318,-537,-510,-593,-939,-941,-942,-440,548,-442,-382,-383,-385,-509,-511,-513,548,-515,-516,-521,-522,548,-534,-536,-539,-540,-545,-550,-728,548,-729,548,-734,548,-736,548,-741,-658,-662,-663,548,-668,548,-669,548,-674,-676,548,-679,548,548,548,-689,-691,548,-694,548,548,-746,548,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,548,548,548,548,548,-879,548,-882,-910,-922,-927,-390,-391,548,-396,548,-399,548,-404,548,-405,548,-410,548,-415,548,-419,548,-420,548,-425,548,-428,-901,-902,-645,-587,-1896,-903,548,548,548,-802,548,548,-806,548,-809,-835,548,-820,548,-822,548,-824,-810,548,-826,548,-853,-854,548,548,-813,548,-648,-904,-906,-650,-651,-647,548,-707,-708,548,-644,-905,-649,-652,-605,-716,548,548,-607,-588,548,548,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,548,548,-711,-712,548,-718,548,548,548,548,548,548,-940,548,-441,-443,-749,548,-893,548,-717,-1896,548,548,548,548,548,-444,-514,-525,548,-730,-735,548,-737,548,-742,548,-664,-670,548,-680,-682,-684,-685,-692,-695,-699,-747,548,548,-876,548,548,-880,548,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,548,-814,548,-816,-803,548,-804,-807,548,-818,-821,-823,-825,-827,548,-828,548,-811,548,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,548,-284,548,548,548,548,-457,548,548,-731,548,-738,548,-743,548,-665,-673,548,548,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,548,-838,-53,548,548,-732,548,-739,548,-744,-666,548,-875,-54,548,548,-733,-740,-745,548,548,548,-874,]),'ONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[549,549,549,549,-1896,549,549,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,549,549,549,549,-277,-278,549,-1427,549,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,549,549,549,-492,549,549,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,549,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,549,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,549,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,549,-174,-175,-176,-177,-995,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-292,-293,-283,549,549,549,549,549,-330,-320,-334,-335,-336,549,549,-984,-985,-986,-987,-988,-989,-990,549,549,549,549,549,549,549,549,549,549,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,549,549,549,-355,-358,549,-325,-326,-143,549,-144,549,-145,549,-432,-937,-938,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-1896,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-1896,549,-1896,549,549,549,549,549,549,549,549,549,549,549,549,-1896,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-1896,549,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,549,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,549,549,549,-193,-194,549,-996,549,549,549,549,549,-279,-280,-281,-282,-367,549,-310,549,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,549,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,549,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,549,549,549,549,549,549,-575,549,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,549,549,-725,-726,-727,549,549,549,549,549,549,-996,549,549,-93,-94,549,549,549,549,-311,-312,-322,549,-309,-295,-296,-297,549,549,549,549,-620,-635,-592,549,549,-438,549,-439,549,-446,-447,-448,-380,-381,549,549,549,-508,549,549,-512,549,549,549,549,-517,-518,-519,-520,549,549,-523,-524,549,-526,-527,-528,-529,-530,-531,-532,-533,549,-535,549,549,549,-541,-543,-544,549,-546,-547,-548,-549,549,549,549,549,549,549,-654,-655,-656,-657,549,-659,-660,-661,549,549,549,-667,549,549,-671,-672,549,549,-675,549,-677,-678,549,-681,549,-683,549,549,-686,-687,-688,549,-690,549,549,-693,549,549,-696,-697,-698,549,-700,-701,-702,-703,549,549,-748,549,-751,-752,-753,-754,-755,549,-757,-758,-759,-760,-761,549,-768,-769,-771,549,-773,-774,-775,-784,-858,-860,-862,-864,549,549,549,549,-870,549,-872,549,549,549,549,549,549,549,-908,-909,549,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,549,-923,-926,549,-936,549,-387,-388,-389,549,549,-392,-393,-394,-395,549,-398,549,-401,-402,549,-403,549,-408,-409,549,-412,-413,-414,549,-417,549,-418,549,-423,-424,549,-427,549,-430,-431,-1896,-1896,549,-621,-622,-623,-624,-625,-636,-586,-626,-799,549,549,549,549,549,-833,549,549,-808,549,-834,549,549,549,549,-800,549,-855,-801,549,549,549,549,549,549,-856,-857,549,-836,-832,-837,549,-627,549,-628,-629,-630,-631,-576,549,549,-632,-633,-634,549,549,549,549,549,549,-637,-638,-639,-594,-1896,-604,549,-640,-641,-715,-642,-606,549,-574,-579,-582,-585,549,549,549,-600,-603,549,-610,549,549,549,549,549,549,549,549,549,549,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,549,549,549,-997,549,549,549,549,549,549,-308,-327,-321,-298,-377,-454,-455,-456,-460,549,-445,549,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,549,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,549,549,549,549,549,549,549,549,549,-318,-537,-510,-593,-939,-941,-942,-440,549,-442,-382,-383,-385,-509,-511,-513,549,-515,-516,-521,-522,549,-534,-536,-539,-540,-545,-550,-728,549,-729,549,-734,549,-736,549,-741,-658,-662,-663,549,-668,549,-669,549,-674,-676,549,-679,549,549,549,-689,-691,549,-694,549,549,-746,549,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,549,549,549,549,549,-879,549,-882,-910,-922,-927,-390,-391,549,-396,549,-399,549,-404,549,-405,549,-410,549,-415,549,-419,549,-420,549,-425,549,-428,-901,-902,-645,-587,-1896,-903,549,549,549,-802,549,549,-806,549,-809,-835,549,-820,549,-822,549,-824,-810,549,-826,549,-853,-854,549,549,-813,549,-648,-904,-906,-650,-651,-647,549,-707,-708,549,-644,-905,-649,-652,-605,-716,549,549,-607,-588,549,549,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,549,549,-711,-712,549,-718,549,549,549,549,549,549,-940,549,-441,-443,-749,549,-893,549,-717,-1896,549,549,549,549,549,-444,-514,-525,549,-730,-735,549,-737,549,-742,549,-664,-670,549,-680,-682,-684,-685,-692,-695,-699,-747,549,549,-876,549,549,-880,549,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,549,-814,549,-816,-803,549,-804,-807,549,-818,-821,-823,-825,-827,549,-828,549,-811,549,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,549,-284,549,549,549,549,-457,549,549,-731,549,-738,549,-743,549,-665,-673,549,549,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,549,-838,-53,549,549,-732,549,-739,549,-744,-666,549,-875,-54,549,549,-733,-740,-745,549,549,549,-874,]),'ONE_SHOT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[550,550,550,550,-1896,550,550,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,550,550,550,550,-277,-278,550,-1427,550,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,550,550,550,-492,550,550,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,550,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,550,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,550,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,550,-174,-175,-176,-177,-995,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-292,-293,-283,550,550,550,550,550,-330,-320,-334,-335,-336,550,550,-984,-985,-986,-987,-988,-989,-990,550,550,550,550,550,550,550,550,550,550,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,550,550,550,-355,-358,550,-325,-326,-143,550,-144,550,-145,550,-432,-937,-938,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-1896,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-1896,550,-1896,550,550,550,550,550,550,550,550,550,550,550,550,-1896,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-1896,550,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,550,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,550,550,550,-193,-194,550,-996,550,550,550,550,550,-279,-280,-281,-282,-367,550,-310,550,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,550,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,550,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,550,550,550,550,550,550,-575,550,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,550,550,-725,-726,-727,550,550,550,550,550,550,-996,550,550,-93,-94,550,550,550,550,-311,-312,-322,550,-309,-295,-296,-297,550,550,550,550,-620,-635,-592,550,550,-438,550,-439,550,-446,-447,-448,-380,-381,550,550,550,-508,550,550,-512,550,550,550,550,-517,-518,-519,-520,550,550,-523,-524,550,-526,-527,-528,-529,-530,-531,-532,-533,550,-535,550,550,550,-541,-543,-544,550,-546,-547,-548,-549,550,550,550,550,550,550,-654,-655,-656,-657,550,-659,-660,-661,550,550,550,-667,550,550,-671,-672,550,550,-675,550,-677,-678,550,-681,550,-683,550,550,-686,-687,-688,550,-690,550,550,-693,550,550,-696,-697,-698,550,-700,-701,-702,-703,550,550,-748,550,-751,-752,-753,-754,-755,550,-757,-758,-759,-760,-761,550,-768,-769,-771,550,-773,-774,-775,-784,-858,-860,-862,-864,550,550,550,550,-870,550,-872,550,550,550,550,550,550,550,-908,-909,550,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,550,-923,-926,550,-936,550,-387,-388,-389,550,550,-392,-393,-394,-395,550,-398,550,-401,-402,550,-403,550,-408,-409,550,-412,-413,-414,550,-417,550,-418,550,-423,-424,550,-427,550,-430,-431,-1896,-1896,550,-621,-622,-623,-624,-625,-636,-586,-626,-799,550,550,550,550,550,-833,550,550,-808,550,-834,550,550,550,550,-800,550,-855,-801,550,550,550,550,550,550,-856,-857,550,-836,-832,-837,550,-627,550,-628,-629,-630,-631,-576,550,550,-632,-633,-634,550,550,550,550,550,550,-637,-638,-639,-594,-1896,-604,550,-640,-641,-715,-642,-606,550,-574,-579,-582,-585,550,550,550,-600,-603,550,-610,550,550,550,550,550,550,550,550,550,550,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,550,550,550,-997,550,550,550,550,550,550,-308,-327,-321,-298,-377,-454,-455,-456,-460,550,-445,550,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,550,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,550,550,550,550,550,550,550,550,550,-318,-537,-510,-593,-939,-941,-942,-440,550,-442,-382,-383,-385,-509,-511,-513,550,-515,-516,-521,-522,550,-534,-536,-539,-540,-545,-550,-728,550,-729,550,-734,550,-736,550,-741,-658,-662,-663,550,-668,550,-669,550,-674,-676,550,-679,550,550,550,-689,-691,550,-694,550,550,-746,550,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,550,550,550,550,550,-879,550,-882,-910,-922,-927,-390,-391,550,-396,550,-399,550,-404,550,-405,550,-410,550,-415,550,-419,550,-420,550,-425,550,-428,-901,-902,-645,-587,-1896,-903,550,550,550,-802,550,550,-806,550,-809,-835,550,-820,550,-822,550,-824,-810,550,-826,550,-853,-854,550,550,-813,550,-648,-904,-906,-650,-651,-647,550,-707,-708,550,-644,-905,-649,-652,-605,-716,550,550,-607,-588,550,550,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,550,550,-711,-712,550,-718,550,550,550,550,550,550,-940,550,-441,-443,-749,550,-893,550,-717,-1896,550,550,550,550,550,-444,-514,-525,550,-730,-735,550,-737,550,-742,550,-664,-670,550,-680,-682,-684,-685,-692,-695,-699,-747,550,550,-876,550,550,-880,550,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,550,-814,550,-816,-803,550,-804,-807,550,-818,-821,-823,-825,-827,550,-828,550,-811,550,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,550,-284,550,550,550,550,-457,550,550,-731,550,-738,550,-743,550,-665,-673,550,550,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,550,-838,-53,550,550,-732,550,-739,550,-744,-666,550,-875,-54,550,550,-733,-740,-745,550,550,550,-874,]),'ONLY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2893,2894,2895,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[551,551,551,551,-1896,551,551,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,551,551,551,551,-277,-278,551,-1427,551,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,551,551,551,-492,551,551,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,551,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,551,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,551,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,551,-174,-175,-176,-177,-995,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-292,-293,-283,551,551,551,551,551,-330,-320,-334,-335,-336,551,551,-984,-985,-986,-987,-988,-989,-990,551,551,551,551,551,551,551,551,551,551,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,551,551,551,-355,-358,551,-325,-326,-143,551,-144,551,-145,551,-432,-937,-938,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-1896,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-1896,551,-1896,551,551,551,551,551,551,551,551,551,551,551,551,-1896,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-1896,551,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,551,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,551,551,551,-193,-194,551,-996,551,551,551,551,551,-279,-280,-281,-282,-367,551,-310,551,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,551,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,551,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,551,551,551,551,551,551,-575,551,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,551,551,-725,-726,-727,551,551,551,551,551,551,-996,551,551,-93,-94,551,551,551,551,-311,-312,-322,551,-309,-295,-296,-297,551,551,551,551,-620,-635,-592,551,551,-438,551,-439,551,-446,-447,-448,-380,-381,551,551,551,-508,551,551,-512,551,551,551,551,-517,-518,-519,-520,551,551,-523,-524,551,-526,-527,-528,-529,-530,-531,-532,-533,551,-535,551,551,551,-541,-543,-544,551,-546,-547,-548,-549,551,551,551,551,551,551,-654,-655,-656,-657,551,-659,-660,-661,551,551,551,-667,551,551,-671,-672,551,551,-675,551,-677,-678,551,-681,551,-683,551,551,-686,-687,-688,551,-690,551,551,-693,551,551,-696,-697,-698,551,-700,-701,-702,-703,551,551,-748,551,-751,-752,-753,-754,-755,551,-757,-758,-759,-760,-761,551,-768,-769,-771,551,-773,-774,-775,-784,-858,-860,-862,-864,551,551,551,551,-870,551,-872,551,551,551,551,551,551,551,-908,-909,551,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,551,-923,-926,551,-936,551,-387,-388,-389,551,551,-392,-393,-394,-395,551,-398,551,-401,-402,551,-403,551,-408,-409,551,-412,-413,-414,551,-417,551,-418,551,-423,-424,551,-427,551,-430,-431,-1896,-1896,551,-621,-622,-623,-624,-625,-636,-586,-626,-799,551,551,551,551,551,-833,551,551,-808,551,-834,551,551,551,551,-800,551,-855,-801,551,551,551,551,551,551,-856,-857,551,-836,-832,-837,551,-627,551,-628,-629,-630,-631,-576,551,551,-632,-633,-634,551,551,551,551,551,551,-637,-638,-639,-594,-1896,-604,551,-640,-641,-715,-642,-606,551,-574,-579,-582,-585,551,551,551,-600,-603,551,-610,551,551,551,551,551,551,551,551,551,551,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,551,3162,-164,-165,551,551,-997,551,551,551,551,551,551,-308,-327,-321,-298,-377,-454,-455,-456,-460,551,-445,551,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,551,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,551,551,551,551,551,551,551,551,551,-318,-537,-510,-593,-939,-941,-942,-440,551,-442,-382,-383,-385,-509,-511,-513,551,-515,-516,-521,-522,551,-534,-536,-539,-540,-545,-550,-728,551,-729,551,-734,551,-736,551,-741,-658,-662,-663,551,-668,551,-669,551,-674,-676,551,-679,551,551,551,-689,-691,551,-694,551,551,-746,551,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,551,551,551,551,551,-879,551,-882,-910,-922,-927,-390,-391,551,-396,551,-399,551,-404,551,-405,551,-410,551,-415,551,-419,551,-420,551,-425,551,-428,-901,-902,-645,-587,-1896,-903,551,551,551,-802,551,551,-806,551,-809,-835,551,-820,551,-822,551,-824,-810,551,-826,551,-853,-854,551,551,-813,551,-648,-904,-906,-650,-651,-647,551,-707,-708,551,-644,-905,-649,-652,-605,-716,551,551,-607,-588,551,551,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,551,551,-711,-712,551,-718,551,551,551,551,551,551,-940,551,-441,-443,-749,551,-893,551,-717,-1896,551,551,551,551,551,-444,-514,-525,551,-730,-735,551,-737,551,-742,551,-664,-670,551,-680,-682,-684,-685,-692,-695,-699,-747,551,551,-876,551,551,-880,551,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,551,-814,551,-816,-803,551,-804,-807,551,-818,-821,-823,-825,-827,551,-828,551,-811,551,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,551,-284,551,551,551,551,-457,551,551,-731,551,-738,551,-743,551,-665,-673,551,551,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,551,-838,-53,551,551,-732,551,-739,551,-744,-666,551,-875,-54,551,551,-733,-740,-745,551,551,551,-874,]),'ONTHNAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[552,552,552,552,-1896,552,552,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,552,552,552,552,-277,-278,552,-1427,552,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,552,552,552,-492,552,552,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,552,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,552,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,552,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,552,-174,-175,-176,-177,-995,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-292,-293,-283,552,552,552,552,552,-330,-320,-334,-335,-336,552,552,-984,-985,-986,-987,-988,-989,-990,552,552,552,552,552,552,552,552,552,552,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,552,552,552,-355,-358,552,-325,-326,-143,552,-144,552,-145,552,-432,-937,-938,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-1896,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-1896,552,-1896,552,552,552,552,552,552,552,552,552,552,552,552,-1896,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-1896,552,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,552,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,552,552,552,-193,-194,552,-996,552,552,552,552,552,-279,-280,-281,-282,-367,552,-310,552,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,552,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,552,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,552,552,552,552,552,552,-575,552,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,552,552,-725,-726,-727,552,552,552,552,552,552,-996,552,552,-93,-94,552,552,552,552,-311,-312,-322,552,-309,-295,-296,-297,552,552,552,552,-620,-635,-592,552,552,-438,552,-439,552,-446,-447,-448,-380,-381,552,552,552,-508,552,552,-512,552,552,552,552,-517,-518,-519,-520,552,552,-523,-524,552,-526,-527,-528,-529,-530,-531,-532,-533,552,-535,552,552,552,-541,-543,-544,552,-546,-547,-548,-549,552,552,552,552,552,552,-654,-655,-656,-657,552,-659,-660,-661,552,552,552,-667,552,552,-671,-672,552,552,-675,552,-677,-678,552,-681,552,-683,552,552,-686,-687,-688,552,-690,552,552,-693,552,552,-696,-697,-698,552,-700,-701,-702,-703,552,552,-748,552,-751,-752,-753,-754,-755,552,-757,-758,-759,-760,-761,552,-768,-769,-771,552,-773,-774,-775,-784,-858,-860,-862,-864,552,552,552,552,-870,552,-872,552,552,552,552,552,552,552,-908,-909,552,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,552,-923,-926,552,-936,552,-387,-388,-389,552,552,-392,-393,-394,-395,552,-398,552,-401,-402,552,-403,552,-408,-409,552,-412,-413,-414,552,-417,552,-418,552,-423,-424,552,-427,552,-430,-431,-1896,-1896,552,-621,-622,-623,-624,-625,-636,-586,-626,-799,552,552,552,552,552,-833,552,552,-808,552,-834,552,552,552,552,-800,552,-855,-801,552,552,552,552,552,552,-856,-857,552,-836,-832,-837,552,-627,552,-628,-629,-630,-631,-576,552,552,-632,-633,-634,552,552,552,552,552,552,-637,-638,-639,-594,-1896,-604,552,-640,-641,-715,-642,-606,552,-574,-579,-582,-585,552,552,552,-600,-603,552,-610,552,552,552,552,552,552,552,552,552,552,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,552,552,552,-997,552,552,552,552,552,552,-308,-327,-321,-298,-377,-454,-455,-456,-460,552,-445,552,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,552,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,552,552,552,552,552,552,552,552,552,-318,-537,-510,-593,-939,-941,-942,-440,552,-442,-382,-383,-385,-509,-511,-513,552,-515,-516,-521,-522,552,-534,-536,-539,-540,-545,-550,-728,552,-729,552,-734,552,-736,552,-741,-658,-662,-663,552,-668,552,-669,552,-674,-676,552,-679,552,552,552,-689,-691,552,-694,552,552,-746,552,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,552,552,552,552,552,-879,552,-882,-910,-922,-927,-390,-391,552,-396,552,-399,552,-404,552,-405,552,-410,552,-415,552,-419,552,-420,552,-425,552,-428,-901,-902,-645,-587,-1896,-903,552,552,552,-802,552,552,-806,552,-809,-835,552,-820,552,-822,552,-824,-810,552,-826,552,-853,-854,552,552,-813,552,-648,-904,-906,-650,-651,-647,552,-707,-708,552,-644,-905,-649,-652,-605,-716,552,552,-607,-588,552,552,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,552,552,-711,-712,552,-718,552,552,552,552,552,552,-940,552,-441,-443,-749,552,-893,552,-717,-1896,552,552,552,552,552,-444,-514,-525,552,-730,-735,552,-737,552,-742,552,-664,-670,552,-680,-682,-684,-685,-692,-695,-699,-747,552,552,-876,552,552,-880,552,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,552,-814,552,-816,-803,552,-804,-807,552,-818,-821,-823,-825,-827,552,-828,552,-811,552,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,552,-284,552,552,552,552,-457,552,552,-731,552,-738,552,-743,552,-665,-673,552,552,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,552,-838,-53,552,552,-732,552,-739,552,-744,-666,552,-875,-54,552,552,-733,-740,-745,552,552,552,-874,]),'OPEN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[553,553,553,553,-1896,553,553,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,553,553,553,553,-277,-278,553,-1427,553,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,553,553,553,-492,553,553,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,553,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,553,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,553,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,553,-174,-175,-176,-177,-995,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-292,-293,-283,553,553,553,553,553,-330,-320,-334,-335,-336,553,553,-984,-985,-986,-987,-988,-989,-990,553,553,553,553,553,553,553,553,553,553,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,553,553,553,-355,-358,553,-325,-326,-143,553,-144,553,-145,553,-432,-937,-938,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-1896,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-1896,553,-1896,553,553,553,553,553,553,553,553,553,553,553,553,-1896,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-1896,553,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,553,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,553,553,553,-193,-194,553,-996,553,553,553,553,553,-279,-280,-281,-282,-367,553,-310,553,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,553,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,553,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,553,553,553,553,553,553,-575,553,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,553,553,-725,-726,-727,553,553,553,553,553,553,-996,553,553,-93,-94,553,553,553,553,-311,-312,-322,553,-309,-295,-296,-297,553,553,553,553,-620,-635,-592,553,553,-438,553,-439,553,-446,-447,-448,-380,-381,553,553,553,-508,553,553,-512,553,553,553,553,-517,-518,-519,-520,553,553,-523,-524,553,-526,-527,-528,-529,-530,-531,-532,-533,553,-535,553,553,553,-541,-543,-544,553,-546,-547,-548,-549,553,553,553,553,553,553,-654,-655,-656,-657,553,-659,-660,-661,553,553,553,-667,553,553,-671,-672,553,553,-675,553,-677,-678,553,-681,553,-683,553,553,-686,-687,-688,553,-690,553,553,-693,553,553,-696,-697,-698,553,-700,-701,-702,-703,553,553,-748,553,-751,-752,-753,-754,-755,553,-757,-758,-759,-760,-761,553,-768,-769,-771,553,-773,-774,-775,-784,-858,-860,-862,-864,553,553,553,553,-870,553,-872,553,553,553,553,553,553,553,-908,-909,553,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,553,-923,-926,553,-936,553,-387,-388,-389,553,553,-392,-393,-394,-395,553,-398,553,-401,-402,553,-403,553,-408,-409,553,-412,-413,-414,553,-417,553,-418,553,-423,-424,553,-427,553,-430,-431,-1896,-1896,553,-621,-622,-623,-624,-625,-636,-586,-626,-799,553,553,553,553,553,-833,553,553,-808,553,-834,553,553,553,553,-800,553,-855,-801,553,553,553,553,553,553,-856,-857,553,-836,-832,-837,553,-627,553,-628,-629,-630,-631,-576,553,553,-632,-633,-634,553,553,553,553,553,553,-637,-638,-639,-594,-1896,-604,553,-640,-641,-715,-642,-606,553,-574,-579,-582,-585,553,553,553,-600,-603,553,-610,553,553,553,553,553,553,553,553,553,553,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,553,553,553,-997,553,553,553,553,553,553,-308,-327,-321,-298,-377,-454,-455,-456,-460,553,-445,553,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,553,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,553,553,553,553,553,553,553,553,553,-318,-537,-510,-593,-939,-941,-942,-440,553,-442,-382,-383,-385,-509,-511,-513,553,-515,-516,-521,-522,553,-534,-536,-539,-540,-545,-550,-728,553,-729,553,-734,553,-736,553,-741,-658,-662,-663,553,-668,553,-669,553,-674,-676,553,-679,553,553,553,-689,-691,553,-694,553,553,-746,553,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,553,553,553,553,553,-879,553,-882,-910,-922,-927,-390,-391,553,-396,553,-399,553,-404,553,-405,553,-410,553,-415,553,-419,553,-420,553,-425,553,-428,-901,-902,-645,-587,-1896,-903,553,553,553,-802,553,553,-806,553,-809,-835,553,-820,553,-822,553,-824,-810,553,-826,553,-853,-854,553,553,-813,553,-648,-904,-906,-650,-651,-647,553,-707,-708,553,-644,-905,-649,-652,-605,-716,553,553,-607,-588,553,553,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,553,553,-711,-712,553,-718,553,553,553,553,553,553,-940,553,-441,-443,-749,553,-893,553,-717,-1896,553,553,553,553,553,-444,-514,-525,553,-730,-735,553,-737,553,-742,553,-664,-670,553,-680,-682,-684,-685,-692,-695,-699,-747,553,553,-876,553,553,-880,553,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,553,-814,553,-816,-803,553,-804,-807,553,-818,-821,-823,-825,-827,553,-828,553,-811,553,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,553,-284,553,553,553,553,-457,553,553,-731,553,-738,553,-743,553,-665,-673,553,553,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,553,-838,-53,553,553,-732,553,-739,553,-744,-666,553,-875,-54,553,553,-733,-740,-745,553,553,553,-874,]),'OPTIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[554,554,554,554,-1896,554,554,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,554,554,554,554,-277,-278,554,-1427,554,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,554,554,554,-492,554,554,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,554,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,554,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,554,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,554,-174,-175,-176,-177,-995,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-292,-293,-283,554,554,554,554,554,-330,-320,-334,-335,-336,554,554,-984,-985,-986,-987,-988,-989,-990,554,554,554,554,554,554,554,554,554,554,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,554,554,554,-355,-358,554,-325,-326,-143,554,-144,554,-145,554,-432,-937,-938,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-1896,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-1896,554,-1896,554,554,554,554,554,554,554,554,554,554,554,554,-1896,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-1896,554,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,554,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,554,554,554,-193,-194,554,-996,554,554,554,554,554,-279,-280,-281,-282,-367,554,-310,554,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,554,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,554,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,554,554,554,554,554,554,-575,554,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,554,554,-725,-726,-727,554,554,554,554,554,554,-996,554,554,-93,-94,554,554,554,554,-311,-312,-322,554,-309,-295,-296,-297,554,554,554,554,-620,-635,-592,554,554,-438,554,-439,554,-446,-447,-448,-380,-381,554,554,554,-508,554,554,-512,554,554,554,554,-517,-518,-519,-520,554,554,-523,-524,554,-526,-527,-528,-529,-530,-531,-532,-533,554,-535,554,554,554,-541,-543,-544,554,-546,-547,-548,-549,554,554,554,554,554,554,-654,-655,-656,-657,554,-659,-660,-661,554,554,554,-667,554,554,-671,-672,554,554,-675,554,-677,-678,554,-681,554,-683,554,554,-686,-687,-688,554,-690,554,554,-693,554,554,-696,-697,-698,554,-700,-701,-702,-703,554,554,-748,554,-751,-752,-753,-754,-755,554,-757,-758,-759,-760,-761,554,-768,-769,-771,554,-773,-774,-775,-784,-858,-860,-862,-864,554,554,554,554,-870,554,-872,554,554,554,554,554,554,554,-908,-909,554,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,554,-923,-926,554,-936,554,-387,-388,-389,554,554,-392,-393,-394,-395,554,-398,554,-401,-402,554,-403,554,-408,-409,554,-412,-413,-414,554,-417,554,-418,554,-423,-424,554,-427,554,-430,-431,-1896,-1896,554,-621,-622,-623,-624,-625,-636,-586,-626,-799,554,554,554,554,554,-833,554,554,-808,554,-834,554,554,554,554,-800,554,-855,-801,554,554,554,554,554,554,-856,-857,554,-836,-832,-837,554,-627,554,-628,-629,-630,-631,-576,554,554,-632,-633,-634,554,554,554,554,554,554,-637,-638,-639,-594,-1896,-604,554,-640,-641,-715,-642,-606,554,-574,-579,-582,-585,554,554,554,-600,-603,554,-610,554,554,554,554,554,554,554,554,554,554,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,554,554,554,-997,554,554,554,554,554,554,-308,-327,-321,-298,-377,-454,-455,-456,-460,554,-445,554,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,554,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,554,554,554,554,554,554,554,554,554,-318,-537,-510,-593,-939,-941,-942,-440,554,-442,-382,-383,-385,-509,-511,-513,554,-515,-516,-521,-522,554,-534,-536,-539,-540,-545,-550,-728,554,-729,554,-734,554,-736,554,-741,-658,-662,-663,554,-668,554,-669,554,-674,-676,554,-679,554,554,554,-689,-691,554,-694,554,554,-746,554,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,554,554,554,554,554,-879,554,-882,-910,-922,-927,-390,-391,554,-396,554,-399,554,-404,554,-405,554,-410,554,-415,554,-419,554,-420,554,-425,554,-428,-901,-902,-645,-587,-1896,-903,554,554,554,-802,554,554,-806,554,-809,-835,554,-820,554,-822,554,-824,-810,554,-826,554,-853,-854,554,554,-813,554,-648,-904,-906,-650,-651,-647,554,-707,-708,554,-644,-905,-649,-652,-605,-716,554,554,-607,-588,554,554,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,554,554,-711,-712,554,-718,554,554,554,554,554,554,-940,554,-441,-443,-749,554,-893,554,-717,-1896,554,554,554,554,554,-444,-514,-525,554,-730,-735,554,-737,554,-742,554,-664,-670,554,-680,-682,-684,-685,-692,-695,-699,-747,554,554,-876,554,554,-880,554,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,554,-814,554,-816,-803,554,-804,-807,554,-818,-821,-823,-825,-827,554,-828,554,-811,554,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,554,-284,554,554,554,554,-457,554,554,-731,554,-738,554,-743,554,-665,-673,554,554,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,554,-838,-53,554,554,-732,554,-739,554,-744,-666,554,-875,-54,554,554,-733,-740,-745,554,554,554,-874,]),'OR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2502,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3210,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3705,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[555,555,555,555,-1896,555,555,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,555,555,555,555,1426,-278,555,-1427,555,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,555,555,555,-492,555,555,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,555,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,555,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,555,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,555,-174,-175,-176,-177,-995,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-292,-293,-283,555,555,-365,555,555,555,-330,-320,-334,-335,-336,555,555,-984,-985,-986,-987,-988,-989,-990,555,555,555,555,555,555,555,555,555,555,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,555,555,555,-355,-358,555,-325,-326,-143,555,-144,555,-145,555,-432,-937,-938,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-1896,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-1896,555,-1896,555,555,555,555,555,555,555,555,555,555,555,555,-1896,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-1896,555,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,555,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,555,555,555,-193,-194,555,-996,555,555,555,555,555,-279,-280,-281,-282,-367,555,-310,555,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,555,1426,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,555,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,555,555,555,555,555,555,-575,555,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,555,555,-725,-726,-727,555,555,555,555,555,1426,555,-996,555,555,-93,-94,555,555,555,555,-311,-312,-322,555,-309,-295,-296,-297,555,555,555,555,-620,-635,-592,555,555,-438,555,-439,555,-446,-447,-448,-380,-381,555,555,555,-508,555,555,-512,555,555,555,555,-517,-518,-519,-520,555,555,-523,-524,555,-526,-527,-528,-529,-530,-531,-532,-533,555,-535,555,555,555,-541,-543,-544,555,-546,-547,-548,-549,555,555,555,555,555,555,-654,-655,-656,-657,555,-659,-660,-661,555,555,555,-667,555,555,-671,-672,555,555,-675,555,-677,-678,555,-681,555,-683,555,555,-686,-687,-688,555,-690,555,555,-693,555,555,-696,-697,-698,555,-700,-701,-702,-703,555,555,-748,555,-751,-752,-753,-754,-755,555,-757,-758,-759,-760,-761,555,-768,-769,-771,555,-773,-774,-775,-784,-858,-860,-862,-864,555,555,555,555,-870,555,-872,555,555,555,555,555,555,555,-908,-909,555,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,555,-923,-926,555,-936,555,-387,-388,-389,555,555,-392,-393,-394,-395,555,-398,555,-401,-402,555,-403,555,-408,-409,555,-412,-413,-414,555,-417,555,-418,555,-423,-424,555,-427,555,-430,-431,-1896,-1896,555,-621,-622,-623,-624,-625,-636,-586,-626,-799,555,555,555,555,555,-833,555,555,-808,555,-834,555,555,555,555,-800,555,-855,-801,555,555,555,555,555,555,-856,-857,555,-836,-832,-837,555,-627,555,-628,-629,-630,-631,-576,555,555,-632,-633,-634,555,555,555,555,555,555,-637,-638,-639,-594,-1896,-604,555,-640,-641,-715,-642,-606,555,-574,-579,-582,-585,555,555,555,-600,-603,555,-610,555,555,555,555,555,555,555,555,555,555,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,555,555,555,-997,555,555,555,555,555,555,-308,-327,-321,-298,-377,-454,-455,-456,-460,555,-445,555,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,555,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,555,555,555,1426,555,555,555,555,555,555,-318,-537,-510,-593,-939,-941,-942,-440,555,-442,-382,-383,-385,-509,-511,-513,555,-515,-516,-521,-522,555,-534,-536,-539,-540,-545,-550,-728,555,-729,555,-734,555,-736,555,-741,-658,-662,-663,555,-668,555,-669,555,-674,-676,555,-679,555,555,555,-689,-691,555,-694,555,555,-746,555,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,555,555,555,555,555,-879,555,-882,-910,-922,-927,-390,-391,555,-396,555,-399,555,-404,555,-405,555,-410,555,-415,555,-419,555,-420,555,-425,555,-428,-901,-902,-645,-587,-1896,-903,555,555,555,-802,555,555,-806,555,-809,-835,555,-820,555,-822,555,-824,-810,555,-826,555,-853,-854,555,555,-813,555,-648,-904,-906,-650,-651,-647,555,-707,-708,555,-644,-905,-649,-652,-605,-716,555,555,-607,-588,555,555,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,555,555,-711,-712,555,-718,555,555,555,555,555,555,-940,555,-441,-443,-749,555,-893,555,-717,-1896,555,555,555,555,555,-444,-514,-525,555,-730,-735,555,-737,555,-742,555,-664,-670,555,-680,-682,-684,-685,-692,-695,-699,-747,555,555,-876,555,555,-880,555,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,555,-814,555,-816,-803,555,-804,-807,555,-818,-821,-823,-825,-827,555,-828,555,-811,555,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,555,1426,-284,555,555,555,555,-457,555,555,-731,555,-738,555,-743,555,-665,-673,555,555,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,555,-838,-53,555,555,-732,555,-739,555,-744,-666,555,-875,-54,555,555,-733,-740,-745,555,555,555,-874,]),'ORA_DECODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[556,556,556,1016,-1896,556,556,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,556,556,556,556,-277,-278,1016,-1427,1016,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1016,1016,1016,-492,1016,1016,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1016,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1016,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1928,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,556,-174,-175,-176,-177,-995,556,556,556,556,556,556,556,556,556,556,1016,1016,1016,1016,1016,-292,-293,-283,556,1016,1016,1016,1016,-330,-320,-334,-335,-336,1016,1016,-984,-985,-986,-987,-988,-989,-990,556,556,1016,1016,1016,1016,1016,1016,1016,1016,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1016,1016,1016,-355,-358,556,-325,-326,-143,1016,-144,1016,-145,1016,-432,-937,-938,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1896,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1896,1016,-1896,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1896,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1896,556,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1016,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1016,556,556,-193,-194,556,-996,1016,556,556,556,556,-279,-280,-281,-282,-367,1016,-310,1016,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1016,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1016,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1016,1016,1016,1016,1016,1016,-575,1016,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1016,1016,-725,-726,-727,1016,1928,556,556,556,556,-996,556,1016,-93,-94,556,556,556,1016,-311,-312,-322,1016,-309,-295,-296,-297,1016,556,1016,1016,-620,-635,-592,1016,556,-438,556,-439,1016,-446,-447,-448,-380,-381,1016,1016,1016,-508,1016,1016,-512,1016,1016,1016,1016,-517,-518,-519,-520,1016,1016,-523,-524,1016,-526,-527,-528,-529,-530,-531,-532,-533,1016,-535,1016,1016,1016,-541,-543,-544,1016,-546,-547,-548,-549,1016,1016,1016,1016,1016,1016,-654,-655,-656,-657,556,-659,-660,-661,1016,1016,1016,-667,1016,1016,-671,-672,1016,1016,-675,1016,-677,-678,1016,-681,1016,-683,1016,1016,-686,-687,-688,1016,-690,1016,1016,-693,1016,1016,-696,-697,-698,1016,-700,-701,-702,-703,1016,1016,-748,1016,-751,-752,-753,-754,-755,1016,-757,-758,-759,-760,-761,1016,-768,-769,-771,1016,-773,-774,-775,-784,-858,-860,-862,-864,1016,1016,1016,1016,-870,1016,-872,1016,1016,1016,1016,1016,1016,1016,-908,-909,1016,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1016,-923,-926,1016,-936,1016,-387,-388,-389,1016,1016,-392,-393,-394,-395,1016,-398,1016,-401,-402,1016,-403,1016,-408,-409,1016,-412,-413,-414,1016,-417,1016,-418,1016,-423,-424,1016,-427,1016,-430,-431,-1896,-1896,1016,-621,-622,-623,-624,-625,-636,-586,-626,-799,1016,1016,1016,1016,1016,-833,1016,1016,-808,1016,-834,1016,1016,1016,1016,-800,1016,-855,-801,1016,1016,1016,1016,1016,1016,-856,-857,1016,-836,-832,-837,1016,-627,1016,-628,-629,-630,-631,-576,1016,1016,-632,-633,-634,1016,1016,1016,1016,1016,1016,-637,-638,-639,-594,-1896,-604,1016,-640,-641,-715,-642,-606,1016,-574,-579,-582,-585,1016,1016,1016,-600,-603,1016,-610,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1016,556,556,-997,556,1016,556,556,556,1016,-308,-327,-321,-298,-377,-454,-455,-456,-460,556,-445,1016,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1016,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,556,556,556,556,556,556,556,556,1016,-318,-537,-510,-593,-939,-941,-942,-440,1016,-442,-382,-383,-385,-509,-511,-513,1016,-515,-516,-521,-522,1016,-534,-536,-539,-540,-545,-550,-728,1016,-729,1016,-734,1016,-736,1016,-741,-658,-662,-663,1016,-668,1016,-669,1016,-674,-676,1016,-679,1016,1016,1016,-689,-691,1016,-694,1016,1016,-746,1016,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1016,1016,1016,1016,1016,-879,1016,-882,-910,-922,-927,-390,-391,1016,-396,1016,-399,1016,-404,1016,-405,1016,-410,1016,-415,1016,-419,1016,-420,1016,-425,1016,-428,-901,-902,-645,-587,-1896,-903,1016,1016,1016,-802,1016,1016,-806,1016,-809,-835,1016,-820,1016,-822,1016,-824,-810,1016,-826,1016,-853,-854,1016,1016,-813,1016,-648,-904,-906,-650,-651,-647,1016,-707,-708,1016,-644,-905,-649,-652,-605,-716,1016,1016,-607,-588,1016,1016,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1016,1016,-711,-712,1016,-718,1016,556,556,556,1016,1016,-940,556,-441,-443,-749,1016,-893,1928,-717,-1896,1016,1016,556,556,1016,-444,-514,-525,1016,-730,-735,1016,-737,1016,-742,1016,-664,-670,1016,-680,-682,-684,-685,-692,-695,-699,-747,1016,1016,-876,1016,1016,-880,1016,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1016,-814,1016,-816,-803,1016,-804,-807,1016,-818,-821,-823,-825,-827,1016,-828,1016,-811,1016,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,556,-284,556,1016,556,1016,-457,1016,1016,-731,1016,-738,1016,-743,1016,-665,-673,1016,1016,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1016,-838,-53,556,1016,-732,1016,-739,1016,-744,-666,1016,-875,-54,556,556,-733,-740,-745,1016,556,1016,-874,]),'ORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[557,557,557,1111,-1896,557,557,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,557,557,557,557,-277,-278,1111,-1427,1111,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1111,1111,1111,-492,1111,1111,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1111,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1111,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1929,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,557,-174,-175,-176,-177,-995,557,557,557,557,557,557,557,557,557,557,1111,1111,1111,1111,1111,-292,-293,-283,557,1111,1111,1111,1111,-330,-320,-334,-335,-336,1111,1111,-984,-985,-986,-987,-988,-989,-990,557,557,1111,1111,1111,1111,1111,1111,1111,1111,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1111,1111,1111,-355,-358,557,-325,-326,-143,1111,-144,1111,-145,1111,-432,-937,-938,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1896,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1896,1111,-1896,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1896,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1896,557,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1111,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1111,557,557,-193,-194,557,-996,1111,557,557,557,557,-279,-280,-281,-282,-367,1111,-310,1111,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1111,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1111,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1111,1111,1111,1111,1111,1111,-575,1111,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1111,1111,-725,-726,-727,1111,1929,557,557,557,557,-996,557,1111,-93,-94,557,557,557,1111,-311,-312,-322,1111,-309,-295,-296,-297,1111,557,1111,1111,-620,-635,-592,1111,557,-438,557,-439,1111,-446,-447,-448,-380,-381,1111,1111,1111,-508,1111,1111,-512,1111,1111,1111,1111,-517,-518,-519,-520,1111,1111,-523,-524,1111,-526,-527,-528,-529,-530,-531,-532,-533,1111,-535,1111,1111,1111,-541,-543,-544,1111,-546,-547,-548,-549,1111,1111,1111,1111,1111,1111,-654,-655,-656,-657,557,-659,-660,-661,1111,1111,1111,-667,1111,1111,-671,-672,1111,1111,-675,1111,-677,-678,1111,-681,1111,-683,1111,1111,-686,-687,-688,1111,-690,1111,1111,-693,1111,1111,-696,-697,-698,1111,-700,-701,-702,-703,1111,1111,-748,1111,-751,-752,-753,-754,-755,1111,-757,-758,-759,-760,-761,1111,-768,-769,-771,1111,-773,-774,-775,-784,-858,-860,-862,-864,1111,1111,1111,1111,-870,1111,-872,1111,1111,1111,1111,1111,1111,1111,-908,-909,1111,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1111,-923,-926,1111,-936,1111,-387,-388,-389,1111,1111,-392,-393,-394,-395,1111,-398,1111,-401,-402,1111,-403,1111,-408,-409,1111,-412,-413,-414,1111,-417,1111,-418,1111,-423,-424,1111,-427,1111,-430,-431,-1896,-1896,1111,-621,-622,-623,-624,-625,-636,-586,-626,-799,1111,1111,1111,1111,1111,-833,1111,1111,-808,1111,-834,1111,1111,1111,1111,-800,1111,-855,-801,1111,1111,1111,1111,1111,1111,-856,-857,1111,-836,-832,-837,1111,-627,1111,-628,-629,-630,-631,-576,1111,1111,-632,-633,-634,1111,1111,1111,1111,1111,1111,-637,-638,-639,-594,-1896,-604,1111,-640,-641,-715,-642,-606,1111,-574,-579,-582,-585,1111,1111,1111,-600,-603,1111,-610,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1111,557,557,-997,557,1111,557,557,557,1111,-308,-327,-321,-298,-377,-454,-455,-456,-460,557,-445,1111,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1111,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,557,557,557,557,557,557,557,557,1111,-318,-537,-510,-593,-939,-941,-942,-440,1111,-442,-382,-383,-385,-509,-511,-513,1111,-515,-516,-521,-522,1111,-534,-536,-539,-540,-545,-550,-728,1111,-729,1111,-734,1111,-736,1111,-741,-658,-662,-663,1111,-668,1111,-669,1111,-674,-676,1111,-679,1111,1111,1111,-689,-691,1111,-694,1111,1111,-746,1111,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1111,1111,1111,1111,1111,-879,1111,-882,-910,-922,-927,-390,-391,1111,-396,1111,-399,1111,-404,1111,-405,1111,-410,1111,-415,1111,-419,1111,-420,1111,-425,1111,-428,-901,-902,-645,-587,-1896,-903,1111,1111,1111,-802,1111,1111,-806,1111,-809,-835,1111,-820,1111,-822,1111,-824,-810,1111,-826,1111,-853,-854,1111,1111,-813,1111,-648,-904,-906,-650,-651,-647,1111,-707,-708,1111,-644,-905,-649,-652,-605,-716,1111,1111,-607,-588,1111,1111,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1111,1111,-711,-712,1111,-718,1111,557,557,557,1111,1111,-940,557,-441,-443,-749,1111,-893,1929,-717,-1896,1111,1111,557,557,1111,-444,-514,-525,1111,-730,-735,1111,-737,1111,-742,1111,-664,-670,1111,-680,-682,-684,-685,-692,-695,-699,-747,1111,1111,-876,1111,1111,-880,1111,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1111,-814,1111,-816,-803,1111,-804,-807,1111,-818,-821,-823,-825,-827,1111,-828,1111,-811,1111,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,557,-284,557,1111,557,1111,-457,1111,1111,-731,1111,-738,1111,-743,1111,-665,-673,1111,1111,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1111,-838,-53,557,1111,-732,1111,-739,1111,-744,-666,1111,-875,-54,557,557,-733,-740,-745,1111,557,1111,-874,]),'ORDINALITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[558,558,558,558,-1896,558,558,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,558,558,558,558,-277,-278,558,-1427,558,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,558,558,558,-492,558,558,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,558,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,558,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,558,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,558,-174,-175,-176,-177,-995,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-292,-293,-283,558,558,558,558,558,-330,-320,-334,-335,-336,558,558,-984,-985,-986,-987,-988,-989,-990,558,558,558,558,558,558,558,558,558,558,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,558,558,558,-355,-358,558,-325,-326,-143,558,-144,558,-145,558,-432,-937,-938,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-1896,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-1896,558,-1896,558,558,558,558,558,558,558,558,558,558,558,558,-1896,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-1896,558,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,558,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,558,558,558,-193,-194,558,-996,558,558,558,558,558,-279,-280,-281,-282,-367,558,-310,558,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,558,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,558,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,558,558,558,558,558,558,-575,558,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,558,558,-725,-726,-727,558,558,558,558,558,558,-996,558,558,-93,-94,558,558,558,558,-311,-312,-322,558,-309,-295,-296,-297,558,558,558,558,-620,-635,-592,558,558,-438,558,-439,558,-446,-447,-448,-380,-381,558,558,558,-508,558,558,-512,558,558,558,558,-517,-518,-519,-520,558,558,-523,-524,558,-526,-527,-528,-529,-530,-531,-532,-533,558,-535,558,558,558,-541,-543,-544,558,-546,-547,-548,-549,558,558,558,558,558,558,-654,-655,-656,-657,558,-659,-660,-661,558,558,558,-667,558,558,-671,-672,558,558,-675,558,-677,-678,558,-681,558,-683,558,558,-686,-687,-688,558,-690,558,558,-693,558,558,-696,-697,-698,558,-700,-701,-702,-703,558,558,-748,558,-751,-752,-753,-754,-755,558,-757,-758,-759,-760,-761,558,-768,-769,-771,558,-773,-774,-775,-784,-858,-860,-862,-864,558,558,558,558,-870,558,-872,558,558,558,558,558,558,558,-908,-909,558,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,558,-923,-926,558,-936,558,-387,-388,-389,558,558,-392,-393,-394,-395,558,-398,558,-401,-402,558,-403,558,-408,-409,558,-412,-413,-414,558,-417,558,-418,558,-423,-424,558,-427,558,-430,-431,-1896,-1896,558,-621,-622,-623,-624,-625,-636,-586,-626,-799,558,558,558,558,558,-833,558,558,-808,558,-834,558,558,558,558,-800,558,-855,-801,558,558,558,558,558,558,-856,-857,558,-836,-832,-837,558,-627,558,-628,-629,-630,-631,-576,558,558,-632,-633,-634,558,558,558,558,558,558,-637,-638,-639,-594,-1896,-604,558,-640,-641,-715,-642,-606,558,-574,-579,-582,-585,558,558,558,-600,-603,558,-610,558,558,558,558,558,558,558,558,558,558,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,558,558,558,-997,558,558,558,558,558,558,-308,-327,-321,-298,-377,-454,-455,-456,-460,558,-445,558,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,558,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,558,558,558,558,558,558,558,558,558,-318,-537,-510,-593,-939,-941,-942,-440,558,-442,-382,-383,-385,-509,-511,-513,558,-515,-516,-521,-522,558,-534,-536,-539,-540,-545,-550,-728,558,-729,558,-734,558,-736,558,-741,-658,-662,-663,558,-668,558,-669,558,-674,-676,558,-679,558,558,558,-689,-691,558,-694,558,558,-746,558,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,558,558,558,558,558,-879,558,-882,-910,-922,-927,-390,-391,558,-396,558,-399,558,-404,558,-405,558,-410,558,-415,558,-419,558,-420,558,-425,558,-428,-901,-902,-645,-587,-1896,-903,558,558,558,-802,558,558,-806,558,-809,-835,558,-820,558,-822,558,-824,-810,558,-826,558,-853,-854,558,558,-813,558,-648,-904,-906,-650,-651,-647,558,-707,-708,558,-644,-905,-649,-652,-605,-716,558,558,-607,-588,558,558,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,558,558,-711,-712,558,-718,558,558,558,558,558,558,-940,558,-441,-443,-749,558,-893,558,-717,-1896,558,558,558,558,558,-444,-514,-525,558,-730,-735,558,-737,558,-742,558,-664,-670,558,-680,-682,-684,-685,-692,-695,-699,-747,558,558,-876,558,558,-880,558,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,558,-814,558,-816,-803,558,-804,-807,558,-818,-821,-823,-825,-827,558,-828,558,-811,558,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,558,-284,558,558,558,558,-457,558,558,-731,558,-738,558,-743,558,-665,-673,558,558,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,558,-838,-53,558,558,-732,558,-739,558,-744,-666,558,-875,-54,558,558,-733,-740,-745,558,558,558,-874,]),'ORIG_DEFAULT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[559,559,559,559,-1896,559,559,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,559,559,559,559,-277,-278,559,-1427,559,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,559,559,559,-492,559,559,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,559,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,559,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,559,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,559,-174,-175,-176,-177,-995,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-292,-293,-283,559,559,559,559,559,-330,-320,-334,-335,-336,559,559,-984,-985,-986,-987,-988,-989,-990,559,559,559,559,559,559,559,559,559,559,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,559,559,559,-355,-358,559,-325,-326,-143,559,-144,559,-145,559,-432,-937,-938,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-1896,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-1896,559,-1896,559,559,559,559,559,559,559,559,559,559,559,559,-1896,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-1896,559,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,559,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,559,559,559,-193,-194,559,-996,559,559,559,559,559,-279,-280,-281,-282,-367,559,-310,559,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,559,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,559,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,559,559,559,559,559,559,-575,559,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,559,559,-725,-726,-727,559,559,559,559,559,559,-996,559,559,-93,-94,559,559,559,559,-311,-312,-322,559,-309,-295,-296,-297,559,559,559,559,-620,-635,-592,559,559,-438,559,-439,559,-446,-447,-448,-380,-381,559,559,559,-508,559,559,-512,559,559,559,559,-517,-518,-519,-520,559,559,-523,-524,559,-526,-527,-528,-529,-530,-531,-532,-533,559,-535,559,559,559,-541,-543,-544,559,-546,-547,-548,-549,559,559,559,559,559,559,-654,-655,-656,-657,559,-659,-660,-661,559,559,559,-667,559,559,-671,-672,559,559,-675,559,-677,-678,559,-681,559,-683,559,559,-686,-687,-688,559,-690,559,559,-693,559,559,-696,-697,-698,559,-700,-701,-702,-703,559,559,-748,559,-751,-752,-753,-754,-755,559,-757,-758,-759,-760,-761,559,-768,-769,-771,559,-773,-774,-775,-784,-858,-860,-862,-864,559,559,559,559,-870,559,-872,559,559,559,559,559,559,559,-908,-909,559,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,559,-923,-926,559,-936,559,-387,-388,-389,559,559,-392,-393,-394,-395,559,-398,559,-401,-402,559,-403,559,-408,-409,559,-412,-413,-414,559,-417,559,-418,559,-423,-424,559,-427,559,-430,-431,-1896,-1896,559,-621,-622,-623,-624,-625,-636,-586,-626,-799,559,559,559,559,559,-833,559,559,-808,559,-834,559,559,559,559,-800,559,-855,-801,559,559,559,559,559,559,-856,-857,559,-836,-832,-837,559,-627,559,-628,-629,-630,-631,-576,559,559,-632,-633,-634,559,559,559,559,559,559,-637,-638,-639,-594,-1896,-604,559,-640,-641,-715,-642,-606,559,-574,-579,-582,-585,559,559,559,-600,-603,559,-610,559,559,559,559,559,559,559,559,559,559,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,559,559,559,-997,559,559,559,559,559,559,-308,-327,-321,-298,-377,-454,-455,-456,-460,559,-445,559,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,559,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,559,559,559,559,559,559,559,559,559,-318,-537,-510,-593,-939,-941,-942,-440,559,-442,-382,-383,-385,-509,-511,-513,559,-515,-516,-521,-522,559,-534,-536,-539,-540,-545,-550,-728,559,-729,559,-734,559,-736,559,-741,-658,-662,-663,559,-668,559,-669,559,-674,-676,559,-679,559,559,559,-689,-691,559,-694,559,559,-746,559,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,559,559,559,559,559,-879,559,-882,-910,-922,-927,-390,-391,559,-396,559,-399,559,-404,559,-405,559,-410,559,-415,559,-419,559,-420,559,-425,559,-428,-901,-902,-645,-587,-1896,-903,559,559,559,-802,559,559,-806,559,-809,-835,559,-820,559,-822,559,-824,-810,559,-826,559,-853,-854,559,559,-813,559,-648,-904,-906,-650,-651,-647,559,-707,-708,559,-644,-905,-649,-652,-605,-716,559,559,-607,-588,559,559,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,559,559,-711,-712,559,-718,559,559,559,559,559,559,-940,559,-441,-443,-749,559,-893,559,-717,-1896,559,559,559,559,559,-444,-514,-525,559,-730,-735,559,-737,559,-742,559,-664,-670,559,-680,-682,-684,-685,-692,-695,-699,-747,559,559,-876,559,559,-880,559,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,559,-814,559,-816,-803,559,-804,-807,559,-818,-821,-823,-825,-827,559,-828,559,-811,559,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,559,-284,559,559,559,559,-457,559,559,-731,559,-738,559,-743,559,-665,-673,559,559,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,559,-838,-53,559,559,-732,559,-739,559,-744,-666,559,-875,-54,559,559,-733,-740,-745,559,559,559,-874,]),'OUTLINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[560,560,560,560,-1896,560,560,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,560,560,560,560,-277,-278,560,-1427,560,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,560,560,560,-492,560,560,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,560,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,560,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,560,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,560,-174,-175,-176,-177,-995,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-292,-293,-283,560,560,560,560,560,-330,-320,-334,-335,-336,560,560,-984,-985,-986,-987,-988,-989,-990,560,560,560,560,560,560,560,560,560,560,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,560,560,560,-355,-358,560,-325,-326,-143,560,-144,560,-145,560,-432,-937,-938,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-1896,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-1896,560,-1896,560,560,560,560,560,560,560,560,560,560,560,560,-1896,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-1896,560,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,560,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,560,560,560,-193,-194,560,-996,560,560,560,560,560,-279,-280,-281,-282,-367,560,-310,560,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,560,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,560,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,560,560,560,560,560,560,-575,560,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,560,560,-725,-726,-727,560,560,560,560,560,560,-996,560,560,-93,-94,560,560,560,560,-311,-312,-322,560,-309,-295,-296,-297,560,560,560,560,-620,-635,-592,560,560,-438,560,-439,560,-446,-447,-448,-380,-381,560,560,560,-508,560,560,-512,560,560,560,560,-517,-518,-519,-520,560,560,-523,-524,560,-526,-527,-528,-529,-530,-531,-532,-533,560,-535,560,560,560,-541,-543,-544,560,-546,-547,-548,-549,560,560,560,560,560,560,-654,-655,-656,-657,560,-659,-660,-661,560,560,560,-667,560,560,-671,-672,560,560,-675,560,-677,-678,560,-681,560,-683,560,560,-686,-687,-688,560,-690,560,560,-693,560,560,-696,-697,-698,560,-700,-701,-702,-703,560,560,-748,560,-751,-752,-753,-754,-755,560,-757,-758,-759,-760,-761,560,-768,-769,-771,560,-773,-774,-775,-784,-858,-860,-862,-864,560,560,560,560,-870,560,-872,560,560,560,560,560,560,560,-908,-909,560,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,560,-923,-926,560,-936,560,-387,-388,-389,560,560,-392,-393,-394,-395,560,-398,560,-401,-402,560,-403,560,-408,-409,560,-412,-413,-414,560,-417,560,-418,560,-423,-424,560,-427,560,-430,-431,-1896,-1896,560,-621,-622,-623,-624,-625,-636,-586,-626,-799,560,560,560,560,560,-833,560,560,-808,560,-834,560,560,560,560,-800,560,-855,-801,560,560,560,560,560,560,-856,-857,560,-836,-832,-837,560,-627,560,-628,-629,-630,-631,-576,560,560,-632,-633,-634,560,560,560,560,560,560,-637,-638,-639,-594,-1896,-604,560,-640,-641,-715,-642,-606,560,-574,-579,-582,-585,560,560,560,-600,-603,560,-610,560,560,560,560,560,560,560,560,560,560,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,560,560,560,-997,560,560,560,560,560,560,-308,-327,-321,-298,-377,-454,-455,-456,-460,560,-445,560,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,560,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,560,560,560,560,560,560,560,560,560,-318,-537,-510,-593,-939,-941,-942,-440,560,-442,-382,-383,-385,-509,-511,-513,560,-515,-516,-521,-522,560,-534,-536,-539,-540,-545,-550,-728,560,-729,560,-734,560,-736,560,-741,-658,-662,-663,560,-668,560,-669,560,-674,-676,560,-679,560,560,560,-689,-691,560,-694,560,560,-746,560,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,560,560,560,560,560,-879,560,-882,-910,-922,-927,-390,-391,560,-396,560,-399,560,-404,560,-405,560,-410,560,-415,560,-419,560,-420,560,-425,560,-428,-901,-902,-645,-587,-1896,-903,560,560,560,-802,560,560,-806,560,-809,-835,560,-820,560,-822,560,-824,-810,560,-826,560,-853,-854,560,560,-813,560,-648,-904,-906,-650,-651,-647,560,-707,-708,560,-644,-905,-649,-652,-605,-716,560,560,-607,-588,560,560,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,560,560,-711,-712,560,-718,560,560,560,560,560,560,-940,560,-441,-443,-749,560,-893,560,-717,-1896,560,560,560,560,560,-444,-514,-525,560,-730,-735,560,-737,560,-742,560,-664,-670,560,-680,-682,-684,-685,-692,-695,-699,-747,560,560,-876,560,560,-880,560,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,560,-814,560,-816,-803,560,-804,-807,560,-818,-821,-823,-825,-827,560,-828,560,-811,560,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,560,-284,560,560,560,560,-457,560,560,-731,560,-738,560,-743,560,-665,-673,560,560,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,560,-838,-53,560,560,-732,560,-739,560,-744,-666,560,-875,-54,560,560,-733,-740,-745,560,560,560,-874,]),'OVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2128,2129,2136,2137,2138,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2556,2560,2562,2563,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2985,2988,2989,2992,2993,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3258,3259,3260,3261,3265,3266,3267,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3509,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[561,561,561,561,-1896,561,561,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,561,561,561,561,-277,-278,561,-1427,561,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,561,561,561,-492,561,561,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,561,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,561,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,561,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,561,-174,-175,-176,-177,-995,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-292,-293,-283,561,561,561,561,561,-330,-320,-334,-335,-336,561,561,-984,-985,-986,-987,-988,-989,-990,561,561,561,561,561,561,561,561,561,561,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,561,561,561,-355,-358,561,-325,-326,-143,561,-144,561,-145,561,-432,-937,-938,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-1896,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-1896,561,-1896,561,561,561,561,561,561,561,561,561,561,561,561,-1896,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-1896,561,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,561,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,561,561,561,-193,-194,561,-996,561,561,561,561,561,-279,-280,-281,-282,-367,561,-310,561,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,561,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,561,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,2554,2554,2554,2554,2554,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,561,561,561,561,561,561,-575,561,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,561,561,-725,-726,-727,561,561,561,561,561,561,-996,561,561,-93,-94,561,561,561,561,-311,-312,-322,561,-309,-295,-296,-297,561,561,561,561,-620,-635,-592,561,561,-438,561,-439,-1896,-1896,561,2554,-446,-447,-448,-380,-381,561,561,561,-508,561,561,-512,561,561,561,561,-517,-518,-519,-520,561,561,-523,-524,561,-526,-527,-528,-529,-530,-531,-532,-533,561,-535,561,561,561,-541,-543,-544,561,-546,-547,-548,-549,561,561,561,561,561,561,-654,-655,-656,-657,561,-659,-660,-661,561,561,561,-667,561,561,-671,-672,561,561,-675,561,-677,-678,561,-681,561,-683,561,561,-686,-687,-688,561,-690,561,561,-693,561,561,-696,-697,-698,561,-700,-701,-702,-703,561,561,-748,561,-751,-752,-753,-754,-755,561,-757,-758,-759,-760,-761,561,-768,-769,-771,561,-773,-774,-775,-784,-858,-860,-862,-864,561,561,561,561,-870,561,-872,561,561,561,561,561,561,561,-908,-909,561,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,561,-923,-926,561,-936,561,-387,-388,-389,561,561,-392,-393,-394,-395,561,-398,561,-401,-402,561,-403,561,-408,-409,561,-412,-413,-414,561,-417,561,-418,561,-423,-424,561,-427,561,-430,-431,2554,2554,561,-621,-622,-623,-624,-625,-636,-586,-626,-799,561,561,561,561,561,-833,561,561,-808,561,-834,561,561,561,561,-800,561,-855,-801,561,561,561,561,561,561,-856,-857,561,-836,-832,-837,561,-627,561,-628,-629,-630,-631,-576,561,561,-632,-633,-634,561,561,561,561,561,561,-637,-638,-639,-594,2554,-604,561,-640,-641,-715,-642,-606,561,-574,-579,-582,-585,561,561,561,-600,-603,561,-610,561,561,561,561,561,561,561,561,561,561,-720,2554,2554,2554,2554,2554,2554,2554,2554,2554,-996,561,561,561,-997,561,561,561,561,561,561,-308,-327,-321,-298,-377,-454,-455,-456,-460,561,2554,-451,-1896,2554,-1896,-445,561,-935,2554,-891,-452,-453,-892,2554,2554,2554,2554,2554,-900,561,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,561,561,561,561,561,561,561,561,561,-318,-537,-510,-593,-939,-941,-942,-440,-449,-450,2554,561,-442,2554,-1896,-382,-383,-385,-509,-511,-513,561,-515,-516,-521,-522,561,-534,-536,-539,-540,-545,-550,-728,561,-729,561,-734,561,-736,561,-741,-658,-662,-663,561,-668,561,-669,561,-674,-676,561,-679,561,561,561,-689,-691,561,-694,561,561,-746,561,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,561,561,561,561,561,-879,561,-882,-910,-922,-927,-390,-391,561,-396,561,-399,561,-404,561,-405,561,-410,561,-415,561,-419,561,-420,561,-425,561,-428,-901,-902,-645,-587,2554,-903,561,561,561,-802,561,561,-806,561,-809,-835,561,-820,561,-822,561,-824,-810,561,-826,561,-853,-854,561,561,-813,561,-648,-904,-906,-650,-651,-647,561,-707,-708,561,-644,-905,-649,-652,-605,-716,561,561,-607,-588,561,561,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,561,561,-711,-712,561,-718,561,561,561,561,561,561,-940,561,-441,-443,2554,-749,561,-893,561,-717,2554,561,561,561,561,561,-444,-514,-525,561,-730,-735,561,-737,561,-742,561,-664,-670,561,-680,-682,-684,-685,-692,-695,-699,-747,561,561,-876,561,561,-880,561,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,561,-814,561,-816,-803,561,-804,-807,561,-818,-821,-823,-825,-827,561,-828,561,-811,561,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,561,-284,561,561,561,561,-457,561,561,-731,561,-738,561,-743,561,-665,-673,561,561,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,561,-838,-53,561,561,-732,561,-739,561,-744,-666,561,-875,-54,561,561,-733,-740,-745,561,561,561,-874,]),'OWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[562,562,562,562,-1896,562,562,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,562,562,562,562,-277,-278,562,-1427,562,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,562,562,562,-492,562,562,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,562,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,562,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,562,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,562,-174,-175,-176,-177,-995,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-292,-293,-283,562,562,562,562,562,-330,-320,-334,-335,-336,562,562,-984,-985,-986,-987,-988,-989,-990,562,562,562,562,562,562,562,562,562,562,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,562,562,562,-355,-358,562,-325,-326,-143,562,-144,562,-145,562,-432,-937,-938,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-1896,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-1896,562,-1896,562,562,562,562,562,562,562,562,562,562,562,562,-1896,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-1896,562,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,562,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,562,562,562,-193,-194,562,-996,562,562,562,562,562,-279,-280,-281,-282,-367,562,-310,562,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,562,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,562,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,562,562,562,562,562,562,-575,562,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,562,562,-725,-726,-727,562,562,562,562,562,562,-996,562,562,-93,-94,562,562,562,562,-311,-312,-322,562,-309,-295,-296,-297,562,562,562,562,-620,-635,-592,562,562,-438,562,-439,562,-446,-447,-448,-380,-381,562,562,562,-508,562,562,-512,562,562,562,562,-517,-518,-519,-520,562,562,-523,-524,562,-526,-527,-528,-529,-530,-531,-532,-533,562,-535,562,562,562,-541,-543,-544,562,-546,-547,-548,-549,562,562,562,562,562,562,-654,-655,-656,-657,562,-659,-660,-661,562,562,562,-667,562,562,-671,-672,562,562,-675,562,-677,-678,562,-681,562,-683,562,562,-686,-687,-688,562,-690,562,562,-693,562,562,-696,-697,-698,562,-700,-701,-702,-703,562,562,-748,562,-751,-752,-753,-754,-755,562,-757,-758,-759,-760,-761,562,-768,-769,-771,562,-773,-774,-775,-784,-858,-860,-862,-864,562,562,562,562,-870,562,-872,562,562,562,562,562,562,562,-908,-909,562,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,562,-923,-926,562,-936,562,-387,-388,-389,562,562,-392,-393,-394,-395,562,-398,562,-401,-402,562,-403,562,-408,-409,562,-412,-413,-414,562,-417,562,-418,562,-423,-424,562,-427,562,-430,-431,-1896,-1896,562,-621,-622,-623,-624,-625,-636,-586,-626,-799,562,562,562,562,562,-833,562,562,-808,562,-834,562,562,562,562,-800,562,-855,-801,562,562,562,562,562,562,-856,-857,562,-836,-832,-837,562,-627,562,-628,-629,-630,-631,-576,562,562,-632,-633,-634,562,562,562,562,562,562,-637,-638,-639,-594,-1896,-604,562,-640,-641,-715,-642,-606,562,-574,-579,-582,-585,562,562,562,-600,-603,562,-610,562,562,562,562,562,562,562,562,562,562,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,562,562,562,-997,562,562,562,562,562,562,-308,-327,-321,-298,-377,-454,-455,-456,-460,562,-445,562,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,562,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,562,562,562,562,562,562,562,562,562,-318,-537,-510,-593,-939,-941,-942,-440,562,-442,-382,-383,-385,-509,-511,-513,562,-515,-516,-521,-522,562,-534,-536,-539,-540,-545,-550,-728,562,-729,562,-734,562,-736,562,-741,-658,-662,-663,562,-668,562,-669,562,-674,-676,562,-679,562,562,562,-689,-691,562,-694,562,562,-746,562,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,562,562,562,562,562,-879,562,-882,-910,-922,-927,-390,-391,562,-396,562,-399,562,-404,562,-405,562,-410,562,-415,562,-419,562,-420,562,-425,562,-428,-901,-902,-645,-587,-1896,-903,562,562,562,-802,562,562,-806,562,-809,-835,562,-820,562,-822,562,-824,-810,562,-826,562,-853,-854,562,562,-813,562,-648,-904,-906,-650,-651,-647,562,-707,-708,562,-644,-905,-649,-652,-605,-716,562,562,-607,-588,562,562,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,562,562,-711,-712,562,-718,562,562,562,562,562,562,-940,562,-441,-443,-749,562,-893,562,-717,-1896,562,562,562,562,562,-444,-514,-525,562,-730,-735,562,-737,562,-742,562,-664,-670,562,-680,-682,-684,-685,-692,-695,-699,-747,562,562,-876,562,562,-880,562,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,562,-814,562,-816,-803,562,-804,-807,562,-818,-821,-823,-825,-827,562,-828,562,-811,562,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,562,-284,562,562,562,562,-457,562,562,-731,562,-738,562,-743,562,-665,-673,562,562,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,562,-838,-53,562,562,-732,562,-739,562,-744,-666,562,-875,-54,562,562,-733,-740,-745,562,562,562,-874,]),'OWNER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[563,563,563,563,-1896,563,563,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,563,563,563,563,-277,-278,563,-1427,563,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,563,563,563,-492,563,563,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,563,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,563,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,563,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,563,-174,-175,-176,-177,-995,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-292,-293,-283,563,563,563,563,563,-330,-320,-334,-335,-336,563,563,-984,-985,-986,-987,-988,-989,-990,563,563,563,563,563,563,563,563,563,563,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,563,563,563,-355,-358,563,-325,-326,-143,563,-144,563,-145,563,-432,-937,-938,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-1896,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-1896,563,-1896,563,563,563,563,563,563,563,563,563,563,563,563,-1896,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-1896,563,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,563,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,563,563,563,-193,-194,563,-996,563,563,563,563,563,-279,-280,-281,-282,-367,563,-310,563,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,563,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,563,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,563,563,563,563,563,563,-575,563,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,563,563,-725,-726,-727,563,563,563,563,563,563,-996,563,563,-93,-94,563,563,563,563,-311,-312,-322,563,-309,-295,-296,-297,563,563,563,563,-620,-635,-592,563,563,-438,563,-439,563,-446,-447,-448,-380,-381,563,563,563,-508,563,563,-512,563,563,563,563,-517,-518,-519,-520,563,563,-523,-524,563,-526,-527,-528,-529,-530,-531,-532,-533,563,-535,563,563,563,-541,-543,-544,563,-546,-547,-548,-549,563,563,563,563,563,563,-654,-655,-656,-657,563,-659,-660,-661,563,563,563,-667,563,563,-671,-672,563,563,-675,563,-677,-678,563,-681,563,-683,563,563,-686,-687,-688,563,-690,563,563,-693,563,563,-696,-697,-698,563,-700,-701,-702,-703,563,563,-748,563,-751,-752,-753,-754,-755,563,-757,-758,-759,-760,-761,563,-768,-769,-771,563,-773,-774,-775,-784,-858,-860,-862,-864,563,563,563,563,-870,563,-872,563,563,563,563,563,563,563,-908,-909,563,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,563,-923,-926,563,-936,563,-387,-388,-389,563,563,-392,-393,-394,-395,563,-398,563,-401,-402,563,-403,563,-408,-409,563,-412,-413,-414,563,-417,563,-418,563,-423,-424,563,-427,563,-430,-431,-1896,-1896,563,-621,-622,-623,-624,-625,-636,-586,-626,-799,563,563,563,563,563,-833,563,563,-808,563,-834,563,563,563,563,-800,563,-855,-801,563,563,563,563,563,563,-856,-857,563,-836,-832,-837,563,-627,563,-628,-629,-630,-631,-576,563,563,-632,-633,-634,563,563,563,563,563,563,-637,-638,-639,-594,-1896,-604,563,-640,-641,-715,-642,-606,563,-574,-579,-582,-585,563,563,563,-600,-603,563,-610,563,563,563,563,563,563,563,563,563,563,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,563,563,563,-997,563,563,563,563,563,563,-308,-327,-321,-298,-377,-454,-455,-456,-460,563,-445,563,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,563,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,563,563,563,563,563,563,563,563,563,-318,-537,-510,-593,-939,-941,-942,-440,563,-442,-382,-383,-385,-509,-511,-513,563,-515,-516,-521,-522,563,-534,-536,-539,-540,-545,-550,-728,563,-729,563,-734,563,-736,563,-741,-658,-662,-663,563,-668,563,-669,563,-674,-676,563,-679,563,563,563,-689,-691,563,-694,563,563,-746,563,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,563,563,563,563,563,-879,563,-882,-910,-922,-927,-390,-391,563,-396,563,-399,563,-404,563,-405,563,-410,563,-415,563,-419,563,-420,563,-425,563,-428,-901,-902,-645,-587,-1896,-903,563,563,563,-802,563,563,-806,563,-809,-835,563,-820,563,-822,563,-824,-810,563,-826,563,-853,-854,563,563,-813,563,-648,-904,-906,-650,-651,-647,563,-707,-708,563,-644,-905,-649,-652,-605,-716,563,563,-607,-588,563,563,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,563,563,-711,-712,563,-718,563,563,563,563,563,563,-940,563,-441,-443,-749,563,-893,563,-717,-1896,563,563,563,563,563,-444,-514,-525,563,-730,-735,563,-737,563,-742,563,-664,-670,563,-680,-682,-684,-685,-692,-695,-699,-747,563,563,-876,563,563,-880,563,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,563,-814,563,-816,-803,563,-804,-807,563,-818,-821,-823,-825,-827,563,-828,563,-811,563,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,563,-284,563,563,563,563,-457,563,563,-731,563,-738,563,-743,563,-665,-673,563,563,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,563,-838,-53,563,563,-732,563,-739,563,-744,-666,563,-875,-54,563,563,-733,-740,-745,563,563,563,-874,]),'PACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[564,564,564,564,-1896,564,564,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,564,564,564,564,-277,-278,564,-1427,564,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,564,564,564,-492,564,564,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,564,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,564,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,564,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,564,-174,-175,-176,-177,-995,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-292,-293,-283,564,564,564,564,564,-330,-320,-334,-335,-336,564,564,-984,-985,-986,-987,-988,-989,-990,564,564,564,564,564,564,564,564,564,564,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,564,564,564,-355,-358,564,-325,-326,-143,564,-144,564,-145,564,-432,-937,-938,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-1896,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-1896,564,-1896,564,564,564,564,564,564,564,564,564,564,564,564,-1896,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-1896,564,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,564,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,564,564,564,-193,-194,564,-996,564,564,564,564,564,-279,-280,-281,-282,-367,564,-310,564,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,564,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,564,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,564,564,564,564,564,564,-575,564,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,564,564,-725,-726,-727,564,564,564,564,564,564,-996,564,564,-93,-94,564,564,564,564,-311,-312,-322,564,-309,-295,-296,-297,564,564,564,564,-620,-635,-592,564,564,-438,564,-439,564,-446,-447,-448,-380,-381,564,564,564,-508,564,564,-512,564,564,564,564,-517,-518,-519,-520,564,564,-523,-524,564,-526,-527,-528,-529,-530,-531,-532,-533,564,-535,564,564,564,-541,-543,-544,564,-546,-547,-548,-549,564,564,564,564,564,564,-654,-655,-656,-657,564,-659,-660,-661,564,564,564,-667,564,564,-671,-672,564,564,-675,564,-677,-678,564,-681,564,-683,564,564,-686,-687,-688,564,-690,564,564,-693,564,564,-696,-697,-698,564,-700,-701,-702,-703,564,564,-748,564,-751,-752,-753,-754,-755,564,-757,-758,-759,-760,-761,564,-768,-769,-771,564,-773,-774,-775,-784,-858,-860,-862,-864,564,564,564,564,-870,564,-872,564,564,564,564,564,564,564,-908,-909,564,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,564,-923,-926,564,-936,564,-387,-388,-389,564,564,-392,-393,-394,-395,564,-398,564,-401,-402,564,-403,564,-408,-409,564,-412,-413,-414,564,-417,564,-418,564,-423,-424,564,-427,564,-430,-431,-1896,-1896,564,-621,-622,-623,-624,-625,-636,-586,-626,-799,564,564,564,564,564,-833,564,564,-808,564,-834,564,564,564,564,-800,564,-855,-801,564,564,564,564,564,564,-856,-857,564,-836,-832,-837,564,-627,564,-628,-629,-630,-631,-576,564,564,-632,-633,-634,564,564,564,564,564,564,-637,-638,-639,-594,-1896,-604,564,-640,-641,-715,-642,-606,564,-574,-579,-582,-585,564,564,564,-600,-603,564,-610,564,564,564,564,564,564,564,564,564,564,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,564,564,564,-997,564,564,564,564,564,564,-308,-327,-321,-298,-377,-454,-455,-456,-460,564,-445,564,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,564,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,564,564,564,564,564,564,564,564,564,-318,-537,-510,-593,-939,-941,-942,-440,564,-442,-382,-383,-385,-509,-511,-513,564,-515,-516,-521,-522,564,-534,-536,-539,-540,-545,-550,-728,564,-729,564,-734,564,-736,564,-741,-658,-662,-663,564,-668,564,-669,564,-674,-676,564,-679,564,564,564,-689,-691,564,-694,564,564,-746,564,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,564,564,564,564,564,-879,564,-882,-910,-922,-927,-390,-391,564,-396,564,-399,564,-404,564,-405,564,-410,564,-415,564,-419,564,-420,564,-425,564,-428,-901,-902,-645,-587,-1896,-903,564,564,564,-802,564,564,-806,564,-809,-835,564,-820,564,-822,564,-824,-810,564,-826,564,-853,-854,564,564,-813,564,-648,-904,-906,-650,-651,-647,564,-707,-708,564,-644,-905,-649,-652,-605,-716,564,564,-607,-588,564,564,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,564,564,-711,-712,564,-718,564,564,564,564,564,564,-940,564,-441,-443,-749,564,-893,564,-717,-1896,564,564,564,564,564,-444,-514,-525,564,-730,-735,564,-737,564,-742,564,-664,-670,564,-680,-682,-684,-685,-692,-695,-699,-747,564,564,-876,564,564,-880,564,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,564,-814,564,-816,-803,564,-804,-807,564,-818,-821,-823,-825,-827,564,-828,564,-811,564,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,564,-284,564,564,564,564,-457,564,564,-731,564,-738,564,-743,564,-665,-673,564,564,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,564,-838,-53,564,564,-732,564,-739,564,-744,-666,564,-875,-54,564,564,-733,-740,-745,564,564,564,-874,]),'PACK_KEYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[565,565,565,565,-1896,565,565,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,565,565,565,565,-277,-278,565,-1427,565,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,565,565,565,-492,565,565,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,565,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,565,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,565,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,565,-174,-175,-176,-177,-995,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-292,-293,-283,565,565,565,565,565,-330,-320,-334,-335,-336,565,565,-984,-985,-986,-987,-988,-989,-990,565,565,565,565,565,565,565,565,565,565,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,565,565,565,-355,-358,565,-325,-326,-143,565,-144,565,-145,565,-432,-937,-938,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-1896,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-1896,565,-1896,565,565,565,565,565,565,565,565,565,565,565,565,-1896,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-1896,565,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,565,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,565,565,565,-193,-194,565,-996,565,565,565,565,565,-279,-280,-281,-282,-367,565,-310,565,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,565,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,565,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,565,565,565,565,565,565,-575,565,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,565,565,-725,-726,-727,565,565,565,565,565,565,-996,565,565,-93,-94,565,565,565,565,-311,-312,-322,565,-309,-295,-296,-297,565,565,565,565,-620,-635,-592,565,565,-438,565,-439,565,-446,-447,-448,-380,-381,565,565,565,-508,565,565,-512,565,565,565,565,-517,-518,-519,-520,565,565,-523,-524,565,-526,-527,-528,-529,-530,-531,-532,-533,565,-535,565,565,565,-541,-543,-544,565,-546,-547,-548,-549,565,565,565,565,565,565,-654,-655,-656,-657,565,-659,-660,-661,565,565,565,-667,565,565,-671,-672,565,565,-675,565,-677,-678,565,-681,565,-683,565,565,-686,-687,-688,565,-690,565,565,-693,565,565,-696,-697,-698,565,-700,-701,-702,-703,565,565,-748,565,-751,-752,-753,-754,-755,565,-757,-758,-759,-760,-761,565,-768,-769,-771,565,-773,-774,-775,-784,-858,-860,-862,-864,565,565,565,565,-870,565,-872,565,565,565,565,565,565,565,-908,-909,565,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,565,-923,-926,565,-936,565,-387,-388,-389,565,565,-392,-393,-394,-395,565,-398,565,-401,-402,565,-403,565,-408,-409,565,-412,-413,-414,565,-417,565,-418,565,-423,-424,565,-427,565,-430,-431,-1896,-1896,565,-621,-622,-623,-624,-625,-636,-586,-626,-799,565,565,565,565,565,-833,565,565,-808,565,-834,565,565,565,565,-800,565,-855,-801,565,565,565,565,565,565,-856,-857,565,-836,-832,-837,565,-627,565,-628,-629,-630,-631,-576,565,565,-632,-633,-634,565,565,565,565,565,565,-637,-638,-639,-594,-1896,-604,565,-640,-641,-715,-642,-606,565,-574,-579,-582,-585,565,565,565,-600,-603,565,-610,565,565,565,565,565,565,565,565,565,565,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,565,565,565,-997,565,565,565,565,565,565,-308,-327,-321,-298,-377,-454,-455,-456,-460,565,-445,565,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,565,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,565,565,565,565,565,565,565,565,565,-318,-537,-510,-593,-939,-941,-942,-440,565,-442,-382,-383,-385,-509,-511,-513,565,-515,-516,-521,-522,565,-534,-536,-539,-540,-545,-550,-728,565,-729,565,-734,565,-736,565,-741,-658,-662,-663,565,-668,565,-669,565,-674,-676,565,-679,565,565,565,-689,-691,565,-694,565,565,-746,565,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,565,565,565,565,565,-879,565,-882,-910,-922,-927,-390,-391,565,-396,565,-399,565,-404,565,-405,565,-410,565,-415,565,-419,565,-420,565,-425,565,-428,-901,-902,-645,-587,-1896,-903,565,565,565,-802,565,565,-806,565,-809,-835,565,-820,565,-822,565,-824,-810,565,-826,565,-853,-854,565,565,-813,565,-648,-904,-906,-650,-651,-647,565,-707,-708,565,-644,-905,-649,-652,-605,-716,565,565,-607,-588,565,565,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,565,565,-711,-712,565,-718,565,565,565,565,565,565,-940,565,-441,-443,-749,565,-893,565,-717,-1896,565,565,565,565,565,-444,-514,-525,565,-730,-735,565,-737,565,-742,565,-664,-670,565,-680,-682,-684,-685,-692,-695,-699,-747,565,565,-876,565,565,-880,565,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,565,-814,565,-816,-803,565,-804,-807,565,-818,-821,-823,-825,-827,565,-828,565,-811,565,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,565,-284,565,565,565,565,-457,565,565,-731,565,-738,565,-743,565,-665,-673,565,565,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,565,-838,-53,565,565,-732,565,-739,565,-744,-666,565,-875,-54,565,565,-733,-740,-745,565,565,565,-874,]),'PAGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[566,566,566,566,-1896,566,566,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,566,566,566,566,-277,-278,566,-1427,566,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,566,566,566,-492,566,566,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,566,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,566,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,566,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,566,-174,-175,-176,-177,-995,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-292,-293,-283,566,566,566,566,566,-330,-320,-334,-335,-336,566,566,-984,-985,-986,-987,-988,-989,-990,566,566,566,566,566,566,566,566,566,566,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,566,566,566,-355,-358,566,-325,-326,-143,566,-144,566,-145,566,-432,-937,-938,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-1896,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-1896,566,-1896,566,566,566,566,566,566,566,566,566,566,566,566,-1896,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-1896,566,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,566,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,566,566,566,-193,-194,566,-996,566,566,566,566,566,-279,-280,-281,-282,-367,566,-310,566,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,566,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,566,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,566,566,566,566,566,566,-575,566,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,566,566,-725,-726,-727,566,566,566,566,566,566,-996,566,566,-93,-94,566,566,566,566,-311,-312,-322,566,-309,-295,-296,-297,566,566,566,566,-620,-635,-592,566,566,-438,566,-439,566,-446,-447,-448,-380,-381,566,566,566,-508,566,566,-512,566,566,566,566,-517,-518,-519,-520,566,566,-523,-524,566,-526,-527,-528,-529,-530,-531,-532,-533,566,-535,566,566,566,-541,-543,-544,566,-546,-547,-548,-549,566,566,566,566,566,566,-654,-655,-656,-657,566,-659,-660,-661,566,566,566,-667,566,566,-671,-672,566,566,-675,566,-677,-678,566,-681,566,-683,566,566,-686,-687,-688,566,-690,566,566,-693,566,566,-696,-697,-698,566,-700,-701,-702,-703,566,566,-748,566,-751,-752,-753,-754,-755,566,-757,-758,-759,-760,-761,566,-768,-769,-771,566,-773,-774,-775,-784,-858,-860,-862,-864,566,566,566,566,-870,566,-872,566,566,566,566,566,566,566,-908,-909,566,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,566,-923,-926,566,-936,566,-387,-388,-389,566,566,-392,-393,-394,-395,566,-398,566,-401,-402,566,-403,566,-408,-409,566,-412,-413,-414,566,-417,566,-418,566,-423,-424,566,-427,566,-430,-431,-1896,-1896,566,-621,-622,-623,-624,-625,-636,-586,-626,-799,566,566,566,566,566,-833,566,566,-808,566,-834,566,566,566,566,-800,566,-855,-801,566,566,566,566,566,566,-856,-857,566,-836,-832,-837,566,-627,566,-628,-629,-630,-631,-576,566,566,-632,-633,-634,566,566,566,566,566,566,-637,-638,-639,-594,-1896,-604,566,-640,-641,-715,-642,-606,566,-574,-579,-582,-585,566,566,566,-600,-603,566,-610,566,566,566,566,566,566,566,566,566,566,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,566,566,566,-997,566,566,566,566,566,566,-308,-327,-321,-298,-377,-454,-455,-456,-460,566,-445,566,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,566,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,566,566,566,566,566,566,566,566,566,-318,-537,-510,-593,-939,-941,-942,-440,566,-442,-382,-383,-385,-509,-511,-513,566,-515,-516,-521,-522,566,-534,-536,-539,-540,-545,-550,-728,566,-729,566,-734,566,-736,566,-741,-658,-662,-663,566,-668,566,-669,566,-674,-676,566,-679,566,566,566,-689,-691,566,-694,566,566,-746,566,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,566,566,566,566,566,-879,566,-882,-910,-922,-927,-390,-391,566,-396,566,-399,566,-404,566,-405,566,-410,566,-415,566,-419,566,-420,566,-425,566,-428,-901,-902,-645,-587,-1896,-903,566,566,566,-802,566,566,-806,566,-809,-835,566,-820,566,-822,566,-824,-810,566,-826,566,-853,-854,566,566,-813,566,-648,-904,-906,-650,-651,-647,566,-707,-708,566,-644,-905,-649,-652,-605,-716,566,566,-607,-588,566,566,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,566,566,-711,-712,566,-718,566,566,566,566,566,566,-940,566,-441,-443,-749,566,-893,566,-717,-1896,566,566,566,566,566,-444,-514,-525,566,-730,-735,566,-737,566,-742,566,-664,-670,566,-680,-682,-684,-685,-692,-695,-699,-747,566,566,-876,566,566,-880,566,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,566,-814,566,-816,-803,566,-804,-807,566,-818,-821,-823,-825,-827,566,-828,566,-811,566,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,566,-284,566,566,566,566,-457,566,566,-731,566,-738,566,-743,566,-665,-673,566,566,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,566,-838,-53,566,566,-732,566,-739,566,-744,-666,566,-875,-54,566,566,-733,-740,-745,566,566,566,-874,]),'PARAMETERS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[567,567,567,567,-1896,567,567,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,567,567,567,567,-277,-278,567,-1427,567,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,567,567,567,-492,567,567,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,567,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,567,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,567,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,567,-174,-175,-176,-177,-995,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-292,-293,-283,567,567,567,567,567,-330,-320,-334,-335,-336,567,567,-984,-985,-986,-987,-988,-989,-990,567,567,567,567,567,567,567,567,567,567,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,567,567,567,-355,-358,567,-325,-326,-143,567,-144,567,-145,567,-432,-937,-938,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-1896,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-1896,567,-1896,567,567,567,567,567,567,567,567,567,567,567,567,-1896,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-1896,567,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,567,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,567,567,567,-193,-194,567,-996,567,567,567,567,567,-279,-280,-281,-282,-367,567,-310,567,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,567,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,567,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,567,567,567,567,567,567,-575,567,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,567,567,-725,-726,-727,567,567,567,567,567,567,-996,567,567,-93,-94,567,567,567,567,-311,-312,-322,567,-309,-295,-296,-297,567,567,567,567,-620,-635,-592,567,567,-438,567,-439,567,-446,-447,-448,-380,-381,567,567,567,-508,567,567,-512,567,567,567,567,-517,-518,-519,-520,567,567,-523,-524,567,-526,-527,-528,-529,-530,-531,-532,-533,567,-535,567,567,567,-541,-543,-544,567,-546,-547,-548,-549,567,567,567,567,567,567,-654,-655,-656,-657,567,-659,-660,-661,567,567,567,-667,567,567,-671,-672,567,567,-675,567,-677,-678,567,-681,567,-683,567,567,-686,-687,-688,567,-690,567,567,-693,567,567,-696,-697,-698,567,-700,-701,-702,-703,567,567,-748,567,-751,-752,-753,-754,-755,567,-757,-758,-759,-760,-761,567,-768,-769,-771,567,-773,-774,-775,-784,-858,-860,-862,-864,567,567,567,567,-870,567,-872,567,567,567,567,567,567,567,-908,-909,567,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,567,-923,-926,567,-936,567,-387,-388,-389,567,567,-392,-393,-394,-395,567,-398,567,-401,-402,567,-403,567,-408,-409,567,-412,-413,-414,567,-417,567,-418,567,-423,-424,567,-427,567,-430,-431,-1896,-1896,567,-621,-622,-623,-624,-625,-636,-586,-626,-799,567,567,567,567,567,-833,567,567,-808,567,-834,567,567,567,567,-800,567,-855,-801,567,567,567,567,567,567,-856,-857,567,-836,-832,-837,567,-627,567,-628,-629,-630,-631,-576,567,567,-632,-633,-634,567,567,567,567,567,567,-637,-638,-639,-594,-1896,-604,567,-640,-641,-715,-642,-606,567,-574,-579,-582,-585,567,567,567,-600,-603,567,-610,567,567,567,567,567,567,567,567,567,567,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,567,567,567,-997,567,567,567,567,567,567,-308,-327,-321,-298,-377,-454,-455,-456,-460,567,-445,567,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,567,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,567,567,567,567,567,567,567,567,567,-318,-537,-510,-593,-939,-941,-942,-440,567,-442,-382,-383,-385,-509,-511,-513,567,-515,-516,-521,-522,567,-534,-536,-539,-540,-545,-550,-728,567,-729,567,-734,567,-736,567,-741,-658,-662,-663,567,-668,567,-669,567,-674,-676,567,-679,567,567,567,-689,-691,567,-694,567,567,-746,567,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,567,567,567,567,567,-879,567,-882,-910,-922,-927,-390,-391,567,-396,567,-399,567,-404,567,-405,567,-410,567,-415,567,-419,567,-420,567,-425,567,-428,-901,-902,-645,-587,-1896,-903,567,567,567,-802,567,567,-806,567,-809,-835,567,-820,567,-822,567,-824,-810,567,-826,567,-853,-854,567,567,-813,567,-648,-904,-906,-650,-651,-647,567,-707,-708,567,-644,-905,-649,-652,-605,-716,567,567,-607,-588,567,567,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,567,567,-711,-712,567,-718,567,567,567,567,567,567,-940,567,-441,-443,-749,567,-893,567,-717,-1896,567,567,567,567,567,-444,-514,-525,567,-730,-735,567,-737,567,-742,567,-664,-670,567,-680,-682,-684,-685,-692,-695,-699,-747,567,567,-876,567,567,-880,567,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,567,-814,567,-816,-803,567,-804,-807,567,-818,-821,-823,-825,-827,567,-828,567,-811,567,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,567,-284,567,567,567,567,-457,567,567,-731,567,-738,567,-743,567,-665,-673,567,567,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,567,-838,-53,567,567,-732,567,-739,567,-744,-666,567,-875,-54,567,567,-733,-740,-745,567,567,567,-874,]),'PARSER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[568,568,568,568,-1896,568,568,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,568,568,568,568,-277,-278,568,-1427,568,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,568,568,568,-492,568,568,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,568,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,568,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,568,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,568,-174,-175,-176,-177,-995,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-292,-293,-283,568,568,568,568,568,-330,-320,-334,-335,-336,568,568,-984,-985,-986,-987,-988,-989,-990,568,568,568,568,568,568,568,568,568,568,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,568,568,568,-355,-358,568,-325,-326,-143,568,-144,568,-145,568,-432,-937,-938,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-1896,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-1896,568,-1896,568,568,568,568,568,568,568,568,568,568,568,568,-1896,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-1896,568,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,568,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,568,568,568,-193,-194,568,-996,568,568,568,568,568,-279,-280,-281,-282,-367,568,-310,568,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,568,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,568,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,568,568,568,568,568,568,-575,568,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,568,568,-725,-726,-727,568,568,568,568,568,568,-996,568,568,-93,-94,568,568,568,568,-311,-312,-322,568,-309,-295,-296,-297,568,568,568,568,-620,-635,-592,568,568,-438,568,-439,568,-446,-447,-448,-380,-381,568,568,568,-508,568,568,-512,568,568,568,568,-517,-518,-519,-520,568,568,-523,-524,568,-526,-527,-528,-529,-530,-531,-532,-533,568,-535,568,568,568,-541,-543,-544,568,-546,-547,-548,-549,568,568,568,568,568,568,-654,-655,-656,-657,568,-659,-660,-661,568,568,568,-667,568,568,-671,-672,568,568,-675,568,-677,-678,568,-681,568,-683,568,568,-686,-687,-688,568,-690,568,568,-693,568,568,-696,-697,-698,568,-700,-701,-702,-703,568,568,-748,568,-751,-752,-753,-754,-755,568,-757,-758,-759,-760,-761,568,-768,-769,-771,568,-773,-774,-775,-784,-858,-860,-862,-864,568,568,568,568,-870,568,-872,568,568,568,568,568,568,568,-908,-909,568,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,568,-923,-926,568,-936,568,-387,-388,-389,568,568,-392,-393,-394,-395,568,-398,568,-401,-402,568,-403,568,-408,-409,568,-412,-413,-414,568,-417,568,-418,568,-423,-424,568,-427,568,-430,-431,-1896,-1896,568,-621,-622,-623,-624,-625,-636,-586,-626,-799,568,568,568,568,568,-833,568,568,-808,568,-834,568,568,568,568,-800,568,-855,-801,568,568,568,568,568,568,-856,-857,568,-836,-832,-837,568,-627,568,-628,-629,-630,-631,-576,568,568,-632,-633,-634,568,568,568,568,568,568,-637,-638,-639,-594,-1896,-604,568,-640,-641,-715,-642,-606,568,-574,-579,-582,-585,568,568,568,-600,-603,568,-610,568,568,568,568,568,568,568,568,568,568,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,568,568,568,-997,568,568,568,568,568,568,-308,-327,-321,-298,-377,-454,-455,-456,-460,568,-445,568,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,568,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,568,568,568,568,568,568,568,568,568,-318,-537,-510,-593,-939,-941,-942,-440,568,-442,-382,-383,-385,-509,-511,-513,568,-515,-516,-521,-522,568,-534,-536,-539,-540,-545,-550,-728,568,-729,568,-734,568,-736,568,-741,-658,-662,-663,568,-668,568,-669,568,-674,-676,568,-679,568,568,568,-689,-691,568,-694,568,568,-746,568,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,568,568,568,568,568,-879,568,-882,-910,-922,-927,-390,-391,568,-396,568,-399,568,-404,568,-405,568,-410,568,-415,568,-419,568,-420,568,-425,568,-428,-901,-902,-645,-587,-1896,-903,568,568,568,-802,568,568,-806,568,-809,-835,568,-820,568,-822,568,-824,-810,568,-826,568,-853,-854,568,568,-813,568,-648,-904,-906,-650,-651,-647,568,-707,-708,568,-644,-905,-649,-652,-605,-716,568,568,-607,-588,568,568,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,568,568,-711,-712,568,-718,568,568,568,568,568,568,-940,568,-441,-443,-749,568,-893,568,-717,-1896,568,568,568,568,568,-444,-514,-525,568,-730,-735,568,-737,568,-742,568,-664,-670,568,-680,-682,-684,-685,-692,-695,-699,-747,568,568,-876,568,568,-880,568,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,568,-814,568,-816,-803,568,-804,-807,568,-818,-821,-823,-825,-827,568,-828,568,-811,568,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,568,-284,568,568,568,568,-457,568,568,-731,568,-738,568,-743,568,-665,-673,568,568,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,568,-838,-53,568,568,-732,568,-739,568,-744,-666,568,-875,-54,568,568,-733,-740,-745,568,568,568,-874,]),'PARTIAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[569,569,569,569,-1896,569,569,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,569,569,569,569,-277,-278,569,-1427,569,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,569,569,569,-492,569,569,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,569,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,569,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,569,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,569,-174,-175,-176,-177,-995,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-292,-293,-283,569,569,569,569,569,-330,-320,-334,-335,-336,569,569,-984,-985,-986,-987,-988,-989,-990,569,569,569,569,569,569,569,569,569,569,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,569,569,569,-355,-358,569,-325,-326,-143,569,-144,569,-145,569,-432,-937,-938,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-1896,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-1896,569,-1896,569,569,569,569,569,569,569,569,569,569,569,569,-1896,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-1896,569,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,569,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,569,569,569,-193,-194,569,-996,569,569,569,569,569,-279,-280,-281,-282,-367,569,-310,569,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,569,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,569,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,569,569,569,569,569,569,-575,569,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,569,569,-725,-726,-727,569,569,569,569,569,569,-996,569,569,-93,-94,569,569,569,569,-311,-312,-322,569,-309,-295,-296,-297,569,569,569,569,-620,-635,-592,569,569,-438,569,-439,569,-446,-447,-448,-380,-381,569,569,569,-508,569,569,-512,569,569,569,569,-517,-518,-519,-520,569,569,-523,-524,569,-526,-527,-528,-529,-530,-531,-532,-533,569,-535,569,569,569,-541,-543,-544,569,-546,-547,-548,-549,569,569,569,569,569,569,-654,-655,-656,-657,569,-659,-660,-661,569,569,569,-667,569,569,-671,-672,569,569,-675,569,-677,-678,569,-681,569,-683,569,569,-686,-687,-688,569,-690,569,569,-693,569,569,-696,-697,-698,569,-700,-701,-702,-703,569,569,-748,569,-751,-752,-753,-754,-755,569,-757,-758,-759,-760,-761,569,-768,-769,-771,569,-773,-774,-775,-784,-858,-860,-862,-864,569,569,569,569,-870,569,-872,569,569,569,569,569,569,569,-908,-909,569,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,569,-923,-926,569,-936,569,-387,-388,-389,569,569,-392,-393,-394,-395,569,-398,569,-401,-402,569,-403,569,-408,-409,569,-412,-413,-414,569,-417,569,-418,569,-423,-424,569,-427,569,-430,-431,-1896,-1896,569,-621,-622,-623,-624,-625,-636,-586,-626,-799,569,569,569,569,569,-833,569,569,-808,569,-834,569,569,569,569,-800,569,-855,-801,569,569,569,569,569,569,-856,-857,569,-836,-832,-837,569,-627,569,-628,-629,-630,-631,-576,569,569,-632,-633,-634,569,569,569,569,569,569,-637,-638,-639,-594,-1896,-604,569,-640,-641,-715,-642,-606,569,-574,-579,-582,-585,569,569,569,-600,-603,569,-610,569,569,569,569,569,569,569,569,569,569,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,569,569,569,-997,569,569,569,569,569,569,-308,-327,-321,-298,-377,-454,-455,-456,-460,569,-445,569,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,569,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,569,569,569,569,569,569,569,569,569,-318,-537,-510,-593,-939,-941,-942,-440,569,-442,-382,-383,-385,-509,-511,-513,569,-515,-516,-521,-522,569,-534,-536,-539,-540,-545,-550,-728,569,-729,569,-734,569,-736,569,-741,-658,-662,-663,569,-668,569,-669,569,-674,-676,569,-679,569,569,569,-689,-691,569,-694,569,569,-746,569,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,569,569,569,569,569,-879,569,-882,-910,-922,-927,-390,-391,569,-396,569,-399,569,-404,569,-405,569,-410,569,-415,569,-419,569,-420,569,-425,569,-428,-901,-902,-645,-587,-1896,-903,569,569,569,-802,569,569,-806,569,-809,-835,569,-820,569,-822,569,-824,-810,569,-826,569,-853,-854,569,569,-813,569,-648,-904,-906,-650,-651,-647,569,-707,-708,569,-644,-905,-649,-652,-605,-716,569,569,-607,-588,569,569,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,569,569,-711,-712,569,-718,569,569,569,569,569,569,-940,569,-441,-443,-749,569,-893,569,-717,-1896,569,569,569,569,569,-444,-514,-525,569,-730,-735,569,-737,569,-742,569,-664,-670,569,-680,-682,-684,-685,-692,-695,-699,-747,569,569,-876,569,569,-880,569,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,569,-814,569,-816,-803,569,-804,-807,569,-818,-821,-823,-825,-827,569,-828,569,-811,569,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,569,-284,569,569,569,569,-457,569,569,-731,569,-738,569,-743,569,-665,-673,569,569,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,569,-838,-53,569,569,-732,569,-739,569,-744,-666,569,-875,-54,569,569,-733,-740,-745,569,569,569,-874,]),'PARTITIONING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[570,570,570,570,-1896,570,570,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,570,570,570,570,-277,-278,570,-1427,570,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,570,570,570,-492,570,570,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,570,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,570,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,570,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,570,-174,-175,-176,-177,-995,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-292,-293,-283,570,570,570,570,570,-330,-320,-334,-335,-336,570,570,-984,-985,-986,-987,-988,-989,-990,570,570,570,570,570,570,570,570,570,570,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,570,570,570,-355,-358,570,-325,-326,-143,570,-144,570,-145,570,-432,-937,-938,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-1896,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-1896,570,-1896,570,570,570,570,570,570,570,570,570,570,570,570,-1896,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-1896,570,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,570,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,570,570,570,-193,-194,570,-996,570,570,570,570,570,-279,-280,-281,-282,-367,570,-310,570,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,570,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,570,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,570,570,570,570,570,570,-575,570,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,570,570,-725,-726,-727,570,570,570,570,570,570,-996,570,570,-93,-94,570,570,570,570,-311,-312,-322,570,-309,-295,-296,-297,570,570,570,570,-620,-635,-592,570,570,-438,570,-439,570,-446,-447,-448,-380,-381,570,570,570,-508,570,570,-512,570,570,570,570,-517,-518,-519,-520,570,570,-523,-524,570,-526,-527,-528,-529,-530,-531,-532,-533,570,-535,570,570,570,-541,-543,-544,570,-546,-547,-548,-549,570,570,570,570,570,570,-654,-655,-656,-657,570,-659,-660,-661,570,570,570,-667,570,570,-671,-672,570,570,-675,570,-677,-678,570,-681,570,-683,570,570,-686,-687,-688,570,-690,570,570,-693,570,570,-696,-697,-698,570,-700,-701,-702,-703,570,570,-748,570,-751,-752,-753,-754,-755,570,-757,-758,-759,-760,-761,570,-768,-769,-771,570,-773,-774,-775,-784,-858,-860,-862,-864,570,570,570,570,-870,570,-872,570,570,570,570,570,570,570,-908,-909,570,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,570,-923,-926,570,-936,570,-387,-388,-389,570,570,-392,-393,-394,-395,570,-398,570,-401,-402,570,-403,570,-408,-409,570,-412,-413,-414,570,-417,570,-418,570,-423,-424,570,-427,570,-430,-431,-1896,-1896,570,-621,-622,-623,-624,-625,-636,-586,-626,-799,570,570,570,570,570,-833,570,570,-808,570,-834,570,570,570,570,-800,570,-855,-801,570,570,570,570,570,570,-856,-857,570,-836,-832,-837,570,-627,570,-628,-629,-630,-631,-576,570,570,-632,-633,-634,570,570,570,570,570,570,-637,-638,-639,-594,-1896,-604,570,-640,-641,-715,-642,-606,570,-574,-579,-582,-585,570,570,570,-600,-603,570,-610,570,570,570,570,570,570,570,570,570,570,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,570,570,570,-997,570,570,570,570,570,570,-308,-327,-321,-298,-377,-454,-455,-456,-460,570,-445,570,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,570,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,570,570,570,570,570,570,570,570,570,-318,-537,-510,-593,-939,-941,-942,-440,570,-442,-382,-383,-385,-509,-511,-513,570,-515,-516,-521,-522,570,-534,-536,-539,-540,-545,-550,-728,570,-729,570,-734,570,-736,570,-741,-658,-662,-663,570,-668,570,-669,570,-674,-676,570,-679,570,570,570,-689,-691,570,-694,570,570,-746,570,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,570,570,570,570,570,-879,570,-882,-910,-922,-927,-390,-391,570,-396,570,-399,570,-404,570,-405,570,-410,570,-415,570,-419,570,-420,570,-425,570,-428,-901,-902,-645,-587,-1896,-903,570,570,570,-802,570,570,-806,570,-809,-835,570,-820,570,-822,570,-824,-810,570,-826,570,-853,-854,570,570,-813,570,-648,-904,-906,-650,-651,-647,570,-707,-708,570,-644,-905,-649,-652,-605,-716,570,570,-607,-588,570,570,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,570,570,-711,-712,570,-718,570,570,570,570,570,570,-940,570,-441,-443,-749,570,-893,570,-717,-1896,570,570,570,570,570,-444,-514,-525,570,-730,-735,570,-737,570,-742,570,-664,-670,570,-680,-682,-684,-685,-692,-695,-699,-747,570,570,-876,570,570,-880,570,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,570,-814,570,-816,-803,570,-804,-807,570,-818,-821,-823,-825,-827,570,-828,570,-811,570,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,570,-284,570,570,570,570,-457,570,570,-731,570,-738,570,-743,570,-665,-673,570,570,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,570,-838,-53,570,570,-732,570,-739,570,-744,-666,570,-875,-54,570,570,-733,-740,-745,570,570,570,-874,]),'PARTITIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[571,571,571,571,-1896,571,571,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,571,571,571,571,-277,-278,571,-1427,571,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,571,571,571,-492,571,571,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,571,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,571,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,571,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,571,-174,-175,-176,-177,-995,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-292,-293,-283,571,571,571,571,571,-330,-320,-334,-335,-336,571,571,-984,-985,-986,-987,-988,-989,-990,571,571,571,571,571,571,571,571,571,571,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,571,571,571,-355,-358,571,-325,-326,-143,571,-144,571,-145,571,-432,-937,-938,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-1896,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-1896,571,-1896,571,571,571,571,571,571,571,571,571,571,571,571,-1896,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-1896,571,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,571,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,571,571,571,-193,-194,571,-996,571,571,571,571,571,-279,-280,-281,-282,-367,571,-310,571,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,571,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,571,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,571,571,571,571,571,571,-575,571,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,571,571,-725,-726,-727,571,571,571,571,571,571,-996,571,571,-93,-94,571,571,571,571,-311,-312,-322,571,-309,-295,-296,-297,571,571,571,571,-620,-635,-592,571,571,-438,571,-439,571,-446,-447,-448,-380,-381,571,571,571,-508,571,571,-512,571,571,571,571,-517,-518,-519,-520,571,571,-523,-524,571,-526,-527,-528,-529,-530,-531,-532,-533,571,-535,571,571,571,-541,-543,-544,571,-546,-547,-548,-549,571,571,571,571,571,571,-654,-655,-656,-657,571,-659,-660,-661,571,571,571,-667,571,571,-671,-672,571,571,-675,571,-677,-678,571,-681,571,-683,571,571,-686,-687,-688,571,-690,571,571,-693,571,571,-696,-697,-698,571,-700,-701,-702,-703,571,571,-748,571,-751,-752,-753,-754,-755,571,-757,-758,-759,-760,-761,571,-768,-769,-771,571,-773,-774,-775,-784,-858,-860,-862,-864,571,571,571,571,-870,571,-872,571,571,571,571,571,571,571,-908,-909,571,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,571,-923,-926,571,-936,571,-387,-388,-389,571,571,-392,-393,-394,-395,571,-398,571,-401,-402,571,-403,571,-408,-409,571,-412,-413,-414,571,-417,571,-418,571,-423,-424,571,-427,571,-430,-431,-1896,-1896,571,-621,-622,-623,-624,-625,-636,-586,-626,-799,571,571,571,571,571,-833,571,571,-808,571,-834,571,571,571,571,-800,571,-855,-801,571,571,571,571,571,571,-856,-857,571,-836,-832,-837,571,-627,571,-628,-629,-630,-631,-576,571,571,-632,-633,-634,571,571,571,571,571,571,-637,-638,-639,-594,-1896,-604,571,-640,-641,-715,-642,-606,571,-574,-579,-582,-585,571,571,571,-600,-603,571,-610,571,571,571,571,571,571,571,571,571,571,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,571,571,571,-997,571,571,571,571,571,571,-308,-327,-321,-298,-377,-454,-455,-456,-460,571,-445,571,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,571,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,571,571,571,571,571,571,571,571,571,-318,-537,-510,-593,-939,-941,-942,-440,571,-442,-382,-383,-385,-509,-511,-513,571,-515,-516,-521,-522,571,-534,-536,-539,-540,-545,-550,-728,571,-729,571,-734,571,-736,571,-741,-658,-662,-663,571,-668,571,-669,571,-674,-676,571,-679,571,571,571,-689,-691,571,-694,571,571,-746,571,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,571,571,571,571,571,-879,571,-882,-910,-922,-927,-390,-391,571,-396,571,-399,571,-404,571,-405,571,-410,571,-415,571,-419,571,-420,571,-425,571,-428,-901,-902,-645,-587,-1896,-903,571,571,571,-802,571,571,-806,571,-809,-835,571,-820,571,-822,571,-824,-810,571,-826,571,-853,-854,571,571,-813,571,-648,-904,-906,-650,-651,-647,571,-707,-708,571,-644,-905,-649,-652,-605,-716,571,571,-607,-588,571,571,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,571,571,-711,-712,571,-718,571,571,571,571,571,571,-940,571,-441,-443,-749,571,-893,571,-717,-1896,571,571,571,571,571,-444,-514,-525,571,-730,-735,571,-737,571,-742,571,-664,-670,571,-680,-682,-684,-685,-692,-695,-699,-747,571,571,-876,571,571,-880,571,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,571,-814,571,-816,-803,571,-804,-807,571,-818,-821,-823,-825,-827,571,-828,571,-811,571,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,571,-284,571,571,571,571,-457,571,571,-731,571,-738,571,-743,571,-665,-673,571,571,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,571,-838,-53,571,571,-732,571,-739,571,-744,-666,571,-875,-54,571,571,-733,-740,-745,571,571,571,-874,]),'PARTITION_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[572,572,572,572,-1896,572,572,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,572,572,572,572,-277,-278,572,-1427,572,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,572,572,572,-492,572,572,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,572,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,572,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,572,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,572,-174,-175,-176,-177,-995,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-292,-293,-283,572,572,572,572,572,-330,-320,-334,-335,-336,572,572,-984,-985,-986,-987,-988,-989,-990,572,572,572,572,572,572,572,572,572,572,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,572,572,572,-355,-358,572,-325,-326,-143,572,-144,572,-145,572,-432,-937,-938,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-1896,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-1896,572,-1896,572,572,572,572,572,572,572,572,572,572,572,572,-1896,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-1896,572,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,572,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,572,572,572,-193,-194,572,-996,572,572,572,572,572,-279,-280,-281,-282,-367,572,-310,572,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,572,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,572,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,572,572,572,572,572,572,-575,572,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,572,572,-725,-726,-727,572,572,572,572,572,572,-996,572,572,-93,-94,572,572,572,572,-311,-312,-322,572,-309,-295,-296,-297,572,572,572,572,-620,-635,-592,572,572,-438,572,-439,572,-446,-447,-448,-380,-381,572,572,572,-508,572,572,-512,572,572,572,572,-517,-518,-519,-520,572,572,-523,-524,572,-526,-527,-528,-529,-530,-531,-532,-533,572,-535,572,572,572,-541,-543,-544,572,-546,-547,-548,-549,572,572,572,572,572,572,-654,-655,-656,-657,572,-659,-660,-661,572,572,572,-667,572,572,-671,-672,572,572,-675,572,-677,-678,572,-681,572,-683,572,572,-686,-687,-688,572,-690,572,572,-693,572,572,-696,-697,-698,572,-700,-701,-702,-703,572,572,-748,572,-751,-752,-753,-754,-755,572,-757,-758,-759,-760,-761,572,-768,-769,-771,572,-773,-774,-775,-784,-858,-860,-862,-864,572,572,572,572,-870,572,-872,572,572,572,572,572,572,572,-908,-909,572,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,572,-923,-926,572,-936,572,-387,-388,-389,572,572,-392,-393,-394,-395,572,-398,572,-401,-402,572,-403,572,-408,-409,572,-412,-413,-414,572,-417,572,-418,572,-423,-424,572,-427,572,-430,-431,-1896,-1896,572,-621,-622,-623,-624,-625,-636,-586,-626,-799,572,572,572,572,572,-833,572,572,-808,572,-834,572,572,572,572,-800,572,-855,-801,572,572,572,572,572,572,-856,-857,572,-836,-832,-837,572,-627,572,-628,-629,-630,-631,-576,572,572,-632,-633,-634,572,572,572,572,572,572,-637,-638,-639,-594,-1896,-604,572,-640,-641,-715,-642,-606,572,-574,-579,-582,-585,572,572,572,-600,-603,572,-610,572,572,572,572,572,572,572,572,572,572,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,572,572,572,-997,572,572,572,572,572,572,-308,-327,-321,-298,-377,-454,-455,-456,-460,572,-445,572,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,572,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,572,572,572,572,572,572,572,572,572,-318,-537,-510,-593,-939,-941,-942,-440,572,-442,-382,-383,-385,-509,-511,-513,572,-515,-516,-521,-522,572,-534,-536,-539,-540,-545,-550,-728,572,-729,572,-734,572,-736,572,-741,-658,-662,-663,572,-668,572,-669,572,-674,-676,572,-679,572,572,572,-689,-691,572,-694,572,572,-746,572,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,572,572,572,572,572,-879,572,-882,-910,-922,-927,-390,-391,572,-396,572,-399,572,-404,572,-405,572,-410,572,-415,572,-419,572,-420,572,-425,572,-428,-901,-902,-645,-587,-1896,-903,572,572,572,-802,572,572,-806,572,-809,-835,572,-820,572,-822,572,-824,-810,572,-826,572,-853,-854,572,572,-813,572,-648,-904,-906,-650,-651,-647,572,-707,-708,572,-644,-905,-649,-652,-605,-716,572,572,-607,-588,572,572,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,572,572,-711,-712,572,-718,572,572,572,572,572,572,-940,572,-441,-443,-749,572,-893,572,-717,-1896,572,572,572,572,572,-444,-514,-525,572,-730,-735,572,-737,572,-742,572,-664,-670,572,-680,-682,-684,-685,-692,-695,-699,-747,572,572,-876,572,572,-880,572,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,572,-814,572,-816,-803,572,-804,-807,572,-818,-821,-823,-825,-827,572,-828,572,-811,572,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,572,-284,572,572,572,572,-457,572,572,-731,572,-738,572,-743,572,-665,-673,572,572,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,572,-838,-53,572,572,-732,572,-739,572,-744,-666,572,-875,-54,572,572,-733,-740,-745,572,572,572,-874,]),'PASSWORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[573,573,573,573,-1896,573,573,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,573,573,573,573,-277,-278,573,-1427,573,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,573,573,573,-492,573,573,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,573,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,573,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,573,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,573,-174,-175,-176,-177,-995,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-292,-293,-283,573,573,573,573,573,-330,-320,-334,-335,-336,573,573,-984,-985,-986,-987,-988,-989,-990,573,573,573,573,573,573,573,573,573,573,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,573,573,573,-355,-358,573,-325,-326,-143,573,-144,573,-145,573,-432,-937,-938,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-1896,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-1896,573,-1896,573,573,573,573,573,573,573,573,573,573,573,573,-1896,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-1896,573,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,573,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,573,573,573,-193,-194,573,-996,573,573,573,573,573,-279,-280,-281,-282,-367,573,-310,573,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,573,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,573,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,573,573,573,573,573,573,-575,573,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,573,573,-725,-726,-727,573,573,573,573,573,573,-996,573,573,-93,-94,573,573,573,573,-311,-312,-322,573,-309,-295,-296,-297,573,573,573,573,-620,-635,-592,573,573,-438,573,-439,573,-446,-447,-448,-380,-381,573,573,573,-508,573,573,-512,573,573,573,573,-517,-518,-519,-520,573,573,-523,-524,573,-526,-527,-528,-529,-530,-531,-532,-533,573,-535,573,573,573,-541,-543,-544,573,-546,-547,-548,-549,573,573,573,573,573,573,-654,-655,-656,-657,573,-659,-660,-661,573,573,573,-667,573,573,-671,-672,573,573,-675,573,-677,-678,573,-681,573,-683,573,573,-686,-687,-688,573,-690,573,573,-693,573,573,-696,-697,-698,573,-700,-701,-702,-703,573,573,-748,573,-751,-752,-753,-754,-755,573,-757,-758,-759,-760,-761,573,-768,-769,-771,573,-773,-774,-775,-784,-858,-860,-862,-864,573,573,573,573,-870,573,-872,573,573,573,573,573,573,573,-908,-909,573,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,573,-923,-926,573,-936,573,-387,-388,-389,573,573,-392,-393,-394,-395,573,-398,573,-401,-402,573,-403,573,-408,-409,573,-412,-413,-414,573,-417,573,-418,573,-423,-424,573,-427,573,-430,-431,-1896,-1896,573,-621,-622,-623,-624,-625,-636,-586,-626,-799,573,573,573,573,573,-833,573,573,-808,573,-834,573,573,573,573,-800,573,-855,-801,573,573,573,573,573,573,-856,-857,573,-836,-832,-837,573,-627,573,-628,-629,-630,-631,-576,573,573,-632,-633,-634,573,573,573,573,573,573,-637,-638,-639,-594,-1896,-604,573,-640,-641,-715,-642,-606,573,-574,-579,-582,-585,573,573,573,-600,-603,573,-610,573,573,573,573,573,573,573,573,573,573,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,573,573,573,-997,573,573,573,573,573,573,-308,-327,-321,-298,-377,-454,-455,-456,-460,573,-445,573,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,573,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,573,573,573,573,573,573,573,573,573,-318,-537,-510,-593,-939,-941,-942,-440,573,-442,-382,-383,-385,-509,-511,-513,573,-515,-516,-521,-522,573,-534,-536,-539,-540,-545,-550,-728,573,-729,573,-734,573,-736,573,-741,-658,-662,-663,573,-668,573,-669,573,-674,-676,573,-679,573,573,573,-689,-691,573,-694,573,573,-746,573,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,573,573,573,573,573,-879,573,-882,-910,-922,-927,-390,-391,573,-396,573,-399,573,-404,573,-405,573,-410,573,-415,573,-419,573,-420,573,-425,573,-428,-901,-902,-645,-587,-1896,-903,573,573,573,-802,573,573,-806,573,-809,-835,573,-820,573,-822,573,-824,-810,573,-826,573,-853,-854,573,573,-813,573,-648,-904,-906,-650,-651,-647,573,-707,-708,573,-644,-905,-649,-652,-605,-716,573,573,-607,-588,573,573,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,573,573,-711,-712,573,-718,573,573,573,573,573,573,-940,573,-441,-443,-749,573,-893,573,-717,-1896,573,573,573,573,573,-444,-514,-525,573,-730,-735,573,-737,573,-742,573,-664,-670,573,-680,-682,-684,-685,-692,-695,-699,-747,573,573,-876,573,573,-880,573,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,573,-814,573,-816,-803,573,-804,-807,573,-818,-821,-823,-825,-827,573,-828,573,-811,573,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,573,-284,573,573,573,573,-457,573,573,-731,573,-738,573,-743,573,-665,-673,573,573,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,573,-838,-53,573,573,-732,573,-739,573,-744,-666,573,-875,-54,573,573,-733,-740,-745,573,573,573,-874,]),'PAUSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[574,574,574,574,-1896,574,574,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,574,574,574,574,-277,-278,574,-1427,574,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,574,574,574,-492,574,574,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,574,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,574,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,574,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,574,-174,-175,-176,-177,-995,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-292,-293,-283,574,574,574,574,574,-330,-320,-334,-335,-336,574,574,-984,-985,-986,-987,-988,-989,-990,574,574,574,574,574,574,574,574,574,574,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,574,574,574,-355,-358,574,-325,-326,-143,574,-144,574,-145,574,-432,-937,-938,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-1896,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-1896,574,-1896,574,574,574,574,574,574,574,574,574,574,574,574,-1896,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-1896,574,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,574,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,574,574,574,-193,-194,574,-996,574,574,574,574,574,-279,-280,-281,-282,-367,574,-310,574,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,574,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,574,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,574,574,574,574,574,574,-575,574,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,574,574,-725,-726,-727,574,574,574,574,574,574,-996,574,574,-93,-94,574,574,574,574,-311,-312,-322,574,-309,-295,-296,-297,574,574,574,574,-620,-635,-592,574,574,-438,574,-439,574,-446,-447,-448,-380,-381,574,574,574,-508,574,574,-512,574,574,574,574,-517,-518,-519,-520,574,574,-523,-524,574,-526,-527,-528,-529,-530,-531,-532,-533,574,-535,574,574,574,-541,-543,-544,574,-546,-547,-548,-549,574,574,574,574,574,574,-654,-655,-656,-657,574,-659,-660,-661,574,574,574,-667,574,574,-671,-672,574,574,-675,574,-677,-678,574,-681,574,-683,574,574,-686,-687,-688,574,-690,574,574,-693,574,574,-696,-697,-698,574,-700,-701,-702,-703,574,574,-748,574,-751,-752,-753,-754,-755,574,-757,-758,-759,-760,-761,574,-768,-769,-771,574,-773,-774,-775,-784,-858,-860,-862,-864,574,574,574,574,-870,574,-872,574,574,574,574,574,574,574,-908,-909,574,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,574,-923,-926,574,-936,574,-387,-388,-389,574,574,-392,-393,-394,-395,574,-398,574,-401,-402,574,-403,574,-408,-409,574,-412,-413,-414,574,-417,574,-418,574,-423,-424,574,-427,574,-430,-431,-1896,-1896,574,-621,-622,-623,-624,-625,-636,-586,-626,-799,574,574,574,574,574,-833,574,574,-808,574,-834,574,574,574,574,-800,574,-855,-801,574,574,574,574,574,574,-856,-857,574,-836,-832,-837,574,-627,574,-628,-629,-630,-631,-576,574,574,-632,-633,-634,574,574,574,574,574,574,-637,-638,-639,-594,-1896,-604,574,-640,-641,-715,-642,-606,574,-574,-579,-582,-585,574,574,574,-600,-603,574,-610,574,574,574,574,574,574,574,574,574,574,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,574,574,574,-997,574,574,574,574,574,574,-308,-327,-321,-298,-377,-454,-455,-456,-460,574,-445,574,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,574,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,574,574,574,574,574,574,574,574,574,-318,-537,-510,-593,-939,-941,-942,-440,574,-442,-382,-383,-385,-509,-511,-513,574,-515,-516,-521,-522,574,-534,-536,-539,-540,-545,-550,-728,574,-729,574,-734,574,-736,574,-741,-658,-662,-663,574,-668,574,-669,574,-674,-676,574,-679,574,574,574,-689,-691,574,-694,574,574,-746,574,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,574,574,574,574,574,-879,574,-882,-910,-922,-927,-390,-391,574,-396,574,-399,574,-404,574,-405,574,-410,574,-415,574,-419,574,-420,574,-425,574,-428,-901,-902,-645,-587,-1896,-903,574,574,574,-802,574,574,-806,574,-809,-835,574,-820,574,-822,574,-824,-810,574,-826,574,-853,-854,574,574,-813,574,-648,-904,-906,-650,-651,-647,574,-707,-708,574,-644,-905,-649,-652,-605,-716,574,574,-607,-588,574,574,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,574,574,-711,-712,574,-718,574,574,574,574,574,574,-940,574,-441,-443,-749,574,-893,574,-717,-1896,574,574,574,574,574,-444,-514,-525,574,-730,-735,574,-737,574,-742,574,-664,-670,574,-680,-682,-684,-685,-692,-695,-699,-747,574,574,-876,574,574,-880,574,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,574,-814,574,-816,-803,574,-804,-807,574,-818,-821,-823,-825,-827,574,-828,574,-811,574,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,574,-284,574,574,574,574,-457,574,574,-731,574,-738,574,-743,574,-665,-673,574,574,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,574,-838,-53,574,574,-732,574,-739,574,-744,-666,574,-875,-54,574,574,-733,-740,-745,574,574,574,-874,]),'PATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[575,575,575,575,-1896,575,575,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,575,575,575,575,-277,-278,575,-1427,575,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,575,575,575,-492,575,575,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,575,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,575,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,575,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,575,-174,-175,-176,-177,-995,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-292,-293,-283,575,575,575,575,575,-330,-320,-334,-335,-336,575,575,-984,-985,-986,-987,-988,-989,-990,575,575,575,575,575,575,575,575,575,575,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,575,575,575,-355,-358,575,-325,-326,-143,575,-144,575,-145,575,-432,-937,-938,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-1896,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-1896,575,-1896,575,575,575,575,575,575,575,575,575,575,575,575,-1896,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-1896,575,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,575,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,575,575,575,-193,-194,575,-996,575,575,575,575,575,-279,-280,-281,-282,-367,575,-310,575,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,575,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,575,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,575,575,575,575,575,575,-575,575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,575,575,-725,-726,-727,575,575,575,575,575,575,-996,575,575,-93,-94,575,575,575,575,-311,-312,-322,575,-309,-295,-296,-297,575,575,575,575,-620,-635,-592,575,575,-438,575,-439,575,-446,-447,-448,-380,-381,575,575,575,-508,575,575,-512,575,575,575,575,-517,-518,-519,-520,575,575,-523,-524,575,-526,-527,-528,-529,-530,-531,-532,-533,575,-535,575,575,575,-541,-543,-544,575,-546,-547,-548,-549,575,575,575,575,575,575,-654,-655,-656,-657,575,-659,-660,-661,575,575,575,-667,575,575,-671,-672,575,575,-675,575,-677,-678,575,-681,575,-683,575,575,-686,-687,-688,575,-690,575,575,-693,575,575,-696,-697,-698,575,-700,-701,-702,-703,575,575,-748,575,-751,-752,-753,-754,-755,575,-757,-758,-759,-760,-761,575,-768,-769,-771,575,-773,-774,-775,-784,-858,-860,-862,-864,575,575,575,575,-870,575,-872,575,575,575,575,575,575,575,-908,-909,575,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,575,-923,-926,575,-936,575,-387,-388,-389,575,575,-392,-393,-394,-395,575,-398,575,-401,-402,575,-403,575,-408,-409,575,-412,-413,-414,575,-417,575,-418,575,-423,-424,575,-427,575,-430,-431,-1896,-1896,575,-621,-622,-623,-624,-625,-636,-586,-626,-799,575,575,575,575,575,-833,575,575,-808,575,-834,575,575,575,575,-800,575,-855,-801,575,575,575,575,575,575,-856,-857,575,-836,-832,-837,575,-627,575,-628,-629,-630,-631,-576,575,575,-632,-633,-634,575,575,575,575,575,575,-637,-638,-639,-594,-1896,-604,575,-640,-641,-715,-642,-606,575,-574,-579,-582,-585,575,575,575,-600,-603,575,-610,575,575,575,575,575,575,575,575,575,575,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,575,575,575,-997,575,575,575,575,575,575,-308,-327,-321,-298,-377,-454,-455,-456,-460,575,-445,575,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,575,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,575,575,575,575,575,575,575,575,575,-318,-537,-510,-593,-939,-941,-942,-440,575,-442,-382,-383,-385,-509,-511,-513,575,-515,-516,-521,-522,575,-534,-536,-539,-540,-545,-550,-728,575,-729,575,-734,575,-736,575,-741,-658,-662,-663,575,-668,575,-669,575,-674,-676,575,-679,575,575,575,-689,-691,575,-694,575,575,-746,575,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,575,575,575,575,575,-879,575,-882,-910,-922,-927,-390,-391,575,-396,575,-399,575,-404,575,-405,575,-410,575,-415,575,-419,575,-420,575,-425,575,-428,-901,-902,-645,-587,-1896,-903,575,575,575,-802,575,575,-806,575,-809,-835,575,-820,575,-822,575,-824,-810,575,-826,575,-853,-854,575,575,-813,575,-648,-904,-906,-650,-651,-647,575,-707,-708,575,-644,-905,-649,-652,-605,-716,575,575,-607,-588,575,575,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,575,575,-711,-712,575,-718,575,575,575,575,575,575,-940,575,-441,-443,-749,575,-893,575,-717,-1896,575,575,575,575,575,-444,-514,-525,575,-730,-735,575,-737,575,-742,575,-664,-670,575,-680,-682,-684,-685,-692,-695,-699,-747,575,575,-876,575,575,-880,575,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,575,-814,575,-816,-803,575,-804,-807,575,-818,-821,-823,-825,-827,575,-828,575,-811,575,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,575,-284,575,575,575,575,-457,575,575,-731,575,-738,575,-743,575,-665,-673,575,575,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,575,-838,-53,575,575,-732,575,-739,575,-744,-666,575,-875,-54,575,575,-733,-740,-745,575,575,575,-874,]),'PCTFREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[576,576,576,576,-1896,576,576,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,576,576,576,576,-277,-278,576,-1427,576,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,576,576,576,-492,576,576,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,576,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,576,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,576,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,576,-174,-175,-176,-177,-995,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-292,-293,-283,576,576,576,576,576,-330,-320,-334,-335,-336,576,576,-984,-985,-986,-987,-988,-989,-990,576,576,576,576,576,576,576,576,576,576,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,576,576,576,-355,-358,576,-325,-326,-143,576,-144,576,-145,576,-432,-937,-938,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-1896,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-1896,576,-1896,576,576,576,576,576,576,576,576,576,576,576,576,-1896,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-1896,576,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,576,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,576,576,576,-193,-194,576,-996,576,576,576,576,576,-279,-280,-281,-282,-367,576,-310,576,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,576,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,576,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,576,576,576,576,576,576,-575,576,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,576,576,-725,-726,-727,576,576,576,576,576,576,-996,576,576,-93,-94,576,576,576,576,-311,-312,-322,576,-309,-295,-296,-297,576,576,576,576,-620,-635,-592,576,576,-438,576,-439,576,-446,-447,-448,-380,-381,576,576,576,-508,576,576,-512,576,576,576,576,-517,-518,-519,-520,576,576,-523,-524,576,-526,-527,-528,-529,-530,-531,-532,-533,576,-535,576,576,576,-541,-543,-544,576,-546,-547,-548,-549,576,576,576,576,576,576,-654,-655,-656,-657,576,-659,-660,-661,576,576,576,-667,576,576,-671,-672,576,576,-675,576,-677,-678,576,-681,576,-683,576,576,-686,-687,-688,576,-690,576,576,-693,576,576,-696,-697,-698,576,-700,-701,-702,-703,576,576,-748,576,-751,-752,-753,-754,-755,576,-757,-758,-759,-760,-761,576,-768,-769,-771,576,-773,-774,-775,-784,-858,-860,-862,-864,576,576,576,576,-870,576,-872,576,576,576,576,576,576,576,-908,-909,576,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,576,-923,-926,576,-936,576,-387,-388,-389,576,576,-392,-393,-394,-395,576,-398,576,-401,-402,576,-403,576,-408,-409,576,-412,-413,-414,576,-417,576,-418,576,-423,-424,576,-427,576,-430,-431,-1896,-1896,576,-621,-622,-623,-624,-625,-636,-586,-626,-799,576,576,576,576,576,-833,576,576,-808,576,-834,576,576,576,576,-800,576,-855,-801,576,576,576,576,576,576,-856,-857,576,-836,-832,-837,576,-627,576,-628,-629,-630,-631,-576,576,576,-632,-633,-634,576,576,576,576,576,576,-637,-638,-639,-594,-1896,-604,576,-640,-641,-715,-642,-606,576,-574,-579,-582,-585,576,576,576,-600,-603,576,-610,576,576,576,576,576,576,576,576,576,576,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,576,576,3192,576,-997,576,576,576,576,576,576,-308,-327,-321,-298,-377,-454,-455,-456,-460,576,-445,576,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,576,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,576,576,576,576,576,576,576,576,576,-318,-537,-510,-593,-939,-941,-942,-440,576,-442,-382,-383,-385,-509,-511,-513,576,-515,-516,-521,-522,576,-534,-536,-539,-540,-545,-550,-728,576,-729,576,-734,576,-736,576,-741,-658,-662,-663,576,-668,576,-669,576,-674,-676,576,-679,576,576,576,-689,-691,576,-694,576,576,-746,576,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,576,576,576,576,576,-879,576,-882,-910,-922,-927,-390,-391,576,-396,576,-399,576,-404,576,-405,576,-410,576,-415,576,-419,576,-420,576,-425,576,-428,-901,-902,-645,-587,-1896,-903,576,576,576,-802,576,576,-806,576,-809,-835,576,-820,576,-822,576,-824,-810,576,-826,576,-853,-854,576,576,-813,576,-648,-904,-906,-650,-651,-647,576,-707,-708,576,-644,-905,-649,-652,-605,-716,576,576,-607,-588,576,576,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,576,576,-711,-712,576,-718,576,576,576,576,3192,576,576,-940,576,-441,-443,-749,576,-893,576,-717,-1896,576,576,3192,576,3192,3192,3192,3192,3192,3192,3192,3192,3192,576,576,-444,-514,-525,576,-730,-735,576,-737,576,-742,576,-664,-670,576,-680,-682,-684,-685,-692,-695,-699,-747,576,576,-876,576,576,-880,576,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,576,-814,576,-816,-803,576,-804,-807,576,-818,-821,-823,-825,-827,576,-828,576,-811,576,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,576,3192,-284,576,576,576,576,-457,576,576,-731,576,-738,576,-743,576,-665,-673,576,576,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,576,-838,-53,576,576,-732,576,-739,576,-744,-666,576,-875,-54,576,576,-733,-740,-745,576,576,576,-874,]),'PERIOD_ADD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[577,577,577,1294,-1896,577,577,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,577,577,577,577,-277,-278,1294,-1427,1294,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1294,1294,1294,-492,1294,1294,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1294,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1294,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1294,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,577,-174,-175,-176,-177,-995,577,577,577,577,577,577,577,577,577,577,1294,1294,1294,1294,1294,-292,-293,-283,577,1294,1294,1294,1294,-330,-320,-334,-335,-336,1294,1294,-984,-985,-986,-987,-988,-989,-990,577,577,1294,1294,1294,1294,1294,1294,1294,1294,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1294,1294,1294,-355,-358,577,-325,-326,-143,1294,-144,1294,-145,1294,-432,-937,-938,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1896,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1896,1294,-1896,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1896,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1896,577,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1294,577,577,-193,-194,577,-996,1294,577,577,577,577,-279,-280,-281,-282,-367,1294,-310,1294,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1294,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1294,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1294,1294,1294,1294,1294,1294,-575,1294,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1294,1294,-725,-726,-727,1294,1294,577,577,577,577,-996,577,1294,-93,-94,577,577,577,1294,-311,-312,-322,1294,-309,-295,-296,-297,1294,577,1294,1294,-620,-635,-592,1294,577,-438,577,-439,1294,-446,-447,-448,-380,-381,1294,1294,1294,-508,1294,1294,-512,1294,1294,1294,1294,-517,-518,-519,-520,1294,1294,-523,-524,1294,-526,-527,-528,-529,-530,-531,-532,-533,1294,-535,1294,1294,1294,-541,-543,-544,1294,-546,-547,-548,-549,1294,1294,1294,1294,1294,1294,-654,-655,-656,-657,577,-659,-660,-661,1294,1294,1294,-667,1294,1294,-671,-672,1294,1294,-675,1294,-677,-678,1294,-681,1294,-683,1294,1294,-686,-687,-688,1294,-690,1294,1294,-693,1294,1294,-696,-697,-698,1294,-700,-701,-702,-703,1294,1294,-748,1294,-751,-752,-753,-754,-755,1294,-757,-758,-759,-760,-761,1294,-768,-769,-771,1294,-773,-774,-775,-784,-858,-860,-862,-864,1294,1294,1294,1294,-870,1294,-872,1294,1294,1294,1294,1294,1294,1294,-908,-909,1294,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1294,-923,-926,1294,-936,1294,-387,-388,-389,1294,1294,-392,-393,-394,-395,1294,-398,1294,-401,-402,1294,-403,1294,-408,-409,1294,-412,-413,-414,1294,-417,1294,-418,1294,-423,-424,1294,-427,1294,-430,-431,-1896,-1896,1294,-621,-622,-623,-624,-625,-636,-586,-626,-799,1294,1294,1294,1294,1294,-833,1294,1294,-808,1294,-834,1294,1294,1294,1294,-800,1294,-855,-801,1294,1294,1294,1294,1294,1294,-856,-857,1294,-836,-832,-837,1294,-627,1294,-628,-629,-630,-631,-576,1294,1294,-632,-633,-634,1294,1294,1294,1294,1294,1294,-637,-638,-639,-594,-1896,-604,1294,-640,-641,-715,-642,-606,1294,-574,-579,-582,-585,1294,1294,1294,-600,-603,1294,-610,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1294,577,577,-997,577,1294,577,577,577,1294,-308,-327,-321,-298,-377,-454,-455,-456,-460,577,-445,1294,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1294,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,577,577,577,577,577,577,577,577,1294,-318,-537,-510,-593,-939,-941,-942,-440,1294,-442,-382,-383,-385,-509,-511,-513,1294,-515,-516,-521,-522,1294,-534,-536,-539,-540,-545,-550,-728,1294,-729,1294,-734,1294,-736,1294,-741,-658,-662,-663,1294,-668,1294,-669,1294,-674,-676,1294,-679,1294,1294,1294,-689,-691,1294,-694,1294,1294,-746,1294,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1294,1294,1294,1294,1294,-879,1294,-882,-910,-922,-927,-390,-391,1294,-396,1294,-399,1294,-404,1294,-405,1294,-410,1294,-415,1294,-419,1294,-420,1294,-425,1294,-428,-901,-902,-645,-587,-1896,-903,1294,1294,1294,-802,1294,1294,-806,1294,-809,-835,1294,-820,1294,-822,1294,-824,-810,1294,-826,1294,-853,-854,1294,1294,-813,1294,-648,-904,-906,-650,-651,-647,1294,-707,-708,1294,-644,-905,-649,-652,-605,-716,1294,1294,-607,-588,1294,1294,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1294,1294,-711,-712,1294,-718,1294,577,577,577,1294,1294,-940,577,-441,-443,-749,1294,-893,1294,-717,-1896,1294,1294,577,577,1294,-444,-514,-525,1294,-730,-735,1294,-737,1294,-742,1294,-664,-670,1294,-680,-682,-684,-685,-692,-695,-699,-747,1294,1294,-876,1294,1294,-880,1294,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1294,-814,1294,-816,-803,1294,-804,-807,1294,-818,-821,-823,-825,-827,1294,-828,1294,-811,1294,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,577,-284,577,1294,577,1294,-457,1294,1294,-731,1294,-738,1294,-743,1294,-665,-673,1294,1294,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1294,-838,-53,577,1294,-732,1294,-739,1294,-744,-666,1294,-875,-54,577,577,-733,-740,-745,1294,577,1294,-874,]),'PERIOD_DIFF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[578,578,578,1295,-1896,578,578,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,578,578,578,578,-277,-278,1295,-1427,1295,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1295,1295,1295,-492,1295,1295,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1295,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1295,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1295,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,578,-174,-175,-176,-177,-995,578,578,578,578,578,578,578,578,578,578,1295,1295,1295,1295,1295,-292,-293,-283,578,1295,1295,1295,1295,-330,-320,-334,-335,-336,1295,1295,-984,-985,-986,-987,-988,-989,-990,578,578,1295,1295,1295,1295,1295,1295,1295,1295,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1295,1295,1295,-355,-358,578,-325,-326,-143,1295,-144,1295,-145,1295,-432,-937,-938,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1896,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1896,1295,-1896,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1896,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1896,578,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1295,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1295,578,578,-193,-194,578,-996,1295,578,578,578,578,-279,-280,-281,-282,-367,1295,-310,1295,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1295,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1295,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1295,1295,1295,1295,1295,1295,-575,1295,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1295,1295,-725,-726,-727,1295,1295,578,578,578,578,-996,578,1295,-93,-94,578,578,578,1295,-311,-312,-322,1295,-309,-295,-296,-297,1295,578,1295,1295,-620,-635,-592,1295,578,-438,578,-439,1295,-446,-447,-448,-380,-381,1295,1295,1295,-508,1295,1295,-512,1295,1295,1295,1295,-517,-518,-519,-520,1295,1295,-523,-524,1295,-526,-527,-528,-529,-530,-531,-532,-533,1295,-535,1295,1295,1295,-541,-543,-544,1295,-546,-547,-548,-549,1295,1295,1295,1295,1295,1295,-654,-655,-656,-657,578,-659,-660,-661,1295,1295,1295,-667,1295,1295,-671,-672,1295,1295,-675,1295,-677,-678,1295,-681,1295,-683,1295,1295,-686,-687,-688,1295,-690,1295,1295,-693,1295,1295,-696,-697,-698,1295,-700,-701,-702,-703,1295,1295,-748,1295,-751,-752,-753,-754,-755,1295,-757,-758,-759,-760,-761,1295,-768,-769,-771,1295,-773,-774,-775,-784,-858,-860,-862,-864,1295,1295,1295,1295,-870,1295,-872,1295,1295,1295,1295,1295,1295,1295,-908,-909,1295,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1295,-923,-926,1295,-936,1295,-387,-388,-389,1295,1295,-392,-393,-394,-395,1295,-398,1295,-401,-402,1295,-403,1295,-408,-409,1295,-412,-413,-414,1295,-417,1295,-418,1295,-423,-424,1295,-427,1295,-430,-431,-1896,-1896,1295,-621,-622,-623,-624,-625,-636,-586,-626,-799,1295,1295,1295,1295,1295,-833,1295,1295,-808,1295,-834,1295,1295,1295,1295,-800,1295,-855,-801,1295,1295,1295,1295,1295,1295,-856,-857,1295,-836,-832,-837,1295,-627,1295,-628,-629,-630,-631,-576,1295,1295,-632,-633,-634,1295,1295,1295,1295,1295,1295,-637,-638,-639,-594,-1896,-604,1295,-640,-641,-715,-642,-606,1295,-574,-579,-582,-585,1295,1295,1295,-600,-603,1295,-610,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1295,578,578,-997,578,1295,578,578,578,1295,-308,-327,-321,-298,-377,-454,-455,-456,-460,578,-445,1295,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1295,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,578,578,578,578,578,578,578,578,1295,-318,-537,-510,-593,-939,-941,-942,-440,1295,-442,-382,-383,-385,-509,-511,-513,1295,-515,-516,-521,-522,1295,-534,-536,-539,-540,-545,-550,-728,1295,-729,1295,-734,1295,-736,1295,-741,-658,-662,-663,1295,-668,1295,-669,1295,-674,-676,1295,-679,1295,1295,1295,-689,-691,1295,-694,1295,1295,-746,1295,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1295,1295,1295,1295,1295,-879,1295,-882,-910,-922,-927,-390,-391,1295,-396,1295,-399,1295,-404,1295,-405,1295,-410,1295,-415,1295,-419,1295,-420,1295,-425,1295,-428,-901,-902,-645,-587,-1896,-903,1295,1295,1295,-802,1295,1295,-806,1295,-809,-835,1295,-820,1295,-822,1295,-824,-810,1295,-826,1295,-853,-854,1295,1295,-813,1295,-648,-904,-906,-650,-651,-647,1295,-707,-708,1295,-644,-905,-649,-652,-605,-716,1295,1295,-607,-588,1295,1295,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1295,1295,-711,-712,1295,-718,1295,578,578,578,1295,1295,-940,578,-441,-443,-749,1295,-893,1295,-717,-1896,1295,1295,578,578,1295,-444,-514,-525,1295,-730,-735,1295,-737,1295,-742,1295,-664,-670,1295,-680,-682,-684,-685,-692,-695,-699,-747,1295,1295,-876,1295,1295,-880,1295,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1295,-814,1295,-816,-803,1295,-804,-807,1295,-818,-821,-823,-825,-827,1295,-828,1295,-811,1295,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,578,-284,578,1295,578,1295,-457,1295,1295,-731,1295,-738,1295,-743,1295,-665,-673,1295,1295,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1295,-838,-53,578,1295,-732,1295,-739,1295,-744,-666,1295,-875,-54,578,578,-733,-740,-745,1295,578,1295,-874,]),'PHASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[579,579,579,579,-1896,579,579,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,579,579,579,579,-277,-278,579,-1427,579,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,579,579,579,-492,579,579,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,579,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,579,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,579,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,579,-174,-175,-176,-177,-995,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-292,-293,-283,579,579,579,579,579,-330,-320,-334,-335,-336,579,579,-984,-985,-986,-987,-988,-989,-990,579,579,579,579,579,579,579,579,579,579,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,579,579,579,-355,-358,579,-325,-326,-143,579,-144,579,-145,579,-432,-937,-938,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-1896,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-1896,579,-1896,579,579,579,579,579,579,579,579,579,579,579,579,-1896,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-1896,579,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,579,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,579,579,579,-193,-194,579,-996,579,579,579,579,579,-279,-280,-281,-282,-367,579,-310,579,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,579,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,579,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,579,579,579,579,579,579,-575,579,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,579,579,-725,-726,-727,579,579,579,579,579,579,-996,579,579,-93,-94,579,579,579,579,-311,-312,-322,579,-309,-295,-296,-297,579,579,579,579,-620,-635,-592,579,579,-438,579,-439,579,-446,-447,-448,-380,-381,579,579,579,-508,579,579,-512,579,579,579,579,-517,-518,-519,-520,579,579,-523,-524,579,-526,-527,-528,-529,-530,-531,-532,-533,579,-535,579,579,579,-541,-543,-544,579,-546,-547,-548,-549,579,579,579,579,579,579,-654,-655,-656,-657,579,-659,-660,-661,579,579,579,-667,579,579,-671,-672,579,579,-675,579,-677,-678,579,-681,579,-683,579,579,-686,-687,-688,579,-690,579,579,-693,579,579,-696,-697,-698,579,-700,-701,-702,-703,579,579,-748,579,-751,-752,-753,-754,-755,579,-757,-758,-759,-760,-761,579,-768,-769,-771,579,-773,-774,-775,-784,-858,-860,-862,-864,579,579,579,579,-870,579,-872,579,579,579,579,579,579,579,-908,-909,579,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,579,-923,-926,579,-936,579,-387,-388,-389,579,579,-392,-393,-394,-395,579,-398,579,-401,-402,579,-403,579,-408,-409,579,-412,-413,-414,579,-417,579,-418,579,-423,-424,579,-427,579,-430,-431,-1896,-1896,579,-621,-622,-623,-624,-625,-636,-586,-626,-799,579,579,579,579,579,-833,579,579,-808,579,-834,579,579,579,579,-800,579,-855,-801,579,579,579,579,579,579,-856,-857,579,-836,-832,-837,579,-627,579,-628,-629,-630,-631,-576,579,579,-632,-633,-634,579,579,579,579,579,579,-637,-638,-639,-594,-1896,-604,579,-640,-641,-715,-642,-606,579,-574,-579,-582,-585,579,579,579,-600,-603,579,-610,579,579,579,579,579,579,579,579,579,579,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,579,579,579,-997,579,579,579,579,579,579,-308,-327,-321,-298,-377,-454,-455,-456,-460,579,-445,579,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,579,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,579,579,579,579,579,579,579,579,579,-318,-537,-510,-593,-939,-941,-942,-440,579,-442,-382,-383,-385,-509,-511,-513,579,-515,-516,-521,-522,579,-534,-536,-539,-540,-545,-550,-728,579,-729,579,-734,579,-736,579,-741,-658,-662,-663,579,-668,579,-669,579,-674,-676,579,-679,579,579,579,-689,-691,579,-694,579,579,-746,579,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,579,579,579,579,579,-879,579,-882,-910,-922,-927,-390,-391,579,-396,579,-399,579,-404,579,-405,579,-410,579,-415,579,-419,579,-420,579,-425,579,-428,-901,-902,-645,-587,-1896,-903,579,579,579,-802,579,579,-806,579,-809,-835,579,-820,579,-822,579,-824,-810,579,-826,579,-853,-854,579,579,-813,579,-648,-904,-906,-650,-651,-647,579,-707,-708,579,-644,-905,-649,-652,-605,-716,579,579,-607,-588,579,579,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,579,579,-711,-712,579,-718,579,579,579,579,579,579,-940,579,-441,-443,-749,579,-893,579,-717,-1896,579,579,579,579,579,-444,-514,-525,579,-730,-735,579,-737,579,-742,579,-664,-670,579,-680,-682,-684,-685,-692,-695,-699,-747,579,579,-876,579,579,-880,579,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,579,-814,579,-816,-803,579,-804,-807,579,-818,-821,-823,-825,-827,579,-828,579,-811,579,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,579,-284,579,579,579,579,-457,579,579,-731,579,-738,579,-743,579,-665,-673,579,579,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,579,-838,-53,579,579,-732,579,-739,579,-744,-666,579,-875,-54,579,579,-733,-740,-745,579,579,579,-874,]),'PHYSICAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[580,580,580,580,-1896,580,580,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,580,580,580,580,-277,-278,580,-1427,580,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,580,580,580,-492,580,580,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,580,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,580,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,580,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,580,-174,-175,-176,-177,-995,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-292,-293,-283,580,580,580,580,580,-330,-320,-334,-335,-336,580,580,-984,-985,-986,-987,-988,-989,-990,580,580,580,580,580,580,580,580,580,580,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,580,580,580,-355,-358,580,-325,-326,-143,580,-144,580,-145,580,-432,-937,-938,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-1896,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-1896,580,-1896,580,580,580,580,580,580,580,580,580,580,580,580,-1896,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-1896,580,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,580,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,580,580,580,-193,-194,580,-996,580,580,580,580,580,-279,-280,-281,-282,-367,580,-310,580,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,580,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,580,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,580,580,580,580,580,580,-575,580,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,580,580,-725,-726,-727,580,580,580,580,580,580,-996,580,580,-93,-94,580,580,580,580,-311,-312,-322,580,-309,-295,-296,-297,580,580,580,580,-620,-635,-592,580,580,-438,580,-439,580,-446,-447,-448,-380,-381,580,580,580,-508,580,580,-512,580,580,580,580,-517,-518,-519,-520,580,580,-523,-524,580,-526,-527,-528,-529,-530,-531,-532,-533,580,-535,580,580,580,-541,-543,-544,580,-546,-547,-548,-549,580,580,580,580,580,580,-654,-655,-656,-657,580,-659,-660,-661,580,580,580,-667,580,580,-671,-672,580,580,-675,580,-677,-678,580,-681,580,-683,580,580,-686,-687,-688,580,-690,580,580,-693,580,580,-696,-697,-698,580,-700,-701,-702,-703,580,580,-748,580,-751,-752,-753,-754,-755,580,-757,-758,-759,-760,-761,580,-768,-769,-771,580,-773,-774,-775,-784,-858,-860,-862,-864,580,580,580,580,-870,580,-872,580,580,580,580,580,580,580,-908,-909,580,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,580,-923,-926,580,-936,580,-387,-388,-389,580,580,-392,-393,-394,-395,580,-398,580,-401,-402,580,-403,580,-408,-409,580,-412,-413,-414,580,-417,580,-418,580,-423,-424,580,-427,580,-430,-431,-1896,-1896,580,-621,-622,-623,-624,-625,-636,-586,-626,-799,580,580,580,580,580,-833,580,580,-808,580,-834,580,580,580,580,-800,580,-855,-801,580,580,580,580,580,580,-856,-857,580,-836,-832,-837,580,-627,580,-628,-629,-630,-631,-576,580,580,-632,-633,-634,580,580,580,580,580,580,-637,-638,-639,-594,-1896,-604,580,-640,-641,-715,-642,-606,580,-574,-579,-582,-585,580,580,580,-600,-603,580,-610,580,580,580,580,580,580,580,580,580,580,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,580,580,580,-997,580,580,580,580,580,580,-308,-327,-321,-298,-377,-454,-455,-456,-460,580,-445,580,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,580,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,580,580,580,580,580,580,580,580,580,-318,-537,-510,-593,-939,-941,-942,-440,580,-442,-382,-383,-385,-509,-511,-513,580,-515,-516,-521,-522,580,-534,-536,-539,-540,-545,-550,-728,580,-729,580,-734,580,-736,580,-741,-658,-662,-663,580,-668,580,-669,580,-674,-676,580,-679,580,580,580,-689,-691,580,-694,580,580,-746,580,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,580,580,580,580,580,-879,580,-882,-910,-922,-927,-390,-391,580,-396,580,-399,580,-404,580,-405,580,-410,580,-415,580,-419,580,-420,580,-425,580,-428,-901,-902,-645,-587,-1896,-903,580,580,580,-802,580,580,-806,580,-809,-835,580,-820,580,-822,580,-824,-810,580,-826,580,-853,-854,580,580,-813,580,-648,-904,-906,-650,-651,-647,580,-707,-708,580,-644,-905,-649,-652,-605,-716,580,580,-607,-588,580,580,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,580,580,-711,-712,580,-718,580,580,580,580,580,580,-940,580,-441,-443,-749,580,-893,580,-717,-1896,580,580,580,580,580,-444,-514,-525,580,-730,-735,580,-737,580,-742,580,-664,-670,580,-680,-682,-684,-685,-692,-695,-699,-747,580,580,-876,580,580,-880,580,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,580,-814,580,-816,-803,580,-804,-807,580,-818,-821,-823,-825,-827,580,-828,580,-811,580,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,580,-284,580,580,580,580,-457,580,580,-731,580,-738,580,-743,580,-665,-673,580,580,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,580,-838,-53,580,580,-732,580,-739,580,-744,-666,580,-875,-54,580,580,-733,-740,-745,580,580,580,-874,]),'PI':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[581,581,581,1066,-1896,581,581,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,581,581,581,581,-277,-278,1066,-1427,1066,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1066,1066,1066,-492,1066,1066,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1066,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1066,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1930,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,581,-174,-175,-176,-177,-995,581,581,581,581,581,581,581,581,581,581,1066,1066,1066,1066,1066,-292,-293,-283,581,1066,1066,1066,1066,-330,-320,-334,-335,-336,1066,1066,-984,-985,-986,-987,-988,-989,-990,581,581,1066,1066,1066,1066,1066,1066,1066,1066,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1066,1066,1066,-355,-358,581,-325,-326,-143,1066,-144,1066,-145,1066,-432,-937,-938,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1896,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1896,1066,-1896,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1896,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1896,581,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1066,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1066,581,581,-193,-194,581,-996,1066,581,581,581,581,-279,-280,-281,-282,-367,1066,-310,1066,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1066,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1066,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1066,1066,1066,1066,1066,1066,-575,1066,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1066,1066,-725,-726,-727,1066,1930,581,581,581,581,-996,581,1066,-93,-94,581,581,581,1066,-311,-312,-322,1066,-309,-295,-296,-297,1066,581,1066,1066,-620,-635,-592,1066,581,-438,581,-439,1066,-446,-447,-448,-380,-381,1066,1066,1066,-508,1066,1066,-512,1066,1066,1066,1066,-517,-518,-519,-520,1066,1066,-523,-524,1066,-526,-527,-528,-529,-530,-531,-532,-533,1066,-535,1066,1066,1066,-541,-543,-544,1066,-546,-547,-548,-549,1066,1066,1066,1066,1066,1066,-654,-655,-656,-657,581,-659,-660,-661,1066,1066,1066,-667,1066,1066,-671,-672,1066,1066,-675,1066,-677,-678,1066,-681,1066,-683,1066,1066,-686,-687,-688,1066,-690,1066,1066,-693,1066,1066,-696,-697,-698,1066,-700,-701,-702,-703,1066,1066,-748,1066,-751,-752,-753,-754,-755,1066,-757,-758,-759,-760,-761,1066,-768,-769,-771,1066,-773,-774,-775,-784,-858,-860,-862,-864,1066,1066,1066,1066,-870,1066,-872,1066,1066,1066,1066,1066,1066,1066,-908,-909,1066,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1066,-923,-926,1066,-936,1066,-387,-388,-389,1066,1066,-392,-393,-394,-395,1066,-398,1066,-401,-402,1066,-403,1066,-408,-409,1066,-412,-413,-414,1066,-417,1066,-418,1066,-423,-424,1066,-427,1066,-430,-431,-1896,-1896,1066,-621,-622,-623,-624,-625,-636,-586,-626,-799,1066,1066,1066,1066,1066,-833,1066,1066,-808,1066,-834,1066,1066,1066,1066,-800,1066,-855,-801,1066,1066,1066,1066,1066,1066,-856,-857,1066,-836,-832,-837,1066,-627,1066,-628,-629,-630,-631,-576,1066,1066,-632,-633,-634,1066,1066,1066,1066,1066,1066,-637,-638,-639,-594,-1896,-604,1066,-640,-641,-715,-642,-606,1066,-574,-579,-582,-585,1066,1066,1066,-600,-603,1066,-610,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1066,581,581,-997,581,1066,581,581,581,1066,-308,-327,-321,-298,-377,-454,-455,-456,-460,581,-445,1066,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1066,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,581,581,581,581,581,581,581,581,1066,-318,-537,-510,-593,-939,-941,-942,-440,1066,-442,-382,-383,-385,-509,-511,-513,1066,-515,-516,-521,-522,1066,-534,-536,-539,-540,-545,-550,-728,1066,-729,1066,-734,1066,-736,1066,-741,-658,-662,-663,1066,-668,1066,-669,1066,-674,-676,1066,-679,1066,1066,1066,-689,-691,1066,-694,1066,1066,-746,1066,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1066,1066,1066,1066,1066,-879,1066,-882,-910,-922,-927,-390,-391,1066,-396,1066,-399,1066,-404,1066,-405,1066,-410,1066,-415,1066,-419,1066,-420,1066,-425,1066,-428,-901,-902,-645,-587,-1896,-903,1066,1066,1066,-802,1066,1066,-806,1066,-809,-835,1066,-820,1066,-822,1066,-824,-810,1066,-826,1066,-853,-854,1066,1066,-813,1066,-648,-904,-906,-650,-651,-647,1066,-707,-708,1066,-644,-905,-649,-652,-605,-716,1066,1066,-607,-588,1066,1066,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1066,1066,-711,-712,1066,-718,1066,581,581,581,1066,1066,-940,581,-441,-443,-749,1066,-893,1930,-717,-1896,1066,1066,581,581,1066,-444,-514,-525,1066,-730,-735,1066,-737,1066,-742,1066,-664,-670,1066,-680,-682,-684,-685,-692,-695,-699,-747,1066,1066,-876,1066,1066,-880,1066,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1066,-814,1066,-816,-803,1066,-804,-807,1066,-818,-821,-823,-825,-827,1066,-828,1066,-811,1066,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,581,-284,581,1066,581,1066,-457,1066,1066,-731,1066,-738,1066,-743,1066,-665,-673,1066,1066,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1066,-838,-53,581,1066,-732,1066,-739,1066,-744,-666,1066,-875,-54,581,581,-733,-740,-745,1066,581,1066,-874,]),'PL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[582,582,582,582,-1896,582,582,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,582,582,582,582,-277,-278,582,-1427,582,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,582,582,582,-492,582,582,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,582,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,582,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,582,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,582,-174,-175,-176,-177,-995,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-292,-293,-283,582,582,582,582,582,-330,-320,-334,-335,-336,582,582,-984,-985,-986,-987,-988,-989,-990,582,582,582,582,582,582,582,582,582,582,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,582,582,582,-355,-358,582,-325,-326,-143,582,-144,582,-145,582,-432,-937,-938,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-1896,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-1896,582,-1896,582,582,582,582,582,582,582,582,582,582,582,582,-1896,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-1896,582,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,582,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,582,582,582,-193,-194,582,-996,582,582,582,582,582,-279,-280,-281,-282,-367,582,-310,582,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,582,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,582,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,582,582,582,582,582,582,-575,582,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,582,582,-725,-726,-727,582,582,582,582,582,582,-996,582,582,-93,-94,582,582,582,582,-311,-312,-322,582,-309,-295,-296,-297,582,582,582,582,-620,-635,-592,582,582,-438,582,-439,582,-446,-447,-448,-380,-381,582,582,582,-508,582,582,-512,582,582,582,582,-517,-518,-519,-520,582,582,-523,-524,582,-526,-527,-528,-529,-530,-531,-532,-533,582,-535,582,582,582,-541,-543,-544,582,-546,-547,-548,-549,582,582,582,582,582,582,-654,-655,-656,-657,582,-659,-660,-661,582,582,582,-667,582,582,-671,-672,582,582,-675,582,-677,-678,582,-681,582,-683,582,582,-686,-687,-688,582,-690,582,582,-693,582,582,-696,-697,-698,582,-700,-701,-702,-703,582,582,-748,582,-751,-752,-753,-754,-755,582,-757,-758,-759,-760,-761,582,-768,-769,-771,582,-773,-774,-775,-784,-858,-860,-862,-864,582,582,582,582,-870,582,-872,582,582,582,582,582,582,582,-908,-909,582,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,582,-923,-926,582,-936,582,-387,-388,-389,582,582,-392,-393,-394,-395,582,-398,582,-401,-402,582,-403,582,-408,-409,582,-412,-413,-414,582,-417,582,-418,582,-423,-424,582,-427,582,-430,-431,-1896,-1896,582,-621,-622,-623,-624,-625,-636,-586,-626,-799,582,582,582,582,582,-833,582,582,-808,582,-834,582,582,582,582,-800,582,-855,-801,582,582,582,582,582,582,-856,-857,582,-836,-832,-837,582,-627,582,-628,-629,-630,-631,-576,582,582,-632,-633,-634,582,582,582,582,582,582,-637,-638,-639,-594,-1896,-604,582,-640,-641,-715,-642,-606,582,-574,-579,-582,-585,582,582,582,-600,-603,582,-610,582,582,582,582,582,582,582,582,582,582,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,582,582,582,-997,582,582,582,582,582,582,-308,-327,-321,-298,-377,-454,-455,-456,-460,582,-445,582,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,582,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,582,582,582,582,582,582,582,582,582,-318,-537,-510,-593,-939,-941,-942,-440,582,-442,-382,-383,-385,-509,-511,-513,582,-515,-516,-521,-522,582,-534,-536,-539,-540,-545,-550,-728,582,-729,582,-734,582,-736,582,-741,-658,-662,-663,582,-668,582,-669,582,-674,-676,582,-679,582,582,582,-689,-691,582,-694,582,582,-746,582,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,582,582,582,582,582,-879,582,-882,-910,-922,-927,-390,-391,582,-396,582,-399,582,-404,582,-405,582,-410,582,-415,582,-419,582,-420,582,-425,582,-428,-901,-902,-645,-587,-1896,-903,582,582,582,-802,582,582,-806,582,-809,-835,582,-820,582,-822,582,-824,-810,582,-826,582,-853,-854,582,582,-813,582,-648,-904,-906,-650,-651,-647,582,-707,-708,582,-644,-905,-649,-652,-605,-716,582,582,-607,-588,582,582,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,582,582,-711,-712,582,-718,582,582,582,582,582,582,-940,582,-441,-443,-749,582,-893,582,-717,-1896,582,582,582,582,582,-444,-514,-525,582,-730,-735,582,-737,582,-742,582,-664,-670,582,-680,-682,-684,-685,-692,-695,-699,-747,582,582,-876,582,582,-880,582,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,582,-814,582,-816,-803,582,-804,-807,582,-818,-821,-823,-825,-827,582,-828,582,-811,582,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,582,-284,582,582,582,582,-457,582,582,-731,582,-738,582,-743,582,-665,-673,582,582,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,582,-838,-53,582,582,-732,582,-739,582,-744,-666,582,-875,-54,582,582,-733,-740,-745,582,582,582,-874,]),'PLAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[583,583,583,583,-1896,583,583,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,583,583,583,583,-277,-278,583,-1427,583,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,583,583,583,-492,583,583,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,583,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,583,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,583,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,583,-174,-175,-176,-177,-995,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-292,-293,-283,583,583,583,583,583,-330,-320,-334,-335,-336,583,583,-984,-985,-986,-987,-988,-989,-990,583,583,583,583,583,583,583,583,583,583,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,583,583,583,-355,-358,583,-325,-326,-143,583,-144,583,-145,583,-432,-937,-938,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-1896,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-1896,583,-1896,583,583,583,583,583,583,583,583,583,583,583,583,-1896,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-1896,583,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,583,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,583,583,583,-193,-194,583,-996,583,583,583,583,583,-279,-280,-281,-282,-367,583,-310,583,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,583,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,583,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,583,583,583,583,583,583,-575,583,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,583,583,-725,-726,-727,583,583,583,583,583,583,-996,583,583,-93,-94,583,583,583,583,-311,-312,-322,583,-309,-295,-296,-297,583,583,583,583,-620,-635,-592,583,583,-438,583,-439,583,-446,-447,-448,-380,-381,583,583,583,-508,583,583,-512,583,583,583,583,-517,-518,-519,-520,583,583,-523,-524,583,-526,-527,-528,-529,-530,-531,-532,-533,583,-535,583,583,583,-541,-543,-544,583,-546,-547,-548,-549,583,583,583,583,583,583,-654,-655,-656,-657,583,-659,-660,-661,583,583,583,-667,583,583,-671,-672,583,583,-675,583,-677,-678,583,-681,583,-683,583,583,-686,-687,-688,583,-690,583,583,-693,583,583,-696,-697,-698,583,-700,-701,-702,-703,583,583,-748,583,-751,-752,-753,-754,-755,583,-757,-758,-759,-760,-761,583,-768,-769,-771,583,-773,-774,-775,-784,-858,-860,-862,-864,583,583,583,583,-870,583,-872,583,583,583,583,583,583,583,-908,-909,583,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,583,-923,-926,583,-936,583,-387,-388,-389,583,583,-392,-393,-394,-395,583,-398,583,-401,-402,583,-403,583,-408,-409,583,-412,-413,-414,583,-417,583,-418,583,-423,-424,583,-427,583,-430,-431,-1896,-1896,583,-621,-622,-623,-624,-625,-636,-586,-626,-799,583,583,583,583,583,-833,583,583,-808,583,-834,583,583,583,583,-800,583,-855,-801,583,583,583,583,583,583,-856,-857,583,-836,-832,-837,583,-627,583,-628,-629,-630,-631,-576,583,583,-632,-633,-634,583,583,583,583,583,583,-637,-638,-639,-594,-1896,-604,583,-640,-641,-715,-642,-606,583,-574,-579,-582,-585,583,583,583,-600,-603,583,-610,583,583,583,583,583,583,583,583,583,583,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,583,583,583,-997,583,583,583,583,583,583,-308,-327,-321,-298,-377,-454,-455,-456,-460,583,-445,583,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,583,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,583,583,583,583,583,583,583,583,583,-318,-537,-510,-593,-939,-941,-942,-440,583,-442,-382,-383,-385,-509,-511,-513,583,-515,-516,-521,-522,583,-534,-536,-539,-540,-545,-550,-728,583,-729,583,-734,583,-736,583,-741,-658,-662,-663,583,-668,583,-669,583,-674,-676,583,-679,583,583,583,-689,-691,583,-694,583,583,-746,583,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,583,583,583,583,583,-879,583,-882,-910,-922,-927,-390,-391,583,-396,583,-399,583,-404,583,-405,583,-410,583,-415,583,-419,583,-420,583,-425,583,-428,-901,-902,-645,-587,-1896,-903,583,583,583,-802,583,583,-806,583,-809,-835,583,-820,583,-822,583,-824,-810,583,-826,583,-853,-854,583,583,-813,583,-648,-904,-906,-650,-651,-647,583,-707,-708,583,-644,-905,-649,-652,-605,-716,583,583,-607,-588,583,583,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,583,583,-711,-712,583,-718,583,583,583,583,583,583,-940,583,-441,-443,-749,583,-893,583,-717,-1896,583,583,583,583,583,-444,-514,-525,583,-730,-735,583,-737,583,-742,583,-664,-670,583,-680,-682,-684,-685,-692,-695,-699,-747,583,583,-876,583,583,-880,583,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,583,-814,583,-816,-803,583,-804,-807,583,-818,-821,-823,-825,-827,583,-828,583,-811,583,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,583,-284,583,583,583,583,-457,583,583,-731,583,-738,583,-743,583,-665,-673,583,583,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,583,-838,-53,583,583,-732,583,-739,583,-744,-666,583,-875,-54,583,583,-733,-740,-745,583,583,583,-874,]),'PLANREGRESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[584,584,584,584,-1896,584,584,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,584,584,584,584,-277,-278,584,-1427,584,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,584,584,584,-492,584,584,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,584,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,584,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,584,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,584,-174,-175,-176,-177,-995,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-292,-293,-283,584,584,584,584,584,-330,-320,-334,-335,-336,584,584,-984,-985,-986,-987,-988,-989,-990,584,584,584,584,584,584,584,584,584,584,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,584,584,584,-355,-358,584,-325,-326,-143,584,-144,584,-145,584,-432,-937,-938,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-1896,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-1896,584,-1896,584,584,584,584,584,584,584,584,584,584,584,584,-1896,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-1896,584,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,584,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,584,584,584,-193,-194,584,-996,584,584,584,584,584,-279,-280,-281,-282,-367,584,-310,584,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,584,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,584,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,584,584,584,584,584,584,-575,584,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,584,584,-725,-726,-727,584,584,584,584,584,584,-996,584,584,-93,-94,584,584,584,584,-311,-312,-322,584,-309,-295,-296,-297,584,584,584,584,-620,-635,-592,584,584,-438,584,-439,584,-446,-447,-448,-380,-381,584,584,584,-508,584,584,-512,584,584,584,584,-517,-518,-519,-520,584,584,-523,-524,584,-526,-527,-528,-529,-530,-531,-532,-533,584,-535,584,584,584,-541,-543,-544,584,-546,-547,-548,-549,584,584,584,584,584,584,-654,-655,-656,-657,584,-659,-660,-661,584,584,584,-667,584,584,-671,-672,584,584,-675,584,-677,-678,584,-681,584,-683,584,584,-686,-687,-688,584,-690,584,584,-693,584,584,-696,-697,-698,584,-700,-701,-702,-703,584,584,-748,584,-751,-752,-753,-754,-755,584,-757,-758,-759,-760,-761,584,-768,-769,-771,584,-773,-774,-775,-784,-858,-860,-862,-864,584,584,584,584,-870,584,-872,584,584,584,584,584,584,584,-908,-909,584,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,584,-923,-926,584,-936,584,-387,-388,-389,584,584,-392,-393,-394,-395,584,-398,584,-401,-402,584,-403,584,-408,-409,584,-412,-413,-414,584,-417,584,-418,584,-423,-424,584,-427,584,-430,-431,-1896,-1896,584,-621,-622,-623,-624,-625,-636,-586,-626,-799,584,584,584,584,584,-833,584,584,-808,584,-834,584,584,584,584,-800,584,-855,-801,584,584,584,584,584,584,-856,-857,584,-836,-832,-837,584,-627,584,-628,-629,-630,-631,-576,584,584,-632,-633,-634,584,584,584,584,584,584,-637,-638,-639,-594,-1896,-604,584,-640,-641,-715,-642,-606,584,-574,-579,-582,-585,584,584,584,-600,-603,584,-610,584,584,584,584,584,584,584,584,584,584,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,584,584,584,-997,584,584,584,584,584,584,-308,-327,-321,-298,-377,-454,-455,-456,-460,584,-445,584,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,584,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,584,584,584,584,584,584,584,584,584,-318,-537,-510,-593,-939,-941,-942,-440,584,-442,-382,-383,-385,-509,-511,-513,584,-515,-516,-521,-522,584,-534,-536,-539,-540,-545,-550,-728,584,-729,584,-734,584,-736,584,-741,-658,-662,-663,584,-668,584,-669,584,-674,-676,584,-679,584,584,584,-689,-691,584,-694,584,584,-746,584,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,584,584,584,584,584,-879,584,-882,-910,-922,-927,-390,-391,584,-396,584,-399,584,-404,584,-405,584,-410,584,-415,584,-419,584,-420,584,-425,584,-428,-901,-902,-645,-587,-1896,-903,584,584,584,-802,584,584,-806,584,-809,-835,584,-820,584,-822,584,-824,-810,584,-826,584,-853,-854,584,584,-813,584,-648,-904,-906,-650,-651,-647,584,-707,-708,584,-644,-905,-649,-652,-605,-716,584,584,-607,-588,584,584,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,584,584,-711,-712,584,-718,584,584,584,584,584,584,-940,584,-441,-443,-749,584,-893,584,-717,-1896,584,584,584,584,584,-444,-514,-525,584,-730,-735,584,-737,584,-742,584,-664,-670,584,-680,-682,-684,-685,-692,-695,-699,-747,584,584,-876,584,584,-880,584,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,584,-814,584,-816,-803,584,-804,-807,584,-818,-821,-823,-825,-827,584,-828,584,-811,584,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,584,-284,584,584,584,584,-457,584,584,-731,584,-738,584,-743,584,-665,-673,584,584,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,584,-838,-53,584,584,-732,584,-739,584,-744,-666,584,-875,-54,584,584,-733,-740,-745,584,584,584,-874,]),'PLUGIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[585,585,585,585,-1896,585,585,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,585,585,585,585,-277,-278,585,-1427,585,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,585,585,585,-492,585,585,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,585,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,585,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,585,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,585,-174,-175,-176,-177,-995,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-292,-293,-283,585,585,585,585,585,-330,-320,-334,-335,-336,585,585,-984,-985,-986,-987,-988,-989,-990,585,585,585,585,585,585,585,585,585,585,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,585,585,585,-355,-358,585,-325,-326,-143,585,-144,585,-145,585,-432,-937,-938,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-1896,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-1896,585,-1896,585,585,585,585,585,585,585,585,585,585,585,585,-1896,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-1896,585,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,585,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,585,585,585,-193,-194,585,-996,585,585,585,585,585,-279,-280,-281,-282,-367,585,-310,585,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,585,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,585,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,585,585,585,585,585,585,-575,585,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,585,585,-725,-726,-727,585,585,585,585,585,585,-996,585,585,-93,-94,585,585,585,585,-311,-312,-322,585,-309,-295,-296,-297,585,585,585,585,-620,-635,-592,585,585,-438,585,-439,585,-446,-447,-448,-380,-381,585,585,585,-508,585,585,-512,585,585,585,585,-517,-518,-519,-520,585,585,-523,-524,585,-526,-527,-528,-529,-530,-531,-532,-533,585,-535,585,585,585,-541,-543,-544,585,-546,-547,-548,-549,585,585,585,585,585,585,-654,-655,-656,-657,585,-659,-660,-661,585,585,585,-667,585,585,-671,-672,585,585,-675,585,-677,-678,585,-681,585,-683,585,585,-686,-687,-688,585,-690,585,585,-693,585,585,-696,-697,-698,585,-700,-701,-702,-703,585,585,-748,585,-751,-752,-753,-754,-755,585,-757,-758,-759,-760,-761,585,-768,-769,-771,585,-773,-774,-775,-784,-858,-860,-862,-864,585,585,585,585,-870,585,-872,585,585,585,585,585,585,585,-908,-909,585,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,585,-923,-926,585,-936,585,-387,-388,-389,585,585,-392,-393,-394,-395,585,-398,585,-401,-402,585,-403,585,-408,-409,585,-412,-413,-414,585,-417,585,-418,585,-423,-424,585,-427,585,-430,-431,-1896,-1896,585,-621,-622,-623,-624,-625,-636,-586,-626,-799,585,585,585,585,585,-833,585,585,-808,585,-834,585,585,585,585,-800,585,-855,-801,585,585,585,585,585,585,-856,-857,585,-836,-832,-837,585,-627,585,-628,-629,-630,-631,-576,585,585,-632,-633,-634,585,585,585,585,585,585,-637,-638,-639,-594,-1896,-604,585,-640,-641,-715,-642,-606,585,-574,-579,-582,-585,585,585,585,-600,-603,585,-610,585,585,585,585,585,585,585,585,585,585,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,585,585,585,-997,585,585,585,585,585,585,-308,-327,-321,-298,-377,-454,-455,-456,-460,585,-445,585,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,585,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,585,585,585,585,585,585,585,585,585,-318,-537,-510,-593,-939,-941,-942,-440,585,-442,-382,-383,-385,-509,-511,-513,585,-515,-516,-521,-522,585,-534,-536,-539,-540,-545,-550,-728,585,-729,585,-734,585,-736,585,-741,-658,-662,-663,585,-668,585,-669,585,-674,-676,585,-679,585,585,585,-689,-691,585,-694,585,585,-746,585,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,585,585,585,585,585,-879,585,-882,-910,-922,-927,-390,-391,585,-396,585,-399,585,-404,585,-405,585,-410,585,-415,585,-419,585,-420,585,-425,585,-428,-901,-902,-645,-587,-1896,-903,585,585,585,-802,585,585,-806,585,-809,-835,585,-820,585,-822,585,-824,-810,585,-826,585,-853,-854,585,585,-813,585,-648,-904,-906,-650,-651,-647,585,-707,-708,585,-644,-905,-649,-652,-605,-716,585,585,-607,-588,585,585,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,585,585,-711,-712,585,-718,585,585,585,585,585,585,-940,585,-441,-443,-749,585,-893,585,-717,-1896,585,585,585,585,585,-444,-514,-525,585,-730,-735,585,-737,585,-742,585,-664,-670,585,-680,-682,-684,-685,-692,-695,-699,-747,585,585,-876,585,585,-880,585,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,585,-814,585,-816,-803,585,-804,-807,585,-818,-821,-823,-825,-827,585,-828,585,-811,585,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,585,-284,585,585,585,585,-457,585,585,-731,585,-738,585,-743,585,-665,-673,585,585,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,585,-838,-53,585,585,-732,585,-739,585,-744,-666,585,-875,-54,585,585,-733,-740,-745,585,585,585,-874,]),'PLUGINS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[586,586,586,586,-1896,586,586,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,586,586,586,586,-277,-278,586,-1427,586,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,586,586,586,-492,586,586,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,586,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,586,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,586,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,586,-174,-175,-176,-177,-995,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-292,-293,-283,586,586,586,586,586,-330,-320,-334,-335,-336,586,586,-984,-985,-986,-987,-988,-989,-990,586,586,586,586,586,586,586,586,586,586,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,586,586,586,-355,-358,586,-325,-326,-143,586,-144,586,-145,586,-432,-937,-938,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-1896,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-1896,586,-1896,586,586,586,586,586,586,586,586,586,586,586,586,-1896,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-1896,586,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,586,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,586,586,586,-193,-194,586,-996,586,586,586,586,586,-279,-280,-281,-282,-367,586,-310,586,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,586,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,586,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,586,586,586,586,586,586,-575,586,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,586,586,-725,-726,-727,586,586,586,586,586,586,-996,586,586,-93,-94,586,586,586,586,-311,-312,-322,586,-309,-295,-296,-297,586,586,586,586,-620,-635,-592,586,586,-438,586,-439,586,-446,-447,-448,-380,-381,586,586,586,-508,586,586,-512,586,586,586,586,-517,-518,-519,-520,586,586,-523,-524,586,-526,-527,-528,-529,-530,-531,-532,-533,586,-535,586,586,586,-541,-543,-544,586,-546,-547,-548,-549,586,586,586,586,586,586,-654,-655,-656,-657,586,-659,-660,-661,586,586,586,-667,586,586,-671,-672,586,586,-675,586,-677,-678,586,-681,586,-683,586,586,-686,-687,-688,586,-690,586,586,-693,586,586,-696,-697,-698,586,-700,-701,-702,-703,586,586,-748,586,-751,-752,-753,-754,-755,586,-757,-758,-759,-760,-761,586,-768,-769,-771,586,-773,-774,-775,-784,-858,-860,-862,-864,586,586,586,586,-870,586,-872,586,586,586,586,586,586,586,-908,-909,586,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,586,-923,-926,586,-936,586,-387,-388,-389,586,586,-392,-393,-394,-395,586,-398,586,-401,-402,586,-403,586,-408,-409,586,-412,-413,-414,586,-417,586,-418,586,-423,-424,586,-427,586,-430,-431,-1896,-1896,586,-621,-622,-623,-624,-625,-636,-586,-626,-799,586,586,586,586,586,-833,586,586,-808,586,-834,586,586,586,586,-800,586,-855,-801,586,586,586,586,586,586,-856,-857,586,-836,-832,-837,586,-627,586,-628,-629,-630,-631,-576,586,586,-632,-633,-634,586,586,586,586,586,586,-637,-638,-639,-594,-1896,-604,586,-640,-641,-715,-642,-606,586,-574,-579,-582,-585,586,586,586,-600,-603,586,-610,586,586,586,586,586,586,586,586,586,586,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,586,586,586,-997,586,586,586,586,586,586,-308,-327,-321,-298,-377,-454,-455,-456,-460,586,-445,586,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,586,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,586,586,586,586,586,586,586,586,586,-318,-537,-510,-593,-939,-941,-942,-440,586,-442,-382,-383,-385,-509,-511,-513,586,-515,-516,-521,-522,586,-534,-536,-539,-540,-545,-550,-728,586,-729,586,-734,586,-736,586,-741,-658,-662,-663,586,-668,586,-669,586,-674,-676,586,-679,586,586,586,-689,-691,586,-694,586,586,-746,586,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,586,586,586,586,586,-879,586,-882,-910,-922,-927,-390,-391,586,-396,586,-399,586,-404,586,-405,586,-410,586,-415,586,-419,586,-420,586,-425,586,-428,-901,-902,-645,-587,-1896,-903,586,586,586,-802,586,586,-806,586,-809,-835,586,-820,586,-822,586,-824,-810,586,-826,586,-853,-854,586,586,-813,586,-648,-904,-906,-650,-651,-647,586,-707,-708,586,-644,-905,-649,-652,-605,-716,586,586,-607,-588,586,586,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,586,586,-711,-712,586,-718,586,586,586,586,586,586,-940,586,-441,-443,-749,586,-893,586,-717,-1896,586,586,586,586,586,-444,-514,-525,586,-730,-735,586,-737,586,-742,586,-664,-670,586,-680,-682,-684,-685,-692,-695,-699,-747,586,586,-876,586,586,-880,586,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,586,-814,586,-816,-803,586,-804,-807,586,-818,-821,-823,-825,-827,586,-828,586,-811,586,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,586,-284,586,586,586,586,-457,586,586,-731,586,-738,586,-743,586,-665,-673,586,586,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,586,-838,-53,586,586,-732,586,-739,586,-744,-666,586,-875,-54,586,586,-733,-740,-745,586,586,586,-874,]),'PLUGIN_DIR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[587,587,587,587,-1896,587,587,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,587,587,587,587,-277,-278,587,-1427,587,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,587,587,587,-492,587,587,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,587,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,587,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,587,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,587,-174,-175,-176,-177,-995,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-292,-293,-283,587,587,587,587,587,-330,-320,-334,-335,-336,587,587,-984,-985,-986,-987,-988,-989,-990,587,587,587,587,587,587,587,587,587,587,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,587,587,587,-355,-358,587,-325,-326,-143,587,-144,587,-145,587,-432,-937,-938,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-1896,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-1896,587,-1896,587,587,587,587,587,587,587,587,587,587,587,587,-1896,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-1896,587,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,587,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,587,587,587,-193,-194,587,-996,587,587,587,587,587,-279,-280,-281,-282,-367,587,-310,587,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,587,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,587,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,587,587,587,587,587,587,-575,587,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,587,587,-725,-726,-727,587,587,587,587,587,587,-996,587,587,-93,-94,587,587,587,587,-311,-312,-322,587,-309,-295,-296,-297,587,587,587,587,-620,-635,-592,587,587,-438,587,-439,587,-446,-447,-448,-380,-381,587,587,587,-508,587,587,-512,587,587,587,587,-517,-518,-519,-520,587,587,-523,-524,587,-526,-527,-528,-529,-530,-531,-532,-533,587,-535,587,587,587,-541,-543,-544,587,-546,-547,-548,-549,587,587,587,587,587,587,-654,-655,-656,-657,587,-659,-660,-661,587,587,587,-667,587,587,-671,-672,587,587,-675,587,-677,-678,587,-681,587,-683,587,587,-686,-687,-688,587,-690,587,587,-693,587,587,-696,-697,-698,587,-700,-701,-702,-703,587,587,-748,587,-751,-752,-753,-754,-755,587,-757,-758,-759,-760,-761,587,-768,-769,-771,587,-773,-774,-775,-784,-858,-860,-862,-864,587,587,587,587,-870,587,-872,587,587,587,587,587,587,587,-908,-909,587,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,587,-923,-926,587,-936,587,-387,-388,-389,587,587,-392,-393,-394,-395,587,-398,587,-401,-402,587,-403,587,-408,-409,587,-412,-413,-414,587,-417,587,-418,587,-423,-424,587,-427,587,-430,-431,-1896,-1896,587,-621,-622,-623,-624,-625,-636,-586,-626,-799,587,587,587,587,587,-833,587,587,-808,587,-834,587,587,587,587,-800,587,-855,-801,587,587,587,587,587,587,-856,-857,587,-836,-832,-837,587,-627,587,-628,-629,-630,-631,-576,587,587,-632,-633,-634,587,587,587,587,587,587,-637,-638,-639,-594,-1896,-604,587,-640,-641,-715,-642,-606,587,-574,-579,-582,-585,587,587,587,-600,-603,587,-610,587,587,587,587,587,587,587,587,587,587,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,587,587,587,-997,587,587,587,587,587,587,-308,-327,-321,-298,-377,-454,-455,-456,-460,587,-445,587,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,587,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,587,587,587,587,587,587,587,587,587,-318,-537,-510,-593,-939,-941,-942,-440,587,-442,-382,-383,-385,-509,-511,-513,587,-515,-516,-521,-522,587,-534,-536,-539,-540,-545,-550,-728,587,-729,587,-734,587,-736,587,-741,-658,-662,-663,587,-668,587,-669,587,-674,-676,587,-679,587,587,587,-689,-691,587,-694,587,587,-746,587,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,587,587,587,587,587,-879,587,-882,-910,-922,-927,-390,-391,587,-396,587,-399,587,-404,587,-405,587,-410,587,-415,587,-419,587,-420,587,-425,587,-428,-901,-902,-645,-587,-1896,-903,587,587,587,-802,587,587,-806,587,-809,-835,587,-820,587,-822,587,-824,-810,587,-826,587,-853,-854,587,587,-813,587,-648,-904,-906,-650,-651,-647,587,-707,-708,587,-644,-905,-649,-652,-605,-716,587,587,-607,-588,587,587,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,587,587,-711,-712,587,-718,587,587,587,587,587,587,-940,587,-441,-443,-749,587,-893,587,-717,-1896,587,587,587,587,587,-444,-514,-525,587,-730,-735,587,-737,587,-742,587,-664,-670,587,-680,-682,-684,-685,-692,-695,-699,-747,587,587,-876,587,587,-880,587,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,587,-814,587,-816,-803,587,-804,-807,587,-818,-821,-823,-825,-827,587,-828,587,-811,587,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,587,-284,587,587,587,587,-457,587,587,-731,587,-738,587,-743,587,-665,-673,587,587,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,587,-838,-53,587,587,-732,587,-739,587,-744,-666,587,-875,-54,587,587,-733,-740,-745,587,587,587,-874,]),'POSITION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[588,588,588,1112,-1896,588,588,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,588,588,588,588,-277,-278,1112,-1427,1112,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1112,1112,1112,-492,1112,1112,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1112,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1112,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1931,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,588,-174,-175,-176,-177,-995,588,588,588,588,588,588,588,588,588,588,1112,1112,1112,1112,1112,-292,-293,-283,588,1112,1112,1112,1112,-330,-320,-334,-335,-336,1112,1112,-984,-985,-986,-987,-988,-989,-990,588,588,1112,1112,1112,1112,1112,1112,1112,1112,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1112,1112,1112,-355,-358,588,-325,-326,-143,1112,-144,1112,-145,1112,-432,-937,-938,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1896,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1896,1112,-1896,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1896,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1896,588,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1112,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1112,588,588,-193,-194,588,-996,1112,588,588,588,588,-279,-280,-281,-282,-367,1112,-310,1112,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1112,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1112,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1112,1112,1112,1112,1112,1112,-575,1112,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1112,1112,-725,-726,-727,1112,1931,588,588,588,588,-996,588,1112,-93,-94,588,588,588,1112,-311,-312,-322,1112,-309,-295,-296,-297,1112,588,1112,1112,-620,-635,-592,1112,588,-438,588,-439,1112,-446,-447,-448,-380,-381,1112,1112,1112,-508,1112,1112,-512,1112,1112,1112,1112,-517,-518,-519,-520,1112,1112,-523,-524,1112,-526,-527,-528,-529,-530,-531,-532,-533,1112,-535,1112,1112,1112,-541,-543,-544,1112,-546,-547,-548,-549,1112,1112,1112,1112,1112,1112,-654,-655,-656,-657,588,-659,-660,-661,1112,1112,1112,-667,1112,1112,-671,-672,1112,1112,-675,1112,-677,-678,1112,-681,1112,-683,1112,1112,-686,-687,-688,1112,-690,1112,1112,-693,1112,1112,-696,-697,-698,1112,-700,-701,-702,-703,1112,1112,-748,1112,-751,-752,-753,-754,-755,1112,-757,-758,-759,-760,-761,1112,-768,-769,-771,1112,-773,-774,-775,-784,-858,-860,-862,-864,1112,1112,1112,1112,-870,1112,-872,1112,1112,1112,1112,1112,1112,1112,-908,-909,1112,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1112,-923,-926,1112,-936,1112,-387,-388,-389,1112,1112,-392,-393,-394,-395,1112,-398,1112,-401,-402,1112,-403,1112,-408,-409,1112,-412,-413,-414,1112,-417,1112,-418,1112,-423,-424,1112,-427,1112,-430,-431,-1896,-1896,1112,-621,-622,-623,-624,-625,-636,-586,-626,-799,1112,1112,1112,1112,1112,-833,1112,1112,-808,1112,-834,1112,1112,1112,1112,-800,1112,-855,-801,1112,1112,1112,1112,1112,1112,-856,-857,1112,-836,-832,-837,1112,-627,1112,-628,-629,-630,-631,-576,1112,1112,-632,-633,-634,1112,1112,1112,1112,1112,1112,-637,-638,-639,-594,-1896,-604,1112,-640,-641,-715,-642,-606,1112,-574,-579,-582,-585,1112,1112,1112,-600,-603,1112,-610,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1112,588,588,-997,588,1112,588,588,588,1112,-308,-327,-321,-298,-377,-454,-455,-456,-460,588,-445,1112,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1112,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,588,588,588,588,588,588,588,588,1112,-318,-537,-510,-593,-939,-941,-942,-440,1112,-442,-382,-383,-385,-509,-511,-513,1112,-515,-516,-521,-522,1112,-534,-536,-539,-540,-545,-550,-728,1112,-729,1112,-734,1112,-736,1112,-741,-658,-662,-663,1112,-668,1112,-669,1112,-674,-676,1112,-679,1112,1112,1112,-689,-691,1112,-694,1112,1112,-746,1112,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1112,1112,1112,1112,1112,-879,1112,-882,-910,-922,-927,-390,-391,1112,-396,1112,-399,1112,-404,1112,-405,1112,-410,1112,-415,1112,-419,1112,-420,1112,-425,1112,-428,-901,-902,-645,-587,-1896,-903,1112,1112,1112,-802,1112,1112,-806,1112,-809,-835,1112,-820,1112,-822,1112,-824,-810,1112,-826,1112,-853,-854,1112,1112,-813,1112,-648,-904,-906,-650,-651,-647,1112,-707,-708,1112,-644,-905,-649,-652,-605,-716,1112,1112,-607,-588,1112,1112,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1112,1112,-711,-712,1112,-718,1112,588,588,588,1112,1112,-940,588,-441,-443,-749,1112,-893,1931,-717,-1896,1112,1112,588,588,1112,-444,-514,-525,1112,-730,-735,1112,-737,1112,-742,1112,-664,-670,1112,-680,-682,-684,-685,-692,-695,-699,-747,1112,1112,-876,1112,1112,-880,1112,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1112,-814,1112,-816,-803,1112,-804,-807,1112,-818,-821,-823,-825,-827,1112,-828,1112,-811,1112,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,588,-284,588,1112,588,1112,-457,1112,1112,-731,1112,-738,1112,-743,1112,-665,-673,1112,1112,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1112,-838,-53,588,1112,-732,1112,-739,1112,-744,-666,1112,-875,-54,588,588,-733,-740,-745,1112,588,1112,-874,]),'POINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[589,589,589,589,-1896,589,589,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,589,589,589,589,-277,-278,589,-1427,589,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,589,589,589,-492,589,589,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,589,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,589,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,589,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,589,-174,-175,-176,-177,-995,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-292,-293,-283,589,589,589,589,589,-330,-320,-334,-335,-336,589,589,-984,-985,-986,-987,-988,-989,-990,589,589,589,589,589,589,589,589,589,589,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,589,589,589,-355,-358,589,-325,-326,-143,589,-144,589,-145,589,-432,-937,-938,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-1896,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-1896,589,-1896,589,589,589,589,589,589,589,589,589,589,589,589,-1896,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-1896,589,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,589,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,589,589,589,-193,-194,589,-996,589,589,589,589,589,-279,-280,-281,-282,-367,589,-310,589,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,589,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,589,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,589,589,589,589,589,589,-575,589,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,589,589,-725,-726,-727,589,589,589,589,589,589,-996,589,589,-93,-94,589,589,589,589,-311,-312,-322,589,-309,-295,-296,-297,589,589,589,589,-620,-635,-592,589,589,-438,589,-439,589,-446,-447,-448,-380,-381,589,589,589,-508,589,589,-512,589,589,589,589,-517,-518,-519,-520,589,589,-523,-524,589,-526,-527,-528,-529,-530,-531,-532,-533,589,-535,589,589,589,-541,-543,-544,589,-546,-547,-548,-549,589,589,589,589,589,589,-654,-655,-656,-657,589,-659,-660,-661,589,589,589,-667,589,589,-671,-672,589,589,-675,589,-677,-678,589,-681,589,-683,589,589,-686,-687,-688,589,-690,589,589,-693,589,589,-696,-697,-698,589,-700,-701,-702,-703,589,589,-748,589,-751,-752,-753,-754,-755,589,-757,-758,-759,-760,-761,589,-768,-769,-771,589,-773,-774,-775,-784,-858,-860,-862,-864,589,589,589,589,-870,589,-872,589,589,589,589,589,589,589,-908,-909,589,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,589,-923,-926,589,-936,589,-387,-388,-389,589,589,-392,-393,-394,-395,589,-398,589,-401,-402,589,-403,589,-408,-409,589,-412,-413,-414,589,-417,589,-418,589,-423,-424,589,-427,589,-430,-431,-1896,-1896,589,-621,-622,-623,-624,-625,-636,-586,-626,-799,589,589,589,589,589,-833,589,589,-808,589,-834,589,589,589,589,-800,589,-855,-801,589,589,589,589,589,589,-856,-857,589,-836,-832,-837,589,-627,589,-628,-629,-630,-631,-576,589,589,-632,-633,-634,589,589,589,589,589,589,-637,-638,-639,-594,-1896,-604,589,-640,-641,-715,-642,-606,589,-574,-579,-582,-585,589,589,589,-600,-603,589,-610,589,589,589,589,589,589,589,589,589,589,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,589,589,589,-997,589,589,589,589,589,589,-308,-327,-321,-298,-377,-454,-455,-456,-460,589,-445,589,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,589,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,589,589,589,589,589,589,589,589,589,-318,-537,-510,-593,-939,-941,-942,-440,589,-442,-382,-383,-385,-509,-511,-513,589,-515,-516,-521,-522,589,-534,-536,-539,-540,-545,-550,-728,589,-729,589,-734,589,-736,589,-741,-658,-662,-663,589,-668,589,-669,589,-674,-676,589,-679,589,589,589,-689,-691,589,-694,589,589,-746,589,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,589,589,589,589,589,-879,589,-882,-910,-922,-927,-390,-391,589,-396,589,-399,589,-404,589,-405,589,-410,589,-415,589,-419,589,-420,589,-425,589,-428,-901,-902,-645,-587,-1896,-903,589,589,589,-802,589,589,-806,589,-809,-835,589,-820,589,-822,589,-824,-810,589,-826,589,-853,-854,589,589,-813,589,-648,-904,-906,-650,-651,-647,589,-707,-708,589,-644,-905,-649,-652,-605,-716,589,589,-607,-588,589,589,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,589,589,-711,-712,589,-718,589,589,589,589,589,589,-940,589,-441,-443,-749,589,-893,589,-717,-1896,589,589,589,589,589,-444,-514,-525,589,-730,-735,589,-737,589,-742,589,-664,-670,589,-680,-682,-684,-685,-692,-695,-699,-747,589,589,-876,589,589,-880,589,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,589,-814,589,-816,-803,589,-804,-807,589,-818,-821,-823,-825,-827,589,-828,589,-811,589,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,589,-284,589,589,589,589,-457,589,589,-731,589,-738,589,-743,589,-665,-673,589,589,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,589,-838,-53,589,589,-732,589,-739,589,-744,-666,589,-875,-54,589,589,-733,-740,-745,589,589,589,-874,]),'POLYGON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[590,590,590,590,-1896,590,590,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,590,590,590,590,-277,-278,590,-1427,590,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,590,590,590,-492,590,590,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,590,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,590,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,590,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,590,-174,-175,-176,-177,-995,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-292,-293,-283,590,590,590,590,590,-330,-320,-334,-335,-336,590,590,-984,-985,-986,-987,-988,-989,-990,590,590,590,590,590,590,590,590,590,590,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,590,590,590,-355,-358,590,-325,-326,-143,590,-144,590,-145,590,-432,-937,-938,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-1896,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-1896,590,-1896,590,590,590,590,590,590,590,590,590,590,590,590,-1896,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-1896,590,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,590,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,590,590,590,-193,-194,590,-996,590,590,590,590,590,-279,-280,-281,-282,-367,590,-310,590,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,590,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,590,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,590,590,590,590,590,590,-575,590,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,590,590,-725,-726,-727,590,590,590,590,590,590,-996,590,590,-93,-94,590,590,590,590,-311,-312,-322,590,-309,-295,-296,-297,590,590,590,590,-620,-635,-592,590,590,-438,590,-439,590,-446,-447,-448,-380,-381,590,590,590,-508,590,590,-512,590,590,590,590,-517,-518,-519,-520,590,590,-523,-524,590,-526,-527,-528,-529,-530,-531,-532,-533,590,-535,590,590,590,-541,-543,-544,590,-546,-547,-548,-549,590,590,590,590,590,590,-654,-655,-656,-657,590,-659,-660,-661,590,590,590,-667,590,590,-671,-672,590,590,-675,590,-677,-678,590,-681,590,-683,590,590,-686,-687,-688,590,-690,590,590,-693,590,590,-696,-697,-698,590,-700,-701,-702,-703,590,590,-748,590,-751,-752,-753,-754,-755,590,-757,-758,-759,-760,-761,590,-768,-769,-771,590,-773,-774,-775,-784,-858,-860,-862,-864,590,590,590,590,-870,590,-872,590,590,590,590,590,590,590,-908,-909,590,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,590,-923,-926,590,-936,590,-387,-388,-389,590,590,-392,-393,-394,-395,590,-398,590,-401,-402,590,-403,590,-408,-409,590,-412,-413,-414,590,-417,590,-418,590,-423,-424,590,-427,590,-430,-431,-1896,-1896,590,-621,-622,-623,-624,-625,-636,-586,-626,-799,590,590,590,590,590,-833,590,590,-808,590,-834,590,590,590,590,-800,590,-855,-801,590,590,590,590,590,590,-856,-857,590,-836,-832,-837,590,-627,590,-628,-629,-630,-631,-576,590,590,-632,-633,-634,590,590,590,590,590,590,-637,-638,-639,-594,-1896,-604,590,-640,-641,-715,-642,-606,590,-574,-579,-582,-585,590,590,590,-600,-603,590,-610,590,590,590,590,590,590,590,590,590,590,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,590,590,590,-997,590,590,590,590,590,590,-308,-327,-321,-298,-377,-454,-455,-456,-460,590,-445,590,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,590,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,590,590,590,590,590,590,590,590,590,-318,-537,-510,-593,-939,-941,-942,-440,590,-442,-382,-383,-385,-509,-511,-513,590,-515,-516,-521,-522,590,-534,-536,-539,-540,-545,-550,-728,590,-729,590,-734,590,-736,590,-741,-658,-662,-663,590,-668,590,-669,590,-674,-676,590,-679,590,590,590,-689,-691,590,-694,590,590,-746,590,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,590,590,590,590,590,-879,590,-882,-910,-922,-927,-390,-391,590,-396,590,-399,590,-404,590,-405,590,-410,590,-415,590,-419,590,-420,590,-425,590,-428,-901,-902,-645,-587,-1896,-903,590,590,590,-802,590,590,-806,590,-809,-835,590,-820,590,-822,590,-824,-810,590,-826,590,-853,-854,590,590,-813,590,-648,-904,-906,-650,-651,-647,590,-707,-708,590,-644,-905,-649,-652,-605,-716,590,590,-607,-588,590,590,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,590,590,-711,-712,590,-718,590,590,590,590,590,590,-940,590,-441,-443,-749,590,-893,590,-717,-1896,590,590,590,590,590,-444,-514,-525,590,-730,-735,590,-737,590,-742,590,-664,-670,590,-680,-682,-684,-685,-692,-695,-699,-747,590,590,-876,590,590,-880,590,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,590,-814,590,-816,-803,590,-804,-807,590,-818,-821,-823,-825,-827,590,-828,590,-811,590,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,590,-284,590,590,590,590,-457,590,590,-731,590,-738,590,-743,590,-665,-673,590,590,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,590,-838,-53,590,590,-732,590,-739,590,-744,-666,590,-875,-54,590,590,-733,-740,-745,590,590,590,-874,]),'POOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[591,591,591,591,-1896,591,591,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,591,591,591,591,-277,-278,591,-1427,591,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,591,591,591,-492,591,591,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,591,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,591,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,591,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,591,-174,-175,-176,-177,-995,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-292,-293,-283,591,591,591,591,591,-330,-320,-334,-335,-336,591,591,-984,-985,-986,-987,-988,-989,-990,591,591,591,591,591,591,591,591,591,591,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,591,591,591,-355,-358,591,-325,-326,-143,591,-144,591,-145,591,-432,-937,-938,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-1896,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-1896,591,-1896,591,591,591,591,591,591,591,591,591,591,591,591,-1896,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-1896,591,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,591,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,591,591,591,-193,-194,591,-996,591,591,591,591,591,-279,-280,-281,-282,-367,591,-310,591,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,591,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,591,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,591,591,591,591,591,591,-575,591,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,591,591,-725,-726,-727,591,591,591,591,591,591,-996,591,591,-93,-94,591,591,591,591,-311,-312,-322,591,-309,-295,-296,-297,591,591,591,591,-620,-635,-592,591,591,-438,591,-439,591,-446,-447,-448,-380,-381,591,591,591,-508,591,591,-512,591,591,591,591,-517,-518,-519,-520,591,591,-523,-524,591,-526,-527,-528,-529,-530,-531,-532,-533,591,-535,591,591,591,-541,-543,-544,591,-546,-547,-548,-549,591,591,591,591,591,591,-654,-655,-656,-657,591,-659,-660,-661,591,591,591,-667,591,591,-671,-672,591,591,-675,591,-677,-678,591,-681,591,-683,591,591,-686,-687,-688,591,-690,591,591,-693,591,591,-696,-697,-698,591,-700,-701,-702,-703,591,591,-748,591,-751,-752,-753,-754,-755,591,-757,-758,-759,-760,-761,591,-768,-769,-771,591,-773,-774,-775,-784,-858,-860,-862,-864,591,591,591,591,-870,591,-872,591,591,591,591,591,591,591,-908,-909,591,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,591,-923,-926,591,-936,591,-387,-388,-389,591,591,-392,-393,-394,-395,591,-398,591,-401,-402,591,-403,591,-408,-409,591,-412,-413,-414,591,-417,591,-418,591,-423,-424,591,-427,591,-430,-431,-1896,-1896,591,-621,-622,-623,-624,-625,-636,-586,-626,-799,591,591,591,591,591,-833,591,591,-808,591,-834,591,591,591,591,-800,591,-855,-801,591,591,591,591,591,591,-856,-857,591,-836,-832,-837,591,-627,591,-628,-629,-630,-631,-576,591,591,-632,-633,-634,591,591,591,591,591,591,-637,-638,-639,-594,-1896,-604,591,-640,-641,-715,-642,-606,591,-574,-579,-582,-585,591,591,591,-600,-603,591,-610,591,591,591,591,591,591,591,591,591,591,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,591,591,591,-997,591,591,591,591,591,591,-308,-327,-321,-298,-377,-454,-455,-456,-460,591,-445,591,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,591,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,591,591,591,591,591,591,591,591,591,-318,-537,-510,-593,-939,-941,-942,-440,591,-442,-382,-383,-385,-509,-511,-513,591,-515,-516,-521,-522,591,-534,-536,-539,-540,-545,-550,-728,591,-729,591,-734,591,-736,591,-741,-658,-662,-663,591,-668,591,-669,591,-674,-676,591,-679,591,591,591,-689,-691,591,-694,591,591,-746,591,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,591,591,591,591,591,-879,591,-882,-910,-922,-927,-390,-391,591,-396,591,-399,591,-404,591,-405,591,-410,591,-415,591,-419,591,-420,591,-425,591,-428,-901,-902,-645,-587,-1896,-903,591,591,591,-802,591,591,-806,591,-809,-835,591,-820,591,-822,591,-824,-810,591,-826,591,-853,-854,591,591,-813,591,-648,-904,-906,-650,-651,-647,591,-707,-708,591,-644,-905,-649,-652,-605,-716,591,591,-607,-588,591,591,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,591,591,-711,-712,591,-718,591,591,591,591,591,591,-940,591,-441,-443,-749,591,-893,591,-717,-1896,591,591,591,591,591,-444,-514,-525,591,-730,-735,591,-737,591,-742,591,-664,-670,591,-680,-682,-684,-685,-692,-695,-699,-747,591,591,-876,591,591,-880,591,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,591,-814,591,-816,-803,591,-804,-807,591,-818,-821,-823,-825,-827,591,-828,591,-811,591,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,591,-284,591,591,591,591,-457,591,591,-731,591,-738,591,-743,591,-665,-673,591,591,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,591,-838,-53,591,591,-732,591,-739,591,-744,-666,591,-875,-54,591,591,-733,-740,-745,591,591,591,-874,]),'PORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[592,592,592,592,-1896,592,592,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,592,592,592,592,-277,-278,592,-1427,592,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,592,592,592,-492,592,592,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,592,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,592,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,592,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,592,-174,-175,-176,-177,-995,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-292,-293,-283,592,592,592,592,592,-330,-320,-334,-335,-336,592,592,-984,-985,-986,-987,-988,-989,-990,592,592,592,592,592,592,592,592,592,592,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,592,592,592,-355,-358,592,-325,-326,-143,592,-144,592,-145,592,-432,-937,-938,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-1896,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-1896,592,-1896,592,592,592,592,592,592,592,592,592,592,592,592,-1896,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-1896,592,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,592,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,592,592,592,-193,-194,592,-996,592,592,592,592,592,-279,-280,-281,-282,-367,592,-310,592,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,592,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,592,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,592,592,592,592,592,592,-575,592,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,592,592,-725,-726,-727,592,592,592,592,592,592,-996,592,592,-93,-94,592,592,592,592,-311,-312,-322,592,-309,-295,-296,-297,592,592,592,592,-620,-635,-592,592,592,-438,592,-439,592,-446,-447,-448,-380,-381,592,592,592,-508,592,592,-512,592,592,592,592,-517,-518,-519,-520,592,592,-523,-524,592,-526,-527,-528,-529,-530,-531,-532,-533,592,-535,592,592,592,-541,-543,-544,592,-546,-547,-548,-549,592,592,592,592,592,592,-654,-655,-656,-657,592,-659,-660,-661,592,592,592,-667,592,592,-671,-672,592,592,-675,592,-677,-678,592,-681,592,-683,592,592,-686,-687,-688,592,-690,592,592,-693,592,592,-696,-697,-698,592,-700,-701,-702,-703,592,592,-748,592,-751,-752,-753,-754,-755,592,-757,-758,-759,-760,-761,592,-768,-769,-771,592,-773,-774,-775,-784,-858,-860,-862,-864,592,592,592,592,-870,592,-872,592,592,592,592,592,592,592,-908,-909,592,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,592,-923,-926,592,-936,592,-387,-388,-389,592,592,-392,-393,-394,-395,592,-398,592,-401,-402,592,-403,592,-408,-409,592,-412,-413,-414,592,-417,592,-418,592,-423,-424,592,-427,592,-430,-431,-1896,-1896,592,-621,-622,-623,-624,-625,-636,-586,-626,-799,592,592,592,592,592,-833,592,592,-808,592,-834,592,592,592,592,-800,592,-855,-801,592,592,592,592,592,592,-856,-857,592,-836,-832,-837,592,-627,592,-628,-629,-630,-631,-576,592,592,-632,-633,-634,592,592,592,592,592,592,-637,-638,-639,-594,-1896,-604,592,-640,-641,-715,-642,-606,592,-574,-579,-582,-585,592,592,592,-600,-603,592,-610,592,592,592,592,592,592,592,592,592,592,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,592,592,592,-997,592,592,592,592,592,592,-308,-327,-321,-298,-377,-454,-455,-456,-460,592,-445,592,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,592,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,592,592,592,592,592,592,592,592,592,-318,-537,-510,-593,-939,-941,-942,-440,592,-442,-382,-383,-385,-509,-511,-513,592,-515,-516,-521,-522,592,-534,-536,-539,-540,-545,-550,-728,592,-729,592,-734,592,-736,592,-741,-658,-662,-663,592,-668,592,-669,592,-674,-676,592,-679,592,592,592,-689,-691,592,-694,592,592,-746,592,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,592,592,592,592,592,-879,592,-882,-910,-922,-927,-390,-391,592,-396,592,-399,592,-404,592,-405,592,-410,592,-415,592,-419,592,-420,592,-425,592,-428,-901,-902,-645,-587,-1896,-903,592,592,592,-802,592,592,-806,592,-809,-835,592,-820,592,-822,592,-824,-810,592,-826,592,-853,-854,592,592,-813,592,-648,-904,-906,-650,-651,-647,592,-707,-708,592,-644,-905,-649,-652,-605,-716,592,592,-607,-588,592,592,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,592,592,-711,-712,592,-718,592,592,592,592,592,592,-940,592,-441,-443,-749,592,-893,592,-717,-1896,592,592,592,592,592,-444,-514,-525,592,-730,-735,592,-737,592,-742,592,-664,-670,592,-680,-682,-684,-685,-692,-695,-699,-747,592,592,-876,592,592,-880,592,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,592,-814,592,-816,-803,592,-804,-807,592,-818,-821,-823,-825,-827,592,-828,592,-811,592,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,592,-284,592,592,592,592,-457,592,592,-731,592,-738,592,-743,592,-665,-673,592,592,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,592,-838,-53,592,592,-732,592,-739,592,-744,-666,592,-875,-54,592,592,-733,-740,-745,592,592,592,-874,]),'POW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[593,593,593,1067,-1896,593,593,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,593,593,593,593,-277,-278,1067,-1427,1067,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1067,1067,1067,-492,1067,1067,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1067,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1067,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1932,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,593,-174,-175,-176,-177,-995,593,593,593,593,593,593,593,593,593,593,1067,1067,1067,1067,1067,-292,-293,-283,593,1067,1067,1067,1067,-330,-320,-334,-335,-336,1067,1067,-984,-985,-986,-987,-988,-989,-990,593,593,1067,1067,1067,1067,1067,1067,1067,1067,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1067,1067,1067,-355,-358,593,-325,-326,-143,1067,-144,1067,-145,1067,-432,-937,-938,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1896,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1896,1067,-1896,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1896,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1896,593,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1067,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1067,593,593,-193,-194,593,-996,1067,593,593,593,593,-279,-280,-281,-282,-367,1067,-310,1067,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1067,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1067,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1067,1067,1067,1067,1067,1067,-575,1067,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1067,1067,-725,-726,-727,1067,1932,593,593,593,593,-996,593,1067,-93,-94,593,593,593,1067,-311,-312,-322,1067,-309,-295,-296,-297,1067,593,1067,1067,-620,-635,-592,1067,593,-438,593,-439,1067,-446,-447,-448,-380,-381,1067,1067,1067,-508,1067,1067,-512,1067,1067,1067,1067,-517,-518,-519,-520,1067,1067,-523,-524,1067,-526,-527,-528,-529,-530,-531,-532,-533,1067,-535,1067,1067,1067,-541,-543,-544,1067,-546,-547,-548,-549,1067,1067,1067,1067,1067,1067,-654,-655,-656,-657,593,-659,-660,-661,1067,1067,1067,-667,1067,1067,-671,-672,1067,1067,-675,1067,-677,-678,1067,-681,1067,-683,1067,1067,-686,-687,-688,1067,-690,1067,1067,-693,1067,1067,-696,-697,-698,1067,-700,-701,-702,-703,1067,1067,-748,1067,-751,-752,-753,-754,-755,1067,-757,-758,-759,-760,-761,1067,-768,-769,-771,1067,-773,-774,-775,-784,-858,-860,-862,-864,1067,1067,1067,1067,-870,1067,-872,1067,1067,1067,1067,1067,1067,1067,-908,-909,1067,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1067,-923,-926,1067,-936,1067,-387,-388,-389,1067,1067,-392,-393,-394,-395,1067,-398,1067,-401,-402,1067,-403,1067,-408,-409,1067,-412,-413,-414,1067,-417,1067,-418,1067,-423,-424,1067,-427,1067,-430,-431,-1896,-1896,1067,-621,-622,-623,-624,-625,-636,-586,-626,-799,1067,1067,1067,1067,1067,-833,1067,1067,-808,1067,-834,1067,1067,1067,1067,-800,1067,-855,-801,1067,1067,1067,1067,1067,1067,-856,-857,1067,-836,-832,-837,1067,-627,1067,-628,-629,-630,-631,-576,1067,1067,-632,-633,-634,1067,1067,1067,1067,1067,1067,-637,-638,-639,-594,-1896,-604,1067,-640,-641,-715,-642,-606,1067,-574,-579,-582,-585,1067,1067,1067,-600,-603,1067,-610,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1067,593,593,-997,593,1067,593,593,593,1067,-308,-327,-321,-298,-377,-454,-455,-456,-460,593,-445,1067,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1067,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,593,593,593,593,593,593,593,593,1067,-318,-537,-510,-593,-939,-941,-942,-440,1067,-442,-382,-383,-385,-509,-511,-513,1067,-515,-516,-521,-522,1067,-534,-536,-539,-540,-545,-550,-728,1067,-729,1067,-734,1067,-736,1067,-741,-658,-662,-663,1067,-668,1067,-669,1067,-674,-676,1067,-679,1067,1067,1067,-689,-691,1067,-694,1067,1067,-746,1067,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1067,1067,1067,1067,1067,-879,1067,-882,-910,-922,-927,-390,-391,1067,-396,1067,-399,1067,-404,1067,-405,1067,-410,1067,-415,1067,-419,1067,-420,1067,-425,1067,-428,-901,-902,-645,-587,-1896,-903,1067,1067,1067,-802,1067,1067,-806,1067,-809,-835,1067,-820,1067,-822,1067,-824,-810,1067,-826,1067,-853,-854,1067,1067,-813,1067,-648,-904,-906,-650,-651,-647,1067,-707,-708,1067,-644,-905,-649,-652,-605,-716,1067,1067,-607,-588,1067,1067,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1067,1067,-711,-712,1067,-718,1067,593,593,593,1067,1067,-940,593,-441,-443,-749,1067,-893,1932,-717,-1896,1067,1067,593,593,1067,-444,-514,-525,1067,-730,-735,1067,-737,1067,-742,1067,-664,-670,1067,-680,-682,-684,-685,-692,-695,-699,-747,1067,1067,-876,1067,1067,-880,1067,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1067,-814,1067,-816,-803,1067,-804,-807,1067,-818,-821,-823,-825,-827,1067,-828,1067,-811,1067,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,593,-284,593,1067,593,1067,-457,1067,1067,-731,1067,-738,1067,-743,1067,-665,-673,1067,1067,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1067,-838,-53,593,1067,-732,1067,-739,1067,-744,-666,1067,-875,-54,593,593,-733,-740,-745,1067,593,1067,-874,]),'POWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[594,594,594,1068,-1896,594,594,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,594,594,594,594,-277,-278,1068,-1427,1068,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1068,1068,1068,-492,1068,1068,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1068,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1068,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1933,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,594,-174,-175,-176,-177,-995,594,594,594,594,594,594,594,594,594,594,1068,1068,1068,1068,1068,-292,-293,-283,594,1068,1068,1068,1068,-330,-320,-334,-335,-336,1068,1068,-984,-985,-986,-987,-988,-989,-990,594,594,1068,1068,1068,1068,1068,1068,1068,1068,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1068,1068,1068,-355,-358,594,-325,-326,-143,1068,-144,1068,-145,1068,-432,-937,-938,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1896,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1896,1068,-1896,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1896,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1896,594,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1068,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1068,594,594,-193,-194,594,-996,1068,594,594,594,594,-279,-280,-281,-282,-367,1068,-310,1068,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1068,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1068,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1068,1068,1068,1068,1068,1068,-575,1068,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1068,1068,-725,-726,-727,1068,1933,594,594,594,594,-996,594,1068,-93,-94,594,594,594,1068,-311,-312,-322,1068,-309,-295,-296,-297,1068,594,1068,1068,-620,-635,-592,1068,594,-438,594,-439,1068,-446,-447,-448,-380,-381,1068,1068,1068,-508,1068,1068,-512,1068,1068,1068,1068,-517,-518,-519,-520,1068,1068,-523,-524,1068,-526,-527,-528,-529,-530,-531,-532,-533,1068,-535,1068,1068,1068,-541,-543,-544,1068,-546,-547,-548,-549,1068,1068,1068,1068,1068,1068,-654,-655,-656,-657,594,-659,-660,-661,1068,1068,1068,-667,1068,1068,-671,-672,1068,1068,-675,1068,-677,-678,1068,-681,1068,-683,1068,1068,-686,-687,-688,1068,-690,1068,1068,-693,1068,1068,-696,-697,-698,1068,-700,-701,-702,-703,1068,1068,-748,1068,-751,-752,-753,-754,-755,1068,-757,-758,-759,-760,-761,1068,-768,-769,-771,1068,-773,-774,-775,-784,-858,-860,-862,-864,1068,1068,1068,1068,-870,1068,-872,1068,1068,1068,1068,1068,1068,1068,-908,-909,1068,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1068,-923,-926,1068,-936,1068,-387,-388,-389,1068,1068,-392,-393,-394,-395,1068,-398,1068,-401,-402,1068,-403,1068,-408,-409,1068,-412,-413,-414,1068,-417,1068,-418,1068,-423,-424,1068,-427,1068,-430,-431,-1896,-1896,1068,-621,-622,-623,-624,-625,-636,-586,-626,-799,1068,1068,1068,1068,1068,-833,1068,1068,-808,1068,-834,1068,1068,1068,1068,-800,1068,-855,-801,1068,1068,1068,1068,1068,1068,-856,-857,1068,-836,-832,-837,1068,-627,1068,-628,-629,-630,-631,-576,1068,1068,-632,-633,-634,1068,1068,1068,1068,1068,1068,-637,-638,-639,-594,-1896,-604,1068,-640,-641,-715,-642,-606,1068,-574,-579,-582,-585,1068,1068,1068,-600,-603,1068,-610,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1068,594,594,-997,594,1068,594,594,594,1068,-308,-327,-321,-298,-377,-454,-455,-456,-460,594,-445,1068,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1068,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,594,594,594,594,594,594,594,594,1068,-318,-537,-510,-593,-939,-941,-942,-440,1068,-442,-382,-383,-385,-509,-511,-513,1068,-515,-516,-521,-522,1068,-534,-536,-539,-540,-545,-550,-728,1068,-729,1068,-734,1068,-736,1068,-741,-658,-662,-663,1068,-668,1068,-669,1068,-674,-676,1068,-679,1068,1068,1068,-689,-691,1068,-694,1068,1068,-746,1068,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1068,1068,1068,1068,1068,-879,1068,-882,-910,-922,-927,-390,-391,1068,-396,1068,-399,1068,-404,1068,-405,1068,-410,1068,-415,1068,-419,1068,-420,1068,-425,1068,-428,-901,-902,-645,-587,-1896,-903,1068,1068,1068,-802,1068,1068,-806,1068,-809,-835,1068,-820,1068,-822,1068,-824,-810,1068,-826,1068,-853,-854,1068,1068,-813,1068,-648,-904,-906,-650,-651,-647,1068,-707,-708,1068,-644,-905,-649,-652,-605,-716,1068,1068,-607,-588,1068,1068,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1068,1068,-711,-712,1068,-718,1068,594,594,594,1068,1068,-940,594,-441,-443,-749,1068,-893,1933,-717,-1896,1068,1068,594,594,1068,-444,-514,-525,1068,-730,-735,1068,-737,1068,-742,1068,-664,-670,1068,-680,-682,-684,-685,-692,-695,-699,-747,1068,1068,-876,1068,1068,-880,1068,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1068,-814,1068,-816,-803,1068,-804,-807,1068,-818,-821,-823,-825,-827,1068,-828,1068,-811,1068,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,594,-284,594,1068,594,1068,-457,1068,1068,-731,1068,-738,1068,-743,1068,-665,-673,1068,1068,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1068,-838,-53,594,1068,-732,1068,-739,1068,-744,-666,1068,-875,-54,594,594,-733,-740,-745,1068,594,1068,-874,]),'PRECEDING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3793,3794,3796,3797,3798,3799,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[595,595,595,595,-1896,595,595,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,595,595,595,595,-277,-278,595,-1427,595,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,595,595,595,-492,595,595,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,595,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,595,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,595,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,595,-174,-175,-176,-177,-995,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-292,-293,-283,595,595,595,595,595,-330,-320,-334,-335,-336,595,595,-984,-985,-986,-987,-988,-989,-990,595,595,595,595,595,595,595,595,595,595,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,595,595,595,-355,-358,595,-325,-326,-143,595,-144,595,-145,595,-432,-937,-938,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-1896,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-1896,595,-1896,595,595,595,595,595,595,595,595,595,595,595,595,-1896,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-1896,595,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,595,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,595,595,595,-193,-194,595,-996,595,595,595,595,595,-279,-280,-281,-282,-367,595,-310,595,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,595,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,595,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,595,595,595,595,595,595,-575,595,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,595,595,-725,-726,-727,595,595,595,595,595,595,-996,595,595,-93,-94,595,595,595,595,-311,-312,-322,595,-309,-295,-296,-297,595,595,595,595,-620,-635,-592,595,595,-438,595,-439,595,-446,-447,-448,-380,-381,595,595,595,-508,595,595,-512,595,595,595,595,-517,-518,-519,-520,595,595,-523,-524,595,-526,-527,-528,-529,-530,-531,-532,-533,595,-535,595,595,595,-541,-543,-544,595,-546,-547,-548,-549,595,595,595,595,595,595,-654,-655,-656,-657,595,-659,-660,-661,595,595,595,-667,595,595,-671,-672,595,595,-675,595,-677,-678,595,-681,595,-683,595,595,-686,-687,-688,595,-690,595,595,-693,595,595,-696,-697,-698,595,-700,-701,-702,-703,595,595,-748,595,-751,-752,-753,-754,-755,595,-757,-758,-759,-760,-761,595,-768,-769,-771,595,-773,-774,-775,-784,-858,-860,-862,-864,595,595,595,595,-870,595,-872,595,595,595,595,595,595,595,-908,-909,595,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,595,-923,-926,595,-936,595,-387,-388,-389,595,595,-392,-393,-394,-395,595,-398,595,-401,-402,595,-403,595,-408,-409,595,-412,-413,-414,595,-417,595,-418,595,-423,-424,595,-427,595,-430,-431,-1896,-1896,595,-621,-622,-623,-624,-625,-636,-586,-626,-799,595,595,595,595,595,-833,595,595,-808,595,-834,595,595,595,595,-800,595,-855,-801,595,595,595,595,595,595,-856,-857,595,-836,-832,-837,595,-627,595,-628,-629,-630,-631,-576,595,595,-632,-633,-634,595,595,595,595,595,595,-637,-638,-639,-594,-1896,-604,595,-640,-641,-715,-642,-606,595,-574,-579,-582,-585,595,595,595,-600,-603,595,-610,595,595,595,595,595,595,595,595,595,595,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,595,595,595,-997,595,595,595,595,595,595,-308,-327,-321,-298,-377,-454,-455,-456,-460,595,-445,595,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,595,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,595,595,595,595,595,595,595,595,595,-318,-537,-510,-593,-939,-941,-942,-440,595,-442,-382,-383,-385,-509,-511,-513,595,-515,-516,-521,-522,595,-534,-536,-539,-540,-545,-550,-728,595,-729,595,-734,595,-736,595,-741,-658,-662,-663,595,-668,595,-669,595,-674,-676,595,-679,595,595,595,-689,-691,595,-694,595,595,-746,595,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,595,595,595,595,595,-879,595,-882,-910,-922,-927,-390,-391,595,-396,595,-399,595,-404,595,-405,595,-410,595,-415,595,-419,595,-420,595,-425,595,-428,-901,-902,-645,-587,-1896,-903,595,595,595,-802,595,595,-806,595,-809,-835,595,-820,595,-822,595,-824,-810,595,-826,595,-853,-854,595,595,-813,595,-648,-904,-906,-650,-651,-647,595,-707,-708,595,-644,-905,-649,-652,-605,-716,595,595,-607,-588,595,595,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,595,595,-711,-712,595,-718,595,595,595,595,595,595,-940,595,-441,-443,-749,595,-893,595,-717,-1896,595,595,595,595,595,-444,-514,-525,595,-730,-735,595,-737,595,-742,595,-664,-670,595,-680,-682,-684,-685,-692,-695,-699,-747,595,595,-876,595,595,-880,595,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,595,-814,595,-816,-803,595,-804,-807,595,-818,-821,-823,-825,-827,595,-828,595,-811,595,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,595,-284,595,595,595,595,-457,3832,3834,-481,-482,595,-1863,595,-731,595,-738,595,-743,595,-665,-673,595,595,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,595,-838,-53,595,595,-732,595,-739,595,-744,-666,595,-875,-54,595,595,-733,-740,-745,595,595,595,-874,]),'PREPARE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[596,596,596,596,-1896,596,596,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,596,596,596,596,-277,-278,596,-1427,596,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,596,596,596,-492,596,596,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,596,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,596,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,596,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,596,-174,-175,-176,-177,-995,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-292,-293,-283,596,596,596,596,596,-330,-320,-334,-335,-336,596,596,-984,-985,-986,-987,-988,-989,-990,596,596,596,596,596,596,596,596,596,596,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,596,596,596,-355,-358,596,-325,-326,-143,596,-144,596,-145,596,-432,-937,-938,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-1896,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-1896,596,-1896,596,596,596,596,596,596,596,596,596,596,596,596,-1896,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-1896,596,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,596,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,596,596,596,-193,-194,596,-996,596,596,596,596,596,-279,-280,-281,-282,-367,596,-310,596,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,596,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,596,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,596,596,596,596,596,596,-575,596,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,596,596,-725,-726,-727,596,596,596,596,596,596,-996,596,596,-93,-94,596,596,596,596,-311,-312,-322,596,-309,-295,-296,-297,596,596,596,596,-620,-635,-592,596,596,-438,596,-439,596,-446,-447,-448,-380,-381,596,596,596,-508,596,596,-512,596,596,596,596,-517,-518,-519,-520,596,596,-523,-524,596,-526,-527,-528,-529,-530,-531,-532,-533,596,-535,596,596,596,-541,-543,-544,596,-546,-547,-548,-549,596,596,596,596,596,596,-654,-655,-656,-657,596,-659,-660,-661,596,596,596,-667,596,596,-671,-672,596,596,-675,596,-677,-678,596,-681,596,-683,596,596,-686,-687,-688,596,-690,596,596,-693,596,596,-696,-697,-698,596,-700,-701,-702,-703,596,596,-748,596,-751,-752,-753,-754,-755,596,-757,-758,-759,-760,-761,596,-768,-769,-771,596,-773,-774,-775,-784,-858,-860,-862,-864,596,596,596,596,-870,596,-872,596,596,596,596,596,596,596,-908,-909,596,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,596,-923,-926,596,-936,596,-387,-388,-389,596,596,-392,-393,-394,-395,596,-398,596,-401,-402,596,-403,596,-408,-409,596,-412,-413,-414,596,-417,596,-418,596,-423,-424,596,-427,596,-430,-431,-1896,-1896,596,-621,-622,-623,-624,-625,-636,-586,-626,-799,596,596,596,596,596,-833,596,596,-808,596,-834,596,596,596,596,-800,596,-855,-801,596,596,596,596,596,596,-856,-857,596,-836,-832,-837,596,-627,596,-628,-629,-630,-631,-576,596,596,-632,-633,-634,596,596,596,596,596,596,-637,-638,-639,-594,-1896,-604,596,-640,-641,-715,-642,-606,596,-574,-579,-582,-585,596,596,596,-600,-603,596,-610,596,596,596,596,596,596,596,596,596,596,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,596,596,596,-997,596,596,596,596,596,596,-308,-327,-321,-298,-377,-454,-455,-456,-460,596,-445,596,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,596,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,596,596,596,596,596,596,596,596,596,-318,-537,-510,-593,-939,-941,-942,-440,596,-442,-382,-383,-385,-509,-511,-513,596,-515,-516,-521,-522,596,-534,-536,-539,-540,-545,-550,-728,596,-729,596,-734,596,-736,596,-741,-658,-662,-663,596,-668,596,-669,596,-674,-676,596,-679,596,596,596,-689,-691,596,-694,596,596,-746,596,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,596,596,596,596,596,-879,596,-882,-910,-922,-927,-390,-391,596,-396,596,-399,596,-404,596,-405,596,-410,596,-415,596,-419,596,-420,596,-425,596,-428,-901,-902,-645,-587,-1896,-903,596,596,596,-802,596,596,-806,596,-809,-835,596,-820,596,-822,596,-824,-810,596,-826,596,-853,-854,596,596,-813,596,-648,-904,-906,-650,-651,-647,596,-707,-708,596,-644,-905,-649,-652,-605,-716,596,596,-607,-588,596,596,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,596,596,-711,-712,596,-718,596,596,596,596,596,596,-940,596,-441,-443,-749,596,-893,596,-717,-1896,596,596,596,596,596,-444,-514,-525,596,-730,-735,596,-737,596,-742,596,-664,-670,596,-680,-682,-684,-685,-692,-695,-699,-747,596,596,-876,596,596,-880,596,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,596,-814,596,-816,-803,596,-804,-807,596,-818,-821,-823,-825,-827,596,-828,596,-811,596,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,596,-284,596,596,596,596,-457,596,596,-731,596,-738,596,-743,596,-665,-673,596,596,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,596,-838,-53,596,596,-732,596,-739,596,-744,-666,596,-875,-54,596,596,-733,-740,-745,596,596,596,-874,]),'PRESERVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[597,597,597,597,-1896,597,597,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,597,597,597,597,-277,-278,597,-1427,597,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,597,597,597,-492,597,597,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,597,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,597,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,597,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,597,-174,-175,-176,-177,-995,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-292,-293,-283,597,597,597,597,597,-330,-320,-334,-335,-336,597,597,-984,-985,-986,-987,-988,-989,-990,597,597,597,597,597,597,597,597,597,597,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,597,597,597,-355,-358,597,-325,-326,-143,597,-144,597,-145,597,-432,-937,-938,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-1896,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-1896,597,-1896,597,597,597,597,597,597,597,597,597,597,597,597,-1896,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-1896,597,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,597,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,597,597,597,-193,-194,597,-996,597,597,597,597,597,-279,-280,-281,-282,-367,597,-310,597,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,597,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,597,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,597,597,597,597,597,597,-575,597,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,597,597,-725,-726,-727,597,597,597,597,597,597,-996,597,597,-93,-94,597,597,597,597,-311,-312,-322,597,-309,-295,-296,-297,597,597,597,597,-620,-635,-592,597,597,-438,597,-439,597,-446,-447,-448,-380,-381,597,597,597,-508,597,597,-512,597,597,597,597,-517,-518,-519,-520,597,597,-523,-524,597,-526,-527,-528,-529,-530,-531,-532,-533,597,-535,597,597,597,-541,-543,-544,597,-546,-547,-548,-549,597,597,597,597,597,597,-654,-655,-656,-657,597,-659,-660,-661,597,597,597,-667,597,597,-671,-672,597,597,-675,597,-677,-678,597,-681,597,-683,597,597,-686,-687,-688,597,-690,597,597,-693,597,597,-696,-697,-698,597,-700,-701,-702,-703,597,597,-748,597,-751,-752,-753,-754,-755,597,-757,-758,-759,-760,-761,597,-768,-769,-771,597,-773,-774,-775,-784,-858,-860,-862,-864,597,597,597,597,-870,597,-872,597,597,597,597,597,597,597,-908,-909,597,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,597,-923,-926,597,-936,597,-387,-388,-389,597,597,-392,-393,-394,-395,597,-398,597,-401,-402,597,-403,597,-408,-409,597,-412,-413,-414,597,-417,597,-418,597,-423,-424,597,-427,597,-430,-431,-1896,-1896,597,-621,-622,-623,-624,-625,-636,-586,-626,-799,597,597,597,597,597,-833,597,597,-808,597,-834,597,597,597,597,-800,597,-855,-801,597,597,597,597,597,597,-856,-857,597,-836,-832,-837,597,-627,597,-628,-629,-630,-631,-576,597,597,-632,-633,-634,597,597,597,597,597,597,-637,-638,-639,-594,-1896,-604,597,-640,-641,-715,-642,-606,597,-574,-579,-582,-585,597,597,597,-600,-603,597,-610,597,597,597,597,597,597,597,597,597,597,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,597,597,597,-997,597,597,597,597,597,597,-308,-327,-321,-298,-377,-454,-455,-456,-460,597,-445,597,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,597,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,597,597,597,597,597,597,597,597,597,-318,-537,-510,-593,-939,-941,-942,-440,597,-442,-382,-383,-385,-509,-511,-513,597,-515,-516,-521,-522,597,-534,-536,-539,-540,-545,-550,-728,597,-729,597,-734,597,-736,597,-741,-658,-662,-663,597,-668,597,-669,597,-674,-676,597,-679,597,597,597,-689,-691,597,-694,597,597,-746,597,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,597,597,597,597,597,-879,597,-882,-910,-922,-927,-390,-391,597,-396,597,-399,597,-404,597,-405,597,-410,597,-415,597,-419,597,-420,597,-425,597,-428,-901,-902,-645,-587,-1896,-903,597,597,597,-802,597,597,-806,597,-809,-835,597,-820,597,-822,597,-824,-810,597,-826,597,-853,-854,597,597,-813,597,-648,-904,-906,-650,-651,-647,597,-707,-708,597,-644,-905,-649,-652,-605,-716,597,597,-607,-588,597,597,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,597,597,-711,-712,597,-718,597,597,597,597,597,597,-940,597,-441,-443,-749,597,-893,597,-717,-1896,597,597,597,597,597,-444,-514,-525,597,-730,-735,597,-737,597,-742,597,-664,-670,597,-680,-682,-684,-685,-692,-695,-699,-747,597,597,-876,597,597,-880,597,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,597,-814,597,-816,-803,597,-804,-807,597,-818,-821,-823,-825,-827,597,-828,597,-811,597,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,597,-284,597,597,597,597,-457,597,597,-731,597,-738,597,-743,597,-665,-673,597,597,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,597,-838,-53,597,597,-732,597,-739,597,-744,-666,597,-875,-54,597,597,-733,-740,-745,597,597,597,-874,]),'PREV':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[598,598,598,598,-1896,598,598,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,598,598,598,598,-277,-278,598,-1427,598,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,598,598,598,-492,598,598,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,598,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,598,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,598,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,598,-174,-175,-176,-177,-995,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-292,-293,-283,598,598,598,598,598,-330,-320,-334,-335,-336,598,598,-984,-985,-986,-987,-988,-989,-990,598,598,598,598,598,598,598,598,598,598,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,598,598,598,-355,-358,598,-325,-326,-143,598,-144,598,-145,598,-432,-937,-938,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-1896,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-1896,598,-1896,598,598,598,598,598,598,598,598,598,598,598,598,-1896,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-1896,598,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,598,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,598,598,598,-193,-194,598,-996,598,598,598,598,598,-279,-280,-281,-282,-367,598,-310,598,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,598,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,598,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,598,598,598,598,598,598,-575,598,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,598,598,-725,-726,-727,598,598,598,598,598,598,-996,598,598,-93,-94,598,598,598,598,-311,-312,-322,598,-309,-295,-296,-297,598,598,598,598,-620,-635,-592,598,598,-438,598,-439,598,-446,-447,-448,-380,-381,598,598,598,-508,598,598,-512,598,598,598,598,-517,-518,-519,-520,598,598,-523,-524,598,-526,-527,-528,-529,-530,-531,-532,-533,598,-535,598,598,598,-541,-543,-544,598,-546,-547,-548,-549,598,598,598,598,598,598,-654,-655,-656,-657,598,-659,-660,-661,598,598,598,-667,598,598,-671,-672,598,598,-675,598,-677,-678,598,-681,598,-683,598,598,-686,-687,-688,598,-690,598,598,-693,598,598,-696,-697,-698,598,-700,-701,-702,-703,598,598,-748,598,-751,-752,-753,-754,-755,598,-757,-758,-759,-760,-761,598,-768,-769,-771,598,-773,-774,-775,-784,-858,-860,-862,-864,598,598,598,598,-870,598,-872,598,598,598,598,598,598,598,-908,-909,598,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,598,-923,-926,598,-936,598,-387,-388,-389,598,598,-392,-393,-394,-395,598,-398,598,-401,-402,598,-403,598,-408,-409,598,-412,-413,-414,598,-417,598,-418,598,-423,-424,598,-427,598,-430,-431,-1896,-1896,598,-621,-622,-623,-624,-625,-636,-586,-626,-799,598,598,598,598,598,-833,598,598,-808,598,-834,598,598,598,598,-800,598,-855,-801,598,598,598,598,598,598,-856,-857,598,-836,-832,-837,598,-627,598,-628,-629,-630,-631,-576,598,598,-632,-633,-634,598,598,598,598,598,598,-637,-638,-639,-594,-1896,-604,598,-640,-641,-715,-642,-606,598,-574,-579,-582,-585,598,598,598,-600,-603,598,-610,598,598,598,598,598,598,598,598,598,598,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,598,598,598,-997,598,598,598,598,598,598,-308,-327,-321,-298,-377,-454,-455,-456,-460,598,-445,598,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,598,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,598,598,598,598,598,598,598,598,598,-318,-537,-510,-593,-939,-941,-942,-440,598,-442,-382,-383,-385,-509,-511,-513,598,-515,-516,-521,-522,598,-534,-536,-539,-540,-545,-550,-728,598,-729,598,-734,598,-736,598,-741,-658,-662,-663,598,-668,598,-669,598,-674,-676,598,-679,598,598,598,-689,-691,598,-694,598,598,-746,598,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,598,598,598,598,598,-879,598,-882,-910,-922,-927,-390,-391,598,-396,598,-399,598,-404,598,-405,598,-410,598,-415,598,-419,598,-420,598,-425,598,-428,-901,-902,-645,-587,-1896,-903,598,598,598,-802,598,598,-806,598,-809,-835,598,-820,598,-822,598,-824,-810,598,-826,598,-853,-854,598,598,-813,598,-648,-904,-906,-650,-651,-647,598,-707,-708,598,-644,-905,-649,-652,-605,-716,598,598,-607,-588,598,598,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,598,598,-711,-712,598,-718,598,598,598,598,598,598,-940,598,-441,-443,-749,598,-893,598,-717,-1896,598,598,598,598,598,-444,-514,-525,598,-730,-735,598,-737,598,-742,598,-664,-670,598,-680,-682,-684,-685,-692,-695,-699,-747,598,598,-876,598,598,-880,598,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,598,-814,598,-816,-803,598,-804,-807,598,-818,-821,-823,-825,-827,598,-828,598,-811,598,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,598,-284,598,598,598,598,-457,598,598,-731,598,-738,598,-743,598,-665,-673,598,598,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,598,-838,-53,598,598,-732,598,-739,598,-744,-666,598,-875,-54,598,598,-733,-740,-745,598,598,598,-874,]),'PREVIEW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[599,599,599,599,-1896,599,599,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,599,599,599,599,-277,-278,599,-1427,599,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,599,599,599,-492,599,599,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,599,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,599,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,599,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,599,-174,-175,-176,-177,-995,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-292,-293,-283,599,599,599,599,599,-330,-320,-334,-335,-336,599,599,-984,-985,-986,-987,-988,-989,-990,599,599,599,599,599,599,599,599,599,599,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,599,599,599,-355,-358,599,-325,-326,-143,599,-144,599,-145,599,-432,-937,-938,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-1896,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-1896,599,-1896,599,599,599,599,599,599,599,599,599,599,599,599,-1896,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-1896,599,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,599,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,599,599,599,-193,-194,599,-996,599,599,599,599,599,-279,-280,-281,-282,-367,599,-310,599,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,599,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,599,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,599,599,599,599,599,599,-575,599,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,599,599,-725,-726,-727,599,599,599,599,599,599,-996,599,599,-93,-94,599,599,599,599,-311,-312,-322,599,-309,-295,-296,-297,599,599,599,599,-620,-635,-592,599,599,-438,599,-439,599,-446,-447,-448,-380,-381,599,599,599,-508,599,599,-512,599,599,599,599,-517,-518,-519,-520,599,599,-523,-524,599,-526,-527,-528,-529,-530,-531,-532,-533,599,-535,599,599,599,-541,-543,-544,599,-546,-547,-548,-549,599,599,599,599,599,599,-654,-655,-656,-657,599,-659,-660,-661,599,599,599,-667,599,599,-671,-672,599,599,-675,599,-677,-678,599,-681,599,-683,599,599,-686,-687,-688,599,-690,599,599,-693,599,599,-696,-697,-698,599,-700,-701,-702,-703,599,599,-748,599,-751,-752,-753,-754,-755,599,-757,-758,-759,-760,-761,599,-768,-769,-771,599,-773,-774,-775,-784,-858,-860,-862,-864,599,599,599,599,-870,599,-872,599,599,599,599,599,599,599,-908,-909,599,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,599,-923,-926,599,-936,599,-387,-388,-389,599,599,-392,-393,-394,-395,599,-398,599,-401,-402,599,-403,599,-408,-409,599,-412,-413,-414,599,-417,599,-418,599,-423,-424,599,-427,599,-430,-431,-1896,-1896,599,-621,-622,-623,-624,-625,-636,-586,-626,-799,599,599,599,599,599,-833,599,599,-808,599,-834,599,599,599,599,-800,599,-855,-801,599,599,599,599,599,599,-856,-857,599,-836,-832,-837,599,-627,599,-628,-629,-630,-631,-576,599,599,-632,-633,-634,599,599,599,599,599,599,-637,-638,-639,-594,-1896,-604,599,-640,-641,-715,-642,-606,599,-574,-579,-582,-585,599,599,599,-600,-603,599,-610,599,599,599,599,599,599,599,599,599,599,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,599,599,599,-997,599,599,599,599,599,599,-308,-327,-321,-298,-377,-454,-455,-456,-460,599,-445,599,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,599,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,599,599,599,599,599,599,599,599,599,-318,-537,-510,-593,-939,-941,-942,-440,599,-442,-382,-383,-385,-509,-511,-513,599,-515,-516,-521,-522,599,-534,-536,-539,-540,-545,-550,-728,599,-729,599,-734,599,-736,599,-741,-658,-662,-663,599,-668,599,-669,599,-674,-676,599,-679,599,599,599,-689,-691,599,-694,599,599,-746,599,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,599,599,599,599,599,-879,599,-882,-910,-922,-927,-390,-391,599,-396,599,-399,599,-404,599,-405,599,-410,599,-415,599,-419,599,-420,599,-425,599,-428,-901,-902,-645,-587,-1896,-903,599,599,599,-802,599,599,-806,599,-809,-835,599,-820,599,-822,599,-824,-810,599,-826,599,-853,-854,599,599,-813,599,-648,-904,-906,-650,-651,-647,599,-707,-708,599,-644,-905,-649,-652,-605,-716,599,599,-607,-588,599,599,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,599,599,-711,-712,599,-718,599,599,599,599,599,599,-940,599,-441,-443,-749,599,-893,599,-717,-1896,599,599,599,599,599,-444,-514,-525,599,-730,-735,599,-737,599,-742,599,-664,-670,599,-680,-682,-684,-685,-692,-695,-699,-747,599,599,-876,599,599,-880,599,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,599,-814,599,-816,-803,599,-804,-807,599,-818,-821,-823,-825,-827,599,-828,599,-811,599,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,599,-284,599,599,599,599,-457,599,599,-731,599,-738,599,-743,599,-665,-673,599,599,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,599,-838,-53,599,599,-732,599,-739,599,-744,-666,599,-875,-54,599,599,-733,-740,-745,599,599,599,-874,]),'PRIMARY_ZONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[600,600,600,600,-1896,600,600,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,600,600,600,600,-277,-278,600,-1427,600,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,600,600,600,-492,600,600,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,600,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,600,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,600,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,600,-174,-175,-176,-177,-995,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-292,-293,-283,600,600,600,600,600,-330,-320,-334,-335,-336,600,600,-984,-985,-986,-987,-988,-989,-990,600,600,600,600,600,600,600,600,600,600,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,600,600,600,-355,-358,600,-325,-326,-143,600,-144,600,-145,600,-432,-937,-938,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-1896,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-1896,600,-1896,600,600,600,600,600,600,600,600,600,600,600,600,-1896,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-1896,600,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,600,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,600,600,600,-193,-194,600,-996,600,600,600,600,600,-279,-280,-281,-282,-367,600,-310,600,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,600,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,600,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,600,600,600,600,600,600,-575,600,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,600,600,-725,-726,-727,600,600,600,600,600,600,-996,600,600,-93,-94,600,600,600,600,-311,-312,-322,600,-309,-295,-296,-297,600,600,600,600,-620,-635,-592,600,600,-438,600,-439,600,-446,-447,-448,-380,-381,600,600,600,-508,600,600,-512,600,600,600,600,-517,-518,-519,-520,600,600,-523,-524,600,-526,-527,-528,-529,-530,-531,-532,-533,600,-535,600,600,600,-541,-543,-544,600,-546,-547,-548,-549,600,600,600,600,600,600,-654,-655,-656,-657,600,-659,-660,-661,600,600,600,-667,600,600,-671,-672,600,600,-675,600,-677,-678,600,-681,600,-683,600,600,-686,-687,-688,600,-690,600,600,-693,600,600,-696,-697,-698,600,-700,-701,-702,-703,600,600,-748,600,-751,-752,-753,-754,-755,600,-757,-758,-759,-760,-761,600,-768,-769,-771,600,-773,-774,-775,-784,-858,-860,-862,-864,600,600,600,600,-870,600,-872,600,600,600,600,600,600,600,-908,-909,600,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,600,-923,-926,600,-936,600,-387,-388,-389,600,600,-392,-393,-394,-395,600,-398,600,-401,-402,600,-403,600,-408,-409,600,-412,-413,-414,600,-417,600,-418,600,-423,-424,600,-427,600,-430,-431,-1896,-1896,600,-621,-622,-623,-624,-625,-636,-586,-626,-799,600,600,600,600,600,-833,600,600,-808,600,-834,600,600,600,600,-800,600,-855,-801,600,600,600,600,600,600,-856,-857,600,-836,-832,-837,600,-627,600,-628,-629,-630,-631,-576,600,600,-632,-633,-634,600,600,600,600,600,600,-637,-638,-639,-594,-1896,-604,600,-640,-641,-715,-642,-606,600,-574,-579,-582,-585,600,600,600,-600,-603,600,-610,600,600,600,600,600,600,600,600,600,600,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,600,600,600,-997,600,600,600,600,600,600,-308,-327,-321,-298,-377,-454,-455,-456,-460,600,-445,600,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,600,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,600,600,600,600,600,600,600,600,600,-318,-537,-510,-593,-939,-941,-942,-440,600,-442,-382,-383,-385,-509,-511,-513,600,-515,-516,-521,-522,600,-534,-536,-539,-540,-545,-550,-728,600,-729,600,-734,600,-736,600,-741,-658,-662,-663,600,-668,600,-669,600,-674,-676,600,-679,600,600,600,-689,-691,600,-694,600,600,-746,600,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,600,600,600,600,600,-879,600,-882,-910,-922,-927,-390,-391,600,-396,600,-399,600,-404,600,-405,600,-410,600,-415,600,-419,600,-420,600,-425,600,-428,-901,-902,-645,-587,-1896,-903,600,600,600,-802,600,600,-806,600,-809,-835,600,-820,600,-822,600,-824,-810,600,-826,600,-853,-854,600,600,-813,600,-648,-904,-906,-650,-651,-647,600,-707,-708,600,-644,-905,-649,-652,-605,-716,600,600,-607,-588,600,600,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,600,600,-711,-712,600,-718,600,600,600,600,600,600,-940,600,-441,-443,-749,600,-893,600,-717,-1896,600,600,600,600,600,-444,-514,-525,600,-730,-735,600,-737,600,-742,600,-664,-670,600,-680,-682,-684,-685,-692,-695,-699,-747,600,600,-876,600,600,-880,600,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,600,-814,600,-816,-803,600,-804,-807,600,-818,-821,-823,-825,-827,600,-828,600,-811,600,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,600,-284,600,600,600,600,-457,600,600,-731,600,-738,600,-743,600,-665,-673,600,600,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,600,-838,-53,600,600,-732,600,-739,600,-744,-666,600,-875,-54,600,600,-733,-740,-745,600,600,600,-874,]),'PRIVILEGES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[601,601,601,601,-1896,601,601,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,601,601,601,601,-277,-278,601,-1427,601,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,601,601,601,-492,601,601,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,601,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,601,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,601,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,601,-174,-175,-176,-177,-995,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-292,-293,-283,601,601,601,601,601,-330,-320,-334,-335,-336,601,601,-984,-985,-986,-987,-988,-989,-990,601,601,601,601,601,601,601,601,601,601,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,601,601,601,-355,-358,601,-325,-326,-143,601,-144,601,-145,601,-432,-937,-938,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-1896,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-1896,601,-1896,601,601,601,601,601,601,601,601,601,601,601,601,-1896,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-1896,601,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,601,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,601,601,601,-193,-194,601,-996,601,601,601,601,601,-279,-280,-281,-282,-367,601,-310,601,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,601,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,601,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,601,601,601,601,601,601,-575,601,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,601,601,-725,-726,-727,601,601,601,601,601,601,-996,601,601,-93,-94,601,601,601,601,-311,-312,-322,601,-309,-295,-296,-297,601,601,601,601,-620,-635,-592,601,601,-438,601,-439,601,-446,-447,-448,-380,-381,601,601,601,-508,601,601,-512,601,601,601,601,-517,-518,-519,-520,601,601,-523,-524,601,-526,-527,-528,-529,-530,-531,-532,-533,601,-535,601,601,601,-541,-543,-544,601,-546,-547,-548,-549,601,601,601,601,601,601,-654,-655,-656,-657,601,-659,-660,-661,601,601,601,-667,601,601,-671,-672,601,601,-675,601,-677,-678,601,-681,601,-683,601,601,-686,-687,-688,601,-690,601,601,-693,601,601,-696,-697,-698,601,-700,-701,-702,-703,601,601,-748,601,-751,-752,-753,-754,-755,601,-757,-758,-759,-760,-761,601,-768,-769,-771,601,-773,-774,-775,-784,-858,-860,-862,-864,601,601,601,601,-870,601,-872,601,601,601,601,601,601,601,-908,-909,601,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,601,-923,-926,601,-936,601,-387,-388,-389,601,601,-392,-393,-394,-395,601,-398,601,-401,-402,601,-403,601,-408,-409,601,-412,-413,-414,601,-417,601,-418,601,-423,-424,601,-427,601,-430,-431,-1896,-1896,601,-621,-622,-623,-624,-625,-636,-586,-626,-799,601,601,601,601,601,-833,601,601,-808,601,-834,601,601,601,601,-800,601,-855,-801,601,601,601,601,601,601,-856,-857,601,-836,-832,-837,601,-627,601,-628,-629,-630,-631,-576,601,601,-632,-633,-634,601,601,601,601,601,601,-637,-638,-639,-594,-1896,-604,601,-640,-641,-715,-642,-606,601,-574,-579,-582,-585,601,601,601,-600,-603,601,-610,601,601,601,601,601,601,601,601,601,601,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,601,601,601,-997,601,601,601,601,601,601,-308,-327,-321,-298,-377,-454,-455,-456,-460,601,-445,601,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,601,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,601,601,601,601,601,601,601,601,601,-318,-537,-510,-593,-939,-941,-942,-440,601,-442,-382,-383,-385,-509,-511,-513,601,-515,-516,-521,-522,601,-534,-536,-539,-540,-545,-550,-728,601,-729,601,-734,601,-736,601,-741,-658,-662,-663,601,-668,601,-669,601,-674,-676,601,-679,601,601,601,-689,-691,601,-694,601,601,-746,601,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,601,601,601,601,601,-879,601,-882,-910,-922,-927,-390,-391,601,-396,601,-399,601,-404,601,-405,601,-410,601,-415,601,-419,601,-420,601,-425,601,-428,-901,-902,-645,-587,-1896,-903,601,601,601,-802,601,601,-806,601,-809,-835,601,-820,601,-822,601,-824,-810,601,-826,601,-853,-854,601,601,-813,601,-648,-904,-906,-650,-651,-647,601,-707,-708,601,-644,-905,-649,-652,-605,-716,601,601,-607,-588,601,601,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,601,601,-711,-712,601,-718,601,601,601,601,601,601,-940,601,-441,-443,-749,601,-893,601,-717,-1896,601,601,601,601,601,-444,-514,-525,601,-730,-735,601,-737,601,-742,601,-664,-670,601,-680,-682,-684,-685,-692,-695,-699,-747,601,601,-876,601,601,-880,601,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,601,-814,601,-816,-803,601,-804,-807,601,-818,-821,-823,-825,-827,601,-828,601,-811,601,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,601,-284,601,601,601,601,-457,601,601,-731,601,-738,601,-743,601,-665,-673,601,601,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,601,-838,-53,601,601,-732,601,-739,601,-744,-666,601,-875,-54,601,601,-733,-740,-745,601,601,601,-874,]),'PROCESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[602,602,602,602,-1896,602,602,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,602,602,602,602,-277,-278,602,-1427,602,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,602,602,602,-492,602,602,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,602,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,602,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,602,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,602,-174,-175,-176,-177,-995,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-292,-293,-283,602,602,602,602,602,-330,-320,-334,-335,-336,602,602,-984,-985,-986,-987,-988,-989,-990,602,602,602,602,602,602,602,602,602,602,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,602,602,602,-355,-358,602,-325,-326,-143,602,-144,602,-145,602,-432,-937,-938,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-1896,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-1896,602,-1896,602,602,602,602,602,602,602,602,602,602,602,602,-1896,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-1896,602,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,602,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,602,602,602,-193,-194,602,-996,602,602,602,602,602,-279,-280,-281,-282,-367,602,-310,602,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,602,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,602,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,602,602,602,602,602,602,-575,602,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,602,602,-725,-726,-727,602,602,602,602,602,602,-996,602,602,-93,-94,602,602,602,602,-311,-312,-322,602,-309,-295,-296,-297,602,602,602,602,-620,-635,-592,602,602,-438,602,-439,602,-446,-447,-448,-380,-381,602,602,602,-508,602,602,-512,602,602,602,602,-517,-518,-519,-520,602,602,-523,-524,602,-526,-527,-528,-529,-530,-531,-532,-533,602,-535,602,602,602,-541,-543,-544,602,-546,-547,-548,-549,602,602,602,602,602,602,-654,-655,-656,-657,602,-659,-660,-661,602,602,602,-667,602,602,-671,-672,602,602,-675,602,-677,-678,602,-681,602,-683,602,602,-686,-687,-688,602,-690,602,602,-693,602,602,-696,-697,-698,602,-700,-701,-702,-703,602,602,-748,602,-751,-752,-753,-754,-755,602,-757,-758,-759,-760,-761,602,-768,-769,-771,602,-773,-774,-775,-784,-858,-860,-862,-864,602,602,602,602,-870,602,-872,602,602,602,602,602,602,602,-908,-909,602,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,602,-923,-926,602,-936,602,-387,-388,-389,602,602,-392,-393,-394,-395,602,-398,602,-401,-402,602,-403,602,-408,-409,602,-412,-413,-414,602,-417,602,-418,602,-423,-424,602,-427,602,-430,-431,-1896,-1896,602,-621,-622,-623,-624,-625,-636,-586,-626,-799,602,602,602,602,602,-833,602,602,-808,602,-834,602,602,602,602,-800,602,-855,-801,602,602,602,602,602,602,-856,-857,602,-836,-832,-837,602,-627,602,-628,-629,-630,-631,-576,602,602,-632,-633,-634,602,602,602,602,602,602,-637,-638,-639,-594,-1896,-604,602,-640,-641,-715,-642,-606,602,-574,-579,-582,-585,602,602,602,-600,-603,602,-610,602,602,602,602,602,602,602,602,602,602,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,602,602,602,-997,602,602,602,602,602,602,-308,-327,-321,-298,-377,-454,-455,-456,-460,602,-445,602,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,602,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,602,602,602,602,602,602,602,602,602,-318,-537,-510,-593,-939,-941,-942,-440,602,-442,-382,-383,-385,-509,-511,-513,602,-515,-516,-521,-522,602,-534,-536,-539,-540,-545,-550,-728,602,-729,602,-734,602,-736,602,-741,-658,-662,-663,602,-668,602,-669,602,-674,-676,602,-679,602,602,602,-689,-691,602,-694,602,602,-746,602,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,602,602,602,602,602,-879,602,-882,-910,-922,-927,-390,-391,602,-396,602,-399,602,-404,602,-405,602,-410,602,-415,602,-419,602,-420,602,-425,602,-428,-901,-902,-645,-587,-1896,-903,602,602,602,-802,602,602,-806,602,-809,-835,602,-820,602,-822,602,-824,-810,602,-826,602,-853,-854,602,602,-813,602,-648,-904,-906,-650,-651,-647,602,-707,-708,602,-644,-905,-649,-652,-605,-716,602,602,-607,-588,602,602,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,602,602,-711,-712,602,-718,602,602,602,602,602,602,-940,602,-441,-443,-749,602,-893,602,-717,-1896,602,602,602,602,602,-444,-514,-525,602,-730,-735,602,-737,602,-742,602,-664,-670,602,-680,-682,-684,-685,-692,-695,-699,-747,602,602,-876,602,602,-880,602,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,602,-814,602,-816,-803,602,-804,-807,602,-818,-821,-823,-825,-827,602,-828,602,-811,602,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,602,-284,602,602,602,602,-457,602,602,-731,602,-738,602,-743,602,-665,-673,602,602,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,602,-838,-53,602,602,-732,602,-739,602,-744,-666,602,-875,-54,602,602,-733,-740,-745,602,602,602,-874,]),'PROCESSLIST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[603,603,603,603,-1896,603,603,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,603,603,603,603,-277,-278,603,-1427,603,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,603,603,603,-492,603,603,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,603,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,603,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,603,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,603,-174,-175,-176,-177,-995,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-292,-293,-283,603,603,603,603,603,-330,-320,-334,-335,-336,603,603,-984,-985,-986,-987,-988,-989,-990,603,603,603,603,603,603,603,603,603,603,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,603,603,603,-355,-358,603,-325,-326,-143,603,-144,603,-145,603,-432,-937,-938,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-1896,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-1896,603,-1896,603,603,603,603,603,603,603,603,603,603,603,603,-1896,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-1896,603,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,603,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,603,603,603,-193,-194,603,-996,603,603,603,603,603,-279,-280,-281,-282,-367,603,-310,603,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,603,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,603,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,603,603,603,603,603,603,-575,603,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,603,603,-725,-726,-727,603,603,603,603,603,603,-996,603,603,-93,-94,603,603,603,603,-311,-312,-322,603,-309,-295,-296,-297,603,603,603,603,-620,-635,-592,603,603,-438,603,-439,603,-446,-447,-448,-380,-381,603,603,603,-508,603,603,-512,603,603,603,603,-517,-518,-519,-520,603,603,-523,-524,603,-526,-527,-528,-529,-530,-531,-532,-533,603,-535,603,603,603,-541,-543,-544,603,-546,-547,-548,-549,603,603,603,603,603,603,-654,-655,-656,-657,603,-659,-660,-661,603,603,603,-667,603,603,-671,-672,603,603,-675,603,-677,-678,603,-681,603,-683,603,603,-686,-687,-688,603,-690,603,603,-693,603,603,-696,-697,-698,603,-700,-701,-702,-703,603,603,-748,603,-751,-752,-753,-754,-755,603,-757,-758,-759,-760,-761,603,-768,-769,-771,603,-773,-774,-775,-784,-858,-860,-862,-864,603,603,603,603,-870,603,-872,603,603,603,603,603,603,603,-908,-909,603,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,603,-923,-926,603,-936,603,-387,-388,-389,603,603,-392,-393,-394,-395,603,-398,603,-401,-402,603,-403,603,-408,-409,603,-412,-413,-414,603,-417,603,-418,603,-423,-424,603,-427,603,-430,-431,-1896,-1896,603,-621,-622,-623,-624,-625,-636,-586,-626,-799,603,603,603,603,603,-833,603,603,-808,603,-834,603,603,603,603,-800,603,-855,-801,603,603,603,603,603,603,-856,-857,603,-836,-832,-837,603,-627,603,-628,-629,-630,-631,-576,603,603,-632,-633,-634,603,603,603,603,603,603,-637,-638,-639,-594,-1896,-604,603,-640,-641,-715,-642,-606,603,-574,-579,-582,-585,603,603,603,-600,-603,603,-610,603,603,603,603,603,603,603,603,603,603,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,603,603,603,-997,603,603,603,603,603,603,-308,-327,-321,-298,-377,-454,-455,-456,-460,603,-445,603,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,603,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,603,603,603,603,603,603,603,603,603,-318,-537,-510,-593,-939,-941,-942,-440,603,-442,-382,-383,-385,-509,-511,-513,603,-515,-516,-521,-522,603,-534,-536,-539,-540,-545,-550,-728,603,-729,603,-734,603,-736,603,-741,-658,-662,-663,603,-668,603,-669,603,-674,-676,603,-679,603,603,603,-689,-691,603,-694,603,603,-746,603,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,603,603,603,603,603,-879,603,-882,-910,-922,-927,-390,-391,603,-396,603,-399,603,-404,603,-405,603,-410,603,-415,603,-419,603,-420,603,-425,603,-428,-901,-902,-645,-587,-1896,-903,603,603,603,-802,603,603,-806,603,-809,-835,603,-820,603,-822,603,-824,-810,603,-826,603,-853,-854,603,603,-813,603,-648,-904,-906,-650,-651,-647,603,-707,-708,603,-644,-905,-649,-652,-605,-716,603,603,-607,-588,603,603,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,603,603,-711,-712,603,-718,603,603,603,603,603,603,-940,603,-441,-443,-749,603,-893,603,-717,-1896,603,603,603,603,603,-444,-514,-525,603,-730,-735,603,-737,603,-742,603,-664,-670,603,-680,-682,-684,-685,-692,-695,-699,-747,603,603,-876,603,603,-880,603,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,603,-814,603,-816,-803,603,-804,-807,603,-818,-821,-823,-825,-827,603,-828,603,-811,603,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,603,-284,603,603,603,603,-457,603,603,-731,603,-738,603,-743,603,-665,-673,603,603,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,603,-838,-53,603,603,-732,603,-739,603,-744,-666,603,-875,-54,603,603,-733,-740,-745,603,603,603,-874,]),'PROFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[604,604,604,604,-1896,604,604,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,604,604,604,604,-277,-278,604,-1427,604,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,604,604,604,-492,604,604,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,604,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,604,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,604,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,604,-174,-175,-176,-177,-995,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-292,-293,-283,604,604,604,604,604,-330,-320,-334,-335,-336,604,604,-984,-985,-986,-987,-988,-989,-990,604,604,604,604,604,604,604,604,604,604,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,604,604,604,-355,-358,604,-325,-326,-143,604,-144,604,-145,604,-432,-937,-938,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-1896,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-1896,604,-1896,604,604,604,604,604,604,604,604,604,604,604,604,-1896,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-1896,604,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,604,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,604,604,604,-193,-194,604,-996,604,604,604,604,604,-279,-280,-281,-282,-367,604,-310,604,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,604,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,604,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,604,604,604,604,604,604,-575,604,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,604,604,-725,-726,-727,604,604,604,604,604,604,-996,604,604,-93,-94,604,604,604,604,-311,-312,-322,604,-309,-295,-296,-297,604,604,604,604,-620,-635,-592,604,604,-438,604,-439,604,-446,-447,-448,-380,-381,604,604,604,-508,604,604,-512,604,604,604,604,-517,-518,-519,-520,604,604,-523,-524,604,-526,-527,-528,-529,-530,-531,-532,-533,604,-535,604,604,604,-541,-543,-544,604,-546,-547,-548,-549,604,604,604,604,604,604,-654,-655,-656,-657,604,-659,-660,-661,604,604,604,-667,604,604,-671,-672,604,604,-675,604,-677,-678,604,-681,604,-683,604,604,-686,-687,-688,604,-690,604,604,-693,604,604,-696,-697,-698,604,-700,-701,-702,-703,604,604,-748,604,-751,-752,-753,-754,-755,604,-757,-758,-759,-760,-761,604,-768,-769,-771,604,-773,-774,-775,-784,-858,-860,-862,-864,604,604,604,604,-870,604,-872,604,604,604,604,604,604,604,-908,-909,604,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,604,-923,-926,604,-936,604,-387,-388,-389,604,604,-392,-393,-394,-395,604,-398,604,-401,-402,604,-403,604,-408,-409,604,-412,-413,-414,604,-417,604,-418,604,-423,-424,604,-427,604,-430,-431,-1896,-1896,604,-621,-622,-623,-624,-625,-636,-586,-626,-799,604,604,604,604,604,-833,604,604,-808,604,-834,604,604,604,604,-800,604,-855,-801,604,604,604,604,604,604,-856,-857,604,-836,-832,-837,604,-627,604,-628,-629,-630,-631,-576,604,604,-632,-633,-634,604,604,604,604,604,604,-637,-638,-639,-594,-1896,-604,604,-640,-641,-715,-642,-606,604,-574,-579,-582,-585,604,604,604,-600,-603,604,-610,604,604,604,604,604,604,604,604,604,604,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,604,604,604,-997,604,604,604,604,604,604,-308,-327,-321,-298,-377,-454,-455,-456,-460,604,-445,604,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,604,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,604,604,604,604,604,604,604,604,604,-318,-537,-510,-593,-939,-941,-942,-440,604,-442,-382,-383,-385,-509,-511,-513,604,-515,-516,-521,-522,604,-534,-536,-539,-540,-545,-550,-728,604,-729,604,-734,604,-736,604,-741,-658,-662,-663,604,-668,604,-669,604,-674,-676,604,-679,604,604,604,-689,-691,604,-694,604,604,-746,604,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,604,604,604,604,604,-879,604,-882,-910,-922,-927,-390,-391,604,-396,604,-399,604,-404,604,-405,604,-410,604,-415,604,-419,604,-420,604,-425,604,-428,-901,-902,-645,-587,-1896,-903,604,604,604,-802,604,604,-806,604,-809,-835,604,-820,604,-822,604,-824,-810,604,-826,604,-853,-854,604,604,-813,604,-648,-904,-906,-650,-651,-647,604,-707,-708,604,-644,-905,-649,-652,-605,-716,604,604,-607,-588,604,604,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,604,604,-711,-712,604,-718,604,604,604,604,604,604,-940,604,-441,-443,-749,604,-893,604,-717,-1896,604,604,604,604,604,-444,-514,-525,604,-730,-735,604,-737,604,-742,604,-664,-670,604,-680,-682,-684,-685,-692,-695,-699,-747,604,604,-876,604,604,-880,604,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,604,-814,604,-816,-803,604,-804,-807,604,-818,-821,-823,-825,-827,604,-828,604,-811,604,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,604,-284,604,604,604,604,-457,604,604,-731,604,-738,604,-743,604,-665,-673,604,604,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,604,-838,-53,604,604,-732,604,-739,604,-744,-666,604,-875,-54,604,604,-733,-740,-745,604,604,604,-874,]),'PROFILES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[605,605,605,605,-1896,605,605,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,605,605,605,605,-277,-278,605,-1427,605,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,605,605,605,-492,605,605,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,605,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,605,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,605,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,605,-174,-175,-176,-177,-995,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-292,-293,-283,605,605,605,605,605,-330,-320,-334,-335,-336,605,605,-984,-985,-986,-987,-988,-989,-990,605,605,605,605,605,605,605,605,605,605,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,605,605,605,-355,-358,605,-325,-326,-143,605,-144,605,-145,605,-432,-937,-938,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-1896,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-1896,605,-1896,605,605,605,605,605,605,605,605,605,605,605,605,-1896,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-1896,605,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,605,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,605,605,605,-193,-194,605,-996,605,605,605,605,605,-279,-280,-281,-282,-367,605,-310,605,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,605,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,605,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,605,605,605,605,605,605,-575,605,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,605,605,-725,-726,-727,605,605,605,605,605,605,-996,605,605,-93,-94,605,605,605,605,-311,-312,-322,605,-309,-295,-296,-297,605,605,605,605,-620,-635,-592,605,605,-438,605,-439,605,-446,-447,-448,-380,-381,605,605,605,-508,605,605,-512,605,605,605,605,-517,-518,-519,-520,605,605,-523,-524,605,-526,-527,-528,-529,-530,-531,-532,-533,605,-535,605,605,605,-541,-543,-544,605,-546,-547,-548,-549,605,605,605,605,605,605,-654,-655,-656,-657,605,-659,-660,-661,605,605,605,-667,605,605,-671,-672,605,605,-675,605,-677,-678,605,-681,605,-683,605,605,-686,-687,-688,605,-690,605,605,-693,605,605,-696,-697,-698,605,-700,-701,-702,-703,605,605,-748,605,-751,-752,-753,-754,-755,605,-757,-758,-759,-760,-761,605,-768,-769,-771,605,-773,-774,-775,-784,-858,-860,-862,-864,605,605,605,605,-870,605,-872,605,605,605,605,605,605,605,-908,-909,605,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,605,-923,-926,605,-936,605,-387,-388,-389,605,605,-392,-393,-394,-395,605,-398,605,-401,-402,605,-403,605,-408,-409,605,-412,-413,-414,605,-417,605,-418,605,-423,-424,605,-427,605,-430,-431,-1896,-1896,605,-621,-622,-623,-624,-625,-636,-586,-626,-799,605,605,605,605,605,-833,605,605,-808,605,-834,605,605,605,605,-800,605,-855,-801,605,605,605,605,605,605,-856,-857,605,-836,-832,-837,605,-627,605,-628,-629,-630,-631,-576,605,605,-632,-633,-634,605,605,605,605,605,605,-637,-638,-639,-594,-1896,-604,605,-640,-641,-715,-642,-606,605,-574,-579,-582,-585,605,605,605,-600,-603,605,-610,605,605,605,605,605,605,605,605,605,605,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,605,605,605,-997,605,605,605,605,605,605,-308,-327,-321,-298,-377,-454,-455,-456,-460,605,-445,605,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,605,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,605,605,605,605,605,605,605,605,605,-318,-537,-510,-593,-939,-941,-942,-440,605,-442,-382,-383,-385,-509,-511,-513,605,-515,-516,-521,-522,605,-534,-536,-539,-540,-545,-550,-728,605,-729,605,-734,605,-736,605,-741,-658,-662,-663,605,-668,605,-669,605,-674,-676,605,-679,605,605,605,-689,-691,605,-694,605,605,-746,605,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,605,605,605,605,605,-879,605,-882,-910,-922,-927,-390,-391,605,-396,605,-399,605,-404,605,-405,605,-410,605,-415,605,-419,605,-420,605,-425,605,-428,-901,-902,-645,-587,-1896,-903,605,605,605,-802,605,605,-806,605,-809,-835,605,-820,605,-822,605,-824,-810,605,-826,605,-853,-854,605,605,-813,605,-648,-904,-906,-650,-651,-647,605,-707,-708,605,-644,-905,-649,-652,-605,-716,605,605,-607,-588,605,605,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,605,605,-711,-712,605,-718,605,605,605,605,605,605,-940,605,-441,-443,-749,605,-893,605,-717,-1896,605,605,605,605,605,-444,-514,-525,605,-730,-735,605,-737,605,-742,605,-664,-670,605,-680,-682,-684,-685,-692,-695,-699,-747,605,605,-876,605,605,-880,605,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,605,-814,605,-816,-803,605,-804,-807,605,-818,-821,-823,-825,-827,605,-828,605,-811,605,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,605,-284,605,605,605,605,-457,605,605,-731,605,-738,605,-743,605,-665,-673,605,605,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,605,-838,-53,605,605,-732,605,-739,605,-744,-666,605,-875,-54,605,605,-733,-740,-745,605,605,605,-874,]),'PROGRESSIVE_MERGE_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[606,606,606,606,-1896,606,606,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,606,606,606,606,-277,-278,606,-1427,606,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,606,606,606,-492,606,606,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,606,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,606,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,606,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,606,-174,-175,-176,-177,-995,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-292,-293,-283,606,606,606,606,606,-330,-320,-334,-335,-336,606,606,-984,-985,-986,-987,-988,-989,-990,606,606,606,606,606,606,606,606,606,606,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,606,606,606,-355,-358,606,-325,-326,-143,606,-144,606,-145,606,-432,-937,-938,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-1896,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-1896,606,-1896,606,606,606,606,606,606,606,606,606,606,606,606,-1896,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-1896,606,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,606,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,606,606,606,-193,-194,606,-996,606,606,606,606,606,-279,-280,-281,-282,-367,606,-310,606,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,606,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,606,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,606,606,606,606,606,606,-575,606,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,606,606,-725,-726,-727,606,606,606,606,606,606,-996,606,606,-93,-94,606,606,606,606,-311,-312,-322,606,-309,-295,-296,-297,606,606,606,606,-620,-635,-592,606,606,-438,606,-439,606,-446,-447,-448,-380,-381,606,606,606,-508,606,606,-512,606,606,606,606,-517,-518,-519,-520,606,606,-523,-524,606,-526,-527,-528,-529,-530,-531,-532,-533,606,-535,606,606,606,-541,-543,-544,606,-546,-547,-548,-549,606,606,606,606,606,606,-654,-655,-656,-657,606,-659,-660,-661,606,606,606,-667,606,606,-671,-672,606,606,-675,606,-677,-678,606,-681,606,-683,606,606,-686,-687,-688,606,-690,606,606,-693,606,606,-696,-697,-698,606,-700,-701,-702,-703,606,606,-748,606,-751,-752,-753,-754,-755,606,-757,-758,-759,-760,-761,606,-768,-769,-771,606,-773,-774,-775,-784,-858,-860,-862,-864,606,606,606,606,-870,606,-872,606,606,606,606,606,606,606,-908,-909,606,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,606,-923,-926,606,-936,606,-387,-388,-389,606,606,-392,-393,-394,-395,606,-398,606,-401,-402,606,-403,606,-408,-409,606,-412,-413,-414,606,-417,606,-418,606,-423,-424,606,-427,606,-430,-431,-1896,-1896,606,-621,-622,-623,-624,-625,-636,-586,-626,-799,606,606,606,606,606,-833,606,606,-808,606,-834,606,606,606,606,-800,606,-855,-801,606,606,606,606,606,606,-856,-857,606,-836,-832,-837,606,-627,606,-628,-629,-630,-631,-576,606,606,-632,-633,-634,606,606,606,606,606,606,-637,-638,-639,-594,-1896,-604,606,-640,-641,-715,-642,-606,606,-574,-579,-582,-585,606,606,606,-600,-603,606,-610,606,606,606,606,606,606,606,606,606,606,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,606,606,606,-997,606,606,606,606,606,606,-308,-327,-321,-298,-377,-454,-455,-456,-460,606,-445,606,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,606,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,606,606,606,606,606,606,606,606,606,-318,-537,-510,-593,-939,-941,-942,-440,606,-442,-382,-383,-385,-509,-511,-513,606,-515,-516,-521,-522,606,-534,-536,-539,-540,-545,-550,-728,606,-729,606,-734,606,-736,606,-741,-658,-662,-663,606,-668,606,-669,606,-674,-676,606,-679,606,606,606,-689,-691,606,-694,606,606,-746,606,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,606,606,606,606,606,-879,606,-882,-910,-922,-927,-390,-391,606,-396,606,-399,606,-404,606,-405,606,-410,606,-415,606,-419,606,-420,606,-425,606,-428,-901,-902,-645,-587,-1896,-903,606,606,606,-802,606,606,-806,606,-809,-835,606,-820,606,-822,606,-824,-810,606,-826,606,-853,-854,606,606,-813,606,-648,-904,-906,-650,-651,-647,606,-707,-708,606,-644,-905,-649,-652,-605,-716,606,606,-607,-588,606,606,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,606,606,-711,-712,606,-718,606,606,606,606,606,606,-940,606,-441,-443,-749,606,-893,606,-717,-1896,606,606,606,606,606,-444,-514,-525,606,-730,-735,606,-737,606,-742,606,-664,-670,606,-680,-682,-684,-685,-692,-695,-699,-747,606,606,-876,606,606,-880,606,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,606,-814,606,-816,-803,606,-804,-807,606,-818,-821,-823,-825,-827,606,-828,606,-811,606,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,606,-284,606,606,606,606,-457,606,606,-731,606,-738,606,-743,606,-665,-673,606,606,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,606,-838,-53,606,606,-732,606,-739,606,-744,-666,606,-875,-54,606,606,-733,-740,-745,606,606,606,-874,]),'PROXY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[607,607,607,607,-1896,607,607,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,607,607,607,607,-277,-278,607,-1427,607,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,607,607,607,-492,607,607,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,607,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,607,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,607,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,607,-174,-175,-176,-177,-995,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-292,-293,-283,607,607,607,607,607,-330,-320,-334,-335,-336,607,607,-984,-985,-986,-987,-988,-989,-990,607,607,607,607,607,607,607,607,607,607,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,607,607,607,-355,-358,607,-325,-326,-143,607,-144,607,-145,607,-432,-937,-938,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-1896,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-1896,607,-1896,607,607,607,607,607,607,607,607,607,607,607,607,-1896,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-1896,607,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,607,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,607,607,607,-193,-194,607,-996,607,607,607,607,607,-279,-280,-281,-282,-367,607,-310,607,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,607,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,607,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,607,607,607,607,607,607,-575,607,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,607,607,-725,-726,-727,607,607,607,607,607,607,-996,607,607,-93,-94,607,607,607,607,-311,-312,-322,607,-309,-295,-296,-297,607,607,607,607,-620,-635,-592,607,607,-438,607,-439,607,-446,-447,-448,-380,-381,607,607,607,-508,607,607,-512,607,607,607,607,-517,-518,-519,-520,607,607,-523,-524,607,-526,-527,-528,-529,-530,-531,-532,-533,607,-535,607,607,607,-541,-543,-544,607,-546,-547,-548,-549,607,607,607,607,607,607,-654,-655,-656,-657,607,-659,-660,-661,607,607,607,-667,607,607,-671,-672,607,607,-675,607,-677,-678,607,-681,607,-683,607,607,-686,-687,-688,607,-690,607,607,-693,607,607,-696,-697,-698,607,-700,-701,-702,-703,607,607,-748,607,-751,-752,-753,-754,-755,607,-757,-758,-759,-760,-761,607,-768,-769,-771,607,-773,-774,-775,-784,-858,-860,-862,-864,607,607,607,607,-870,607,-872,607,607,607,607,607,607,607,-908,-909,607,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,607,-923,-926,607,-936,607,-387,-388,-389,607,607,-392,-393,-394,-395,607,-398,607,-401,-402,607,-403,607,-408,-409,607,-412,-413,-414,607,-417,607,-418,607,-423,-424,607,-427,607,-430,-431,-1896,-1896,607,-621,-622,-623,-624,-625,-636,-586,-626,-799,607,607,607,607,607,-833,607,607,-808,607,-834,607,607,607,607,-800,607,-855,-801,607,607,607,607,607,607,-856,-857,607,-836,-832,-837,607,-627,607,-628,-629,-630,-631,-576,607,607,-632,-633,-634,607,607,607,607,607,607,-637,-638,-639,-594,-1896,-604,607,-640,-641,-715,-642,-606,607,-574,-579,-582,-585,607,607,607,-600,-603,607,-610,607,607,607,607,607,607,607,607,607,607,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,607,607,607,-997,607,607,607,607,607,607,-308,-327,-321,-298,-377,-454,-455,-456,-460,607,-445,607,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,607,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,607,607,607,607,607,607,607,607,607,-318,-537,-510,-593,-939,-941,-942,-440,607,-442,-382,-383,-385,-509,-511,-513,607,-515,-516,-521,-522,607,-534,-536,-539,-540,-545,-550,-728,607,-729,607,-734,607,-736,607,-741,-658,-662,-663,607,-668,607,-669,607,-674,-676,607,-679,607,607,607,-689,-691,607,-694,607,607,-746,607,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,607,607,607,607,607,-879,607,-882,-910,-922,-927,-390,-391,607,-396,607,-399,607,-404,607,-405,607,-410,607,-415,607,-419,607,-420,607,-425,607,-428,-901,-902,-645,-587,-1896,-903,607,607,607,-802,607,607,-806,607,-809,-835,607,-820,607,-822,607,-824,-810,607,-826,607,-853,-854,607,607,-813,607,-648,-904,-906,-650,-651,-647,607,-707,-708,607,-644,-905,-649,-652,-605,-716,607,607,-607,-588,607,607,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,607,607,-711,-712,607,-718,607,607,607,607,607,607,-940,607,-441,-443,-749,607,-893,607,-717,-1896,607,607,607,607,607,-444,-514,-525,607,-730,-735,607,-737,607,-742,607,-664,-670,607,-680,-682,-684,-685,-692,-695,-699,-747,607,607,-876,607,607,-880,607,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,607,-814,607,-816,-803,607,-804,-807,607,-818,-821,-823,-825,-827,607,-828,607,-811,607,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,607,-284,607,607,607,607,-457,607,607,-731,607,-738,607,-743,607,-665,-673,607,607,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,607,-838,-53,607,607,-732,607,-739,607,-744,-666,607,-875,-54,607,607,-733,-740,-745,607,607,607,-874,]),'PURGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[608,608,608,608,-1896,608,608,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,608,608,608,608,-277,-278,608,-1427,608,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,608,608,608,-492,608,608,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,608,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,608,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,608,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,608,-174,-175,-176,-177,-995,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-292,-293,-283,608,608,608,608,608,-330,-320,-334,-335,-336,608,608,-984,-985,-986,-987,-988,-989,-990,608,608,608,608,608,608,608,608,608,608,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,608,608,608,-355,-358,608,-325,-326,-143,608,-144,608,-145,608,-432,-937,-938,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-1896,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-1896,608,-1896,608,608,608,608,608,608,608,608,608,608,608,608,-1896,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-1896,608,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,608,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,608,608,608,-193,-194,608,-996,608,608,608,608,608,-279,-280,-281,-282,-367,608,-310,608,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,608,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,608,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,608,608,608,608,608,608,-575,608,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,608,608,-725,-726,-727,608,608,608,608,608,608,-996,608,608,-93,-94,608,608,608,608,-311,-312,-322,608,-309,-295,-296,-297,608,608,608,608,-620,-635,-592,608,608,-438,608,-439,608,-446,-447,-448,-380,-381,608,608,608,-508,608,608,-512,608,608,608,608,-517,-518,-519,-520,608,608,-523,-524,608,-526,-527,-528,-529,-530,-531,-532,-533,608,-535,608,608,608,-541,-543,-544,608,-546,-547,-548,-549,608,608,608,608,608,608,-654,-655,-656,-657,608,-659,-660,-661,608,608,608,-667,608,608,-671,-672,608,608,-675,608,-677,-678,608,-681,608,-683,608,608,-686,-687,-688,608,-690,608,608,-693,608,608,-696,-697,-698,608,-700,-701,-702,-703,608,608,-748,608,-751,-752,-753,-754,-755,608,-757,-758,-759,-760,-761,608,-768,-769,-771,608,-773,-774,-775,-784,-858,-860,-862,-864,608,608,608,608,-870,608,-872,608,608,608,608,608,608,608,-908,-909,608,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,608,-923,-926,608,-936,608,-387,-388,-389,608,608,-392,-393,-394,-395,608,-398,608,-401,-402,608,-403,608,-408,-409,608,-412,-413,-414,608,-417,608,-418,608,-423,-424,608,-427,608,-430,-431,-1896,-1896,608,-621,-622,-623,-624,-625,-636,-586,-626,-799,608,608,608,608,608,-833,608,608,-808,608,-834,608,608,608,608,-800,608,-855,-801,608,608,608,608,608,608,-856,-857,608,-836,-832,-837,608,-627,608,-628,-629,-630,-631,-576,608,608,-632,-633,-634,608,608,608,608,608,608,-637,-638,-639,-594,-1896,-604,608,-640,-641,-715,-642,-606,608,-574,-579,-582,-585,608,608,608,-600,-603,608,-610,608,608,608,608,608,608,608,608,608,608,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,608,608,608,-997,608,608,608,608,608,608,-308,-327,-321,-298,-377,-454,-455,-456,-460,608,-445,608,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,608,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,608,608,608,608,608,608,608,608,608,-318,-537,-510,-593,-939,-941,-942,-440,608,-442,-382,-383,-385,-509,-511,-513,608,-515,-516,-521,-522,608,-534,-536,-539,-540,-545,-550,-728,608,-729,608,-734,608,-736,608,-741,-658,-662,-663,608,-668,608,-669,608,-674,-676,608,-679,608,608,608,-689,-691,608,-694,608,608,-746,608,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,608,608,608,608,608,-879,608,-882,-910,-922,-927,-390,-391,608,-396,608,-399,608,-404,608,-405,608,-410,608,-415,608,-419,608,-420,608,-425,608,-428,-901,-902,-645,-587,-1896,-903,608,608,608,-802,608,608,-806,608,-809,-835,608,-820,608,-822,608,-824,-810,608,-826,608,-853,-854,608,608,-813,608,-648,-904,-906,-650,-651,-647,608,-707,-708,608,-644,-905,-649,-652,-605,-716,608,608,-607,-588,608,608,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,608,608,-711,-712,608,-718,608,608,608,608,608,608,-940,608,-441,-443,-749,608,-893,608,-717,-1896,608,608,608,608,608,-444,-514,-525,608,-730,-735,608,-737,608,-742,608,-664,-670,608,-680,-682,-684,-685,-692,-695,-699,-747,608,608,-876,608,608,-880,608,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,608,-814,608,-816,-803,608,-804,-807,608,-818,-821,-823,-825,-827,608,-828,608,-811,608,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,608,-284,608,608,608,608,-457,608,608,-731,608,-738,608,-743,608,-665,-673,608,608,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,608,-838,-53,608,608,-732,608,-739,608,-744,-666,608,-875,-54,608,608,-733,-740,-745,608,608,608,-874,]),'P_CHUNK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[609,609,609,609,-1896,609,609,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,609,609,609,609,-277,-278,609,-1427,609,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,609,609,609,-492,609,609,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,609,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,609,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,609,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,609,-174,-175,-176,-177,-995,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-292,-293,-283,609,609,609,609,609,-330,-320,-334,-335,-336,609,609,-984,-985,-986,-987,-988,-989,-990,609,609,609,609,609,609,609,609,609,609,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,609,609,609,-355,-358,609,-325,-326,-143,609,-144,609,-145,609,-432,-937,-938,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-1896,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-1896,609,-1896,609,609,609,609,609,609,609,609,609,609,609,609,-1896,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-1896,609,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,609,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,609,609,609,-193,-194,609,-996,609,609,609,609,609,-279,-280,-281,-282,-367,609,-310,609,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,609,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,609,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,609,609,609,609,609,609,-575,609,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,609,609,-725,-726,-727,609,609,609,609,609,609,-996,609,609,-93,-94,609,609,609,609,-311,-312,-322,609,-309,-295,-296,-297,609,609,609,609,-620,-635,-592,609,609,-438,609,-439,609,-446,-447,-448,-380,-381,609,609,609,-508,609,609,-512,609,609,609,609,-517,-518,-519,-520,609,609,-523,-524,609,-526,-527,-528,-529,-530,-531,-532,-533,609,-535,609,609,609,-541,-543,-544,609,-546,-547,-548,-549,609,609,609,609,609,609,-654,-655,-656,-657,609,-659,-660,-661,609,609,609,-667,609,609,-671,-672,609,609,-675,609,-677,-678,609,-681,609,-683,609,609,-686,-687,-688,609,-690,609,609,-693,609,609,-696,-697,-698,609,-700,-701,-702,-703,609,609,-748,609,-751,-752,-753,-754,-755,609,-757,-758,-759,-760,-761,609,-768,-769,-771,609,-773,-774,-775,-784,-858,-860,-862,-864,609,609,609,609,-870,609,-872,609,609,609,609,609,609,609,-908,-909,609,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,609,-923,-926,609,-936,609,-387,-388,-389,609,609,-392,-393,-394,-395,609,-398,609,-401,-402,609,-403,609,-408,-409,609,-412,-413,-414,609,-417,609,-418,609,-423,-424,609,-427,609,-430,-431,-1896,-1896,609,-621,-622,-623,-624,-625,-636,-586,-626,-799,609,609,609,609,609,-833,609,609,-808,609,-834,609,609,609,609,-800,609,-855,-801,609,609,609,609,609,609,-856,-857,609,-836,-832,-837,609,-627,609,-628,-629,-630,-631,-576,609,609,-632,-633,-634,609,609,609,609,609,609,-637,-638,-639,-594,-1896,-604,609,-640,-641,-715,-642,-606,609,-574,-579,-582,-585,609,609,609,-600,-603,609,-610,609,609,609,609,609,609,609,609,609,609,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,609,609,609,-997,609,609,609,609,609,609,-308,-327,-321,-298,-377,-454,-455,-456,-460,609,-445,609,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,609,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,609,609,609,609,609,609,609,609,609,-318,-537,-510,-593,-939,-941,-942,-440,609,-442,-382,-383,-385,-509,-511,-513,609,-515,-516,-521,-522,609,-534,-536,-539,-540,-545,-550,-728,609,-729,609,-734,609,-736,609,-741,-658,-662,-663,609,-668,609,-669,609,-674,-676,609,-679,609,609,609,-689,-691,609,-694,609,609,-746,609,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,609,609,609,609,609,-879,609,-882,-910,-922,-927,-390,-391,609,-396,609,-399,609,-404,609,-405,609,-410,609,-415,609,-419,609,-420,609,-425,609,-428,-901,-902,-645,-587,-1896,-903,609,609,609,-802,609,609,-806,609,-809,-835,609,-820,609,-822,609,-824,-810,609,-826,609,-853,-854,609,609,-813,609,-648,-904,-906,-650,-651,-647,609,-707,-708,609,-644,-905,-649,-652,-605,-716,609,609,-607,-588,609,609,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,609,609,-711,-712,609,-718,609,609,609,609,609,609,-940,609,-441,-443,-749,609,-893,609,-717,-1896,609,609,609,609,609,-444,-514,-525,609,-730,-735,609,-737,609,-742,609,-664,-670,609,-680,-682,-684,-685,-692,-695,-699,-747,609,609,-876,609,609,-880,609,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,609,-814,609,-816,-803,609,-804,-807,609,-818,-821,-823,-825,-827,609,-828,609,-811,609,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,609,-284,609,609,609,609,-457,609,609,-731,609,-738,609,-743,609,-665,-673,609,609,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,609,-838,-53,609,609,-732,609,-739,609,-744,-666,609,-875,-54,609,609,-733,-740,-745,609,609,609,-874,]),'P_ENTITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[610,610,610,610,-1896,610,610,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,610,610,610,610,-277,-278,610,-1427,610,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,610,610,610,-492,610,610,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,610,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,610,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,610,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,610,-174,-175,-176,-177,-995,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-292,-293,-283,610,610,610,610,610,-330,-320,-334,-335,-336,610,610,-984,-985,-986,-987,-988,-989,-990,610,610,610,610,610,610,610,610,610,610,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,610,610,610,-355,-358,610,-325,-326,-143,610,-144,610,-145,610,-432,-937,-938,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-1896,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-1896,610,-1896,610,610,610,610,610,610,610,610,610,610,610,610,-1896,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-1896,610,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,610,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,610,610,610,-193,-194,610,-996,610,610,610,610,610,-279,-280,-281,-282,-367,610,-310,610,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,610,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,610,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,610,610,610,610,610,610,-575,610,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,610,610,-725,-726,-727,610,610,610,610,610,610,-996,610,610,-93,-94,610,610,610,610,-311,-312,-322,610,-309,-295,-296,-297,610,610,610,610,-620,-635,-592,610,610,-438,610,-439,610,-446,-447,-448,-380,-381,610,610,610,-508,610,610,-512,610,610,610,610,-517,-518,-519,-520,610,610,-523,-524,610,-526,-527,-528,-529,-530,-531,-532,-533,610,-535,610,610,610,-541,-543,-544,610,-546,-547,-548,-549,610,610,610,610,610,610,-654,-655,-656,-657,610,-659,-660,-661,610,610,610,-667,610,610,-671,-672,610,610,-675,610,-677,-678,610,-681,610,-683,610,610,-686,-687,-688,610,-690,610,610,-693,610,610,-696,-697,-698,610,-700,-701,-702,-703,610,610,-748,610,-751,-752,-753,-754,-755,610,-757,-758,-759,-760,-761,610,-768,-769,-771,610,-773,-774,-775,-784,-858,-860,-862,-864,610,610,610,610,-870,610,-872,610,610,610,610,610,610,610,-908,-909,610,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,610,-923,-926,610,-936,610,-387,-388,-389,610,610,-392,-393,-394,-395,610,-398,610,-401,-402,610,-403,610,-408,-409,610,-412,-413,-414,610,-417,610,-418,610,-423,-424,610,-427,610,-430,-431,-1896,-1896,610,-621,-622,-623,-624,-625,-636,-586,-626,-799,610,610,610,610,610,-833,610,610,-808,610,-834,610,610,610,610,-800,610,-855,-801,610,610,610,610,610,610,-856,-857,610,-836,-832,-837,610,-627,610,-628,-629,-630,-631,-576,610,610,-632,-633,-634,610,610,610,610,610,610,-637,-638,-639,-594,-1896,-604,610,-640,-641,-715,-642,-606,610,-574,-579,-582,-585,610,610,610,-600,-603,610,-610,610,610,610,610,610,610,610,610,610,610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,610,610,610,-997,610,610,610,610,610,610,-308,-327,-321,-298,-377,-454,-455,-456,-460,610,-445,610,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,610,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,610,610,610,610,610,610,610,610,610,-318,-537,-510,-593,-939,-941,-942,-440,610,-442,-382,-383,-385,-509,-511,-513,610,-515,-516,-521,-522,610,-534,-536,-539,-540,-545,-550,-728,610,-729,610,-734,610,-736,610,-741,-658,-662,-663,610,-668,610,-669,610,-674,-676,610,-679,610,610,610,-689,-691,610,-694,610,610,-746,610,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,610,610,610,610,610,-879,610,-882,-910,-922,-927,-390,-391,610,-396,610,-399,610,-404,610,-405,610,-410,610,-415,610,-419,610,-420,610,-425,610,-428,-901,-902,-645,-587,-1896,-903,610,610,610,-802,610,610,-806,610,-809,-835,610,-820,610,-822,610,-824,-810,610,-826,610,-853,-854,610,610,-813,610,-648,-904,-906,-650,-651,-647,610,-707,-708,610,-644,-905,-649,-652,-605,-716,610,610,-607,-588,610,610,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,610,610,-711,-712,610,-718,610,610,610,610,610,610,-940,610,-441,-443,-749,610,-893,610,-717,-1896,610,610,610,610,610,-444,-514,-525,610,-730,-735,610,-737,610,-742,610,-664,-670,610,-680,-682,-684,-685,-692,-695,-699,-747,610,610,-876,610,610,-880,610,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,610,-814,610,-816,-803,610,-804,-807,610,-818,-821,-823,-825,-827,610,-828,610,-811,610,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,610,-284,610,610,610,610,-457,610,610,-731,610,-738,610,-743,610,-665,-673,610,610,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,610,-838,-53,610,610,-732,610,-739,610,-744,-666,610,-875,-54,610,610,-733,-740,-745,610,610,610,-874,]),'QUARTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[611,611,611,1296,-1896,611,611,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,611,611,611,611,-277,-278,1296,-1427,1296,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1296,1296,1296,-492,1296,1296,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1296,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1296,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1296,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,611,-174,-175,-176,-177,-995,611,611,611,611,611,611,611,611,611,611,1296,1296,1296,1296,1296,-292,-293,-283,611,1296,1296,1296,1296,-330,-320,-334,-335,-336,1296,1296,-984,-985,-986,-987,-988,-989,-990,611,611,1296,1296,1296,1296,1296,1296,1296,1296,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1296,1296,2111,1296,-355,-358,611,-325,-326,-143,1296,-144,1296,-145,1296,-432,-937,-938,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1896,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1896,1296,-1896,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1896,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,2111,2111,1296,1296,2111,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1896,611,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1296,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1296,611,611,-193,-194,611,-996,1296,611,611,611,611,-279,-280,-281,-282,-367,1296,-310,1296,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1296,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1296,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1296,1296,1296,1296,1296,1296,-575,1296,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1296,1296,-725,-726,-727,1296,1296,611,611,611,611,-996,611,1296,-93,-94,611,611,611,1296,-311,-312,-322,1296,-309,-295,-296,-297,1296,611,1296,1296,-620,-635,-592,1296,611,-438,611,-439,1296,-446,-447,-448,-380,-381,1296,1296,1296,-508,1296,1296,-512,1296,1296,1296,1296,-517,-518,-519,-520,1296,1296,-523,-524,1296,-526,-527,-528,-529,-530,-531,-532,-533,1296,-535,1296,1296,1296,-541,-543,-544,1296,-546,-547,-548,-549,1296,1296,1296,1296,1296,1296,-654,-655,-656,-657,611,-659,-660,-661,1296,1296,1296,-667,1296,1296,-671,-672,1296,1296,-675,1296,-677,-678,1296,-681,1296,-683,1296,1296,-686,-687,-688,1296,-690,1296,1296,-693,1296,1296,-696,-697,-698,1296,-700,-701,-702,-703,1296,1296,-748,1296,-751,-752,-753,-754,-755,1296,-757,-758,-759,-760,-761,1296,-768,-769,-771,1296,-773,-774,-775,-784,-858,-860,-862,-864,1296,1296,1296,1296,-870,1296,-872,1296,1296,1296,1296,1296,1296,1296,-908,-909,1296,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1296,-923,-926,1296,-936,1296,-387,-388,-389,1296,1296,-392,-393,-394,-395,1296,-398,1296,-401,-402,1296,-403,1296,-408,-409,1296,-412,-413,-414,1296,-417,1296,-418,1296,-423,-424,1296,-427,1296,-430,-431,-1896,-1896,1296,-621,-622,-623,-624,-625,-636,-586,-626,-799,1296,1296,1296,1296,1296,-833,1296,1296,-808,1296,-834,1296,1296,1296,1296,-800,1296,-855,-801,1296,1296,1296,1296,1296,1296,-856,-857,1296,-836,-832,-837,1296,-627,1296,-628,-629,-630,-631,-576,1296,1296,-632,-633,-634,1296,1296,1296,1296,1296,1296,-637,-638,-639,-594,-1896,-604,1296,-640,-641,-715,-642,-606,1296,-574,-579,-582,-585,1296,1296,1296,-600,-603,1296,-610,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1296,611,611,-997,611,1296,611,611,611,1296,-308,-327,-321,-298,-377,-454,-455,-456,-460,611,-445,1296,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1296,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,611,611,611,611,611,611,611,611,1296,-318,-537,-510,-593,-939,-941,-942,-440,1296,-442,-382,-383,-385,-509,-511,-513,1296,-515,-516,-521,-522,1296,-534,-536,-539,-540,-545,-550,-728,1296,-729,1296,-734,1296,-736,1296,-741,-658,-662,-663,1296,-668,1296,-669,1296,-674,-676,1296,-679,1296,1296,1296,-689,-691,1296,-694,1296,1296,-746,1296,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1296,1296,1296,1296,1296,-879,1296,-882,-910,-922,-927,-390,-391,1296,-396,1296,-399,1296,-404,1296,-405,1296,-410,1296,-415,1296,-419,1296,-420,1296,-425,1296,-428,-901,-902,-645,-587,-1896,-903,1296,1296,1296,-802,1296,1296,-806,1296,-809,-835,1296,-820,1296,-822,1296,-824,-810,1296,-826,1296,-853,-854,1296,1296,-813,1296,-648,-904,-906,-650,-651,-647,1296,-707,-708,1296,-644,-905,-649,-652,-605,-716,1296,1296,-607,-588,1296,1296,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1296,1296,-711,-712,1296,-718,1296,611,611,611,1296,1296,-940,611,-441,-443,-749,1296,-893,1296,-717,-1896,1296,1296,611,611,1296,-444,-514,-525,1296,-730,-735,1296,-737,1296,-742,1296,-664,-670,1296,-680,-682,-684,-685,-692,-695,-699,-747,1296,1296,-876,1296,1296,-880,1296,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1296,-814,1296,-816,-803,1296,-804,-807,1296,-818,-821,-823,-825,-827,1296,-828,1296,-811,1296,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,611,-284,611,1296,611,1296,-457,1296,1296,-731,1296,-738,1296,-743,1296,-665,-673,1296,1296,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1296,-838,-53,611,1296,-732,1296,-739,1296,-744,-666,1296,-875,-54,611,611,-733,-740,-745,1296,611,1296,-874,]),'QUERY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3617,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3850,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[612,612,612,612,-1896,612,612,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,612,612,612,612,-277,-278,612,-1427,612,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,612,612,612,-492,612,612,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,612,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,612,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,612,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,612,-174,-175,-176,-177,-995,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-292,-293,-283,612,612,612,612,612,-330,-320,-334,-335,-336,612,612,-984,-985,-986,-987,-988,-989,-990,612,612,612,612,612,612,612,612,612,612,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,612,612,612,-355,-358,612,-325,-326,-143,612,-144,612,-145,612,-432,-937,-938,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-1896,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-1896,612,-1896,612,612,612,612,612,612,612,612,612,612,612,612,-1896,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-1896,612,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,612,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,612,612,612,-193,-194,612,-996,612,612,612,612,612,-279,-280,-281,-282,-367,612,-310,612,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,612,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,612,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,612,612,612,612,612,612,-575,612,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,612,612,-725,-726,-727,612,612,612,612,612,612,-996,612,612,-93,-94,612,612,612,612,-311,-312,-322,612,-309,-295,-296,-297,612,612,612,612,-620,-635,-592,612,612,-438,612,-439,612,-446,-447,-448,-380,-381,612,612,612,-508,612,612,-512,612,612,612,612,-517,-518,-519,-520,612,612,-523,-524,612,-526,-527,-528,-529,-530,-531,-532,-533,612,-535,612,612,612,-541,-543,-544,612,-546,-547,-548,-549,612,612,612,612,612,612,-654,-655,-656,-657,612,-659,-660,-661,612,612,612,-667,612,612,-671,-672,612,612,-675,612,-677,-678,612,-681,612,-683,612,612,-686,-687,-688,612,-690,612,612,-693,612,612,-696,-697,-698,612,-700,-701,-702,-703,612,612,-748,612,-751,-752,-753,-754,-755,612,-757,-758,-759,-760,-761,612,-768,-769,-771,612,-773,-774,-775,-784,-858,-860,-862,-864,612,612,612,612,-870,612,-872,612,612,612,612,612,612,612,-908,-909,612,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,612,-923,-926,612,-936,612,-387,-388,-389,612,612,-392,-393,-394,-395,612,-398,612,-401,-402,612,-403,612,-408,-409,612,-412,-413,-414,612,-417,612,-418,612,-423,-424,612,-427,612,-430,-431,-1896,-1896,612,-621,-622,-623,-624,-625,-636,-586,-626,-799,612,612,612,612,612,-833,612,612,-808,612,-834,612,612,612,612,-800,612,-855,-801,612,612,612,612,612,612,-856,-857,612,-836,-832,-837,612,-627,612,-628,-629,-630,-631,-576,612,612,-632,-633,-634,612,612,612,612,612,612,-637,-638,-639,-594,-1896,-604,612,-640,-641,-715,-642,-606,612,-574,-579,-582,-585,612,612,612,-600,-603,612,-610,612,612,612,612,612,612,612,612,612,612,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,612,612,612,-997,612,612,612,612,612,612,-308,-327,-321,-298,-377,-454,-455,-456,-460,612,-445,612,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,612,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,612,612,612,612,612,612,612,612,612,-318,-537,-510,-593,-939,-941,-942,-440,612,-442,-382,-383,-385,-509,-511,-513,612,-515,-516,-521,-522,612,-534,-536,-539,-540,-545,-550,-728,612,-729,612,-734,612,-736,612,-741,-658,-662,-663,612,-668,612,-669,612,-674,-676,612,-679,612,612,612,-689,-691,612,-694,612,612,-746,612,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,612,612,612,612,612,-879,612,-882,-910,-922,-927,-390,-391,612,-396,612,-399,612,-404,612,-405,612,-410,612,-415,612,-419,612,-420,612,-425,612,-428,-901,-902,-645,-587,-1896,-903,612,612,612,-802,612,612,-806,612,-809,-835,612,-820,612,-822,612,-824,-810,612,-826,612,-853,-854,612,612,-813,612,-648,-904,-906,-650,-651,-647,612,-707,-708,612,-644,-905,-649,-652,-605,-716,612,612,-607,-588,612,612,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,612,612,-711,-712,612,-718,612,612,612,612,612,612,-940,612,-441,-443,-749,612,-893,612,-717,-1896,612,612,612,612,3741,612,-444,-514,-525,612,-730,-735,612,-737,612,-742,612,-664,-670,612,-680,-682,-684,-685,-692,-695,-699,-747,612,612,-876,612,612,-880,612,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,612,-814,612,-816,-803,612,-804,-807,612,-818,-821,-823,-825,-827,612,-828,612,-811,612,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,612,-284,612,612,612,612,-457,612,612,-731,612,-738,612,-743,612,-665,-673,612,612,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,612,-838,-53,612,3866,612,-732,612,-739,612,-744,-666,612,-875,-54,612,612,-733,-740,-745,612,612,612,-874,]),'QUICK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[613,613,613,613,-1896,613,613,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,613,613,613,613,-277,-278,613,-1427,613,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,613,613,613,-492,613,613,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,613,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,613,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,613,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,613,-174,-175,-176,-177,-995,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-292,-293,-283,613,613,613,613,613,-330,-320,-334,-335,-336,613,613,-984,-985,-986,-987,-988,-989,-990,613,613,613,613,613,613,613,613,613,613,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,613,613,613,-355,-358,613,-325,-326,-143,613,-144,613,-145,613,-432,-937,-938,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-1896,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-1896,613,-1896,613,613,613,613,613,613,613,613,613,613,613,613,-1896,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-1896,613,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,613,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,613,613,613,-193,-194,613,-996,613,613,613,613,613,-279,-280,-281,-282,-367,613,-310,613,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,613,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,613,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,613,613,613,613,613,613,-575,613,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,613,613,-725,-726,-727,613,613,613,613,613,613,-996,613,613,-93,-94,613,613,613,613,-311,-312,-322,613,-309,-295,-296,-297,613,613,613,613,-620,-635,-592,613,613,-438,613,-439,613,-446,-447,-448,-380,-381,613,613,613,-508,613,613,-512,613,613,613,613,-517,-518,-519,-520,613,613,-523,-524,613,-526,-527,-528,-529,-530,-531,-532,-533,613,-535,613,613,613,-541,-543,-544,613,-546,-547,-548,-549,613,613,613,613,613,613,-654,-655,-656,-657,613,-659,-660,-661,613,613,613,-667,613,613,-671,-672,613,613,-675,613,-677,-678,613,-681,613,-683,613,613,-686,-687,-688,613,-690,613,613,-693,613,613,-696,-697,-698,613,-700,-701,-702,-703,613,613,-748,613,-751,-752,-753,-754,-755,613,-757,-758,-759,-760,-761,613,-768,-769,-771,613,-773,-774,-775,-784,-858,-860,-862,-864,613,613,613,613,-870,613,-872,613,613,613,613,613,613,613,-908,-909,613,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,613,-923,-926,613,-936,613,-387,-388,-389,613,613,-392,-393,-394,-395,613,-398,613,-401,-402,613,-403,613,-408,-409,613,-412,-413,-414,613,-417,613,-418,613,-423,-424,613,-427,613,-430,-431,-1896,-1896,613,-621,-622,-623,-624,-625,-636,-586,-626,-799,613,613,613,613,613,-833,613,613,-808,613,-834,613,613,613,613,-800,613,-855,-801,613,613,613,613,613,613,-856,-857,613,-836,-832,-837,613,-627,613,-628,-629,-630,-631,-576,613,613,-632,-633,-634,613,613,613,613,613,613,-637,-638,-639,-594,-1896,-604,613,-640,-641,-715,-642,-606,613,-574,-579,-582,-585,613,613,613,-600,-603,613,-610,613,613,613,613,613,613,613,613,613,613,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,613,613,613,-997,613,613,613,613,613,613,-308,-327,-321,-298,-377,-454,-455,-456,-460,613,-445,613,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,613,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,613,613,613,613,613,613,613,613,613,-318,-537,-510,-593,-939,-941,-942,-440,613,-442,-382,-383,-385,-509,-511,-513,613,-515,-516,-521,-522,613,-534,-536,-539,-540,-545,-550,-728,613,-729,613,-734,613,-736,613,-741,-658,-662,-663,613,-668,613,-669,613,-674,-676,613,-679,613,613,613,-689,-691,613,-694,613,613,-746,613,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,613,613,613,613,613,-879,613,-882,-910,-922,-927,-390,-391,613,-396,613,-399,613,-404,613,-405,613,-410,613,-415,613,-419,613,-420,613,-425,613,-428,-901,-902,-645,-587,-1896,-903,613,613,613,-802,613,613,-806,613,-809,-835,613,-820,613,-822,613,-824,-810,613,-826,613,-853,-854,613,613,-813,613,-648,-904,-906,-650,-651,-647,613,-707,-708,613,-644,-905,-649,-652,-605,-716,613,613,-607,-588,613,613,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,613,613,-711,-712,613,-718,613,613,613,613,613,613,-940,613,-441,-443,-749,613,-893,613,-717,-1896,613,613,613,613,613,-444,-514,-525,613,-730,-735,613,-737,613,-742,613,-664,-670,613,-680,-682,-684,-685,-692,-695,-699,-747,613,613,-876,613,613,-880,613,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,613,-814,613,-816,-803,613,-804,-807,613,-818,-821,-823,-825,-827,613,-828,613,-811,613,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,613,-284,613,613,613,613,-457,613,613,-731,613,-738,613,-743,613,-665,-673,613,613,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,613,-838,-53,613,613,-732,613,-739,613,-744,-666,613,-875,-54,613,613,-733,-740,-745,613,613,613,-874,]),'QUOTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[614,614,614,1113,-1896,614,614,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,614,614,614,614,-277,-278,1113,-1427,1113,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1113,1113,1113,-492,1113,1113,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1113,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1113,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1934,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,614,-174,-175,-176,-177,-995,614,614,614,614,614,614,614,614,614,614,1113,1113,1113,1113,1113,-292,-293,-283,614,1113,1113,1113,1113,-330,-320,-334,-335,-336,1113,1113,-984,-985,-986,-987,-988,-989,-990,614,614,1113,1113,1113,1113,1113,1113,1113,1113,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1113,1113,1113,-355,-358,614,-325,-326,-143,1113,-144,1113,-145,1113,-432,-937,-938,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1896,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1896,1113,-1896,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1896,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1896,614,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1113,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1113,614,614,-193,-194,614,-996,1113,614,614,614,614,-279,-280,-281,-282,-367,1113,-310,1113,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1113,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1113,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1113,1113,1113,1113,1113,1113,-575,1113,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1113,1113,-725,-726,-727,1113,1934,614,614,614,614,-996,614,1113,-93,-94,614,614,614,1113,-311,-312,-322,1113,-309,-295,-296,-297,1113,614,1113,1113,-620,-635,-592,1113,614,-438,614,-439,1113,-446,-447,-448,-380,-381,1113,1113,1113,-508,1113,1113,-512,1113,1113,1113,1113,-517,-518,-519,-520,1113,1113,-523,-524,1113,-526,-527,-528,-529,-530,-531,-532,-533,1113,-535,1113,1113,1113,-541,-543,-544,1113,-546,-547,-548,-549,1113,1113,1113,1113,1113,1113,-654,-655,-656,-657,614,-659,-660,-661,1113,1113,1113,-667,1113,1113,-671,-672,1113,1113,-675,1113,-677,-678,1113,-681,1113,-683,1113,1113,-686,-687,-688,1113,-690,1113,1113,-693,1113,1113,-696,-697,-698,1113,-700,-701,-702,-703,1113,1113,-748,1113,-751,-752,-753,-754,-755,1113,-757,-758,-759,-760,-761,1113,-768,-769,-771,1113,-773,-774,-775,-784,-858,-860,-862,-864,1113,1113,1113,1113,-870,1113,-872,1113,1113,1113,1113,1113,1113,1113,-908,-909,1113,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1113,-923,-926,1113,-936,1113,-387,-388,-389,1113,1113,-392,-393,-394,-395,1113,-398,1113,-401,-402,1113,-403,1113,-408,-409,1113,-412,-413,-414,1113,-417,1113,-418,1113,-423,-424,1113,-427,1113,-430,-431,-1896,-1896,1113,-621,-622,-623,-624,-625,-636,-586,-626,-799,1113,1113,1113,1113,1113,-833,1113,1113,-808,1113,-834,1113,1113,1113,1113,-800,1113,-855,-801,1113,1113,1113,1113,1113,1113,-856,-857,1113,-836,-832,-837,1113,-627,1113,-628,-629,-630,-631,-576,1113,1113,-632,-633,-634,1113,1113,1113,1113,1113,1113,-637,-638,-639,-594,-1896,-604,1113,-640,-641,-715,-642,-606,1113,-574,-579,-582,-585,1113,1113,1113,-600,-603,1113,-610,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1113,614,614,-997,614,1113,614,614,614,1113,-308,-327,-321,-298,-377,-454,-455,-456,-460,614,-445,1113,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1113,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,614,614,614,614,614,614,614,614,1113,-318,-537,-510,-593,-939,-941,-942,-440,1113,-442,-382,-383,-385,-509,-511,-513,1113,-515,-516,-521,-522,1113,-534,-536,-539,-540,-545,-550,-728,1113,-729,1113,-734,1113,-736,1113,-741,-658,-662,-663,1113,-668,1113,-669,1113,-674,-676,1113,-679,1113,1113,1113,-689,-691,1113,-694,1113,1113,-746,1113,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1113,1113,1113,1113,1113,-879,1113,-882,-910,-922,-927,-390,-391,1113,-396,1113,-399,1113,-404,1113,-405,1113,-410,1113,-415,1113,-419,1113,-420,1113,-425,1113,-428,-901,-902,-645,-587,-1896,-903,1113,1113,1113,-802,1113,1113,-806,1113,-809,-835,1113,-820,1113,-822,1113,-824,-810,1113,-826,1113,-853,-854,1113,1113,-813,1113,-648,-904,-906,-650,-651,-647,1113,-707,-708,1113,-644,-905,-649,-652,-605,-716,1113,1113,-607,-588,1113,1113,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1113,1113,-711,-712,1113,-718,1113,614,614,614,1113,1113,-940,614,-441,-443,-749,1113,-893,1934,-717,-1896,1113,1113,614,614,1113,-444,-514,-525,1113,-730,-735,1113,-737,1113,-742,1113,-664,-670,1113,-680,-682,-684,-685,-692,-695,-699,-747,1113,1113,-876,1113,1113,-880,1113,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1113,-814,1113,-816,-803,1113,-804,-807,1113,-818,-821,-823,-825,-827,1113,-828,1113,-811,1113,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,614,-284,614,1113,614,1113,-457,1113,1113,-731,1113,-738,1113,-743,1113,-665,-673,1113,1113,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1113,-838,-53,614,1113,-732,1113,-739,1113,-744,-666,1113,-875,-54,614,614,-733,-740,-745,1113,614,1113,-874,]),'R32':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[615,615,615,615,-1896,615,615,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,615,615,615,615,-277,-278,615,-1427,615,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,615,615,615,-492,615,615,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,615,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,615,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,615,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,615,-174,-175,-176,-177,-995,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-292,-293,-283,615,615,615,615,615,-330,-320,-334,-335,-336,615,615,-984,-985,-986,-987,-988,-989,-990,615,615,615,615,615,615,615,615,615,615,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,615,615,615,-355,-358,615,-325,-326,-143,615,-144,615,-145,615,-432,-937,-938,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-1896,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-1896,615,-1896,615,615,615,615,615,615,615,615,615,615,615,615,-1896,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-1896,615,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,615,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,615,615,615,-193,-194,615,-996,615,615,615,615,615,-279,-280,-281,-282,-367,615,-310,615,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,615,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,615,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,615,615,615,615,615,615,-575,615,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,615,615,-725,-726,-727,615,615,615,615,615,615,-996,615,615,-93,-94,615,615,615,615,-311,-312,-322,615,-309,-295,-296,-297,615,615,615,615,-620,-635,-592,615,615,-438,615,-439,615,-446,-447,-448,-380,-381,615,615,615,-508,615,615,-512,615,615,615,615,-517,-518,-519,-520,615,615,-523,-524,615,-526,-527,-528,-529,-530,-531,-532,-533,615,-535,615,615,615,-541,-543,-544,615,-546,-547,-548,-549,615,615,615,615,615,615,-654,-655,-656,-657,615,-659,-660,-661,615,615,615,-667,615,615,-671,-672,615,615,-675,615,-677,-678,615,-681,615,-683,615,615,-686,-687,-688,615,-690,615,615,-693,615,615,-696,-697,-698,615,-700,-701,-702,-703,615,615,-748,615,-751,-752,-753,-754,-755,615,-757,-758,-759,-760,-761,615,-768,-769,-771,615,-773,-774,-775,-784,-858,-860,-862,-864,615,615,615,615,-870,615,-872,615,615,615,615,615,615,615,-908,-909,615,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,615,-923,-926,615,-936,615,-387,-388,-389,615,615,-392,-393,-394,-395,615,-398,615,-401,-402,615,-403,615,-408,-409,615,-412,-413,-414,615,-417,615,-418,615,-423,-424,615,-427,615,-430,-431,-1896,-1896,615,-621,-622,-623,-624,-625,-636,-586,-626,-799,615,615,615,615,615,-833,615,615,-808,615,-834,615,615,615,615,-800,615,-855,-801,615,615,615,615,615,615,-856,-857,615,-836,-832,-837,615,-627,615,-628,-629,-630,-631,-576,615,615,-632,-633,-634,615,615,615,615,615,615,-637,-638,-639,-594,-1896,-604,615,-640,-641,-715,-642,-606,615,-574,-579,-582,-585,615,615,615,-600,-603,615,-610,615,615,615,615,615,615,615,615,615,615,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,615,615,615,-997,615,615,615,615,615,615,-308,-327,-321,-298,-377,-454,-455,-456,-460,615,-445,615,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,615,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,615,615,615,615,615,615,615,615,615,-318,-537,-510,-593,-939,-941,-942,-440,615,-442,-382,-383,-385,-509,-511,-513,615,-515,-516,-521,-522,615,-534,-536,-539,-540,-545,-550,-728,615,-729,615,-734,615,-736,615,-741,-658,-662,-663,615,-668,615,-669,615,-674,-676,615,-679,615,615,615,-689,-691,615,-694,615,615,-746,615,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,615,615,615,615,615,-879,615,-882,-910,-922,-927,-390,-391,615,-396,615,-399,615,-404,615,-405,615,-410,615,-415,615,-419,615,-420,615,-425,615,-428,-901,-902,-645,-587,-1896,-903,615,615,615,-802,615,615,-806,615,-809,-835,615,-820,615,-822,615,-824,-810,615,-826,615,-853,-854,615,615,-813,615,-648,-904,-906,-650,-651,-647,615,-707,-708,615,-644,-905,-649,-652,-605,-716,615,615,-607,-588,615,615,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,615,615,-711,-712,615,-718,615,615,615,615,615,615,-940,615,-441,-443,-749,615,-893,615,-717,-1896,615,615,615,615,615,-444,-514,-525,615,-730,-735,615,-737,615,-742,615,-664,-670,615,-680,-682,-684,-685,-692,-695,-699,-747,615,615,-876,615,615,-880,615,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,615,-814,615,-816,-803,615,-804,-807,615,-818,-821,-823,-825,-827,615,-828,615,-811,615,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,615,-284,615,615,615,615,-457,615,615,-731,615,-738,615,-743,615,-665,-673,615,615,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,615,-838,-53,615,615,-732,615,-739,615,-744,-666,615,-875,-54,615,615,-733,-740,-745,615,615,615,-874,]),'RANDOM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[616,616,616,616,-1896,616,616,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,616,616,616,616,-277,-278,616,-1427,616,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,616,616,616,-492,616,616,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,616,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,616,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,616,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,616,-174,-175,-176,-177,-995,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-292,-293,-283,616,616,616,616,616,-330,-320,-334,-335,-336,616,616,-984,-985,-986,-987,-988,-989,-990,616,616,616,616,616,616,616,616,616,616,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,616,616,616,-355,-358,616,-325,-326,-143,616,-144,616,-145,616,-432,-937,-938,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-1896,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-1896,616,-1896,616,616,616,616,616,616,616,616,616,616,616,616,-1896,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-1896,616,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,616,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,616,616,616,-193,-194,616,-996,616,616,616,616,616,-279,-280,-281,-282,-367,616,-310,616,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,616,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,616,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,616,616,616,616,616,616,-575,616,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,616,616,-725,-726,-727,616,616,616,616,616,616,-996,616,616,-93,-94,616,616,616,616,-311,-312,-322,616,-309,-295,-296,-297,616,616,616,616,-620,-635,-592,616,616,-438,616,-439,616,-446,-447,-448,-380,-381,616,616,616,-508,616,616,-512,616,616,616,616,-517,-518,-519,-520,616,616,-523,-524,616,-526,-527,-528,-529,-530,-531,-532,-533,616,-535,616,616,616,-541,-543,-544,616,-546,-547,-548,-549,616,616,616,616,616,616,-654,-655,-656,-657,616,-659,-660,-661,616,616,616,-667,616,616,-671,-672,616,616,-675,616,-677,-678,616,-681,616,-683,616,616,-686,-687,-688,616,-690,616,616,-693,616,616,-696,-697,-698,616,-700,-701,-702,-703,616,616,-748,616,-751,-752,-753,-754,-755,616,-757,-758,-759,-760,-761,616,-768,-769,-771,616,-773,-774,-775,-784,-858,-860,-862,-864,616,616,616,616,-870,616,-872,616,616,616,616,616,616,616,-908,-909,616,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,616,-923,-926,616,-936,616,-387,-388,-389,616,616,-392,-393,-394,-395,616,-398,616,-401,-402,616,-403,616,-408,-409,616,-412,-413,-414,616,-417,616,-418,616,-423,-424,616,-427,616,-430,-431,-1896,-1896,616,-621,-622,-623,-624,-625,-636,-586,-626,-799,616,616,616,616,616,-833,616,616,-808,616,-834,616,616,616,616,-800,616,-855,-801,616,616,616,616,616,616,-856,-857,616,-836,-832,-837,616,-627,616,-628,-629,-630,-631,-576,616,616,-632,-633,-634,616,616,616,616,616,616,-637,-638,-639,-594,-1896,-604,616,-640,-641,-715,-642,-606,616,-574,-579,-582,-585,616,616,616,-600,-603,616,-610,616,616,616,616,616,616,616,616,616,616,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,616,616,616,-997,616,616,616,616,616,616,-308,-327,-321,-298,-377,-454,-455,-456,-460,616,-445,616,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,616,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,616,616,616,616,616,616,616,616,616,-318,-537,-510,-593,-939,-941,-942,-440,616,-442,-382,-383,-385,-509,-511,-513,616,-515,-516,-521,-522,616,-534,-536,-539,-540,-545,-550,-728,616,-729,616,-734,616,-736,616,-741,-658,-662,-663,616,-668,616,-669,616,-674,-676,616,-679,616,616,616,-689,-691,616,-694,616,616,-746,616,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,616,616,616,616,616,-879,616,-882,-910,-922,-927,-390,-391,616,-396,616,-399,616,-404,616,-405,616,-410,616,-415,616,-419,616,-420,616,-425,616,-428,-901,-902,-645,-587,-1896,-903,616,616,616,-802,616,616,-806,616,-809,-835,616,-820,616,-822,616,-824,-810,616,-826,616,-853,-854,616,616,-813,616,-648,-904,-906,-650,-651,-647,616,-707,-708,616,-644,-905,-649,-652,-605,-716,616,616,-607,-588,616,616,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,616,616,-711,-712,616,-718,616,616,616,616,616,616,-940,616,-441,-443,-749,616,-893,616,-717,-1896,616,616,616,616,616,-444,-514,-525,616,-730,-735,616,-737,616,-742,616,-664,-670,616,-680,-682,-684,-685,-692,-695,-699,-747,616,616,-876,616,616,-880,616,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,616,-814,616,-816,-803,616,-804,-807,616,-818,-821,-823,-825,-827,616,-828,616,-811,616,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,616,-284,616,616,616,616,-457,616,616,-731,616,-738,616,-743,616,-665,-673,616,616,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,616,-838,-53,616,616,-732,616,-739,616,-744,-666,616,-875,-54,616,616,-733,-740,-745,616,616,616,-874,]),'RANDOM_BYTES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[617,617,617,1137,-1896,617,617,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,617,617,617,617,-277,-278,1137,-1427,1137,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1137,1137,1137,-492,1137,1137,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1137,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1137,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1935,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,617,-174,-175,-176,-177,-995,617,617,617,617,617,617,617,617,617,617,1137,1137,1137,1137,1137,-292,-293,-283,617,1137,1137,1137,1137,-330,-320,-334,-335,-336,1137,1137,-984,-985,-986,-987,-988,-989,-990,617,617,1137,1137,1137,1137,1137,1137,1137,1137,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1137,1137,1137,-355,-358,617,-325,-326,-143,1137,-144,1137,-145,1137,-432,-937,-938,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1896,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1896,1137,-1896,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1896,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1896,617,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1137,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1137,617,617,-193,-194,617,-996,1137,617,617,617,617,-279,-280,-281,-282,-367,1137,-310,1137,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1137,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1137,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1137,1137,1137,1137,1137,1137,-575,1137,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1137,1137,-725,-726,-727,1137,1935,617,617,617,617,-996,617,1137,-93,-94,617,617,617,1137,-311,-312,-322,1137,-309,-295,-296,-297,1137,617,1137,1137,-620,-635,-592,1137,617,-438,617,-439,1137,-446,-447,-448,-380,-381,1137,1137,1137,-508,1137,1137,-512,1137,1137,1137,1137,-517,-518,-519,-520,1137,1137,-523,-524,1137,-526,-527,-528,-529,-530,-531,-532,-533,1137,-535,1137,1137,1137,-541,-543,-544,1137,-546,-547,-548,-549,1137,1137,1137,1137,1137,1137,-654,-655,-656,-657,617,-659,-660,-661,1137,1137,1137,-667,1137,1137,-671,-672,1137,1137,-675,1137,-677,-678,1137,-681,1137,-683,1137,1137,-686,-687,-688,1137,-690,1137,1137,-693,1137,1137,-696,-697,-698,1137,-700,-701,-702,-703,1137,1137,-748,1137,-751,-752,-753,-754,-755,1137,-757,-758,-759,-760,-761,1137,-768,-769,-771,1137,-773,-774,-775,-784,-858,-860,-862,-864,1137,1137,1137,1137,-870,1137,-872,1137,1137,1137,1137,1137,1137,1137,-908,-909,1137,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1137,-923,-926,1137,-936,1137,-387,-388,-389,1137,1137,-392,-393,-394,-395,1137,-398,1137,-401,-402,1137,-403,1137,-408,-409,1137,-412,-413,-414,1137,-417,1137,-418,1137,-423,-424,1137,-427,1137,-430,-431,-1896,-1896,1137,-621,-622,-623,-624,-625,-636,-586,-626,-799,1137,1137,1137,1137,1137,-833,1137,1137,-808,1137,-834,1137,1137,1137,1137,-800,1137,-855,-801,1137,1137,1137,1137,1137,1137,-856,-857,1137,-836,-832,-837,1137,-627,1137,-628,-629,-630,-631,-576,1137,1137,-632,-633,-634,1137,1137,1137,1137,1137,1137,-637,-638,-639,-594,-1896,-604,1137,-640,-641,-715,-642,-606,1137,-574,-579,-582,-585,1137,1137,1137,-600,-603,1137,-610,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1137,617,617,-997,617,1137,617,617,617,1137,-308,-327,-321,-298,-377,-454,-455,-456,-460,617,-445,1137,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1137,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,617,617,617,617,617,617,617,617,1137,-318,-537,-510,-593,-939,-941,-942,-440,1137,-442,-382,-383,-385,-509,-511,-513,1137,-515,-516,-521,-522,1137,-534,-536,-539,-540,-545,-550,-728,1137,-729,1137,-734,1137,-736,1137,-741,-658,-662,-663,1137,-668,1137,-669,1137,-674,-676,1137,-679,1137,1137,1137,-689,-691,1137,-694,1137,1137,-746,1137,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1137,1137,1137,1137,1137,-879,1137,-882,-910,-922,-927,-390,-391,1137,-396,1137,-399,1137,-404,1137,-405,1137,-410,1137,-415,1137,-419,1137,-420,1137,-425,1137,-428,-901,-902,-645,-587,-1896,-903,1137,1137,1137,-802,1137,1137,-806,1137,-809,-835,1137,-820,1137,-822,1137,-824,-810,1137,-826,1137,-853,-854,1137,1137,-813,1137,-648,-904,-906,-650,-651,-647,1137,-707,-708,1137,-644,-905,-649,-652,-605,-716,1137,1137,-607,-588,1137,1137,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1137,1137,-711,-712,1137,-718,1137,617,617,617,1137,1137,-940,617,-441,-443,-749,1137,-893,1935,-717,-1896,1137,1137,617,617,1137,-444,-514,-525,1137,-730,-735,1137,-737,1137,-742,1137,-664,-670,1137,-680,-682,-684,-685,-692,-695,-699,-747,1137,1137,-876,1137,1137,-880,1137,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1137,-814,1137,-816,-803,1137,-804,-807,1137,-818,-821,-823,-825,-827,1137,-828,1137,-811,1137,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,617,-284,617,1137,617,1137,-457,1137,1137,-731,1137,-738,1137,-743,1137,-665,-673,1137,1137,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1137,-838,-53,617,1137,-732,1137,-739,1137,-744,-666,1137,-875,-54,617,617,-733,-740,-745,1137,617,1137,-874,]),'RANGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1389,1390,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2477,2478,2479,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2885,2886,2888,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3158,3159,3160,3161,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3502,3503,3504,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3627,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3707,3708,3738,3743,3750,3756,3769,3773,3774,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[618,618,618,618,-1896,618,618,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,618,618,618,618,-277,-278,618,-1427,618,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,618,618,618,-492,618,618,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,618,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,618,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,618,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-136,-137,618,-174,-175,-176,-177,-995,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-292,-293,-283,618,618,618,618,618,-330,-320,-334,-335,-336,618,618,-984,-985,-986,-987,-988,-989,-990,618,618,618,618,618,618,618,618,618,618,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,618,618,618,-355,-358,618,-325,-326,-143,618,-144,618,-145,618,-432,-937,-938,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-1896,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-1896,618,-1896,618,618,618,618,618,618,618,618,618,618,618,618,-1896,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-1896,618,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,618,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,618,618,618,-193,-194,618,-996,618,618,618,618,618,-279,-280,-281,-282,-367,618,-310,618,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,618,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,618,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,618,618,618,618,618,618,-575,618,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,618,618,-725,-726,-727,618,618,618,618,-138,-139,-1896,618,618,-996,618,618,-93,-94,618,618,618,618,-311,-312,-322,618,-309,-295,-296,-297,618,618,618,618,-620,-635,-592,618,618,-438,618,-439,618,-446,-447,-448,-380,-381,618,618,618,-508,618,618,-512,618,618,618,618,-517,-518,-519,-520,618,618,-523,-524,618,-526,-527,-528,-529,-530,-531,-532,-533,618,-535,618,618,618,-541,-543,-544,618,-546,-547,-548,-549,618,618,618,618,618,618,-654,-655,-656,-657,618,-659,-660,-661,618,618,618,-667,618,618,-671,-672,618,618,-675,618,-677,-678,618,-681,618,-683,618,618,-686,-687,-688,618,-690,618,618,-693,618,618,-696,-697,-698,618,-700,-701,-702,-703,618,618,-748,618,-751,-752,-753,-754,-755,618,-757,-758,-759,-760,-761,618,-768,-769,-771,618,-773,-774,-775,-784,-858,-860,-862,-864,618,618,618,618,-870,618,-872,618,618,618,618,618,618,618,-908,-909,618,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,618,-923,-926,618,-936,618,-387,-388,-389,618,618,-392,-393,-394,-395,618,-398,618,-401,-402,618,-403,618,-408,-409,618,-412,-413,-414,618,-417,618,-418,618,-423,-424,618,-427,618,-430,-431,-1896,-1896,618,-621,-622,-623,-624,-625,-636,-586,-626,-799,618,618,618,618,618,-833,618,618,-808,618,-834,618,618,618,618,-800,618,-855,-801,618,618,618,618,618,618,-856,-857,618,-836,-832,-837,618,-627,618,-628,-629,-630,-631,-576,618,618,-632,-633,-634,618,618,618,618,618,618,-637,-638,-639,-594,-1896,-604,618,-640,-641,-715,-642,-606,618,-574,-579,-582,-585,618,618,618,-600,-603,618,-610,618,618,618,618,618,618,618,618,618,618,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,618,-141,-1896,-150,-146,-147,618,618,-997,618,618,618,618,618,618,-308,-327,-321,-298,-377,-454,-455,-456,-460,618,-445,618,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,618,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,618,-140,-142,-148,-149,618,618,618,618,618,618,618,618,-318,-537,-510,-593,-939,-941,-942,-1896,-458,-459,-440,618,-442,-382,-383,-385,-509,-511,-513,618,-515,-516,-521,-522,618,-534,-536,-539,-540,-545,-550,-728,618,-729,618,-734,618,-736,618,-741,-658,-662,-663,618,-668,618,-669,618,-674,-676,618,-679,618,618,618,-689,-691,618,-694,618,618,-746,618,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,618,618,618,618,618,-879,618,-882,-910,-922,-927,-390,-391,618,-396,618,-399,618,-404,618,-405,618,-410,618,-415,618,-419,618,-420,618,-425,618,-428,-901,-902,-645,-587,-1896,-903,618,618,618,-802,618,618,-806,618,-809,-835,618,-820,618,-822,618,-824,-810,618,-826,618,-853,-854,618,618,-813,618,-648,-904,-906,-650,-651,-647,618,-707,-708,618,-644,-905,-649,-652,-605,-716,618,618,-607,-588,618,618,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,618,618,-711,-712,618,-718,618,618,618,618,618,618,-940,618,-1896,-461,-462,-441,-443,-749,618,-893,618,-717,-1896,618,618,618,618,3749,618,-444,-514,-525,618,-730,-735,618,-737,618,-742,618,-664,-670,618,-680,-682,-684,-685,-692,-695,-699,-747,618,618,-876,618,618,-880,618,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,618,-814,618,-816,-803,618,-804,-807,618,-818,-821,-823,-825,-827,618,-828,618,-811,618,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,618,-464,-466,-284,618,-463,618,618,618,-467,-457,618,618,-731,618,-738,618,-743,618,-665,-673,618,618,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-465,618,-838,-53,618,618,-732,618,-739,618,-744,-666,618,-875,-54,618,618,-733,-740,-745,618,618,618,-874,]),'RANK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[619,619,619,1010,-1896,619,619,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,619,619,619,619,-277,-278,1010,-1427,1010,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1010,1010,1010,-492,1010,1010,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1010,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1010,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1936,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,619,-174,-175,-176,-177,-995,619,619,619,619,619,619,619,619,619,619,1010,1010,1010,1010,1010,-292,-293,-283,619,1010,1010,1010,1010,-330,-320,-334,-335,-336,1010,1010,-984,-985,-986,-987,-988,-989,-990,619,619,1010,1010,1010,1010,1010,1010,1010,1010,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1010,1010,1010,-355,-358,619,-325,-326,-143,1010,-144,1010,-145,1010,-432,-937,-938,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1896,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1896,1010,-1896,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1896,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1896,619,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1010,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1010,619,619,-193,-194,619,-996,1010,619,619,619,619,-279,-280,-281,-282,-367,1010,-310,1010,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1010,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1010,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1010,1010,1010,1010,1010,1010,-575,1010,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1010,1010,-725,-726,-727,1010,1936,619,619,619,619,-996,619,1010,-93,-94,619,619,619,1010,-311,-312,-322,1010,-309,-295,-296,-297,1010,619,1010,1010,-620,-635,-592,1010,619,-438,619,-439,1010,-446,-447,-448,-380,-381,1010,1010,1010,-508,1010,1010,-512,1010,1010,1010,1010,-517,-518,-519,-520,1010,1010,-523,-524,1010,-526,-527,-528,-529,-530,-531,-532,-533,1010,-535,1010,1010,1010,-541,-543,-544,1010,-546,-547,-548,-549,1010,1010,1010,1010,1010,1010,-654,-655,-656,-657,619,-659,-660,-661,1010,1010,1010,-667,1010,1010,-671,-672,1010,1010,-675,1010,-677,-678,1010,-681,1010,-683,1010,1010,-686,-687,-688,1010,-690,1010,1010,-693,1010,1010,-696,-697,-698,1010,-700,-701,-702,-703,1010,1010,-748,1010,-751,-752,-753,-754,-755,1010,-757,-758,-759,-760,-761,1010,-768,-769,-771,1010,-773,-774,-775,-784,-858,-860,-862,-864,1010,1010,1010,1010,-870,1010,-872,1010,1010,1010,1010,1010,1010,1010,-908,-909,1010,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1010,-923,-926,1010,-936,1010,-387,-388,-389,1010,1010,-392,-393,-394,-395,1010,-398,1010,-401,-402,1010,-403,1010,-408,-409,1010,-412,-413,-414,1010,-417,1010,-418,1010,-423,-424,1010,-427,1010,-430,-431,-1896,-1896,1010,-621,-622,-623,-624,-625,-636,-586,-626,-799,1010,1010,1010,1010,1010,-833,1010,1010,-808,1010,-834,1010,1010,1010,1010,-800,1010,-855,-801,1010,1010,1010,1010,1010,1010,-856,-857,1010,-836,-832,-837,1010,-627,1010,-628,-629,-630,-631,-576,1010,1010,-632,-633,-634,1010,1010,1010,1010,1010,1010,-637,-638,-639,-594,-1896,-604,1010,-640,-641,-715,-642,-606,1010,-574,-579,-582,-585,1010,1010,1010,-600,-603,1010,-610,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1010,619,619,-997,619,1010,619,619,619,1010,-308,-327,-321,-298,-377,-454,-455,-456,-460,619,-445,1010,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1010,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,619,619,619,619,619,619,619,619,1010,-318,-537,-510,-593,-939,-941,-942,-440,1010,-442,-382,-383,-385,-509,-511,-513,1010,-515,-516,-521,-522,1010,-534,-536,-539,-540,-545,-550,-728,1010,-729,1010,-734,1010,-736,1010,-741,-658,-662,-663,1010,-668,1010,-669,1010,-674,-676,1010,-679,1010,1010,1010,-689,-691,1010,-694,1010,1010,-746,1010,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1010,1010,1010,1010,1010,-879,1010,-882,-910,-922,-927,-390,-391,1010,-396,1010,-399,1010,-404,1010,-405,1010,-410,1010,-415,1010,-419,1010,-420,1010,-425,1010,-428,-901,-902,-645,-587,-1896,-903,1010,1010,1010,-802,1010,1010,-806,1010,-809,-835,1010,-820,1010,-822,1010,-824,-810,1010,-826,1010,-853,-854,1010,1010,-813,1010,-648,-904,-906,-650,-651,-647,1010,-707,-708,1010,-644,-905,-649,-652,-605,-716,1010,1010,-607,-588,1010,1010,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1010,1010,-711,-712,1010,-718,1010,619,619,619,1010,1010,-940,619,-441,-443,-749,1010,-893,1936,-717,-1896,1010,1010,619,619,1010,-444,-514,-525,1010,-730,-735,1010,-737,1010,-742,1010,-664,-670,1010,-680,-682,-684,-685,-692,-695,-699,-747,1010,1010,-876,1010,1010,-880,1010,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1010,-814,1010,-816,-803,1010,-804,-807,1010,-818,-821,-823,-825,-827,1010,-828,1010,-811,1010,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,619,-284,619,1010,619,1010,-457,1010,1010,-731,1010,-738,1010,-743,1010,-665,-673,1010,1010,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1010,-838,-53,619,1010,-732,1010,-739,1010,-744,-666,1010,-875,-54,619,619,-733,-740,-745,1010,619,1010,-874,]),'READS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[620,620,620,620,-1896,620,620,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,620,620,620,620,-277,-278,620,-1427,620,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,620,620,620,-492,620,620,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,620,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,620,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,620,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,620,-174,-175,-176,-177,-995,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-292,-293,-283,620,620,620,620,620,-330,-320,-334,-335,-336,620,620,-984,-985,-986,-987,-988,-989,-990,620,620,620,620,620,620,620,620,620,620,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,620,620,620,-355,-358,620,-325,-326,-143,620,-144,620,-145,620,-432,-937,-938,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-1896,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-1896,620,-1896,620,620,620,620,620,620,620,620,620,620,620,620,-1896,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-1896,620,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,620,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,620,620,620,-193,-194,620,-996,620,620,620,620,620,-279,-280,-281,-282,-367,620,-310,620,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,620,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,620,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,620,620,620,620,620,620,-575,620,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,620,620,-725,-726,-727,620,620,620,620,620,620,-996,620,620,-93,-94,620,620,620,620,-311,-312,-322,620,-309,-295,-296,-297,620,620,620,620,-620,-635,-592,620,620,-438,620,-439,620,-446,-447,-448,-380,-381,620,620,620,-508,620,620,-512,620,620,620,620,-517,-518,-519,-520,620,620,-523,-524,620,-526,-527,-528,-529,-530,-531,-532,-533,620,-535,620,620,620,-541,-543,-544,620,-546,-547,-548,-549,620,620,620,620,620,620,-654,-655,-656,-657,620,-659,-660,-661,620,620,620,-667,620,620,-671,-672,620,620,-675,620,-677,-678,620,-681,620,-683,620,620,-686,-687,-688,620,-690,620,620,-693,620,620,-696,-697,-698,620,-700,-701,-702,-703,620,620,-748,620,-751,-752,-753,-754,-755,620,-757,-758,-759,-760,-761,620,-768,-769,-771,620,-773,-774,-775,-784,-858,-860,-862,-864,620,620,620,620,-870,620,-872,620,620,620,620,620,620,620,-908,-909,620,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,620,-923,-926,620,-936,620,-387,-388,-389,620,620,-392,-393,-394,-395,620,-398,620,-401,-402,620,-403,620,-408,-409,620,-412,-413,-414,620,-417,620,-418,620,-423,-424,620,-427,620,-430,-431,-1896,-1896,620,-621,-622,-623,-624,-625,-636,-586,-626,-799,620,620,620,620,620,-833,620,620,-808,620,-834,620,620,620,620,-800,620,-855,-801,620,620,620,620,620,620,-856,-857,620,-836,-832,-837,620,-627,620,-628,-629,-630,-631,-576,620,620,-632,-633,-634,620,620,620,620,620,620,-637,-638,-639,-594,-1896,-604,620,-640,-641,-715,-642,-606,620,-574,-579,-582,-585,620,620,620,-600,-603,620,-610,620,620,620,620,620,620,620,620,620,620,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,620,620,620,-997,620,620,620,620,620,620,-308,-327,-321,-298,-377,-454,-455,-456,-460,620,-445,620,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,620,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,620,620,620,620,620,620,620,620,620,-318,-537,-510,-593,-939,-941,-942,-440,620,-442,-382,-383,-385,-509,-511,-513,620,-515,-516,-521,-522,620,-534,-536,-539,-540,-545,-550,-728,620,-729,620,-734,620,-736,620,-741,-658,-662,-663,620,-668,620,-669,620,-674,-676,620,-679,620,620,620,-689,-691,620,-694,620,620,-746,620,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,620,620,620,620,620,-879,620,-882,-910,-922,-927,-390,-391,620,-396,620,-399,620,-404,620,-405,620,-410,620,-415,620,-419,620,-420,620,-425,620,-428,-901,-902,-645,-587,-1896,-903,620,620,620,-802,620,620,-806,620,-809,-835,620,-820,620,-822,620,-824,-810,620,-826,620,-853,-854,620,620,-813,620,-648,-904,-906,-650,-651,-647,620,-707,-708,620,-644,-905,-649,-652,-605,-716,620,620,-607,-588,620,620,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,620,620,-711,-712,620,-718,620,620,620,620,620,620,-940,620,-441,-443,-749,620,-893,620,-717,-1896,620,620,620,620,620,-444,-514,-525,620,-730,-735,620,-737,620,-742,620,-664,-670,620,-680,-682,-684,-685,-692,-695,-699,-747,620,620,-876,620,620,-880,620,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,620,-814,620,-816,-803,620,-804,-807,620,-818,-821,-823,-825,-827,620,-828,620,-811,620,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,620,-284,620,620,620,620,-457,620,620,-731,620,-738,620,-743,620,-665,-673,620,620,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,620,-838,-53,620,620,-732,620,-739,620,-744,-666,620,-875,-54,620,620,-733,-740,-745,620,620,620,-874,]),'READ_ONLY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[621,621,621,621,-1896,621,621,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,621,621,621,621,-277,-278,621,-1427,621,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,621,621,621,-492,621,621,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,621,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,621,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,621,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,621,-174,-175,-176,-177,-995,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-292,-293,-283,621,621,621,621,621,-330,-320,-334,-335,-336,621,621,-984,-985,-986,-987,-988,-989,-990,621,621,621,621,621,621,621,621,621,621,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,621,621,621,-355,-358,621,-325,-326,-143,621,-144,621,-145,621,-432,-937,-938,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-1896,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-1896,621,-1896,621,621,621,621,621,621,621,621,621,621,621,621,-1896,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-1896,621,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,621,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,621,621,621,-193,-194,621,-996,621,621,621,621,621,-279,-280,-281,-282,-367,621,-310,621,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,621,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,621,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,621,621,621,621,621,621,-575,621,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,621,621,-725,-726,-727,621,621,621,621,621,621,-996,621,621,-93,-94,621,621,621,621,-311,-312,-322,621,-309,-295,-296,-297,621,621,621,621,-620,-635,-592,621,621,-438,621,-439,621,-446,-447,-448,-380,-381,621,621,621,-508,621,621,-512,621,621,621,621,-517,-518,-519,-520,621,621,-523,-524,621,-526,-527,-528,-529,-530,-531,-532,-533,621,-535,621,621,621,-541,-543,-544,621,-546,-547,-548,-549,621,621,621,621,621,621,-654,-655,-656,-657,621,-659,-660,-661,621,621,621,-667,621,621,-671,-672,621,621,-675,621,-677,-678,621,-681,621,-683,621,621,-686,-687,-688,621,-690,621,621,-693,621,621,-696,-697,-698,621,-700,-701,-702,-703,621,621,-748,621,-751,-752,-753,-754,-755,621,-757,-758,-759,-760,-761,621,-768,-769,-771,621,-773,-774,-775,-784,-858,-860,-862,-864,621,621,621,621,-870,621,-872,621,621,621,621,621,621,621,-908,-909,621,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,621,-923,-926,621,-936,621,-387,-388,-389,621,621,-392,-393,-394,-395,621,-398,621,-401,-402,621,-403,621,-408,-409,621,-412,-413,-414,621,-417,621,-418,621,-423,-424,621,-427,621,-430,-431,-1896,-1896,621,-621,-622,-623,-624,-625,-636,-586,-626,-799,621,621,621,621,621,-833,621,621,-808,621,-834,621,621,621,621,-800,621,-855,-801,621,621,621,621,621,621,-856,-857,621,-836,-832,-837,621,-627,621,-628,-629,-630,-631,-576,621,621,-632,-633,-634,621,621,621,621,621,621,-637,-638,-639,-594,-1896,-604,621,-640,-641,-715,-642,-606,621,-574,-579,-582,-585,621,621,621,-600,-603,621,-610,621,621,621,621,621,621,621,621,621,621,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,621,621,621,-997,621,621,621,621,621,621,-308,-327,-321,-298,-377,-454,-455,-456,-460,621,-445,621,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,621,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,621,621,621,621,621,621,621,621,621,-318,-537,-510,-593,-939,-941,-942,-440,621,-442,-382,-383,-385,-509,-511,-513,621,-515,-516,-521,-522,621,-534,-536,-539,-540,-545,-550,-728,621,-729,621,-734,621,-736,621,-741,-658,-662,-663,621,-668,621,-669,621,-674,-676,621,-679,621,621,621,-689,-691,621,-694,621,621,-746,621,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,621,621,621,621,621,-879,621,-882,-910,-922,-927,-390,-391,621,-396,621,-399,621,-404,621,-405,621,-410,621,-415,621,-419,621,-420,621,-425,621,-428,-901,-902,-645,-587,-1896,-903,621,621,621,-802,621,621,-806,621,-809,-835,621,-820,621,-822,621,-824,-810,621,-826,621,-853,-854,621,621,-813,621,-648,-904,-906,-650,-651,-647,621,-707,-708,621,-644,-905,-649,-652,-605,-716,621,621,-607,-588,621,621,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,621,621,-711,-712,621,-718,621,621,621,621,621,621,-940,621,-441,-443,-749,621,-893,621,-717,-1896,621,621,621,621,621,-444,-514,-525,621,-730,-735,621,-737,621,-742,621,-664,-670,621,-680,-682,-684,-685,-692,-695,-699,-747,621,621,-876,621,621,-880,621,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,621,-814,621,-816,-803,621,-804,-807,621,-818,-821,-823,-825,-827,621,-828,621,-811,621,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,621,-284,621,621,621,621,-457,621,621,-731,621,-738,621,-743,621,-665,-673,621,621,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,621,-838,-53,621,621,-732,621,-739,621,-744,-666,621,-875,-54,621,621,-733,-740,-745,621,621,621,-874,]),'READ_WRITE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[622,622,622,622,-1896,622,622,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,622,622,622,622,-277,-278,622,-1427,622,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,622,622,622,-492,622,622,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,622,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,622,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,622,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,622,-174,-175,-176,-177,-995,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-292,-293,-283,622,622,622,622,622,-330,-320,-334,-335,-336,622,622,-984,-985,-986,-987,-988,-989,-990,622,622,622,622,622,622,622,622,622,622,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,622,622,622,-355,-358,622,-325,-326,-143,622,-144,622,-145,622,-432,-937,-938,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-1896,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-1896,622,-1896,622,622,622,622,622,622,622,622,622,622,622,622,-1896,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-1896,622,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,622,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,622,622,622,-193,-194,622,-996,622,622,622,622,622,-279,-280,-281,-282,-367,622,-310,622,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,622,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,622,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,622,622,622,622,622,622,-575,622,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,622,622,-725,-726,-727,622,622,622,622,622,622,-996,622,622,-93,-94,622,622,622,622,-311,-312,-322,622,-309,-295,-296,-297,622,622,622,622,-620,-635,-592,622,622,-438,622,-439,622,-446,-447,-448,-380,-381,622,622,622,-508,622,622,-512,622,622,622,622,-517,-518,-519,-520,622,622,-523,-524,622,-526,-527,-528,-529,-530,-531,-532,-533,622,-535,622,622,622,-541,-543,-544,622,-546,-547,-548,-549,622,622,622,622,622,622,-654,-655,-656,-657,622,-659,-660,-661,622,622,622,-667,622,622,-671,-672,622,622,-675,622,-677,-678,622,-681,622,-683,622,622,-686,-687,-688,622,-690,622,622,-693,622,622,-696,-697,-698,622,-700,-701,-702,-703,622,622,-748,622,-751,-752,-753,-754,-755,622,-757,-758,-759,-760,-761,622,-768,-769,-771,622,-773,-774,-775,-784,-858,-860,-862,-864,622,622,622,622,-870,622,-872,622,622,622,622,622,622,622,-908,-909,622,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,622,-923,-926,622,-936,622,-387,-388,-389,622,622,-392,-393,-394,-395,622,-398,622,-401,-402,622,-403,622,-408,-409,622,-412,-413,-414,622,-417,622,-418,622,-423,-424,622,-427,622,-430,-431,-1896,-1896,622,-621,-622,-623,-624,-625,-636,-586,-626,-799,622,622,622,622,622,-833,622,622,-808,622,-834,622,622,622,622,-800,622,-855,-801,622,622,622,622,622,622,-856,-857,622,-836,-832,-837,622,-627,622,-628,-629,-630,-631,-576,622,622,-632,-633,-634,622,622,622,622,622,622,-637,-638,-639,-594,-1896,-604,622,-640,-641,-715,-642,-606,622,-574,-579,-582,-585,622,622,622,-600,-603,622,-610,622,622,622,622,622,622,622,622,622,622,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,622,622,622,-997,622,622,622,622,622,622,-308,-327,-321,-298,-377,-454,-455,-456,-460,622,-445,622,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,622,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,622,622,622,622,622,622,622,622,622,-318,-537,-510,-593,-939,-941,-942,-440,622,-442,-382,-383,-385,-509,-511,-513,622,-515,-516,-521,-522,622,-534,-536,-539,-540,-545,-550,-728,622,-729,622,-734,622,-736,622,-741,-658,-662,-663,622,-668,622,-669,622,-674,-676,622,-679,622,622,622,-689,-691,622,-694,622,622,-746,622,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,622,622,622,622,622,-879,622,-882,-910,-922,-927,-390,-391,622,-396,622,-399,622,-404,622,-405,622,-410,622,-415,622,-419,622,-420,622,-425,622,-428,-901,-902,-645,-587,-1896,-903,622,622,622,-802,622,622,-806,622,-809,-835,622,-820,622,-822,622,-824,-810,622,-826,622,-853,-854,622,622,-813,622,-648,-904,-906,-650,-651,-647,622,-707,-708,622,-644,-905,-649,-652,-605,-716,622,622,-607,-588,622,622,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,622,622,-711,-712,622,-718,622,622,622,622,622,622,-940,622,-441,-443,-749,622,-893,622,-717,-1896,622,622,622,622,622,-444,-514,-525,622,-730,-735,622,-737,622,-742,622,-664,-670,622,-680,-682,-684,-685,-692,-695,-699,-747,622,622,-876,622,622,-880,622,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,622,-814,622,-816,-803,622,-804,-807,622,-818,-821,-823,-825,-827,622,-828,622,-811,622,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,622,-284,622,622,622,622,-457,622,622,-731,622,-738,622,-743,622,-665,-673,622,622,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,622,-838,-53,622,622,-732,622,-739,622,-744,-666,622,-875,-54,622,622,-733,-740,-745,622,622,622,-874,]),'REBUILD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[623,623,623,623,-1896,623,623,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,623,623,623,623,-277,-278,623,-1427,623,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,623,623,623,-492,623,623,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,623,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,623,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,623,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,623,-174,-175,-176,-177,-995,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-292,-293,-283,623,623,623,623,623,-330,-320,-334,-335,-336,623,623,-984,-985,-986,-987,-988,-989,-990,623,623,623,623,623,623,623,623,623,623,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,623,623,623,-355,-358,623,-325,-326,-143,623,-144,623,-145,623,-432,-937,-938,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-1896,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-1896,623,-1896,623,623,623,623,623,623,623,623,623,623,623,623,-1896,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-1896,623,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,623,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,623,623,623,-193,-194,623,-996,623,623,623,623,623,-279,-280,-281,-282,-367,623,-310,623,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,623,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,623,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,623,623,623,623,623,623,-575,623,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,623,623,-725,-726,-727,623,623,623,623,623,623,-996,623,623,-93,-94,623,623,623,623,-311,-312,-322,623,-309,-295,-296,-297,623,623,623,623,-620,-635,-592,623,623,-438,623,-439,623,-446,-447,-448,-380,-381,623,623,623,-508,623,623,-512,623,623,623,623,-517,-518,-519,-520,623,623,-523,-524,623,-526,-527,-528,-529,-530,-531,-532,-533,623,-535,623,623,623,-541,-543,-544,623,-546,-547,-548,-549,623,623,623,623,623,623,-654,-655,-656,-657,623,-659,-660,-661,623,623,623,-667,623,623,-671,-672,623,623,-675,623,-677,-678,623,-681,623,-683,623,623,-686,-687,-688,623,-690,623,623,-693,623,623,-696,-697,-698,623,-700,-701,-702,-703,623,623,-748,623,-751,-752,-753,-754,-755,623,-757,-758,-759,-760,-761,623,-768,-769,-771,623,-773,-774,-775,-784,-858,-860,-862,-864,623,623,623,623,-870,623,-872,623,623,623,623,623,623,623,-908,-909,623,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,623,-923,-926,623,-936,623,-387,-388,-389,623,623,-392,-393,-394,-395,623,-398,623,-401,-402,623,-403,623,-408,-409,623,-412,-413,-414,623,-417,623,-418,623,-423,-424,623,-427,623,-430,-431,-1896,-1896,623,-621,-622,-623,-624,-625,-636,-586,-626,-799,623,623,623,623,623,-833,623,623,-808,623,-834,623,623,623,623,-800,623,-855,-801,623,623,623,623,623,623,-856,-857,623,-836,-832,-837,623,-627,623,-628,-629,-630,-631,-576,623,623,-632,-633,-634,623,623,623,623,623,623,-637,-638,-639,-594,-1896,-604,623,-640,-641,-715,-642,-606,623,-574,-579,-582,-585,623,623,623,-600,-603,623,-610,623,623,623,623,623,623,623,623,623,623,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,623,623,623,-997,623,623,623,623,623,623,-308,-327,-321,-298,-377,-454,-455,-456,-460,623,-445,623,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,623,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,623,623,623,623,623,623,623,623,623,-318,-537,-510,-593,-939,-941,-942,-440,623,-442,-382,-383,-385,-509,-511,-513,623,-515,-516,-521,-522,623,-534,-536,-539,-540,-545,-550,-728,623,-729,623,-734,623,-736,623,-741,-658,-662,-663,623,-668,623,-669,623,-674,-676,623,-679,623,623,623,-689,-691,623,-694,623,623,-746,623,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,623,623,623,623,623,-879,623,-882,-910,-922,-927,-390,-391,623,-396,623,-399,623,-404,623,-405,623,-410,623,-415,623,-419,623,-420,623,-425,623,-428,-901,-902,-645,-587,-1896,-903,623,623,623,-802,623,623,-806,623,-809,-835,623,-820,623,-822,623,-824,-810,623,-826,623,-853,-854,623,623,-813,623,-648,-904,-906,-650,-651,-647,623,-707,-708,623,-644,-905,-649,-652,-605,-716,623,623,-607,-588,623,623,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,623,623,-711,-712,623,-718,623,623,623,623,623,623,-940,623,-441,-443,-749,623,-893,623,-717,-1896,623,623,623,623,623,-444,-514,-525,623,-730,-735,623,-737,623,-742,623,-664,-670,623,-680,-682,-684,-685,-692,-695,-699,-747,623,623,-876,623,623,-880,623,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,623,-814,623,-816,-803,623,-804,-807,623,-818,-821,-823,-825,-827,623,-828,623,-811,623,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,623,-284,623,623,623,623,-457,623,623,-731,623,-738,623,-743,623,-665,-673,623,623,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,623,-838,-53,623,623,-732,623,-739,623,-744,-666,623,-875,-54,623,623,-733,-740,-745,623,623,623,-874,]),'RECOVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[624,624,624,624,-1896,624,624,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,624,624,624,624,-277,-278,624,-1427,624,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,624,624,624,-492,624,624,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,624,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,624,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,624,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,624,-174,-175,-176,-177,-995,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-292,-293,-283,624,624,624,624,624,-330,-320,-334,-335,-336,624,624,-984,-985,-986,-987,-988,-989,-990,624,624,624,624,624,624,624,624,624,624,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,624,624,624,-355,-358,624,-325,-326,-143,624,-144,624,-145,624,-432,-937,-938,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-1896,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-1896,624,-1896,624,624,624,624,624,624,624,624,624,624,624,624,-1896,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-1896,624,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,624,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,624,624,624,-193,-194,624,-996,624,624,624,624,624,-279,-280,-281,-282,-367,624,-310,624,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,624,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,624,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,624,624,624,624,624,624,-575,624,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,624,624,-725,-726,-727,624,624,624,624,624,624,-996,624,624,-93,-94,624,624,624,624,-311,-312,-322,624,-309,-295,-296,-297,624,624,624,624,-620,-635,-592,624,624,-438,624,-439,624,-446,-447,-448,-380,-381,624,624,624,-508,624,624,-512,624,624,624,624,-517,-518,-519,-520,624,624,-523,-524,624,-526,-527,-528,-529,-530,-531,-532,-533,624,-535,624,624,624,-541,-543,-544,624,-546,-547,-548,-549,624,624,624,624,624,624,-654,-655,-656,-657,624,-659,-660,-661,624,624,624,-667,624,624,-671,-672,624,624,-675,624,-677,-678,624,-681,624,-683,624,624,-686,-687,-688,624,-690,624,624,-693,624,624,-696,-697,-698,624,-700,-701,-702,-703,624,624,-748,624,-751,-752,-753,-754,-755,624,-757,-758,-759,-760,-761,624,-768,-769,-771,624,-773,-774,-775,-784,-858,-860,-862,-864,624,624,624,624,-870,624,-872,624,624,624,624,624,624,624,-908,-909,624,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,624,-923,-926,624,-936,624,-387,-388,-389,624,624,-392,-393,-394,-395,624,-398,624,-401,-402,624,-403,624,-408,-409,624,-412,-413,-414,624,-417,624,-418,624,-423,-424,624,-427,624,-430,-431,-1896,-1896,624,-621,-622,-623,-624,-625,-636,-586,-626,-799,624,624,624,624,624,-833,624,624,-808,624,-834,624,624,624,624,-800,624,-855,-801,624,624,624,624,624,624,-856,-857,624,-836,-832,-837,624,-627,624,-628,-629,-630,-631,-576,624,624,-632,-633,-634,624,624,624,624,624,624,-637,-638,-639,-594,-1896,-604,624,-640,-641,-715,-642,-606,624,-574,-579,-582,-585,624,624,624,-600,-603,624,-610,624,624,624,624,624,624,624,624,624,624,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,624,624,624,-997,624,624,624,624,624,624,-308,-327,-321,-298,-377,-454,-455,-456,-460,624,-445,624,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,624,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,624,624,624,624,624,624,624,624,624,-318,-537,-510,-593,-939,-941,-942,-440,624,-442,-382,-383,-385,-509,-511,-513,624,-515,-516,-521,-522,624,-534,-536,-539,-540,-545,-550,-728,624,-729,624,-734,624,-736,624,-741,-658,-662,-663,624,-668,624,-669,624,-674,-676,624,-679,624,624,624,-689,-691,624,-694,624,624,-746,624,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,624,624,624,624,624,-879,624,-882,-910,-922,-927,-390,-391,624,-396,624,-399,624,-404,624,-405,624,-410,624,-415,624,-419,624,-420,624,-425,624,-428,-901,-902,-645,-587,-1896,-903,624,624,624,-802,624,624,-806,624,-809,-835,624,-820,624,-822,624,-824,-810,624,-826,624,-853,-854,624,624,-813,624,-648,-904,-906,-650,-651,-647,624,-707,-708,624,-644,-905,-649,-652,-605,-716,624,624,-607,-588,624,624,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,624,624,-711,-712,624,-718,624,624,624,624,624,624,-940,624,-441,-443,-749,624,-893,624,-717,-1896,624,624,624,624,624,-444,-514,-525,624,-730,-735,624,-737,624,-742,624,-664,-670,624,-680,-682,-684,-685,-692,-695,-699,-747,624,624,-876,624,624,-880,624,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,624,-814,624,-816,-803,624,-804,-807,624,-818,-821,-823,-825,-827,624,-828,624,-811,624,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,624,-284,624,624,624,624,-457,624,624,-731,624,-738,624,-743,624,-665,-673,624,624,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,624,-838,-53,624,624,-732,624,-739,624,-744,-666,624,-875,-54,624,624,-733,-740,-745,624,624,624,-874,]),'RECYCLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[625,625,625,625,-1896,625,625,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,625,625,625,625,-277,-278,625,-1427,625,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,625,625,625,-492,625,625,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,625,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,625,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,625,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,625,-174,-175,-176,-177,-995,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-292,-293,-283,625,625,625,625,625,-330,-320,-334,-335,-336,625,625,-984,-985,-986,-987,-988,-989,-990,625,625,625,625,625,625,625,625,625,625,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,625,625,625,-355,-358,625,-325,-326,-143,625,-144,625,-145,625,-432,-937,-938,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-1896,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-1896,625,-1896,625,625,625,625,625,625,625,625,625,625,625,625,-1896,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-1896,625,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,625,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,625,625,625,-193,-194,625,-996,625,625,625,625,625,-279,-280,-281,-282,-367,625,-310,625,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,625,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,625,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,625,625,625,625,625,625,-575,625,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,625,625,-725,-726,-727,625,625,625,625,625,625,-996,625,625,-93,-94,625,625,625,625,-311,-312,-322,625,-309,-295,-296,-297,625,625,625,625,-620,-635,-592,625,625,-438,625,-439,625,-446,-447,-448,-380,-381,625,625,625,-508,625,625,-512,625,625,625,625,-517,-518,-519,-520,625,625,-523,-524,625,-526,-527,-528,-529,-530,-531,-532,-533,625,-535,625,625,625,-541,-543,-544,625,-546,-547,-548,-549,625,625,625,625,625,625,-654,-655,-656,-657,625,-659,-660,-661,625,625,625,-667,625,625,-671,-672,625,625,-675,625,-677,-678,625,-681,625,-683,625,625,-686,-687,-688,625,-690,625,625,-693,625,625,-696,-697,-698,625,-700,-701,-702,-703,625,625,-748,625,-751,-752,-753,-754,-755,625,-757,-758,-759,-760,-761,625,-768,-769,-771,625,-773,-774,-775,-784,-858,-860,-862,-864,625,625,625,625,-870,625,-872,625,625,625,625,625,625,625,-908,-909,625,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,625,-923,-926,625,-936,625,-387,-388,-389,625,625,-392,-393,-394,-395,625,-398,625,-401,-402,625,-403,625,-408,-409,625,-412,-413,-414,625,-417,625,-418,625,-423,-424,625,-427,625,-430,-431,-1896,-1896,625,-621,-622,-623,-624,-625,-636,-586,-626,-799,625,625,625,625,625,-833,625,625,-808,625,-834,625,625,625,625,-800,625,-855,-801,625,625,625,625,625,625,-856,-857,625,-836,-832,-837,625,-627,625,-628,-629,-630,-631,-576,625,625,-632,-633,-634,625,625,625,625,625,625,-637,-638,-639,-594,-1896,-604,625,-640,-641,-715,-642,-606,625,-574,-579,-582,-585,625,625,625,-600,-603,625,-610,625,625,625,625,625,625,625,625,625,625,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,625,625,625,-997,625,625,625,625,625,625,-308,-327,-321,-298,-377,-454,-455,-456,-460,625,-445,625,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,625,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,625,625,625,625,625,625,625,625,625,-318,-537,-510,-593,-939,-941,-942,-440,625,-442,-382,-383,-385,-509,-511,-513,625,-515,-516,-521,-522,625,-534,-536,-539,-540,-545,-550,-728,625,-729,625,-734,625,-736,625,-741,-658,-662,-663,625,-668,625,-669,625,-674,-676,625,-679,625,625,625,-689,-691,625,-694,625,625,-746,625,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,625,625,625,625,625,-879,625,-882,-910,-922,-927,-390,-391,625,-396,625,-399,625,-404,625,-405,625,-410,625,-415,625,-419,625,-420,625,-425,625,-428,-901,-902,-645,-587,-1896,-903,625,625,625,-802,625,625,-806,625,-809,-835,625,-820,625,-822,625,-824,-810,625,-826,625,-853,-854,625,625,-813,625,-648,-904,-906,-650,-651,-647,625,-707,-708,625,-644,-905,-649,-652,-605,-716,625,625,-607,-588,625,625,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,625,625,-711,-712,625,-718,625,625,625,625,625,625,-940,625,-441,-443,-749,625,-893,625,-717,-1896,625,625,625,625,625,-444,-514,-525,625,-730,-735,625,-737,625,-742,625,-664,-670,625,-680,-682,-684,-685,-692,-695,-699,-747,625,625,-876,625,625,-880,625,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,625,-814,625,-816,-803,625,-804,-807,625,-818,-821,-823,-825,-827,625,-828,625,-811,625,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,625,-284,625,625,625,625,-457,625,625,-731,625,-738,625,-743,625,-665,-673,625,625,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,625,-838,-53,625,625,-732,625,-739,625,-744,-666,625,-875,-54,625,625,-733,-740,-745,625,625,625,-874,]),'RECYCLEBIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[626,626,626,626,-1896,626,626,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,626,626,626,626,-277,-278,626,-1427,626,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,626,626,626,-492,626,626,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,626,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,626,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,626,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,626,-174,-175,-176,-177,-995,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-292,-293,-283,626,626,626,626,626,-330,-320,-334,-335,-336,626,626,-984,-985,-986,-987,-988,-989,-990,626,626,626,626,626,626,626,626,626,626,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,626,626,626,-355,-358,626,-325,-326,-143,626,-144,626,-145,626,-432,-937,-938,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-1896,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-1896,626,-1896,626,626,626,626,626,626,626,626,626,626,626,626,-1896,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-1896,626,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,626,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,626,626,626,-193,-194,626,-996,626,626,626,626,626,-279,-280,-281,-282,-367,626,-310,626,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,626,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,626,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,626,626,626,626,626,626,-575,626,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,626,626,-725,-726,-727,626,626,626,626,626,626,-996,626,626,-93,-94,626,626,626,626,-311,-312,-322,626,-309,-295,-296,-297,626,626,626,626,-620,-635,-592,626,626,-438,626,-439,626,-446,-447,-448,-380,-381,626,626,626,-508,626,626,-512,626,626,626,626,-517,-518,-519,-520,626,626,-523,-524,626,-526,-527,-528,-529,-530,-531,-532,-533,626,-535,626,626,626,-541,-543,-544,626,-546,-547,-548,-549,626,626,626,626,626,626,-654,-655,-656,-657,626,-659,-660,-661,626,626,626,-667,626,626,-671,-672,626,626,-675,626,-677,-678,626,-681,626,-683,626,626,-686,-687,-688,626,-690,626,626,-693,626,626,-696,-697,-698,626,-700,-701,-702,-703,626,626,-748,626,-751,-752,-753,-754,-755,626,-757,-758,-759,-760,-761,626,-768,-769,-771,626,-773,-774,-775,-784,-858,-860,-862,-864,626,626,626,626,-870,626,-872,626,626,626,626,626,626,626,-908,-909,626,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,626,-923,-926,626,-936,626,-387,-388,-389,626,626,-392,-393,-394,-395,626,-398,626,-401,-402,626,-403,626,-408,-409,626,-412,-413,-414,626,-417,626,-418,626,-423,-424,626,-427,626,-430,-431,-1896,-1896,626,-621,-622,-623,-624,-625,-636,-586,-626,-799,626,626,626,626,626,-833,626,626,-808,626,-834,626,626,626,626,-800,626,-855,-801,626,626,626,626,626,626,-856,-857,626,-836,-832,-837,626,-627,626,-628,-629,-630,-631,-576,626,626,-632,-633,-634,626,626,626,626,626,626,-637,-638,-639,-594,-1896,-604,626,-640,-641,-715,-642,-606,626,-574,-579,-582,-585,626,626,626,-600,-603,626,-610,626,626,626,626,626,626,626,626,626,626,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,626,626,626,-997,626,626,626,626,626,626,-308,-327,-321,-298,-377,-454,-455,-456,-460,626,-445,626,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,626,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,626,626,626,626,626,626,626,626,626,-318,-537,-510,-593,-939,-941,-942,-440,626,-442,-382,-383,-385,-509,-511,-513,626,-515,-516,-521,-522,626,-534,-536,-539,-540,-545,-550,-728,626,-729,626,-734,626,-736,626,-741,-658,-662,-663,626,-668,626,-669,626,-674,-676,626,-679,626,626,626,-689,-691,626,-694,626,626,-746,626,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,626,626,626,626,626,-879,626,-882,-910,-922,-927,-390,-391,626,-396,626,-399,626,-404,626,-405,626,-410,626,-415,626,-419,626,-420,626,-425,626,-428,-901,-902,-645,-587,-1896,-903,626,626,626,-802,626,626,-806,626,-809,-835,626,-820,626,-822,626,-824,-810,626,-826,626,-853,-854,626,626,-813,626,-648,-904,-906,-650,-651,-647,626,-707,-708,626,-644,-905,-649,-652,-605,-716,626,626,-607,-588,626,626,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,626,626,-711,-712,626,-718,626,626,626,626,626,626,-940,626,-441,-443,-749,626,-893,626,-717,-1896,626,626,626,626,626,-444,-514,-525,626,-730,-735,626,-737,626,-742,626,-664,-670,626,-680,-682,-684,-685,-692,-695,-699,-747,626,626,-876,626,626,-880,626,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,626,-814,626,-816,-803,626,-804,-807,626,-818,-821,-823,-825,-827,626,-828,626,-811,626,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,626,-284,626,626,626,626,-457,626,626,-731,626,-738,626,-743,626,-665,-673,626,626,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,626,-838,-53,626,626,-732,626,-739,626,-744,-666,626,-875,-54,626,626,-733,-740,-745,626,626,626,-874,]),'REDOFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[627,627,627,627,-1896,627,627,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,627,627,627,627,-277,-278,627,-1427,627,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,627,627,627,-492,627,627,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,627,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,627,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,627,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,627,-174,-175,-176,-177,-995,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-292,-293,-283,627,627,627,627,627,-330,-320,-334,-335,-336,627,627,-984,-985,-986,-987,-988,-989,-990,627,627,627,627,627,627,627,627,627,627,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,627,627,627,-355,-358,627,-325,-326,-143,627,-144,627,-145,627,-432,-937,-938,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-1896,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-1896,627,-1896,627,627,627,627,627,627,627,627,627,627,627,627,-1896,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-1896,627,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,627,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,627,627,627,-193,-194,627,-996,627,627,627,627,627,-279,-280,-281,-282,-367,627,-310,627,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,627,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,627,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,627,627,627,627,627,627,-575,627,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,627,627,-725,-726,-727,627,627,627,627,627,627,-996,627,627,-93,-94,627,627,627,627,-311,-312,-322,627,-309,-295,-296,-297,627,627,627,627,-620,-635,-592,627,627,-438,627,-439,627,-446,-447,-448,-380,-381,627,627,627,-508,627,627,-512,627,627,627,627,-517,-518,-519,-520,627,627,-523,-524,627,-526,-527,-528,-529,-530,-531,-532,-533,627,-535,627,627,627,-541,-543,-544,627,-546,-547,-548,-549,627,627,627,627,627,627,-654,-655,-656,-657,627,-659,-660,-661,627,627,627,-667,627,627,-671,-672,627,627,-675,627,-677,-678,627,-681,627,-683,627,627,-686,-687,-688,627,-690,627,627,-693,627,627,-696,-697,-698,627,-700,-701,-702,-703,627,627,-748,627,-751,-752,-753,-754,-755,627,-757,-758,-759,-760,-761,627,-768,-769,-771,627,-773,-774,-775,-784,-858,-860,-862,-864,627,627,627,627,-870,627,-872,627,627,627,627,627,627,627,-908,-909,627,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,627,-923,-926,627,-936,627,-387,-388,-389,627,627,-392,-393,-394,-395,627,-398,627,-401,-402,627,-403,627,-408,-409,627,-412,-413,-414,627,-417,627,-418,627,-423,-424,627,-427,627,-430,-431,-1896,-1896,627,-621,-622,-623,-624,-625,-636,-586,-626,-799,627,627,627,627,627,-833,627,627,-808,627,-834,627,627,627,627,-800,627,-855,-801,627,627,627,627,627,627,-856,-857,627,-836,-832,-837,627,-627,627,-628,-629,-630,-631,-576,627,627,-632,-633,-634,627,627,627,627,627,627,-637,-638,-639,-594,-1896,-604,627,-640,-641,-715,-642,-606,627,-574,-579,-582,-585,627,627,627,-600,-603,627,-610,627,627,627,627,627,627,627,627,627,627,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,627,627,627,-997,627,627,627,627,627,627,-308,-327,-321,-298,-377,-454,-455,-456,-460,627,-445,627,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,627,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,627,627,627,627,627,627,627,627,627,-318,-537,-510,-593,-939,-941,-942,-440,627,-442,-382,-383,-385,-509,-511,-513,627,-515,-516,-521,-522,627,-534,-536,-539,-540,-545,-550,-728,627,-729,627,-734,627,-736,627,-741,-658,-662,-663,627,-668,627,-669,627,-674,-676,627,-679,627,627,627,-689,-691,627,-694,627,627,-746,627,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,627,627,627,627,627,-879,627,-882,-910,-922,-927,-390,-391,627,-396,627,-399,627,-404,627,-405,627,-410,627,-415,627,-419,627,-420,627,-425,627,-428,-901,-902,-645,-587,-1896,-903,627,627,627,-802,627,627,-806,627,-809,-835,627,-820,627,-822,627,-824,-810,627,-826,627,-853,-854,627,627,-813,627,-648,-904,-906,-650,-651,-647,627,-707,-708,627,-644,-905,-649,-652,-605,-716,627,627,-607,-588,627,627,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,627,627,-711,-712,627,-718,627,627,627,627,627,627,-940,627,-441,-443,-749,627,-893,627,-717,-1896,627,627,627,627,627,-444,-514,-525,627,-730,-735,627,-737,627,-742,627,-664,-670,627,-680,-682,-684,-685,-692,-695,-699,-747,627,627,-876,627,627,-880,627,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,627,-814,627,-816,-803,627,-804,-807,627,-818,-821,-823,-825,-827,627,-828,627,-811,627,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,627,-284,627,627,627,627,-457,627,627,-731,627,-738,627,-743,627,-665,-673,627,627,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,627,-838,-53,627,627,-732,627,-739,627,-744,-666,627,-875,-54,627,627,-733,-740,-745,627,627,627,-874,]),'REDO_BUFFER_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[628,628,628,628,-1896,628,628,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,628,628,628,628,-277,-278,628,-1427,628,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,628,628,628,-492,628,628,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,628,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,628,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,628,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,628,-174,-175,-176,-177,-995,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-292,-293,-283,628,628,628,628,628,-330,-320,-334,-335,-336,628,628,-984,-985,-986,-987,-988,-989,-990,628,628,628,628,628,628,628,628,628,628,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,628,628,628,-355,-358,628,-325,-326,-143,628,-144,628,-145,628,-432,-937,-938,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-1896,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-1896,628,-1896,628,628,628,628,628,628,628,628,628,628,628,628,-1896,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-1896,628,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,628,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,628,628,628,-193,-194,628,-996,628,628,628,628,628,-279,-280,-281,-282,-367,628,-310,628,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,628,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,628,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,628,628,628,628,628,628,-575,628,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,628,628,-725,-726,-727,628,628,628,628,628,628,-996,628,628,-93,-94,628,628,628,628,-311,-312,-322,628,-309,-295,-296,-297,628,628,628,628,-620,-635,-592,628,628,-438,628,-439,628,-446,-447,-448,-380,-381,628,628,628,-508,628,628,-512,628,628,628,628,-517,-518,-519,-520,628,628,-523,-524,628,-526,-527,-528,-529,-530,-531,-532,-533,628,-535,628,628,628,-541,-543,-544,628,-546,-547,-548,-549,628,628,628,628,628,628,-654,-655,-656,-657,628,-659,-660,-661,628,628,628,-667,628,628,-671,-672,628,628,-675,628,-677,-678,628,-681,628,-683,628,628,-686,-687,-688,628,-690,628,628,-693,628,628,-696,-697,-698,628,-700,-701,-702,-703,628,628,-748,628,-751,-752,-753,-754,-755,628,-757,-758,-759,-760,-761,628,-768,-769,-771,628,-773,-774,-775,-784,-858,-860,-862,-864,628,628,628,628,-870,628,-872,628,628,628,628,628,628,628,-908,-909,628,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,628,-923,-926,628,-936,628,-387,-388,-389,628,628,-392,-393,-394,-395,628,-398,628,-401,-402,628,-403,628,-408,-409,628,-412,-413,-414,628,-417,628,-418,628,-423,-424,628,-427,628,-430,-431,-1896,-1896,628,-621,-622,-623,-624,-625,-636,-586,-626,-799,628,628,628,628,628,-833,628,628,-808,628,-834,628,628,628,628,-800,628,-855,-801,628,628,628,628,628,628,-856,-857,628,-836,-832,-837,628,-627,628,-628,-629,-630,-631,-576,628,628,-632,-633,-634,628,628,628,628,628,628,-637,-638,-639,-594,-1896,-604,628,-640,-641,-715,-642,-606,628,-574,-579,-582,-585,628,628,628,-600,-603,628,-610,628,628,628,628,628,628,628,628,628,628,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,628,628,628,-997,628,628,628,628,628,628,-308,-327,-321,-298,-377,-454,-455,-456,-460,628,-445,628,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,628,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,628,628,628,628,628,628,628,628,628,-318,-537,-510,-593,-939,-941,-942,-440,628,-442,-382,-383,-385,-509,-511,-513,628,-515,-516,-521,-522,628,-534,-536,-539,-540,-545,-550,-728,628,-729,628,-734,628,-736,628,-741,-658,-662,-663,628,-668,628,-669,628,-674,-676,628,-679,628,628,628,-689,-691,628,-694,628,628,-746,628,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,628,628,628,628,628,-879,628,-882,-910,-922,-927,-390,-391,628,-396,628,-399,628,-404,628,-405,628,-410,628,-415,628,-419,628,-420,628,-425,628,-428,-901,-902,-645,-587,-1896,-903,628,628,628,-802,628,628,-806,628,-809,-835,628,-820,628,-822,628,-824,-810,628,-826,628,-853,-854,628,628,-813,628,-648,-904,-906,-650,-651,-647,628,-707,-708,628,-644,-905,-649,-652,-605,-716,628,628,-607,-588,628,628,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,628,628,-711,-712,628,-718,628,628,628,628,628,628,-940,628,-441,-443,-749,628,-893,628,-717,-1896,628,628,628,628,628,-444,-514,-525,628,-730,-735,628,-737,628,-742,628,-664,-670,628,-680,-682,-684,-685,-692,-695,-699,-747,628,628,-876,628,628,-880,628,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,628,-814,628,-816,-803,628,-804,-807,628,-818,-821,-823,-825,-827,628,-828,628,-811,628,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,628,-284,628,628,628,628,-457,628,628,-731,628,-738,628,-743,628,-665,-673,628,628,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,628,-838,-53,628,628,-732,628,-739,628,-744,-666,628,-875,-54,628,628,-733,-740,-745,628,628,628,-874,]),'REDUNDANT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[629,629,629,629,-1896,629,629,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,629,629,629,629,-277,-278,629,-1427,629,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,629,629,629,-492,629,629,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,629,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,629,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,629,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,629,-174,-175,-176,-177,-995,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-292,-293,-283,629,629,629,629,629,-330,-320,-334,-335,-336,629,629,-984,-985,-986,-987,-988,-989,-990,629,629,629,629,629,629,629,629,629,629,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,629,629,629,-355,-358,629,-325,-326,-143,629,-144,629,-145,629,-432,-937,-938,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-1896,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-1896,629,-1896,629,629,629,629,629,629,629,629,629,629,629,629,-1896,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-1896,629,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,629,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,629,629,629,-193,-194,629,-996,629,629,629,629,629,-279,-280,-281,-282,-367,629,-310,629,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,629,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,629,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,629,629,629,629,629,629,-575,629,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,629,629,-725,-726,-727,629,629,629,629,629,629,-996,629,629,-93,-94,629,629,629,629,-311,-312,-322,629,-309,-295,-296,-297,629,629,629,629,-620,-635,-592,629,629,-438,629,-439,629,-446,-447,-448,-380,-381,629,629,629,-508,629,629,-512,629,629,629,629,-517,-518,-519,-520,629,629,-523,-524,629,-526,-527,-528,-529,-530,-531,-532,-533,629,-535,629,629,629,-541,-543,-544,629,-546,-547,-548,-549,629,629,629,629,629,629,-654,-655,-656,-657,629,-659,-660,-661,629,629,629,-667,629,629,-671,-672,629,629,-675,629,-677,-678,629,-681,629,-683,629,629,-686,-687,-688,629,-690,629,629,-693,629,629,-696,-697,-698,629,-700,-701,-702,-703,629,629,-748,629,-751,-752,-753,-754,-755,629,-757,-758,-759,-760,-761,629,-768,-769,-771,629,-773,-774,-775,-784,-858,-860,-862,-864,629,629,629,629,-870,629,-872,629,629,629,629,629,629,629,-908,-909,629,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,629,-923,-926,629,-936,629,-387,-388,-389,629,629,-392,-393,-394,-395,629,-398,629,-401,-402,629,-403,629,-408,-409,629,-412,-413,-414,629,-417,629,-418,629,-423,-424,629,-427,629,-430,-431,-1896,-1896,629,-621,-622,-623,-624,-625,-636,-586,-626,-799,629,629,629,629,629,-833,629,629,-808,629,-834,629,629,629,629,-800,629,-855,-801,629,629,629,629,629,629,-856,-857,629,-836,-832,-837,629,-627,629,-628,-629,-630,-631,-576,629,629,-632,-633,-634,629,629,629,629,629,629,-637,-638,-639,-594,-1896,-604,629,-640,-641,-715,-642,-606,629,-574,-579,-582,-585,629,629,629,-600,-603,629,-610,629,629,629,629,629,629,629,629,629,629,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,629,629,629,-997,629,629,629,629,629,629,-308,-327,-321,-298,-377,-454,-455,-456,-460,629,-445,629,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,629,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,629,629,629,629,629,629,629,629,629,-318,-537,-510,-593,-939,-941,-942,-440,629,-442,-382,-383,-385,-509,-511,-513,629,-515,-516,-521,-522,629,-534,-536,-539,-540,-545,-550,-728,629,-729,629,-734,629,-736,629,-741,-658,-662,-663,629,-668,629,-669,629,-674,-676,629,-679,629,629,629,-689,-691,629,-694,629,629,-746,629,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,629,629,629,629,629,-879,629,-882,-910,-922,-927,-390,-391,629,-396,629,-399,629,-404,629,-405,629,-410,629,-415,629,-419,629,-420,629,-425,629,-428,-901,-902,-645,-587,-1896,-903,629,629,629,-802,629,629,-806,629,-809,-835,629,-820,629,-822,629,-824,-810,629,-826,629,-853,-854,629,629,-813,629,-648,-904,-906,-650,-651,-647,629,-707,-708,629,-644,-905,-649,-652,-605,-716,629,629,-607,-588,629,629,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,629,629,-711,-712,629,-718,629,629,629,629,629,629,-940,629,-441,-443,-749,629,-893,629,-717,-1896,629,629,629,629,629,-444,-514,-525,629,-730,-735,629,-737,629,-742,629,-664,-670,629,-680,-682,-684,-685,-692,-695,-699,-747,629,629,-876,629,629,-880,629,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,629,-814,629,-816,-803,629,-804,-807,629,-818,-821,-823,-825,-827,629,-828,629,-811,629,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,629,-284,629,629,629,629,-457,629,629,-731,629,-738,629,-743,629,-665,-673,629,629,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,629,-838,-53,629,629,-732,629,-739,629,-744,-666,629,-875,-54,629,629,-733,-740,-745,629,629,629,-874,]),'REFRESH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[630,630,630,630,-1896,630,630,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,630,630,630,630,-277,-278,630,-1427,630,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,630,630,630,-492,630,630,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,630,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,630,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,630,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,630,-174,-175,-176,-177,-995,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-292,-293,-283,630,630,630,630,630,-330,-320,-334,-335,-336,630,630,-984,-985,-986,-987,-988,-989,-990,630,630,630,630,630,630,630,630,630,630,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,630,630,630,-355,-358,630,-325,-326,-143,630,-144,630,-145,630,-432,-937,-938,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-1896,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-1896,630,-1896,630,630,630,630,630,630,630,630,630,630,630,630,-1896,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-1896,630,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,630,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,630,630,630,-193,-194,630,-996,630,630,630,630,630,-279,-280,-281,-282,-367,630,-310,630,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,630,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,630,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,630,630,630,630,630,630,-575,630,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,630,630,-725,-726,-727,630,630,630,630,630,630,-996,630,630,-93,-94,630,630,630,630,-311,-312,-322,630,-309,-295,-296,-297,630,630,630,630,-620,-635,-592,630,630,-438,630,-439,630,-446,-447,-448,-380,-381,630,630,630,-508,630,630,-512,630,630,630,630,-517,-518,-519,-520,630,630,-523,-524,630,-526,-527,-528,-529,-530,-531,-532,-533,630,-535,630,630,630,-541,-543,-544,630,-546,-547,-548,-549,630,630,630,630,630,630,-654,-655,-656,-657,630,-659,-660,-661,630,630,630,-667,630,630,-671,-672,630,630,-675,630,-677,-678,630,-681,630,-683,630,630,-686,-687,-688,630,-690,630,630,-693,630,630,-696,-697,-698,630,-700,-701,-702,-703,630,630,-748,630,-751,-752,-753,-754,-755,630,-757,-758,-759,-760,-761,630,-768,-769,-771,630,-773,-774,-775,-784,-858,-860,-862,-864,630,630,630,630,-870,630,-872,630,630,630,630,630,630,630,-908,-909,630,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,630,-923,-926,630,-936,630,-387,-388,-389,630,630,-392,-393,-394,-395,630,-398,630,-401,-402,630,-403,630,-408,-409,630,-412,-413,-414,630,-417,630,-418,630,-423,-424,630,-427,630,-430,-431,-1896,-1896,630,-621,-622,-623,-624,-625,-636,-586,-626,-799,630,630,630,630,630,-833,630,630,-808,630,-834,630,630,630,630,-800,630,-855,-801,630,630,630,630,630,630,-856,-857,630,-836,-832,-837,630,-627,630,-628,-629,-630,-631,-576,630,630,-632,-633,-634,630,630,630,630,630,630,-637,-638,-639,-594,-1896,-604,630,-640,-641,-715,-642,-606,630,-574,-579,-582,-585,630,630,630,-600,-603,630,-610,630,630,630,630,630,630,630,630,630,630,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,630,630,630,-997,630,630,630,630,630,630,-308,-327,-321,-298,-377,-454,-455,-456,-460,630,-445,630,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,630,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,630,630,630,630,630,630,630,630,630,-318,-537,-510,-593,-939,-941,-942,-440,630,-442,-382,-383,-385,-509,-511,-513,630,-515,-516,-521,-522,630,-534,-536,-539,-540,-545,-550,-728,630,-729,630,-734,630,-736,630,-741,-658,-662,-663,630,-668,630,-669,630,-674,-676,630,-679,630,630,630,-689,-691,630,-694,630,630,-746,630,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,630,630,630,630,630,-879,630,-882,-910,-922,-927,-390,-391,630,-396,630,-399,630,-404,630,-405,630,-410,630,-415,630,-419,630,-420,630,-425,630,-428,-901,-902,-645,-587,-1896,-903,630,630,630,-802,630,630,-806,630,-809,-835,630,-820,630,-822,630,-824,-810,630,-826,630,-853,-854,630,630,-813,630,-648,-904,-906,-650,-651,-647,630,-707,-708,630,-644,-905,-649,-652,-605,-716,630,630,-607,-588,630,630,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,630,630,-711,-712,630,-718,630,630,630,630,630,630,-940,630,-441,-443,-749,630,-893,630,-717,-1896,630,630,630,630,630,-444,-514,-525,630,-730,-735,630,-737,630,-742,630,-664,-670,630,-680,-682,-684,-685,-692,-695,-699,-747,630,630,-876,630,630,-880,630,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,630,-814,630,-816,-803,630,-804,-807,630,-818,-821,-823,-825,-827,630,-828,630,-811,630,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,630,-284,630,630,630,630,-457,630,630,-731,630,-738,630,-743,630,-665,-673,630,630,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,630,-838,-53,630,630,-732,630,-739,630,-744,-666,630,-875,-54,630,630,-733,-740,-745,630,630,630,-874,]),'REGION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[631,631,631,631,-1896,631,631,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,631,631,631,631,-277,-278,631,-1427,631,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,631,631,631,-492,631,631,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,631,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,631,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,631,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,631,-174,-175,-176,-177,-995,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-292,-293,-283,631,631,631,631,631,-330,-320,-334,-335,-336,631,631,-984,-985,-986,-987,-988,-989,-990,631,631,631,631,631,631,631,631,631,631,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,631,631,631,-355,-358,631,-325,-326,-143,631,-144,631,-145,631,-432,-937,-938,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-1896,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-1896,631,-1896,631,631,631,631,631,631,631,631,631,631,631,631,-1896,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-1896,631,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,631,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,631,631,631,-193,-194,631,-996,631,631,631,631,631,-279,-280,-281,-282,-367,631,-310,631,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,631,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,631,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,631,631,631,631,631,631,-575,631,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,631,631,-725,-726,-727,631,631,631,631,631,631,-996,631,631,-93,-94,631,631,631,631,-311,-312,-322,631,-309,-295,-296,-297,631,631,631,631,-620,-635,-592,631,631,-438,631,-439,631,-446,-447,-448,-380,-381,631,631,631,-508,631,631,-512,631,631,631,631,-517,-518,-519,-520,631,631,-523,-524,631,-526,-527,-528,-529,-530,-531,-532,-533,631,-535,631,631,631,-541,-543,-544,631,-546,-547,-548,-549,631,631,631,631,631,631,-654,-655,-656,-657,631,-659,-660,-661,631,631,631,-667,631,631,-671,-672,631,631,-675,631,-677,-678,631,-681,631,-683,631,631,-686,-687,-688,631,-690,631,631,-693,631,631,-696,-697,-698,631,-700,-701,-702,-703,631,631,-748,631,-751,-752,-753,-754,-755,631,-757,-758,-759,-760,-761,631,-768,-769,-771,631,-773,-774,-775,-784,-858,-860,-862,-864,631,631,631,631,-870,631,-872,631,631,631,631,631,631,631,-908,-909,631,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,631,-923,-926,631,-936,631,-387,-388,-389,631,631,-392,-393,-394,-395,631,-398,631,-401,-402,631,-403,631,-408,-409,631,-412,-413,-414,631,-417,631,-418,631,-423,-424,631,-427,631,-430,-431,-1896,-1896,631,-621,-622,-623,-624,-625,-636,-586,-626,-799,631,631,631,631,631,-833,631,631,-808,631,-834,631,631,631,631,-800,631,-855,-801,631,631,631,631,631,631,-856,-857,631,-836,-832,-837,631,-627,631,-628,-629,-630,-631,-576,631,631,-632,-633,-634,631,631,631,631,631,631,-637,-638,-639,-594,-1896,-604,631,-640,-641,-715,-642,-606,631,-574,-579,-582,-585,631,631,631,-600,-603,631,-610,631,631,631,631,631,631,631,631,631,631,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,631,631,631,-997,631,631,631,631,631,631,-308,-327,-321,-298,-377,-454,-455,-456,-460,631,-445,631,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,631,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,631,631,631,631,631,631,631,631,631,-318,-537,-510,-593,-939,-941,-942,-440,631,-442,-382,-383,-385,-509,-511,-513,631,-515,-516,-521,-522,631,-534,-536,-539,-540,-545,-550,-728,631,-729,631,-734,631,-736,631,-741,-658,-662,-663,631,-668,631,-669,631,-674,-676,631,-679,631,631,631,-689,-691,631,-694,631,631,-746,631,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,631,631,631,631,631,-879,631,-882,-910,-922,-927,-390,-391,631,-396,631,-399,631,-404,631,-405,631,-410,631,-415,631,-419,631,-420,631,-425,631,-428,-901,-902,-645,-587,-1896,-903,631,631,631,-802,631,631,-806,631,-809,-835,631,-820,631,-822,631,-824,-810,631,-826,631,-853,-854,631,631,-813,631,-648,-904,-906,-650,-651,-647,631,-707,-708,631,-644,-905,-649,-652,-605,-716,631,631,-607,-588,631,631,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,631,631,-711,-712,631,-718,631,631,631,631,631,631,-940,631,-441,-443,-749,631,-893,631,-717,-1896,631,631,631,631,631,-444,-514,-525,631,-730,-735,631,-737,631,-742,631,-664,-670,631,-680,-682,-684,-685,-692,-695,-699,-747,631,631,-876,631,631,-880,631,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,631,-814,631,-816,-803,631,-804,-807,631,-818,-821,-823,-825,-827,631,-828,631,-811,631,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,631,-284,631,631,631,631,-457,631,631,-731,631,-738,631,-743,631,-665,-673,631,631,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,631,-838,-53,631,631,-732,631,-739,631,-744,-666,631,-875,-54,631,631,-733,-740,-745,631,631,631,-874,]),'REGEXP_INSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[632,632,632,1078,-1896,632,632,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,632,632,632,632,-277,-278,1078,-1427,1078,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1078,1078,1078,-492,1078,1078,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1078,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1078,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1937,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,632,-174,-175,-176,-177,-995,632,632,632,632,632,632,632,632,632,632,1078,1078,1078,1078,1078,-292,-293,-283,632,1078,1078,1078,1078,-330,-320,-334,-335,-336,1078,1078,-984,-985,-986,-987,-988,-989,-990,632,632,1078,1078,1078,1078,1078,1078,1078,1078,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1078,1078,1078,-355,-358,632,-325,-326,-143,1078,-144,1078,-145,1078,-432,-937,-938,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1896,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1896,1078,-1896,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1896,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1896,632,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1078,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1078,632,632,-193,-194,632,-996,1078,632,632,632,632,-279,-280,-281,-282,-367,1078,-310,1078,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1078,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1078,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1078,1078,1078,1078,1078,1078,-575,1078,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1078,1078,-725,-726,-727,1078,1937,632,632,632,632,-996,632,1078,-93,-94,632,632,632,1078,-311,-312,-322,1078,-309,-295,-296,-297,1078,632,1078,1078,-620,-635,-592,1078,632,-438,632,-439,1078,-446,-447,-448,-380,-381,1078,1078,1078,-508,1078,1078,-512,1078,1078,1078,1078,-517,-518,-519,-520,1078,1078,-523,-524,1078,-526,-527,-528,-529,-530,-531,-532,-533,1078,-535,1078,1078,1078,-541,-543,-544,1078,-546,-547,-548,-549,1078,1078,1078,1078,1078,1078,-654,-655,-656,-657,632,-659,-660,-661,1078,1078,1078,-667,1078,1078,-671,-672,1078,1078,-675,1078,-677,-678,1078,-681,1078,-683,1078,1078,-686,-687,-688,1078,-690,1078,1078,-693,1078,1078,-696,-697,-698,1078,-700,-701,-702,-703,1078,1078,-748,1078,-751,-752,-753,-754,-755,1078,-757,-758,-759,-760,-761,1078,-768,-769,-771,1078,-773,-774,-775,-784,-858,-860,-862,-864,1078,1078,1078,1078,-870,1078,-872,1078,1078,1078,1078,1078,1078,1078,-908,-909,1078,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1078,-923,-926,1078,-936,1078,-387,-388,-389,1078,1078,-392,-393,-394,-395,1078,-398,1078,-401,-402,1078,-403,1078,-408,-409,1078,-412,-413,-414,1078,-417,1078,-418,1078,-423,-424,1078,-427,1078,-430,-431,-1896,-1896,1078,-621,-622,-623,-624,-625,-636,-586,-626,-799,1078,1078,1078,1078,1078,-833,1078,1078,-808,1078,-834,1078,1078,1078,1078,-800,1078,-855,-801,1078,1078,1078,1078,1078,1078,-856,-857,1078,-836,-832,-837,1078,-627,1078,-628,-629,-630,-631,-576,1078,1078,-632,-633,-634,1078,1078,1078,1078,1078,1078,-637,-638,-639,-594,-1896,-604,1078,-640,-641,-715,-642,-606,1078,-574,-579,-582,-585,1078,1078,1078,-600,-603,1078,-610,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1078,632,632,-997,632,1078,632,632,632,1078,-308,-327,-321,-298,-377,-454,-455,-456,-460,632,-445,1078,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1078,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,632,632,632,632,632,632,632,632,1078,-318,-537,-510,-593,-939,-941,-942,-440,1078,-442,-382,-383,-385,-509,-511,-513,1078,-515,-516,-521,-522,1078,-534,-536,-539,-540,-545,-550,-728,1078,-729,1078,-734,1078,-736,1078,-741,-658,-662,-663,1078,-668,1078,-669,1078,-674,-676,1078,-679,1078,1078,1078,-689,-691,1078,-694,1078,1078,-746,1078,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1078,1078,1078,1078,1078,-879,1078,-882,-910,-922,-927,-390,-391,1078,-396,1078,-399,1078,-404,1078,-405,1078,-410,1078,-415,1078,-419,1078,-420,1078,-425,1078,-428,-901,-902,-645,-587,-1896,-903,1078,1078,1078,-802,1078,1078,-806,1078,-809,-835,1078,-820,1078,-822,1078,-824,-810,1078,-826,1078,-853,-854,1078,1078,-813,1078,-648,-904,-906,-650,-651,-647,1078,-707,-708,1078,-644,-905,-649,-652,-605,-716,1078,1078,-607,-588,1078,1078,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1078,1078,-711,-712,1078,-718,1078,632,632,632,1078,1078,-940,632,-441,-443,-749,1078,-893,1937,-717,-1896,1078,1078,632,632,1078,-444,-514,-525,1078,-730,-735,1078,-737,1078,-742,1078,-664,-670,1078,-680,-682,-684,-685,-692,-695,-699,-747,1078,1078,-876,1078,1078,-880,1078,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1078,-814,1078,-816,-803,1078,-804,-807,1078,-818,-821,-823,-825,-827,1078,-828,1078,-811,1078,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,632,-284,632,1078,632,1078,-457,1078,1078,-731,1078,-738,1078,-743,1078,-665,-673,1078,1078,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1078,-838,-53,632,1078,-732,1078,-739,1078,-744,-666,1078,-875,-54,632,632,-733,-740,-745,1078,632,1078,-874,]),'REGEXP_LIKE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[633,633,633,1079,-1896,633,633,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,633,633,633,633,-277,-278,1079,-1427,1079,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1079,1079,1079,-492,1079,1079,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1079,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1079,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1938,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,633,-174,-175,-176,-177,-995,633,633,633,633,633,633,633,633,633,633,1079,1079,1079,1079,1079,-292,-293,-283,633,1079,1079,1079,1079,-330,-320,-334,-335,-336,1079,1079,-984,-985,-986,-987,-988,-989,-990,633,633,1079,1079,1079,1079,1079,1079,1079,1079,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1079,1079,1079,-355,-358,633,-325,-326,-143,1079,-144,1079,-145,1079,-432,-937,-938,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1896,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1896,1079,-1896,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1896,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1896,633,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1079,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1079,633,633,-193,-194,633,-996,1079,633,633,633,633,-279,-280,-281,-282,-367,1079,-310,1079,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1079,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1079,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1079,1079,1079,1079,1079,1079,-575,1079,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1079,1079,-725,-726,-727,1079,1938,633,633,633,633,-996,633,1079,-93,-94,633,633,633,1079,-311,-312,-322,1079,-309,-295,-296,-297,1079,633,1079,1079,-620,-635,-592,1079,633,-438,633,-439,1079,-446,-447,-448,-380,-381,1079,1079,1079,-508,1079,1079,-512,1079,1079,1079,1079,-517,-518,-519,-520,1079,1079,-523,-524,1079,-526,-527,-528,-529,-530,-531,-532,-533,1079,-535,1079,1079,1079,-541,-543,-544,1079,-546,-547,-548,-549,1079,1079,1079,1079,1079,1079,-654,-655,-656,-657,633,-659,-660,-661,1079,1079,1079,-667,1079,1079,-671,-672,1079,1079,-675,1079,-677,-678,1079,-681,1079,-683,1079,1079,-686,-687,-688,1079,-690,1079,1079,-693,1079,1079,-696,-697,-698,1079,-700,-701,-702,-703,1079,1079,-748,1079,-751,-752,-753,-754,-755,1079,-757,-758,-759,-760,-761,1079,-768,-769,-771,1079,-773,-774,-775,-784,-858,-860,-862,-864,1079,1079,1079,1079,-870,1079,-872,1079,1079,1079,1079,1079,1079,1079,-908,-909,1079,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1079,-923,-926,1079,-936,1079,-387,-388,-389,1079,1079,-392,-393,-394,-395,1079,-398,1079,-401,-402,1079,-403,1079,-408,-409,1079,-412,-413,-414,1079,-417,1079,-418,1079,-423,-424,1079,-427,1079,-430,-431,-1896,-1896,1079,-621,-622,-623,-624,-625,-636,-586,-626,-799,1079,1079,1079,1079,1079,-833,1079,1079,-808,1079,-834,1079,1079,1079,1079,-800,1079,-855,-801,1079,1079,1079,1079,1079,1079,-856,-857,1079,-836,-832,-837,1079,-627,1079,-628,-629,-630,-631,-576,1079,1079,-632,-633,-634,1079,1079,1079,1079,1079,1079,-637,-638,-639,-594,-1896,-604,1079,-640,-641,-715,-642,-606,1079,-574,-579,-582,-585,1079,1079,1079,-600,-603,1079,-610,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1079,633,633,-997,633,1079,633,633,633,1079,-308,-327,-321,-298,-377,-454,-455,-456,-460,633,-445,1079,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1079,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,633,633,633,633,633,633,633,633,1079,-318,-537,-510,-593,-939,-941,-942,-440,1079,-442,-382,-383,-385,-509,-511,-513,1079,-515,-516,-521,-522,1079,-534,-536,-539,-540,-545,-550,-728,1079,-729,1079,-734,1079,-736,1079,-741,-658,-662,-663,1079,-668,1079,-669,1079,-674,-676,1079,-679,1079,1079,1079,-689,-691,1079,-694,1079,1079,-746,1079,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1079,1079,1079,1079,1079,-879,1079,-882,-910,-922,-927,-390,-391,1079,-396,1079,-399,1079,-404,1079,-405,1079,-410,1079,-415,1079,-419,1079,-420,1079,-425,1079,-428,-901,-902,-645,-587,-1896,-903,1079,1079,1079,-802,1079,1079,-806,1079,-809,-835,1079,-820,1079,-822,1079,-824,-810,1079,-826,1079,-853,-854,1079,1079,-813,1079,-648,-904,-906,-650,-651,-647,1079,-707,-708,1079,-644,-905,-649,-652,-605,-716,1079,1079,-607,-588,1079,1079,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1079,1079,-711,-712,1079,-718,1079,633,633,633,1079,1079,-940,633,-441,-443,-749,1079,-893,1938,-717,-1896,1079,1079,633,633,1079,-444,-514,-525,1079,-730,-735,1079,-737,1079,-742,1079,-664,-670,1079,-680,-682,-684,-685,-692,-695,-699,-747,1079,1079,-876,1079,1079,-880,1079,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1079,-814,1079,-816,-803,1079,-804,-807,1079,-818,-821,-823,-825,-827,1079,-828,1079,-811,1079,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,633,-284,633,1079,633,1079,-457,1079,1079,-731,1079,-738,1079,-743,1079,-665,-673,1079,1079,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1079,-838,-53,633,1079,-732,1079,-739,1079,-744,-666,1079,-875,-54,633,633,-733,-740,-745,1079,633,1079,-874,]),'REGEXP_REPLACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[634,634,634,1080,-1896,634,634,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,634,634,634,634,-277,-278,1080,-1427,1080,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1080,1080,1080,-492,1080,1080,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1080,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1080,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1939,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,634,-174,-175,-176,-177,-995,634,634,634,634,634,634,634,634,634,634,1080,1080,1080,1080,1080,-292,-293,-283,634,1080,1080,1080,1080,-330,-320,-334,-335,-336,1080,1080,-984,-985,-986,-987,-988,-989,-990,634,634,1080,1080,1080,1080,1080,1080,1080,1080,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1080,1080,1080,-355,-358,634,-325,-326,-143,1080,-144,1080,-145,1080,-432,-937,-938,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1896,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1896,1080,-1896,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1896,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1896,634,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1080,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1080,634,634,-193,-194,634,-996,1080,634,634,634,634,-279,-280,-281,-282,-367,1080,-310,1080,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1080,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1080,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1080,1080,1080,1080,1080,1080,-575,1080,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1080,1080,-725,-726,-727,1080,1939,634,634,634,634,-996,634,1080,-93,-94,634,634,634,1080,-311,-312,-322,1080,-309,-295,-296,-297,1080,634,1080,1080,-620,-635,-592,1080,634,-438,634,-439,1080,-446,-447,-448,-380,-381,1080,1080,1080,-508,1080,1080,-512,1080,1080,1080,1080,-517,-518,-519,-520,1080,1080,-523,-524,1080,-526,-527,-528,-529,-530,-531,-532,-533,1080,-535,1080,1080,1080,-541,-543,-544,1080,-546,-547,-548,-549,1080,1080,1080,1080,1080,1080,-654,-655,-656,-657,634,-659,-660,-661,1080,1080,1080,-667,1080,1080,-671,-672,1080,1080,-675,1080,-677,-678,1080,-681,1080,-683,1080,1080,-686,-687,-688,1080,-690,1080,1080,-693,1080,1080,-696,-697,-698,1080,-700,-701,-702,-703,1080,1080,-748,1080,-751,-752,-753,-754,-755,1080,-757,-758,-759,-760,-761,1080,-768,-769,-771,1080,-773,-774,-775,-784,-858,-860,-862,-864,1080,1080,1080,1080,-870,1080,-872,1080,1080,1080,1080,1080,1080,1080,-908,-909,1080,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1080,-923,-926,1080,-936,1080,-387,-388,-389,1080,1080,-392,-393,-394,-395,1080,-398,1080,-401,-402,1080,-403,1080,-408,-409,1080,-412,-413,-414,1080,-417,1080,-418,1080,-423,-424,1080,-427,1080,-430,-431,-1896,-1896,1080,-621,-622,-623,-624,-625,-636,-586,-626,-799,1080,1080,1080,1080,1080,-833,1080,1080,-808,1080,-834,1080,1080,1080,1080,-800,1080,-855,-801,1080,1080,1080,1080,1080,1080,-856,-857,1080,-836,-832,-837,1080,-627,1080,-628,-629,-630,-631,-576,1080,1080,-632,-633,-634,1080,1080,1080,1080,1080,1080,-637,-638,-639,-594,-1896,-604,1080,-640,-641,-715,-642,-606,1080,-574,-579,-582,-585,1080,1080,1080,-600,-603,1080,-610,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1080,634,634,-997,634,1080,634,634,634,1080,-308,-327,-321,-298,-377,-454,-455,-456,-460,634,-445,1080,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1080,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,634,634,634,634,634,634,634,634,1080,-318,-537,-510,-593,-939,-941,-942,-440,1080,-442,-382,-383,-385,-509,-511,-513,1080,-515,-516,-521,-522,1080,-534,-536,-539,-540,-545,-550,-728,1080,-729,1080,-734,1080,-736,1080,-741,-658,-662,-663,1080,-668,1080,-669,1080,-674,-676,1080,-679,1080,1080,1080,-689,-691,1080,-694,1080,1080,-746,1080,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1080,1080,1080,1080,1080,-879,1080,-882,-910,-922,-927,-390,-391,1080,-396,1080,-399,1080,-404,1080,-405,1080,-410,1080,-415,1080,-419,1080,-420,1080,-425,1080,-428,-901,-902,-645,-587,-1896,-903,1080,1080,1080,-802,1080,1080,-806,1080,-809,-835,1080,-820,1080,-822,1080,-824,-810,1080,-826,1080,-853,-854,1080,1080,-813,1080,-648,-904,-906,-650,-651,-647,1080,-707,-708,1080,-644,-905,-649,-652,-605,-716,1080,1080,-607,-588,1080,1080,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1080,1080,-711,-712,1080,-718,1080,634,634,634,1080,1080,-940,634,-441,-443,-749,1080,-893,1939,-717,-1896,1080,1080,634,634,1080,-444,-514,-525,1080,-730,-735,1080,-737,1080,-742,1080,-664,-670,1080,-680,-682,-684,-685,-692,-695,-699,-747,1080,1080,-876,1080,1080,-880,1080,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1080,-814,1080,-816,-803,1080,-804,-807,1080,-818,-821,-823,-825,-827,1080,-828,1080,-811,1080,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,634,-284,634,1080,634,1080,-457,1080,1080,-731,1080,-738,1080,-743,1080,-665,-673,1080,1080,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1080,-838,-53,634,1080,-732,1080,-739,1080,-744,-666,1080,-875,-54,634,634,-733,-740,-745,1080,634,1080,-874,]),'REGEXP_SUBSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[635,635,635,1081,-1896,635,635,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,635,635,635,635,-277,-278,1081,-1427,1081,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1081,1081,1081,-492,1081,1081,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1081,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1081,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1940,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,635,-174,-175,-176,-177,-995,635,635,635,635,635,635,635,635,635,635,1081,1081,1081,1081,1081,-292,-293,-283,635,1081,1081,1081,1081,-330,-320,-334,-335,-336,1081,1081,-984,-985,-986,-987,-988,-989,-990,635,635,1081,1081,1081,1081,1081,1081,1081,1081,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1081,1081,1081,-355,-358,635,-325,-326,-143,1081,-144,1081,-145,1081,-432,-937,-938,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1896,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1896,1081,-1896,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1896,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1896,635,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1081,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1081,635,635,-193,-194,635,-996,1081,635,635,635,635,-279,-280,-281,-282,-367,1081,-310,1081,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1081,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1081,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1081,1081,1081,1081,1081,1081,-575,1081,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1081,1081,-725,-726,-727,1081,1940,635,635,635,635,-996,635,1081,-93,-94,635,635,635,1081,-311,-312,-322,1081,-309,-295,-296,-297,1081,635,1081,1081,-620,-635,-592,1081,635,-438,635,-439,1081,-446,-447,-448,-380,-381,1081,1081,1081,-508,1081,1081,-512,1081,1081,1081,1081,-517,-518,-519,-520,1081,1081,-523,-524,1081,-526,-527,-528,-529,-530,-531,-532,-533,1081,-535,1081,1081,1081,-541,-543,-544,1081,-546,-547,-548,-549,1081,1081,1081,1081,1081,1081,-654,-655,-656,-657,635,-659,-660,-661,1081,1081,1081,-667,1081,1081,-671,-672,1081,1081,-675,1081,-677,-678,1081,-681,1081,-683,1081,1081,-686,-687,-688,1081,-690,1081,1081,-693,1081,1081,-696,-697,-698,1081,-700,-701,-702,-703,1081,1081,-748,1081,-751,-752,-753,-754,-755,1081,-757,-758,-759,-760,-761,1081,-768,-769,-771,1081,-773,-774,-775,-784,-858,-860,-862,-864,1081,1081,1081,1081,-870,1081,-872,1081,1081,1081,1081,1081,1081,1081,-908,-909,1081,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1081,-923,-926,1081,-936,1081,-387,-388,-389,1081,1081,-392,-393,-394,-395,1081,-398,1081,-401,-402,1081,-403,1081,-408,-409,1081,-412,-413,-414,1081,-417,1081,-418,1081,-423,-424,1081,-427,1081,-430,-431,-1896,-1896,1081,-621,-622,-623,-624,-625,-636,-586,-626,-799,1081,1081,1081,1081,1081,-833,1081,1081,-808,1081,-834,1081,1081,1081,1081,-800,1081,-855,-801,1081,1081,1081,1081,1081,1081,-856,-857,1081,-836,-832,-837,1081,-627,1081,-628,-629,-630,-631,-576,1081,1081,-632,-633,-634,1081,1081,1081,1081,1081,1081,-637,-638,-639,-594,-1896,-604,1081,-640,-641,-715,-642,-606,1081,-574,-579,-582,-585,1081,1081,1081,-600,-603,1081,-610,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1081,635,635,-997,635,1081,635,635,635,1081,-308,-327,-321,-298,-377,-454,-455,-456,-460,635,-445,1081,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1081,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,635,635,635,635,635,635,635,635,1081,-318,-537,-510,-593,-939,-941,-942,-440,1081,-442,-382,-383,-385,-509,-511,-513,1081,-515,-516,-521,-522,1081,-534,-536,-539,-540,-545,-550,-728,1081,-729,1081,-734,1081,-736,1081,-741,-658,-662,-663,1081,-668,1081,-669,1081,-674,-676,1081,-679,1081,1081,1081,-689,-691,1081,-694,1081,1081,-746,1081,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1081,1081,1081,1081,1081,-879,1081,-882,-910,-922,-927,-390,-391,1081,-396,1081,-399,1081,-404,1081,-405,1081,-410,1081,-415,1081,-419,1081,-420,1081,-425,1081,-428,-901,-902,-645,-587,-1896,-903,1081,1081,1081,-802,1081,1081,-806,1081,-809,-835,1081,-820,1081,-822,1081,-824,-810,1081,-826,1081,-853,-854,1081,1081,-813,1081,-648,-904,-906,-650,-651,-647,1081,-707,-708,1081,-644,-905,-649,-652,-605,-716,1081,1081,-607,-588,1081,1081,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1081,1081,-711,-712,1081,-718,1081,635,635,635,1081,1081,-940,635,-441,-443,-749,1081,-893,1940,-717,-1896,1081,1081,635,635,1081,-444,-514,-525,1081,-730,-735,1081,-737,1081,-742,1081,-664,-670,1081,-680,-682,-684,-685,-692,-695,-699,-747,1081,1081,-876,1081,1081,-880,1081,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1081,-814,1081,-816,-803,1081,-804,-807,1081,-818,-821,-823,-825,-827,1081,-828,1081,-811,1081,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,635,-284,635,1081,635,1081,-457,1081,1081,-731,1081,-738,1081,-743,1081,-665,-673,1081,1081,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1081,-838,-53,635,1081,-732,1081,-739,1081,-744,-666,1081,-875,-54,635,635,-733,-740,-745,1081,635,1081,-874,]),'RELAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[636,636,636,636,-1896,636,636,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,636,636,636,636,-277,-278,636,-1427,636,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,636,636,636,-492,636,636,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,636,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,636,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,636,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,636,-174,-175,-176,-177,-995,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-292,-293,-283,636,636,636,636,636,-330,-320,-334,-335,-336,636,636,-984,-985,-986,-987,-988,-989,-990,636,636,636,636,636,636,636,636,636,636,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,636,636,636,-355,-358,636,-325,-326,-143,636,-144,636,-145,636,-432,-937,-938,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-1896,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-1896,636,-1896,636,636,636,636,636,636,636,636,636,636,636,636,-1896,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-1896,636,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,636,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,636,636,636,-193,-194,636,-996,636,636,636,636,636,-279,-280,-281,-282,-367,636,-310,636,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,636,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,636,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,636,636,636,636,636,636,-575,636,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,636,636,-725,-726,-727,636,636,636,636,636,636,-996,636,636,-93,-94,636,636,636,636,-311,-312,-322,636,-309,-295,-296,-297,636,636,636,636,-620,-635,-592,636,636,-438,636,-439,636,-446,-447,-448,-380,-381,636,636,636,-508,636,636,-512,636,636,636,636,-517,-518,-519,-520,636,636,-523,-524,636,-526,-527,-528,-529,-530,-531,-532,-533,636,-535,636,636,636,-541,-543,-544,636,-546,-547,-548,-549,636,636,636,636,636,636,-654,-655,-656,-657,636,-659,-660,-661,636,636,636,-667,636,636,-671,-672,636,636,-675,636,-677,-678,636,-681,636,-683,636,636,-686,-687,-688,636,-690,636,636,-693,636,636,-696,-697,-698,636,-700,-701,-702,-703,636,636,-748,636,-751,-752,-753,-754,-755,636,-757,-758,-759,-760,-761,636,-768,-769,-771,636,-773,-774,-775,-784,-858,-860,-862,-864,636,636,636,636,-870,636,-872,636,636,636,636,636,636,636,-908,-909,636,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,636,-923,-926,636,-936,636,-387,-388,-389,636,636,-392,-393,-394,-395,636,-398,636,-401,-402,636,-403,636,-408,-409,636,-412,-413,-414,636,-417,636,-418,636,-423,-424,636,-427,636,-430,-431,-1896,-1896,636,-621,-622,-623,-624,-625,-636,-586,-626,-799,636,636,636,636,636,-833,636,636,-808,636,-834,636,636,636,636,-800,636,-855,-801,636,636,636,636,636,636,-856,-857,636,-836,-832,-837,636,-627,636,-628,-629,-630,-631,-576,636,636,-632,-633,-634,636,636,636,636,636,636,-637,-638,-639,-594,-1896,-604,636,-640,-641,-715,-642,-606,636,-574,-579,-582,-585,636,636,636,-600,-603,636,-610,636,636,636,636,636,636,636,636,636,636,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,636,636,636,-997,636,636,636,636,636,636,-308,-327,-321,-298,-377,-454,-455,-456,-460,636,-445,636,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,636,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,636,636,636,636,636,636,636,636,636,-318,-537,-510,-593,-939,-941,-942,-440,636,-442,-382,-383,-385,-509,-511,-513,636,-515,-516,-521,-522,636,-534,-536,-539,-540,-545,-550,-728,636,-729,636,-734,636,-736,636,-741,-658,-662,-663,636,-668,636,-669,636,-674,-676,636,-679,636,636,636,-689,-691,636,-694,636,636,-746,636,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,636,636,636,636,636,-879,636,-882,-910,-922,-927,-390,-391,636,-396,636,-399,636,-404,636,-405,636,-410,636,-415,636,-419,636,-420,636,-425,636,-428,-901,-902,-645,-587,-1896,-903,636,636,636,-802,636,636,-806,636,-809,-835,636,-820,636,-822,636,-824,-810,636,-826,636,-853,-854,636,636,-813,636,-648,-904,-906,-650,-651,-647,636,-707,-708,636,-644,-905,-649,-652,-605,-716,636,636,-607,-588,636,636,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,636,636,-711,-712,636,-718,636,636,636,636,636,636,-940,636,-441,-443,-749,636,-893,636,-717,-1896,636,636,636,636,636,-444,-514,-525,636,-730,-735,636,-737,636,-742,636,-664,-670,636,-680,-682,-684,-685,-692,-695,-699,-747,636,636,-876,636,636,-880,636,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,636,-814,636,-816,-803,636,-804,-807,636,-818,-821,-823,-825,-827,636,-828,636,-811,636,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,636,-284,636,636,636,636,-457,636,636,-731,636,-738,636,-743,636,-665,-673,636,636,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,636,-838,-53,636,636,-732,636,-739,636,-744,-666,636,-875,-54,636,636,-733,-740,-745,636,636,636,-874,]),'RELAYLOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[637,637,637,637,-1896,637,637,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,637,637,637,637,-277,-278,637,-1427,637,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,637,637,637,-492,637,637,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,637,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,637,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,637,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,637,-174,-175,-176,-177,-995,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-292,-293,-283,637,637,637,637,637,-330,-320,-334,-335,-336,637,637,-984,-985,-986,-987,-988,-989,-990,637,637,637,637,637,637,637,637,637,637,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,637,637,637,-355,-358,637,-325,-326,-143,637,-144,637,-145,637,-432,-937,-938,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-1896,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-1896,637,-1896,637,637,637,637,637,637,637,637,637,637,637,637,-1896,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-1896,637,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,637,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,637,637,637,-193,-194,637,-996,637,637,637,637,637,-279,-280,-281,-282,-367,637,-310,637,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,637,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,637,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,637,637,637,637,637,637,-575,637,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,637,637,-725,-726,-727,637,637,637,637,637,637,-996,637,637,-93,-94,637,637,637,637,-311,-312,-322,637,-309,-295,-296,-297,637,637,637,637,-620,-635,-592,637,637,-438,637,-439,637,-446,-447,-448,-380,-381,637,637,637,-508,637,637,-512,637,637,637,637,-517,-518,-519,-520,637,637,-523,-524,637,-526,-527,-528,-529,-530,-531,-532,-533,637,-535,637,637,637,-541,-543,-544,637,-546,-547,-548,-549,637,637,637,637,637,637,-654,-655,-656,-657,637,-659,-660,-661,637,637,637,-667,637,637,-671,-672,637,637,-675,637,-677,-678,637,-681,637,-683,637,637,-686,-687,-688,637,-690,637,637,-693,637,637,-696,-697,-698,637,-700,-701,-702,-703,637,637,-748,637,-751,-752,-753,-754,-755,637,-757,-758,-759,-760,-761,637,-768,-769,-771,637,-773,-774,-775,-784,-858,-860,-862,-864,637,637,637,637,-870,637,-872,637,637,637,637,637,637,637,-908,-909,637,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,637,-923,-926,637,-936,637,-387,-388,-389,637,637,-392,-393,-394,-395,637,-398,637,-401,-402,637,-403,637,-408,-409,637,-412,-413,-414,637,-417,637,-418,637,-423,-424,637,-427,637,-430,-431,-1896,-1896,637,-621,-622,-623,-624,-625,-636,-586,-626,-799,637,637,637,637,637,-833,637,637,-808,637,-834,637,637,637,637,-800,637,-855,-801,637,637,637,637,637,637,-856,-857,637,-836,-832,-837,637,-627,637,-628,-629,-630,-631,-576,637,637,-632,-633,-634,637,637,637,637,637,637,-637,-638,-639,-594,-1896,-604,637,-640,-641,-715,-642,-606,637,-574,-579,-582,-585,637,637,637,-600,-603,637,-610,637,637,637,637,637,637,637,637,637,637,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,637,637,637,-997,637,637,637,637,637,637,-308,-327,-321,-298,-377,-454,-455,-456,-460,637,-445,637,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,637,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,637,637,637,637,637,637,637,637,637,-318,-537,-510,-593,-939,-941,-942,-440,637,-442,-382,-383,-385,-509,-511,-513,637,-515,-516,-521,-522,637,-534,-536,-539,-540,-545,-550,-728,637,-729,637,-734,637,-736,637,-741,-658,-662,-663,637,-668,637,-669,637,-674,-676,637,-679,637,637,637,-689,-691,637,-694,637,637,-746,637,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,637,637,637,637,637,-879,637,-882,-910,-922,-927,-390,-391,637,-396,637,-399,637,-404,637,-405,637,-410,637,-415,637,-419,637,-420,637,-425,637,-428,-901,-902,-645,-587,-1896,-903,637,637,637,-802,637,637,-806,637,-809,-835,637,-820,637,-822,637,-824,-810,637,-826,637,-853,-854,637,637,-813,637,-648,-904,-906,-650,-651,-647,637,-707,-708,637,-644,-905,-649,-652,-605,-716,637,637,-607,-588,637,637,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,637,637,-711,-712,637,-718,637,637,637,637,637,637,-940,637,-441,-443,-749,637,-893,637,-717,-1896,637,637,637,637,637,-444,-514,-525,637,-730,-735,637,-737,637,-742,637,-664,-670,637,-680,-682,-684,-685,-692,-695,-699,-747,637,637,-876,637,637,-880,637,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,637,-814,637,-816,-803,637,-804,-807,637,-818,-821,-823,-825,-827,637,-828,637,-811,637,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,637,-284,637,637,637,637,-457,637,637,-731,637,-738,637,-743,637,-665,-673,637,637,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,637,-838,-53,637,637,-732,637,-739,637,-744,-666,637,-875,-54,637,637,-733,-740,-745,637,637,637,-874,]),'RELAY_LOG_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[638,638,638,638,-1896,638,638,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,638,638,638,638,-277,-278,638,-1427,638,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,638,638,638,-492,638,638,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,638,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,638,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,638,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,638,-174,-175,-176,-177,-995,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-292,-293,-283,638,638,638,638,638,-330,-320,-334,-335,-336,638,638,-984,-985,-986,-987,-988,-989,-990,638,638,638,638,638,638,638,638,638,638,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,638,638,638,-355,-358,638,-325,-326,-143,638,-144,638,-145,638,-432,-937,-938,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-1896,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-1896,638,-1896,638,638,638,638,638,638,638,638,638,638,638,638,-1896,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-1896,638,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,638,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,638,638,638,-193,-194,638,-996,638,638,638,638,638,-279,-280,-281,-282,-367,638,-310,638,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,638,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,638,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,638,638,638,638,638,638,-575,638,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,638,638,-725,-726,-727,638,638,638,638,638,638,-996,638,638,-93,-94,638,638,638,638,-311,-312,-322,638,-309,-295,-296,-297,638,638,638,638,-620,-635,-592,638,638,-438,638,-439,638,-446,-447,-448,-380,-381,638,638,638,-508,638,638,-512,638,638,638,638,-517,-518,-519,-520,638,638,-523,-524,638,-526,-527,-528,-529,-530,-531,-532,-533,638,-535,638,638,638,-541,-543,-544,638,-546,-547,-548,-549,638,638,638,638,638,638,-654,-655,-656,-657,638,-659,-660,-661,638,638,638,-667,638,638,-671,-672,638,638,-675,638,-677,-678,638,-681,638,-683,638,638,-686,-687,-688,638,-690,638,638,-693,638,638,-696,-697,-698,638,-700,-701,-702,-703,638,638,-748,638,-751,-752,-753,-754,-755,638,-757,-758,-759,-760,-761,638,-768,-769,-771,638,-773,-774,-775,-784,-858,-860,-862,-864,638,638,638,638,-870,638,-872,638,638,638,638,638,638,638,-908,-909,638,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,638,-923,-926,638,-936,638,-387,-388,-389,638,638,-392,-393,-394,-395,638,-398,638,-401,-402,638,-403,638,-408,-409,638,-412,-413,-414,638,-417,638,-418,638,-423,-424,638,-427,638,-430,-431,-1896,-1896,638,-621,-622,-623,-624,-625,-636,-586,-626,-799,638,638,638,638,638,-833,638,638,-808,638,-834,638,638,638,638,-800,638,-855,-801,638,638,638,638,638,638,-856,-857,638,-836,-832,-837,638,-627,638,-628,-629,-630,-631,-576,638,638,-632,-633,-634,638,638,638,638,638,638,-637,-638,-639,-594,-1896,-604,638,-640,-641,-715,-642,-606,638,-574,-579,-582,-585,638,638,638,-600,-603,638,-610,638,638,638,638,638,638,638,638,638,638,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,638,638,638,-997,638,638,638,638,638,638,-308,-327,-321,-298,-377,-454,-455,-456,-460,638,-445,638,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,638,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,638,638,638,638,638,638,638,638,638,-318,-537,-510,-593,-939,-941,-942,-440,638,-442,-382,-383,-385,-509,-511,-513,638,-515,-516,-521,-522,638,-534,-536,-539,-540,-545,-550,-728,638,-729,638,-734,638,-736,638,-741,-658,-662,-663,638,-668,638,-669,638,-674,-676,638,-679,638,638,638,-689,-691,638,-694,638,638,-746,638,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,638,638,638,638,638,-879,638,-882,-910,-922,-927,-390,-391,638,-396,638,-399,638,-404,638,-405,638,-410,638,-415,638,-419,638,-420,638,-425,638,-428,-901,-902,-645,-587,-1896,-903,638,638,638,-802,638,638,-806,638,-809,-835,638,-820,638,-822,638,-824,-810,638,-826,638,-853,-854,638,638,-813,638,-648,-904,-906,-650,-651,-647,638,-707,-708,638,-644,-905,-649,-652,-605,-716,638,638,-607,-588,638,638,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,638,638,-711,-712,638,-718,638,638,638,638,638,638,-940,638,-441,-443,-749,638,-893,638,-717,-1896,638,638,638,638,638,-444,-514,-525,638,-730,-735,638,-737,638,-742,638,-664,-670,638,-680,-682,-684,-685,-692,-695,-699,-747,638,638,-876,638,638,-880,638,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,638,-814,638,-816,-803,638,-804,-807,638,-818,-821,-823,-825,-827,638,-828,638,-811,638,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,638,-284,638,638,638,638,-457,638,638,-731,638,-738,638,-743,638,-665,-673,638,638,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,638,-838,-53,638,638,-732,638,-739,638,-744,-666,638,-875,-54,638,638,-733,-740,-745,638,638,638,-874,]),'RELAY_LOG_POS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[639,639,639,639,-1896,639,639,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,639,639,639,639,-277,-278,639,-1427,639,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,639,639,639,-492,639,639,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,639,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,639,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,639,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,639,-174,-175,-176,-177,-995,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-292,-293,-283,639,639,639,639,639,-330,-320,-334,-335,-336,639,639,-984,-985,-986,-987,-988,-989,-990,639,639,639,639,639,639,639,639,639,639,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,639,639,639,-355,-358,639,-325,-326,-143,639,-144,639,-145,639,-432,-937,-938,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-1896,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-1896,639,-1896,639,639,639,639,639,639,639,639,639,639,639,639,-1896,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-1896,639,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,639,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,639,639,639,-193,-194,639,-996,639,639,639,639,639,-279,-280,-281,-282,-367,639,-310,639,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,639,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,639,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,639,639,639,639,639,639,-575,639,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,639,639,-725,-726,-727,639,639,639,639,639,639,-996,639,639,-93,-94,639,639,639,639,-311,-312,-322,639,-309,-295,-296,-297,639,639,639,639,-620,-635,-592,639,639,-438,639,-439,639,-446,-447,-448,-380,-381,639,639,639,-508,639,639,-512,639,639,639,639,-517,-518,-519,-520,639,639,-523,-524,639,-526,-527,-528,-529,-530,-531,-532,-533,639,-535,639,639,639,-541,-543,-544,639,-546,-547,-548,-549,639,639,639,639,639,639,-654,-655,-656,-657,639,-659,-660,-661,639,639,639,-667,639,639,-671,-672,639,639,-675,639,-677,-678,639,-681,639,-683,639,639,-686,-687,-688,639,-690,639,639,-693,639,639,-696,-697,-698,639,-700,-701,-702,-703,639,639,-748,639,-751,-752,-753,-754,-755,639,-757,-758,-759,-760,-761,639,-768,-769,-771,639,-773,-774,-775,-784,-858,-860,-862,-864,639,639,639,639,-870,639,-872,639,639,639,639,639,639,639,-908,-909,639,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,639,-923,-926,639,-936,639,-387,-388,-389,639,639,-392,-393,-394,-395,639,-398,639,-401,-402,639,-403,639,-408,-409,639,-412,-413,-414,639,-417,639,-418,639,-423,-424,639,-427,639,-430,-431,-1896,-1896,639,-621,-622,-623,-624,-625,-636,-586,-626,-799,639,639,639,639,639,-833,639,639,-808,639,-834,639,639,639,639,-800,639,-855,-801,639,639,639,639,639,639,-856,-857,639,-836,-832,-837,639,-627,639,-628,-629,-630,-631,-576,639,639,-632,-633,-634,639,639,639,639,639,639,-637,-638,-639,-594,-1896,-604,639,-640,-641,-715,-642,-606,639,-574,-579,-582,-585,639,639,639,-600,-603,639,-610,639,639,639,639,639,639,639,639,639,639,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,639,639,639,-997,639,639,639,639,639,639,-308,-327,-321,-298,-377,-454,-455,-456,-460,639,-445,639,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,639,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,639,639,639,639,639,639,639,639,639,-318,-537,-510,-593,-939,-941,-942,-440,639,-442,-382,-383,-385,-509,-511,-513,639,-515,-516,-521,-522,639,-534,-536,-539,-540,-545,-550,-728,639,-729,639,-734,639,-736,639,-741,-658,-662,-663,639,-668,639,-669,639,-674,-676,639,-679,639,639,639,-689,-691,639,-694,639,639,-746,639,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,639,639,639,639,639,-879,639,-882,-910,-922,-927,-390,-391,639,-396,639,-399,639,-404,639,-405,639,-410,639,-415,639,-419,639,-420,639,-425,639,-428,-901,-902,-645,-587,-1896,-903,639,639,639,-802,639,639,-806,639,-809,-835,639,-820,639,-822,639,-824,-810,639,-826,639,-853,-854,639,639,-813,639,-648,-904,-906,-650,-651,-647,639,-707,-708,639,-644,-905,-649,-652,-605,-716,639,639,-607,-588,639,639,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,639,639,-711,-712,639,-718,639,639,639,639,639,639,-940,639,-441,-443,-749,639,-893,639,-717,-1896,639,639,639,639,639,-444,-514,-525,639,-730,-735,639,-737,639,-742,639,-664,-670,639,-680,-682,-684,-685,-692,-695,-699,-747,639,639,-876,639,639,-880,639,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,639,-814,639,-816,-803,639,-804,-807,639,-818,-821,-823,-825,-827,639,-828,639,-811,639,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,639,-284,639,639,639,639,-457,639,639,-731,639,-738,639,-743,639,-665,-673,639,639,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,639,-838,-53,639,639,-732,639,-739,639,-744,-666,639,-875,-54,639,639,-733,-740,-745,639,639,639,-874,]),'RELAY_THREAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[640,640,640,640,-1896,640,640,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,640,640,640,640,-277,-278,640,-1427,640,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,640,640,640,-492,640,640,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,640,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,640,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,640,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,640,-174,-175,-176,-177,-995,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-292,-293,-283,640,640,640,640,640,-330,-320,-334,-335,-336,640,640,-984,-985,-986,-987,-988,-989,-990,640,640,640,640,640,640,640,640,640,640,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,640,640,640,-355,-358,640,-325,-326,-143,640,-144,640,-145,640,-432,-937,-938,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-1896,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-1896,640,-1896,640,640,640,640,640,640,640,640,640,640,640,640,-1896,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-1896,640,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,640,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,640,640,640,-193,-194,640,-996,640,640,640,640,640,-279,-280,-281,-282,-367,640,-310,640,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,640,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,640,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,640,640,640,640,640,640,-575,640,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,640,640,-725,-726,-727,640,640,640,640,640,640,-996,640,640,-93,-94,640,640,640,640,-311,-312,-322,640,-309,-295,-296,-297,640,640,640,640,-620,-635,-592,640,640,-438,640,-439,640,-446,-447,-448,-380,-381,640,640,640,-508,640,640,-512,640,640,640,640,-517,-518,-519,-520,640,640,-523,-524,640,-526,-527,-528,-529,-530,-531,-532,-533,640,-535,640,640,640,-541,-543,-544,640,-546,-547,-548,-549,640,640,640,640,640,640,-654,-655,-656,-657,640,-659,-660,-661,640,640,640,-667,640,640,-671,-672,640,640,-675,640,-677,-678,640,-681,640,-683,640,640,-686,-687,-688,640,-690,640,640,-693,640,640,-696,-697,-698,640,-700,-701,-702,-703,640,640,-748,640,-751,-752,-753,-754,-755,640,-757,-758,-759,-760,-761,640,-768,-769,-771,640,-773,-774,-775,-784,-858,-860,-862,-864,640,640,640,640,-870,640,-872,640,640,640,640,640,640,640,-908,-909,640,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,640,-923,-926,640,-936,640,-387,-388,-389,640,640,-392,-393,-394,-395,640,-398,640,-401,-402,640,-403,640,-408,-409,640,-412,-413,-414,640,-417,640,-418,640,-423,-424,640,-427,640,-430,-431,-1896,-1896,640,-621,-622,-623,-624,-625,-636,-586,-626,-799,640,640,640,640,640,-833,640,640,-808,640,-834,640,640,640,640,-800,640,-855,-801,640,640,640,640,640,640,-856,-857,640,-836,-832,-837,640,-627,640,-628,-629,-630,-631,-576,640,640,-632,-633,-634,640,640,640,640,640,640,-637,-638,-639,-594,-1896,-604,640,-640,-641,-715,-642,-606,640,-574,-579,-582,-585,640,640,640,-600,-603,640,-610,640,640,640,640,640,640,640,640,640,640,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,640,640,640,-997,640,640,640,640,640,640,-308,-327,-321,-298,-377,-454,-455,-456,-460,640,-445,640,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,640,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,640,640,640,640,640,640,640,640,640,-318,-537,-510,-593,-939,-941,-942,-440,640,-442,-382,-383,-385,-509,-511,-513,640,-515,-516,-521,-522,640,-534,-536,-539,-540,-545,-550,-728,640,-729,640,-734,640,-736,640,-741,-658,-662,-663,640,-668,640,-669,640,-674,-676,640,-679,640,640,640,-689,-691,640,-694,640,640,-746,640,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,640,640,640,640,640,-879,640,-882,-910,-922,-927,-390,-391,640,-396,640,-399,640,-404,640,-405,640,-410,640,-415,640,-419,640,-420,640,-425,640,-428,-901,-902,-645,-587,-1896,-903,640,640,640,-802,640,640,-806,640,-809,-835,640,-820,640,-822,640,-824,-810,640,-826,640,-853,-854,640,640,-813,640,-648,-904,-906,-650,-651,-647,640,-707,-708,640,-644,-905,-649,-652,-605,-716,640,640,-607,-588,640,640,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,640,640,-711,-712,640,-718,640,640,640,640,640,640,-940,640,-441,-443,-749,640,-893,640,-717,-1896,640,640,640,640,640,-444,-514,-525,640,-730,-735,640,-737,640,-742,640,-664,-670,640,-680,-682,-684,-685,-692,-695,-699,-747,640,640,-876,640,640,-880,640,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,640,-814,640,-816,-803,640,-804,-807,640,-818,-821,-823,-825,-827,640,-828,640,-811,640,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,640,-284,640,640,640,640,-457,640,640,-731,640,-738,640,-743,640,-665,-673,640,640,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,640,-838,-53,640,640,-732,640,-739,640,-744,-666,640,-875,-54,640,640,-733,-740,-745,640,640,640,-874,]),'RELEASE_ALL_LOCKS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[641,641,641,1149,-1896,641,641,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,641,641,641,641,-277,-278,1149,-1427,1149,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1149,1149,1149,-492,1149,1149,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1149,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1149,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1941,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,641,-174,-175,-176,-177,-995,641,641,641,641,641,641,641,641,641,641,1149,1149,1149,1149,1149,-292,-293,-283,641,1149,1149,1149,1149,-330,-320,-334,-335,-336,1149,1149,-984,-985,-986,-987,-988,-989,-990,641,641,1149,1149,1149,1149,1149,1149,1149,1149,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1149,1149,1149,-355,-358,641,-325,-326,-143,1149,-144,1149,-145,1149,-432,-937,-938,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1896,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1896,1149,-1896,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1896,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1896,641,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1149,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1149,641,641,-193,-194,641,-996,1149,641,641,641,641,-279,-280,-281,-282,-367,1149,-310,1149,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1149,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1149,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1149,1149,1149,1149,1149,1149,-575,1149,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1149,1149,-725,-726,-727,1149,1941,641,641,641,641,-996,641,1149,-93,-94,641,641,641,1149,-311,-312,-322,1149,-309,-295,-296,-297,1149,641,1149,1149,-620,-635,-592,1149,641,-438,641,-439,1149,-446,-447,-448,-380,-381,1149,1149,1149,-508,1149,1149,-512,1149,1149,1149,1149,-517,-518,-519,-520,1149,1149,-523,-524,1149,-526,-527,-528,-529,-530,-531,-532,-533,1149,-535,1149,1149,1149,-541,-543,-544,1149,-546,-547,-548,-549,1149,1149,1149,1149,1149,1149,-654,-655,-656,-657,641,-659,-660,-661,1149,1149,1149,-667,1149,1149,-671,-672,1149,1149,-675,1149,-677,-678,1149,-681,1149,-683,1149,1149,-686,-687,-688,1149,-690,1149,1149,-693,1149,1149,-696,-697,-698,1149,-700,-701,-702,-703,1149,1149,-748,1149,-751,-752,-753,-754,-755,1149,-757,-758,-759,-760,-761,1149,-768,-769,-771,1149,-773,-774,-775,-784,-858,-860,-862,-864,1149,1149,1149,1149,-870,1149,-872,1149,1149,1149,1149,1149,1149,1149,-908,-909,1149,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1149,-923,-926,1149,-936,1149,-387,-388,-389,1149,1149,-392,-393,-394,-395,1149,-398,1149,-401,-402,1149,-403,1149,-408,-409,1149,-412,-413,-414,1149,-417,1149,-418,1149,-423,-424,1149,-427,1149,-430,-431,-1896,-1896,1149,-621,-622,-623,-624,-625,-636,-586,-626,-799,1149,1149,1149,1149,1149,-833,1149,1149,-808,1149,-834,1149,1149,1149,1149,-800,1149,-855,-801,1149,1149,1149,1149,1149,1149,-856,-857,1149,-836,-832,-837,1149,-627,1149,-628,-629,-630,-631,-576,1149,1149,-632,-633,-634,1149,1149,1149,1149,1149,1149,-637,-638,-639,-594,-1896,-604,1149,-640,-641,-715,-642,-606,1149,-574,-579,-582,-585,1149,1149,1149,-600,-603,1149,-610,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1149,641,641,-997,641,1149,641,641,641,1149,-308,-327,-321,-298,-377,-454,-455,-456,-460,641,-445,1149,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1149,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,641,641,641,641,641,641,641,641,1149,-318,-537,-510,-593,-939,-941,-942,-440,1149,-442,-382,-383,-385,-509,-511,-513,1149,-515,-516,-521,-522,1149,-534,-536,-539,-540,-545,-550,-728,1149,-729,1149,-734,1149,-736,1149,-741,-658,-662,-663,1149,-668,1149,-669,1149,-674,-676,1149,-679,1149,1149,1149,-689,-691,1149,-694,1149,1149,-746,1149,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1149,1149,1149,1149,1149,-879,1149,-882,-910,-922,-927,-390,-391,1149,-396,1149,-399,1149,-404,1149,-405,1149,-410,1149,-415,1149,-419,1149,-420,1149,-425,1149,-428,-901,-902,-645,-587,-1896,-903,1149,1149,1149,-802,1149,1149,-806,1149,-809,-835,1149,-820,1149,-822,1149,-824,-810,1149,-826,1149,-853,-854,1149,1149,-813,1149,-648,-904,-906,-650,-651,-647,1149,-707,-708,1149,-644,-905,-649,-652,-605,-716,1149,1149,-607,-588,1149,1149,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1149,1149,-711,-712,1149,-718,1149,641,641,641,1149,1149,-940,641,-441,-443,-749,1149,-893,1941,-717,-1896,1149,1149,641,641,1149,-444,-514,-525,1149,-730,-735,1149,-737,1149,-742,1149,-664,-670,1149,-680,-682,-684,-685,-692,-695,-699,-747,1149,1149,-876,1149,1149,-880,1149,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1149,-814,1149,-816,-803,1149,-804,-807,1149,-818,-821,-823,-825,-827,1149,-828,1149,-811,1149,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,641,-284,641,1149,641,1149,-457,1149,1149,-731,1149,-738,1149,-743,1149,-665,-673,1149,1149,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1149,-838,-53,641,1149,-732,1149,-739,1149,-744,-666,1149,-875,-54,641,641,-733,-740,-745,1149,641,1149,-874,]),'RELEASE_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[642,642,642,1150,-1896,642,642,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,642,642,642,642,-277,-278,1150,-1427,1150,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1150,1150,1150,-492,1150,1150,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1150,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1150,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1942,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,642,-174,-175,-176,-177,-995,642,642,642,642,642,642,642,642,642,642,1150,1150,1150,1150,1150,-292,-293,-283,642,1150,1150,1150,1150,-330,-320,-334,-335,-336,1150,1150,-984,-985,-986,-987,-988,-989,-990,642,642,1150,1150,1150,1150,1150,1150,1150,1150,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1150,1150,1150,-355,-358,642,-325,-326,-143,1150,-144,1150,-145,1150,-432,-937,-938,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1896,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1896,1150,-1896,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1896,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1896,642,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1150,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1150,642,642,-193,-194,642,-996,1150,642,642,642,642,-279,-280,-281,-282,-367,1150,-310,1150,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1150,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1150,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1150,1150,1150,1150,1150,1150,-575,1150,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1150,1150,-725,-726,-727,1150,1942,642,642,642,642,-996,642,1150,-93,-94,642,642,642,1150,-311,-312,-322,1150,-309,-295,-296,-297,1150,642,1150,1150,-620,-635,-592,1150,642,-438,642,-439,1150,-446,-447,-448,-380,-381,1150,1150,1150,-508,1150,1150,-512,1150,1150,1150,1150,-517,-518,-519,-520,1150,1150,-523,-524,1150,-526,-527,-528,-529,-530,-531,-532,-533,1150,-535,1150,1150,1150,-541,-543,-544,1150,-546,-547,-548,-549,1150,1150,1150,1150,1150,1150,-654,-655,-656,-657,642,-659,-660,-661,1150,1150,1150,-667,1150,1150,-671,-672,1150,1150,-675,1150,-677,-678,1150,-681,1150,-683,1150,1150,-686,-687,-688,1150,-690,1150,1150,-693,1150,1150,-696,-697,-698,1150,-700,-701,-702,-703,1150,1150,-748,1150,-751,-752,-753,-754,-755,1150,-757,-758,-759,-760,-761,1150,-768,-769,-771,1150,-773,-774,-775,-784,-858,-860,-862,-864,1150,1150,1150,1150,-870,1150,-872,1150,1150,1150,1150,1150,1150,1150,-908,-909,1150,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1150,-923,-926,1150,-936,1150,-387,-388,-389,1150,1150,-392,-393,-394,-395,1150,-398,1150,-401,-402,1150,-403,1150,-408,-409,1150,-412,-413,-414,1150,-417,1150,-418,1150,-423,-424,1150,-427,1150,-430,-431,-1896,-1896,1150,-621,-622,-623,-624,-625,-636,-586,-626,-799,1150,1150,1150,1150,1150,-833,1150,1150,-808,1150,-834,1150,1150,1150,1150,-800,1150,-855,-801,1150,1150,1150,1150,1150,1150,-856,-857,1150,-836,-832,-837,1150,-627,1150,-628,-629,-630,-631,-576,1150,1150,-632,-633,-634,1150,1150,1150,1150,1150,1150,-637,-638,-639,-594,-1896,-604,1150,-640,-641,-715,-642,-606,1150,-574,-579,-582,-585,1150,1150,1150,-600,-603,1150,-610,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1150,642,642,-997,642,1150,642,642,642,1150,-308,-327,-321,-298,-377,-454,-455,-456,-460,642,-445,1150,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1150,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,642,642,642,642,642,642,642,642,1150,-318,-537,-510,-593,-939,-941,-942,-440,1150,-442,-382,-383,-385,-509,-511,-513,1150,-515,-516,-521,-522,1150,-534,-536,-539,-540,-545,-550,-728,1150,-729,1150,-734,1150,-736,1150,-741,-658,-662,-663,1150,-668,1150,-669,1150,-674,-676,1150,-679,1150,1150,1150,-689,-691,1150,-694,1150,1150,-746,1150,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1150,1150,1150,1150,1150,-879,1150,-882,-910,-922,-927,-390,-391,1150,-396,1150,-399,1150,-404,1150,-405,1150,-410,1150,-415,1150,-419,1150,-420,1150,-425,1150,-428,-901,-902,-645,-587,-1896,-903,1150,1150,1150,-802,1150,1150,-806,1150,-809,-835,1150,-820,1150,-822,1150,-824,-810,1150,-826,1150,-853,-854,1150,1150,-813,1150,-648,-904,-906,-650,-651,-647,1150,-707,-708,1150,-644,-905,-649,-652,-605,-716,1150,1150,-607,-588,1150,1150,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1150,1150,-711,-712,1150,-718,1150,642,642,642,1150,1150,-940,642,-441,-443,-749,1150,-893,1942,-717,-1896,1150,1150,642,642,1150,-444,-514,-525,1150,-730,-735,1150,-737,1150,-742,1150,-664,-670,1150,-680,-682,-684,-685,-692,-695,-699,-747,1150,1150,-876,1150,1150,-880,1150,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1150,-814,1150,-816,-803,1150,-804,-807,1150,-818,-821,-823,-825,-827,1150,-828,1150,-811,1150,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,642,-284,642,1150,642,1150,-457,1150,1150,-731,1150,-738,1150,-743,1150,-665,-673,1150,1150,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1150,-838,-53,642,1150,-732,1150,-739,1150,-744,-666,1150,-875,-54,642,642,-733,-740,-745,1150,642,1150,-874,]),'RELOAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[643,643,643,643,-1896,643,643,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,643,643,643,643,-277,-278,643,-1427,643,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,643,643,643,-492,643,643,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,643,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,643,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,643,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,643,-174,-175,-176,-177,-995,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-292,-293,-283,643,643,643,643,643,-330,-320,-334,-335,-336,643,643,-984,-985,-986,-987,-988,-989,-990,643,643,643,643,643,643,643,643,643,643,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,643,643,643,-355,-358,643,-325,-326,-143,643,-144,643,-145,643,-432,-937,-938,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-1896,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-1896,643,-1896,643,643,643,643,643,643,643,643,643,643,643,643,-1896,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-1896,643,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,643,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,643,643,643,-193,-194,643,-996,643,643,643,643,643,-279,-280,-281,-282,-367,643,-310,643,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,643,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,643,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,643,643,643,643,643,643,-575,643,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,643,643,-725,-726,-727,643,643,643,643,643,643,-996,643,643,-93,-94,643,643,643,643,-311,-312,-322,643,-309,-295,-296,-297,643,643,643,643,-620,-635,-592,643,643,-438,643,-439,643,-446,-447,-448,-380,-381,643,643,643,-508,643,643,-512,643,643,643,643,-517,-518,-519,-520,643,643,-523,-524,643,-526,-527,-528,-529,-530,-531,-532,-533,643,-535,643,643,643,-541,-543,-544,643,-546,-547,-548,-549,643,643,643,643,643,643,-654,-655,-656,-657,643,-659,-660,-661,643,643,643,-667,643,643,-671,-672,643,643,-675,643,-677,-678,643,-681,643,-683,643,643,-686,-687,-688,643,-690,643,643,-693,643,643,-696,-697,-698,643,-700,-701,-702,-703,643,643,-748,643,-751,-752,-753,-754,-755,643,-757,-758,-759,-760,-761,643,-768,-769,-771,643,-773,-774,-775,-784,-858,-860,-862,-864,643,643,643,643,-870,643,-872,643,643,643,643,643,643,643,-908,-909,643,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,643,-923,-926,643,-936,643,-387,-388,-389,643,643,-392,-393,-394,-395,643,-398,643,-401,-402,643,-403,643,-408,-409,643,-412,-413,-414,643,-417,643,-418,643,-423,-424,643,-427,643,-430,-431,-1896,-1896,643,-621,-622,-623,-624,-625,-636,-586,-626,-799,643,643,643,643,643,-833,643,643,-808,643,-834,643,643,643,643,-800,643,-855,-801,643,643,643,643,643,643,-856,-857,643,-836,-832,-837,643,-627,643,-628,-629,-630,-631,-576,643,643,-632,-633,-634,643,643,643,643,643,643,-637,-638,-639,-594,-1896,-604,643,-640,-641,-715,-642,-606,643,-574,-579,-582,-585,643,643,643,-600,-603,643,-610,643,643,643,643,643,643,643,643,643,643,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,643,643,643,-997,643,643,643,643,643,643,-308,-327,-321,-298,-377,-454,-455,-456,-460,643,-445,643,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,643,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,643,643,643,643,643,643,643,643,643,-318,-537,-510,-593,-939,-941,-942,-440,643,-442,-382,-383,-385,-509,-511,-513,643,-515,-516,-521,-522,643,-534,-536,-539,-540,-545,-550,-728,643,-729,643,-734,643,-736,643,-741,-658,-662,-663,643,-668,643,-669,643,-674,-676,643,-679,643,643,643,-689,-691,643,-694,643,643,-746,643,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,643,643,643,643,643,-879,643,-882,-910,-922,-927,-390,-391,643,-396,643,-399,643,-404,643,-405,643,-410,643,-415,643,-419,643,-420,643,-425,643,-428,-901,-902,-645,-587,-1896,-903,643,643,643,-802,643,643,-806,643,-809,-835,643,-820,643,-822,643,-824,-810,643,-826,643,-853,-854,643,643,-813,643,-648,-904,-906,-650,-651,-647,643,-707,-708,643,-644,-905,-649,-652,-605,-716,643,643,-607,-588,643,643,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,643,643,-711,-712,643,-718,643,643,643,643,643,643,-940,643,-441,-443,-749,643,-893,643,-717,-1896,643,643,643,643,643,-444,-514,-525,643,-730,-735,643,-737,643,-742,643,-664,-670,643,-680,-682,-684,-685,-692,-695,-699,-747,643,643,-876,643,643,-880,643,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,643,-814,643,-816,-803,643,-804,-807,643,-818,-821,-823,-825,-827,643,-828,643,-811,643,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,643,-284,643,643,643,643,-457,643,643,-731,643,-738,643,-743,643,-665,-673,643,643,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,643,-838,-53,643,643,-732,643,-739,643,-744,-666,643,-875,-54,643,643,-733,-740,-745,643,643,643,-874,]),'REMOTE_OSS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[644,644,644,644,-1896,644,644,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,644,644,644,644,-277,-278,644,-1427,644,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,644,644,644,-492,644,644,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,644,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,644,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,644,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,644,-174,-175,-176,-177,-995,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-292,-293,-283,644,644,644,644,644,-330,-320,-334,-335,-336,644,644,-984,-985,-986,-987,-988,-989,-990,644,644,644,644,644,644,644,644,644,644,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,644,644,644,-355,-358,644,-325,-326,-143,644,-144,644,-145,644,-432,-937,-938,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-1896,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-1896,644,-1896,644,644,644,644,644,644,644,644,644,644,644,644,-1896,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-1896,644,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,644,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,644,644,644,-193,-194,644,-996,644,644,644,644,644,-279,-280,-281,-282,-367,644,-310,644,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,644,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,644,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,644,644,644,644,644,644,-575,644,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,644,644,-725,-726,-727,644,644,644,644,644,644,-996,644,644,-93,-94,644,644,644,644,-311,-312,-322,644,-309,-295,-296,-297,644,644,644,644,-620,-635,-592,644,644,-438,644,-439,644,-446,-447,-448,-380,-381,644,644,644,-508,644,644,-512,644,644,644,644,-517,-518,-519,-520,644,644,-523,-524,644,-526,-527,-528,-529,-530,-531,-532,-533,644,-535,644,644,644,-541,-543,-544,644,-546,-547,-548,-549,644,644,644,644,644,644,-654,-655,-656,-657,644,-659,-660,-661,644,644,644,-667,644,644,-671,-672,644,644,-675,644,-677,-678,644,-681,644,-683,644,644,-686,-687,-688,644,-690,644,644,-693,644,644,-696,-697,-698,644,-700,-701,-702,-703,644,644,-748,644,-751,-752,-753,-754,-755,644,-757,-758,-759,-760,-761,644,-768,-769,-771,644,-773,-774,-775,-784,-858,-860,-862,-864,644,644,644,644,-870,644,-872,644,644,644,644,644,644,644,-908,-909,644,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,644,-923,-926,644,-936,644,-387,-388,-389,644,644,-392,-393,-394,-395,644,-398,644,-401,-402,644,-403,644,-408,-409,644,-412,-413,-414,644,-417,644,-418,644,-423,-424,644,-427,644,-430,-431,-1896,-1896,644,-621,-622,-623,-624,-625,-636,-586,-626,-799,644,644,644,644,644,-833,644,644,-808,644,-834,644,644,644,644,-800,644,-855,-801,644,644,644,644,644,644,-856,-857,644,-836,-832,-837,644,-627,644,-628,-629,-630,-631,-576,644,644,-632,-633,-634,644,644,644,644,644,644,-637,-638,-639,-594,-1896,-604,644,-640,-641,-715,-642,-606,644,-574,-579,-582,-585,644,644,644,-600,-603,644,-610,644,644,644,644,644,644,644,644,644,644,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,644,644,644,-997,644,644,644,644,644,644,-308,-327,-321,-298,-377,-454,-455,-456,-460,644,-445,644,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,644,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,644,644,644,644,644,644,644,644,644,-318,-537,-510,-593,-939,-941,-942,-440,644,-442,-382,-383,-385,-509,-511,-513,644,-515,-516,-521,-522,644,-534,-536,-539,-540,-545,-550,-728,644,-729,644,-734,644,-736,644,-741,-658,-662,-663,644,-668,644,-669,644,-674,-676,644,-679,644,644,644,-689,-691,644,-694,644,644,-746,644,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,644,644,644,644,644,-879,644,-882,-910,-922,-927,-390,-391,644,-396,644,-399,644,-404,644,-405,644,-410,644,-415,644,-419,644,-420,644,-425,644,-428,-901,-902,-645,-587,-1896,-903,644,644,644,-802,644,644,-806,644,-809,-835,644,-820,644,-822,644,-824,-810,644,-826,644,-853,-854,644,644,-813,644,-648,-904,-906,-650,-651,-647,644,-707,-708,644,-644,-905,-649,-652,-605,-716,644,644,-607,-588,644,644,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,644,644,-711,-712,644,-718,644,644,644,644,644,644,-940,644,-441,-443,-749,644,-893,644,-717,-1896,644,644,644,644,644,-444,-514,-525,644,-730,-735,644,-737,644,-742,644,-664,-670,644,-680,-682,-684,-685,-692,-695,-699,-747,644,644,-876,644,644,-880,644,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,644,-814,644,-816,-803,644,-804,-807,644,-818,-821,-823,-825,-827,644,-828,644,-811,644,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,644,-284,644,644,644,644,-457,644,644,-731,644,-738,644,-743,644,-665,-673,644,644,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,644,-838,-53,644,644,-732,644,-739,644,-744,-666,644,-875,-54,644,644,-733,-740,-745,644,644,644,-874,]),'REMOVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[645,645,645,645,-1896,645,645,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,645,645,645,645,-277,-278,645,-1427,645,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,645,645,645,-492,645,645,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,645,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,645,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,645,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,645,-174,-175,-176,-177,-995,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-292,-293,-283,645,645,645,645,645,-330,-320,-334,-335,-336,645,645,-984,-985,-986,-987,-988,-989,-990,645,645,645,645,645,645,645,645,645,645,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,645,645,645,-355,-358,645,-325,-326,-143,645,-144,645,-145,645,-432,-937,-938,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-1896,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-1896,645,-1896,645,645,645,645,645,645,645,645,645,645,645,645,-1896,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-1896,645,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,645,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,645,645,645,-193,-194,645,-996,645,645,645,645,645,-279,-280,-281,-282,-367,645,-310,645,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,645,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,645,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,645,645,645,645,645,645,-575,645,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,645,645,-725,-726,-727,645,645,645,645,645,645,-996,645,645,-93,-94,645,645,645,645,-311,-312,-322,645,-309,-295,-296,-297,645,645,645,645,-620,-635,-592,645,645,-438,645,-439,645,-446,-447,-448,-380,-381,645,645,645,-508,645,645,-512,645,645,645,645,-517,-518,-519,-520,645,645,-523,-524,645,-526,-527,-528,-529,-530,-531,-532,-533,645,-535,645,645,645,-541,-543,-544,645,-546,-547,-548,-549,645,645,645,645,645,645,-654,-655,-656,-657,645,-659,-660,-661,645,645,645,-667,645,645,-671,-672,645,645,-675,645,-677,-678,645,-681,645,-683,645,645,-686,-687,-688,645,-690,645,645,-693,645,645,-696,-697,-698,645,-700,-701,-702,-703,645,645,-748,645,-751,-752,-753,-754,-755,645,-757,-758,-759,-760,-761,645,-768,-769,-771,645,-773,-774,-775,-784,-858,-860,-862,-864,645,645,645,645,-870,645,-872,645,645,645,645,645,645,645,-908,-909,645,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,645,-923,-926,645,-936,645,-387,-388,-389,645,645,-392,-393,-394,-395,645,-398,645,-401,-402,645,-403,645,-408,-409,645,-412,-413,-414,645,-417,645,-418,645,-423,-424,645,-427,645,-430,-431,-1896,-1896,645,-621,-622,-623,-624,-625,-636,-586,-626,-799,645,645,645,645,645,-833,645,645,-808,645,-834,645,645,645,645,-800,645,-855,-801,645,645,645,645,645,645,-856,-857,645,-836,-832,-837,645,-627,645,-628,-629,-630,-631,-576,645,645,-632,-633,-634,645,645,645,645,645,645,-637,-638,-639,-594,-1896,-604,645,-640,-641,-715,-642,-606,645,-574,-579,-582,-585,645,645,645,-600,-603,645,-610,645,645,645,645,645,645,645,645,645,645,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,645,645,645,-997,645,645,645,645,645,645,-308,-327,-321,-298,-377,-454,-455,-456,-460,645,-445,645,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,645,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,645,645,645,645,645,645,645,645,645,-318,-537,-510,-593,-939,-941,-942,-440,645,-442,-382,-383,-385,-509,-511,-513,645,-515,-516,-521,-522,645,-534,-536,-539,-540,-545,-550,-728,645,-729,645,-734,645,-736,645,-741,-658,-662,-663,645,-668,645,-669,645,-674,-676,645,-679,645,645,645,-689,-691,645,-694,645,645,-746,645,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,645,645,645,645,645,-879,645,-882,-910,-922,-927,-390,-391,645,-396,645,-399,645,-404,645,-405,645,-410,645,-415,645,-419,645,-420,645,-425,645,-428,-901,-902,-645,-587,-1896,-903,645,645,645,-802,645,645,-806,645,-809,-835,645,-820,645,-822,645,-824,-810,645,-826,645,-853,-854,645,645,-813,645,-648,-904,-906,-650,-651,-647,645,-707,-708,645,-644,-905,-649,-652,-605,-716,645,645,-607,-588,645,645,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,645,645,-711,-712,645,-718,645,645,645,645,645,645,-940,645,-441,-443,-749,645,-893,645,-717,-1896,645,645,645,645,645,-444,-514,-525,645,-730,-735,645,-737,645,-742,645,-664,-670,645,-680,-682,-684,-685,-692,-695,-699,-747,645,645,-876,645,645,-880,645,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,645,-814,645,-816,-803,645,-804,-807,645,-818,-821,-823,-825,-827,645,-828,645,-811,645,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,645,-284,645,645,645,645,-457,645,645,-731,645,-738,645,-743,645,-665,-673,645,645,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,645,-838,-53,645,645,-732,645,-739,645,-744,-666,645,-875,-54,645,645,-733,-740,-745,645,645,645,-874,]),'REORGANIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[646,646,646,646,-1896,646,646,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,646,646,646,646,-277,-278,646,-1427,646,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,646,646,646,-492,646,646,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,646,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,646,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,646,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,646,-174,-175,-176,-177,-995,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-292,-293,-283,646,646,646,646,646,-330,-320,-334,-335,-336,646,646,-984,-985,-986,-987,-988,-989,-990,646,646,646,646,646,646,646,646,646,646,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,646,646,646,-355,-358,646,-325,-326,-143,646,-144,646,-145,646,-432,-937,-938,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-1896,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-1896,646,-1896,646,646,646,646,646,646,646,646,646,646,646,646,-1896,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-1896,646,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,646,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,646,646,646,-193,-194,646,-996,646,646,646,646,646,-279,-280,-281,-282,-367,646,-310,646,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,646,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,646,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,646,646,646,646,646,646,-575,646,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,646,646,-725,-726,-727,646,646,646,646,646,646,-996,646,646,-93,-94,646,646,646,646,-311,-312,-322,646,-309,-295,-296,-297,646,646,646,646,-620,-635,-592,646,646,-438,646,-439,646,-446,-447,-448,-380,-381,646,646,646,-508,646,646,-512,646,646,646,646,-517,-518,-519,-520,646,646,-523,-524,646,-526,-527,-528,-529,-530,-531,-532,-533,646,-535,646,646,646,-541,-543,-544,646,-546,-547,-548,-549,646,646,646,646,646,646,-654,-655,-656,-657,646,-659,-660,-661,646,646,646,-667,646,646,-671,-672,646,646,-675,646,-677,-678,646,-681,646,-683,646,646,-686,-687,-688,646,-690,646,646,-693,646,646,-696,-697,-698,646,-700,-701,-702,-703,646,646,-748,646,-751,-752,-753,-754,-755,646,-757,-758,-759,-760,-761,646,-768,-769,-771,646,-773,-774,-775,-784,-858,-860,-862,-864,646,646,646,646,-870,646,-872,646,646,646,646,646,646,646,-908,-909,646,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,646,-923,-926,646,-936,646,-387,-388,-389,646,646,-392,-393,-394,-395,646,-398,646,-401,-402,646,-403,646,-408,-409,646,-412,-413,-414,646,-417,646,-418,646,-423,-424,646,-427,646,-430,-431,-1896,-1896,646,-621,-622,-623,-624,-625,-636,-586,-626,-799,646,646,646,646,646,-833,646,646,-808,646,-834,646,646,646,646,-800,646,-855,-801,646,646,646,646,646,646,-856,-857,646,-836,-832,-837,646,-627,646,-628,-629,-630,-631,-576,646,646,-632,-633,-634,646,646,646,646,646,646,-637,-638,-639,-594,-1896,-604,646,-640,-641,-715,-642,-606,646,-574,-579,-582,-585,646,646,646,-600,-603,646,-610,646,646,646,646,646,646,646,646,646,646,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,646,646,646,-997,646,646,646,646,646,646,-308,-327,-321,-298,-377,-454,-455,-456,-460,646,-445,646,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,646,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,646,646,646,646,646,646,646,646,646,-318,-537,-510,-593,-939,-941,-942,-440,646,-442,-382,-383,-385,-509,-511,-513,646,-515,-516,-521,-522,646,-534,-536,-539,-540,-545,-550,-728,646,-729,646,-734,646,-736,646,-741,-658,-662,-663,646,-668,646,-669,646,-674,-676,646,-679,646,646,646,-689,-691,646,-694,646,646,-746,646,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,646,646,646,646,646,-879,646,-882,-910,-922,-927,-390,-391,646,-396,646,-399,646,-404,646,-405,646,-410,646,-415,646,-419,646,-420,646,-425,646,-428,-901,-902,-645,-587,-1896,-903,646,646,646,-802,646,646,-806,646,-809,-835,646,-820,646,-822,646,-824,-810,646,-826,646,-853,-854,646,646,-813,646,-648,-904,-906,-650,-651,-647,646,-707,-708,646,-644,-905,-649,-652,-605,-716,646,646,-607,-588,646,646,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,646,646,-711,-712,646,-718,646,646,646,646,646,646,-940,646,-441,-443,-749,646,-893,646,-717,-1896,646,646,646,646,646,-444,-514,-525,646,-730,-735,646,-737,646,-742,646,-664,-670,646,-680,-682,-684,-685,-692,-695,-699,-747,646,646,-876,646,646,-880,646,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,646,-814,646,-816,-803,646,-804,-807,646,-818,-821,-823,-825,-827,646,-828,646,-811,646,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,646,-284,646,646,646,646,-457,646,646,-731,646,-738,646,-743,646,-665,-673,646,646,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,646,-838,-53,646,646,-732,646,-739,646,-744,-666,646,-875,-54,646,646,-733,-740,-745,646,646,646,-874,]),'REPAIR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[647,647,647,647,-1896,647,647,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,647,647,647,647,-277,-278,647,-1427,647,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,647,647,647,-492,647,647,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,647,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,647,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,647,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,647,-174,-175,-176,-177,-995,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-292,-293,-283,647,647,647,647,647,-330,-320,-334,-335,-336,647,647,-984,-985,-986,-987,-988,-989,-990,647,647,647,647,647,647,647,647,647,647,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,647,647,647,-355,-358,647,-325,-326,-143,647,-144,647,-145,647,-432,-937,-938,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-1896,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-1896,647,-1896,647,647,647,647,647,647,647,647,647,647,647,647,-1896,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-1896,647,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,647,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,647,647,647,-193,-194,647,-996,647,647,647,647,647,-279,-280,-281,-282,-367,647,-310,647,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,647,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,647,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,647,647,647,647,647,647,-575,647,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,647,647,-725,-726,-727,647,647,647,647,647,647,-996,647,647,-93,-94,647,647,647,647,-311,-312,-322,647,-309,-295,-296,-297,647,647,647,647,-620,-635,-592,647,647,-438,647,-439,647,-446,-447,-448,-380,-381,647,647,647,-508,647,647,-512,647,647,647,647,-517,-518,-519,-520,647,647,-523,-524,647,-526,-527,-528,-529,-530,-531,-532,-533,647,-535,647,647,647,-541,-543,-544,647,-546,-547,-548,-549,647,647,647,647,647,647,-654,-655,-656,-657,647,-659,-660,-661,647,647,647,-667,647,647,-671,-672,647,647,-675,647,-677,-678,647,-681,647,-683,647,647,-686,-687,-688,647,-690,647,647,-693,647,647,-696,-697,-698,647,-700,-701,-702,-703,647,647,-748,647,-751,-752,-753,-754,-755,647,-757,-758,-759,-760,-761,647,-768,-769,-771,647,-773,-774,-775,-784,-858,-860,-862,-864,647,647,647,647,-870,647,-872,647,647,647,647,647,647,647,-908,-909,647,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,647,-923,-926,647,-936,647,-387,-388,-389,647,647,-392,-393,-394,-395,647,-398,647,-401,-402,647,-403,647,-408,-409,647,-412,-413,-414,647,-417,647,-418,647,-423,-424,647,-427,647,-430,-431,-1896,-1896,647,-621,-622,-623,-624,-625,-636,-586,-626,-799,647,647,647,647,647,-833,647,647,-808,647,-834,647,647,647,647,-800,647,-855,-801,647,647,647,647,647,647,-856,-857,647,-836,-832,-837,647,-627,647,-628,-629,-630,-631,-576,647,647,-632,-633,-634,647,647,647,647,647,647,-637,-638,-639,-594,-1896,-604,647,-640,-641,-715,-642,-606,647,-574,-579,-582,-585,647,647,647,-600,-603,647,-610,647,647,647,647,647,647,647,647,647,647,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,647,647,647,-997,647,647,647,647,647,647,-308,-327,-321,-298,-377,-454,-455,-456,-460,647,-445,647,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,647,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,647,647,647,647,647,647,647,647,647,-318,-537,-510,-593,-939,-941,-942,-440,647,-442,-382,-383,-385,-509,-511,-513,647,-515,-516,-521,-522,647,-534,-536,-539,-540,-545,-550,-728,647,-729,647,-734,647,-736,647,-741,-658,-662,-663,647,-668,647,-669,647,-674,-676,647,-679,647,647,647,-689,-691,647,-694,647,647,-746,647,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,647,647,647,647,647,-879,647,-882,-910,-922,-927,-390,-391,647,-396,647,-399,647,-404,647,-405,647,-410,647,-415,647,-419,647,-420,647,-425,647,-428,-901,-902,-645,-587,-1896,-903,647,647,647,-802,647,647,-806,647,-809,-835,647,-820,647,-822,647,-824,-810,647,-826,647,-853,-854,647,647,-813,647,-648,-904,-906,-650,-651,-647,647,-707,-708,647,-644,-905,-649,-652,-605,-716,647,647,-607,-588,647,647,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,647,647,-711,-712,647,-718,647,647,647,647,647,647,-940,647,-441,-443,-749,647,-893,647,-717,-1896,647,647,647,647,647,-444,-514,-525,647,-730,-735,647,-737,647,-742,647,-664,-670,647,-680,-682,-684,-685,-692,-695,-699,-747,647,647,-876,647,647,-880,647,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,647,-814,647,-816,-803,647,-804,-807,647,-818,-821,-823,-825,-827,647,-828,647,-811,647,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,647,-284,647,647,647,647,-457,647,647,-731,647,-738,647,-743,647,-665,-673,647,647,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,647,-838,-53,647,647,-732,647,-739,647,-744,-666,647,-875,-54,647,647,-733,-740,-745,647,647,647,-874,]),'REPEATABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[648,648,648,648,-1896,648,648,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,648,648,648,648,-277,-278,648,-1427,648,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,648,648,648,-492,648,648,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,648,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,648,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,648,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,648,-174,-175,-176,-177,-995,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-292,-293,-283,648,648,648,648,648,-330,-320,-334,-335,-336,648,648,-984,-985,-986,-987,-988,-989,-990,648,648,648,648,648,648,648,648,648,648,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,648,648,648,-355,-358,648,-325,-326,-143,648,-144,648,-145,648,-432,-937,-938,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-1896,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-1896,648,-1896,648,648,648,648,648,648,648,648,648,648,648,648,-1896,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-1896,648,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,648,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,648,648,648,-193,-194,648,-996,648,648,648,648,648,-279,-280,-281,-282,-367,648,-310,648,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,648,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,648,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,648,648,648,648,648,648,-575,648,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,648,648,-725,-726,-727,648,648,648,648,648,648,-996,648,648,-93,-94,648,648,648,648,-311,-312,-322,648,-309,-295,-296,-297,648,648,648,648,-620,-635,-592,648,648,-438,648,-439,648,-446,-447,-448,-380,-381,648,648,648,-508,648,648,-512,648,648,648,648,-517,-518,-519,-520,648,648,-523,-524,648,-526,-527,-528,-529,-530,-531,-532,-533,648,-535,648,648,648,-541,-543,-544,648,-546,-547,-548,-549,648,648,648,648,648,648,-654,-655,-656,-657,648,-659,-660,-661,648,648,648,-667,648,648,-671,-672,648,648,-675,648,-677,-678,648,-681,648,-683,648,648,-686,-687,-688,648,-690,648,648,-693,648,648,-696,-697,-698,648,-700,-701,-702,-703,648,648,-748,648,-751,-752,-753,-754,-755,648,-757,-758,-759,-760,-761,648,-768,-769,-771,648,-773,-774,-775,-784,-858,-860,-862,-864,648,648,648,648,-870,648,-872,648,648,648,648,648,648,648,-908,-909,648,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,648,-923,-926,648,-936,648,-387,-388,-389,648,648,-392,-393,-394,-395,648,-398,648,-401,-402,648,-403,648,-408,-409,648,-412,-413,-414,648,-417,648,-418,648,-423,-424,648,-427,648,-430,-431,-1896,-1896,648,-621,-622,-623,-624,-625,-636,-586,-626,-799,648,648,648,648,648,-833,648,648,-808,648,-834,648,648,648,648,-800,648,-855,-801,648,648,648,648,648,648,-856,-857,648,-836,-832,-837,648,-627,648,-628,-629,-630,-631,-576,648,648,-632,-633,-634,648,648,648,648,648,648,-637,-638,-639,-594,-1896,-604,648,-640,-641,-715,-642,-606,648,-574,-579,-582,-585,648,648,648,-600,-603,648,-610,648,648,648,648,648,648,648,648,648,648,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,648,648,648,-997,648,648,648,648,648,648,-308,-327,-321,-298,-377,-454,-455,-456,-460,648,-445,648,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,648,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,648,648,648,648,648,648,648,648,648,-318,-537,-510,-593,-939,-941,-942,-440,648,-442,-382,-383,-385,-509,-511,-513,648,-515,-516,-521,-522,648,-534,-536,-539,-540,-545,-550,-728,648,-729,648,-734,648,-736,648,-741,-658,-662,-663,648,-668,648,-669,648,-674,-676,648,-679,648,648,648,-689,-691,648,-694,648,648,-746,648,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,648,648,648,648,648,-879,648,-882,-910,-922,-927,-390,-391,648,-396,648,-399,648,-404,648,-405,648,-410,648,-415,648,-419,648,-420,648,-425,648,-428,-901,-902,-645,-587,-1896,-903,648,648,648,-802,648,648,-806,648,-809,-835,648,-820,648,-822,648,-824,-810,648,-826,648,-853,-854,648,648,-813,648,-648,-904,-906,-650,-651,-647,648,-707,-708,648,-644,-905,-649,-652,-605,-716,648,648,-607,-588,648,648,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,648,648,-711,-712,648,-718,648,648,648,648,648,648,-940,648,-441,-443,-749,648,-893,648,-717,-1896,648,648,648,648,648,-444,-514,-525,648,-730,-735,648,-737,648,-742,648,-664,-670,648,-680,-682,-684,-685,-692,-695,-699,-747,648,648,-876,648,648,-880,648,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,648,-814,648,-816,-803,648,-804,-807,648,-818,-821,-823,-825,-827,648,-828,648,-811,648,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,648,-284,648,648,648,648,-457,648,648,-731,648,-738,648,-743,648,-665,-673,648,648,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,648,-838,-53,648,648,-732,648,-739,648,-744,-666,648,-875,-54,648,648,-733,-740,-745,648,648,648,-874,]),'REPLACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[649,649,649,1115,-1896,649,649,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,649,649,649,649,-277,-278,1115,-1427,1115,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1115,1115,1115,-492,1115,1115,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1115,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1115,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1943,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,649,-174,-175,-176,-177,-995,649,649,649,649,649,649,649,649,649,649,1115,1115,1115,1115,1115,-292,-293,-283,649,1115,1115,1115,1115,-330,-320,-334,-335,-336,1115,1115,-984,-985,-986,-987,-988,-989,-990,649,649,1115,1115,1115,1115,1115,1115,1115,1115,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1115,1115,1115,-355,-358,649,-325,-326,-143,1115,-144,1115,-145,1115,-432,-937,-938,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1896,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1896,1115,-1896,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1896,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1896,649,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1115,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1115,649,649,-193,-194,649,-996,1115,649,649,649,649,-279,-280,-281,-282,-367,1115,-310,1115,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1115,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1115,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1115,1115,1115,1115,1115,1115,-575,1115,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1115,1115,-725,-726,-727,1115,1943,649,649,649,649,-996,649,1115,-93,-94,649,649,649,1115,-311,-312,-322,1115,-309,-295,-296,-297,1115,649,1115,1115,-620,-635,-592,1115,649,-438,649,-439,1115,-446,-447,-448,-380,-381,1115,1115,1115,-508,1115,1115,-512,1115,1115,1115,1115,-517,-518,-519,-520,1115,1115,-523,-524,1115,-526,-527,-528,-529,-530,-531,-532,-533,1115,-535,1115,1115,1115,-541,-543,-544,1115,-546,-547,-548,-549,1115,1115,1115,1115,1115,1115,-654,-655,-656,-657,649,-659,-660,-661,1115,1115,1115,-667,1115,1115,-671,-672,1115,1115,-675,1115,-677,-678,1115,-681,1115,-683,1115,1115,-686,-687,-688,1115,-690,1115,1115,-693,1115,1115,-696,-697,-698,1115,-700,-701,-702,-703,1115,1115,-748,1115,-751,-752,-753,-754,-755,1115,-757,-758,-759,-760,-761,1115,-768,-769,-771,1115,-773,-774,-775,-784,-858,-860,-862,-864,1115,1115,1115,1115,-870,1115,-872,1115,1115,1115,1115,1115,1115,1115,-908,-909,1115,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1115,-923,-926,1115,-936,1115,-387,-388,-389,1115,1115,-392,-393,-394,-395,1115,-398,1115,-401,-402,1115,-403,1115,-408,-409,1115,-412,-413,-414,1115,-417,1115,-418,1115,-423,-424,1115,-427,1115,-430,-431,-1896,-1896,1115,-621,-622,-623,-624,-625,-636,-586,-626,-799,1115,1115,1115,1115,1115,-833,1115,1115,-808,1115,-834,1115,1115,1115,1115,-800,1115,-855,-801,1115,1115,1115,1115,1115,1115,-856,-857,1115,-836,-832,-837,1115,-627,1115,-628,-629,-630,-631,-576,1115,1115,-632,-633,-634,1115,1115,1115,1115,1115,1115,-637,-638,-639,-594,-1896,-604,1115,-640,-641,-715,-642,-606,1115,-574,-579,-582,-585,1115,1115,1115,-600,-603,1115,-610,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1115,649,649,-997,649,1115,649,649,649,1115,-308,-327,-321,-298,-377,-454,-455,-456,-460,649,-445,1115,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1115,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,649,649,649,649,649,649,649,649,1115,-318,-537,-510,-593,-939,-941,-942,-440,1115,-442,-382,-383,-385,-509,-511,-513,1115,-515,-516,-521,-522,1115,-534,-536,-539,-540,-545,-550,-728,1115,-729,1115,-734,1115,-736,1115,-741,-658,-662,-663,1115,-668,1115,-669,1115,-674,-676,1115,-679,1115,1115,1115,-689,-691,1115,-694,1115,1115,-746,1115,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1115,1115,1115,1115,1115,-879,1115,-882,-910,-922,-927,-390,-391,1115,-396,1115,-399,1115,-404,1115,-405,1115,-410,1115,-415,1115,-419,1115,-420,1115,-425,1115,-428,-901,-902,-645,-587,-1896,-903,1115,1115,1115,-802,1115,1115,-806,1115,-809,-835,1115,-820,1115,-822,1115,-824,-810,1115,-826,1115,-853,-854,1115,1115,-813,1115,-648,-904,-906,-650,-651,-647,1115,-707,-708,1115,-644,-905,-649,-652,-605,-716,1115,1115,-607,-588,1115,1115,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1115,1115,-711,-712,1115,-718,1115,649,649,649,1115,1115,-940,649,-441,-443,-749,1115,-893,1943,-717,-1896,1115,1115,649,649,1115,-444,-514,-525,1115,-730,-735,1115,-737,1115,-742,1115,-664,-670,1115,-680,-682,-684,-685,-692,-695,-699,-747,1115,1115,-876,1115,1115,-880,1115,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1115,-814,1115,-816,-803,1115,-804,-807,1115,-818,-821,-823,-825,-827,1115,-828,1115,-811,1115,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,649,-284,649,1115,649,1115,-457,1115,1115,-731,1115,-738,1115,-743,1115,-665,-673,1115,1115,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1115,-838,-53,649,1115,-732,1115,-739,1115,-744,-666,1115,-875,-54,649,649,-733,-740,-745,1115,649,1115,-874,]),'REPLICA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[650,650,650,650,-1896,650,650,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,650,650,650,650,-277,-278,650,-1427,650,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,650,650,650,-492,650,650,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,650,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,650,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,650,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,650,-174,-175,-176,-177,-995,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-292,-293,-283,650,650,650,650,650,-330,-320,-334,-335,-336,650,650,-984,-985,-986,-987,-988,-989,-990,650,650,650,650,650,650,650,650,650,650,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,650,650,650,-355,-358,650,-325,-326,-143,650,-144,650,-145,650,-432,-937,-938,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-1896,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-1896,650,-1896,650,650,650,650,650,650,650,650,650,650,650,650,-1896,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-1896,650,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,650,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,650,650,650,-193,-194,650,-996,650,650,650,650,650,-279,-280,-281,-282,-367,650,-310,650,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,650,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,650,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,650,650,650,650,650,650,-575,650,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,650,650,-725,-726,-727,650,650,650,650,650,650,-996,650,650,-93,-94,650,650,650,650,-311,-312,-322,650,-309,-295,-296,-297,650,650,650,650,-620,-635,-592,650,650,-438,650,-439,650,-446,-447,-448,-380,-381,650,650,650,-508,650,650,-512,650,650,650,650,-517,-518,-519,-520,650,650,-523,-524,650,-526,-527,-528,-529,-530,-531,-532,-533,650,-535,650,650,650,-541,-543,-544,650,-546,-547,-548,-549,650,650,650,650,650,650,-654,-655,-656,-657,650,-659,-660,-661,650,650,650,-667,650,650,-671,-672,650,650,-675,650,-677,-678,650,-681,650,-683,650,650,-686,-687,-688,650,-690,650,650,-693,650,650,-696,-697,-698,650,-700,-701,-702,-703,650,650,-748,650,-751,-752,-753,-754,-755,650,-757,-758,-759,-760,-761,650,-768,-769,-771,650,-773,-774,-775,-784,-858,-860,-862,-864,650,650,650,650,-870,650,-872,650,650,650,650,650,650,650,-908,-909,650,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,650,-923,-926,650,-936,650,-387,-388,-389,650,650,-392,-393,-394,-395,650,-398,650,-401,-402,650,-403,650,-408,-409,650,-412,-413,-414,650,-417,650,-418,650,-423,-424,650,-427,650,-430,-431,-1896,-1896,650,-621,-622,-623,-624,-625,-636,-586,-626,-799,650,650,650,650,650,-833,650,650,-808,650,-834,650,650,650,650,-800,650,-855,-801,650,650,650,650,650,650,-856,-857,650,-836,-832,-837,650,-627,650,-628,-629,-630,-631,-576,650,650,-632,-633,-634,650,650,650,650,650,650,-637,-638,-639,-594,-1896,-604,650,-640,-641,-715,-642,-606,650,-574,-579,-582,-585,650,650,650,-600,-603,650,-610,650,650,650,650,650,650,650,650,650,650,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,650,650,650,-997,650,650,650,650,650,650,-308,-327,-321,-298,-377,-454,-455,-456,-460,650,-445,650,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,650,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,650,650,650,650,650,650,650,650,650,-318,-537,-510,-593,-939,-941,-942,-440,650,-442,-382,-383,-385,-509,-511,-513,650,-515,-516,-521,-522,650,-534,-536,-539,-540,-545,-550,-728,650,-729,650,-734,650,-736,650,-741,-658,-662,-663,650,-668,650,-669,650,-674,-676,650,-679,650,650,650,-689,-691,650,-694,650,650,-746,650,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,650,650,650,650,650,-879,650,-882,-910,-922,-927,-390,-391,650,-396,650,-399,650,-404,650,-405,650,-410,650,-415,650,-419,650,-420,650,-425,650,-428,-901,-902,-645,-587,-1896,-903,650,650,650,-802,650,650,-806,650,-809,-835,650,-820,650,-822,650,-824,-810,650,-826,650,-853,-854,650,650,-813,650,-648,-904,-906,-650,-651,-647,650,-707,-708,650,-644,-905,-649,-652,-605,-716,650,650,-607,-588,650,650,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,650,650,-711,-712,650,-718,650,650,650,650,650,650,-940,650,-441,-443,-749,650,-893,650,-717,-1896,650,650,650,650,650,-444,-514,-525,650,-730,-735,650,-737,650,-742,650,-664,-670,650,-680,-682,-684,-685,-692,-695,-699,-747,650,650,-876,650,650,-880,650,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,650,-814,650,-816,-803,650,-804,-807,650,-818,-821,-823,-825,-827,650,-828,650,-811,650,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,650,-284,650,650,650,650,-457,650,650,-731,650,-738,650,-743,650,-665,-673,650,650,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,650,-838,-53,650,650,-732,650,-739,650,-744,-666,650,-875,-54,650,650,-733,-740,-745,650,650,650,-874,]),'REPLICATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[651,651,651,651,-1896,651,651,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,651,651,651,651,-277,-278,651,-1427,651,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,651,651,651,-492,651,651,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,651,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,651,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,651,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,651,-174,-175,-176,-177,-995,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-292,-293,-283,651,651,651,651,651,-330,-320,-334,-335,-336,651,651,-984,-985,-986,-987,-988,-989,-990,651,651,651,651,651,651,651,651,651,651,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,651,651,651,-355,-358,651,-325,-326,-143,651,-144,651,-145,651,-432,-937,-938,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-1896,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-1896,651,-1896,651,651,651,651,651,651,651,651,651,651,651,651,-1896,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-1896,651,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,651,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,651,651,651,-193,-194,651,-996,651,651,651,651,651,-279,-280,-281,-282,-367,651,-310,651,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,651,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,651,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,651,651,651,651,651,651,-575,651,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,651,651,-725,-726,-727,651,651,651,651,651,651,-996,651,651,-93,-94,651,651,651,651,-311,-312,-322,651,-309,-295,-296,-297,651,651,651,651,-620,-635,-592,651,651,-438,651,-439,651,-446,-447,-448,-380,-381,651,651,651,-508,651,651,-512,651,651,651,651,-517,-518,-519,-520,651,651,-523,-524,651,-526,-527,-528,-529,-530,-531,-532,-533,651,-535,651,651,651,-541,-543,-544,651,-546,-547,-548,-549,651,651,651,651,651,651,-654,-655,-656,-657,651,-659,-660,-661,651,651,651,-667,651,651,-671,-672,651,651,-675,651,-677,-678,651,-681,651,-683,651,651,-686,-687,-688,651,-690,651,651,-693,651,651,-696,-697,-698,651,-700,-701,-702,-703,651,651,-748,651,-751,-752,-753,-754,-755,651,-757,-758,-759,-760,-761,651,-768,-769,-771,651,-773,-774,-775,-784,-858,-860,-862,-864,651,651,651,651,-870,651,-872,651,651,651,651,651,651,651,-908,-909,651,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,651,-923,-926,651,-936,651,-387,-388,-389,651,651,-392,-393,-394,-395,651,-398,651,-401,-402,651,-403,651,-408,-409,651,-412,-413,-414,651,-417,651,-418,651,-423,-424,651,-427,651,-430,-431,-1896,-1896,651,-621,-622,-623,-624,-625,-636,-586,-626,-799,651,651,651,651,651,-833,651,651,-808,651,-834,651,651,651,651,-800,651,-855,-801,651,651,651,651,651,651,-856,-857,651,-836,-832,-837,651,-627,651,-628,-629,-630,-631,-576,651,651,-632,-633,-634,651,651,651,651,651,651,-637,-638,-639,-594,-1896,-604,651,-640,-641,-715,-642,-606,651,-574,-579,-582,-585,651,651,651,-600,-603,651,-610,651,651,651,651,651,651,651,651,651,651,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,651,651,651,-997,651,651,651,651,651,651,-308,-327,-321,-298,-377,-454,-455,-456,-460,651,-445,651,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,651,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,651,651,651,651,651,651,651,651,651,-318,-537,-510,-593,-939,-941,-942,-440,651,-442,-382,-383,-385,-509,-511,-513,651,-515,-516,-521,-522,651,-534,-536,-539,-540,-545,-550,-728,651,-729,651,-734,651,-736,651,-741,-658,-662,-663,651,-668,651,-669,651,-674,-676,651,-679,651,651,651,-689,-691,651,-694,651,651,-746,651,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,651,651,651,651,651,-879,651,-882,-910,-922,-927,-390,-391,651,-396,651,-399,651,-404,651,-405,651,-410,651,-415,651,-419,651,-420,651,-425,651,-428,-901,-902,-645,-587,-1896,-903,651,651,651,-802,651,651,-806,651,-809,-835,651,-820,651,-822,651,-824,-810,651,-826,651,-853,-854,651,651,-813,651,-648,-904,-906,-650,-651,-647,651,-707,-708,651,-644,-905,-649,-652,-605,-716,651,651,-607,-588,651,651,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,651,651,-711,-712,651,-718,651,651,651,651,651,651,-940,651,-441,-443,-749,651,-893,651,-717,-1896,651,651,651,651,651,-444,-514,-525,651,-730,-735,651,-737,651,-742,651,-664,-670,651,-680,-682,-684,-685,-692,-695,-699,-747,651,651,-876,651,651,-880,651,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,651,-814,651,-816,-803,651,-804,-807,651,-818,-821,-823,-825,-827,651,-828,651,-811,651,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,651,-284,651,651,651,651,-457,651,651,-731,651,-738,651,-743,651,-665,-673,651,651,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,651,-838,-53,651,651,-732,651,-739,651,-744,-666,651,-875,-54,651,651,-733,-740,-745,651,651,651,-874,]),'REPLICA_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[652,652,652,652,-1896,652,652,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,652,652,652,652,-277,-278,652,-1427,652,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,652,652,652,-492,652,652,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,652,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,652,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,652,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,652,-174,-175,-176,-177,-995,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-292,-293,-283,652,652,652,652,652,-330,-320,-334,-335,-336,652,652,-984,-985,-986,-987,-988,-989,-990,652,652,652,652,652,652,652,652,652,652,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,652,652,652,-355,-358,652,-325,-326,-143,652,-144,652,-145,652,-432,-937,-938,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-1896,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-1896,652,-1896,652,652,652,652,652,652,652,652,652,652,652,652,-1896,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-1896,652,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,652,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,652,652,652,-193,-194,652,-996,652,652,652,652,652,-279,-280,-281,-282,-367,652,-310,652,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,652,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,652,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,652,652,652,652,652,652,-575,652,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,652,652,-725,-726,-727,652,652,652,652,652,652,-996,652,652,-93,-94,652,652,652,652,-311,-312,-322,652,-309,-295,-296,-297,652,652,652,652,-620,-635,-592,652,652,-438,652,-439,652,-446,-447,-448,-380,-381,652,652,652,-508,652,652,-512,652,652,652,652,-517,-518,-519,-520,652,652,-523,-524,652,-526,-527,-528,-529,-530,-531,-532,-533,652,-535,652,652,652,-541,-543,-544,652,-546,-547,-548,-549,652,652,652,652,652,652,-654,-655,-656,-657,652,-659,-660,-661,652,652,652,-667,652,652,-671,-672,652,652,-675,652,-677,-678,652,-681,652,-683,652,652,-686,-687,-688,652,-690,652,652,-693,652,652,-696,-697,-698,652,-700,-701,-702,-703,652,652,-748,652,-751,-752,-753,-754,-755,652,-757,-758,-759,-760,-761,652,-768,-769,-771,652,-773,-774,-775,-784,-858,-860,-862,-864,652,652,652,652,-870,652,-872,652,652,652,652,652,652,652,-908,-909,652,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,652,-923,-926,652,-936,652,-387,-388,-389,652,652,-392,-393,-394,-395,652,-398,652,-401,-402,652,-403,652,-408,-409,652,-412,-413,-414,652,-417,652,-418,652,-423,-424,652,-427,652,-430,-431,-1896,-1896,652,-621,-622,-623,-624,-625,-636,-586,-626,-799,652,652,652,652,652,-833,652,652,-808,652,-834,652,652,652,652,-800,652,-855,-801,652,652,652,652,652,652,-856,-857,652,-836,-832,-837,652,-627,652,-628,-629,-630,-631,-576,652,652,-632,-633,-634,652,652,652,652,652,652,-637,-638,-639,-594,-1896,-604,652,-640,-641,-715,-642,-606,652,-574,-579,-582,-585,652,652,652,-600,-603,652,-610,652,652,652,652,652,652,652,652,652,652,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,652,652,3188,652,-997,652,652,652,652,652,652,-308,-327,-321,-298,-377,-454,-455,-456,-460,652,-445,652,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,652,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,652,652,652,652,652,652,652,652,652,-318,-537,-510,-593,-939,-941,-942,-440,652,-442,-382,-383,-385,-509,-511,-513,652,-515,-516,-521,-522,652,-534,-536,-539,-540,-545,-550,-728,652,-729,652,-734,652,-736,652,-741,-658,-662,-663,652,-668,652,-669,652,-674,-676,652,-679,652,652,652,-689,-691,652,-694,652,652,-746,652,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,652,652,652,652,652,-879,652,-882,-910,-922,-927,-390,-391,652,-396,652,-399,652,-404,652,-405,652,-410,652,-415,652,-419,652,-420,652,-425,652,-428,-901,-902,-645,-587,-1896,-903,652,652,652,-802,652,652,-806,652,-809,-835,652,-820,652,-822,652,-824,-810,652,-826,652,-853,-854,652,652,-813,652,-648,-904,-906,-650,-651,-647,652,-707,-708,652,-644,-905,-649,-652,-605,-716,652,652,-607,-588,652,652,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,652,652,-711,-712,652,-718,652,652,652,652,3188,652,652,-940,652,-441,-443,-749,652,-893,652,-717,-1896,652,652,3188,652,3188,3188,3188,3188,3188,3188,3188,3188,3188,652,652,-444,-514,-525,652,-730,-735,652,-737,652,-742,652,-664,-670,652,-680,-682,-684,-685,-692,-695,-699,-747,652,652,-876,652,652,-880,652,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,652,-814,652,-816,-803,652,-804,-807,652,-818,-821,-823,-825,-827,652,-828,652,-811,652,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,652,3188,-284,652,652,652,652,-457,652,652,-731,652,-738,652,-743,652,-665,-673,652,652,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,652,-838,-53,652,652,-732,652,-739,652,-744,-666,652,-875,-54,652,652,-733,-740,-745,652,652,652,-874,]),'REPLICA_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[653,653,653,653,-1896,653,653,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,653,653,653,653,-277,-278,653,-1427,653,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,653,653,653,-492,653,653,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,653,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,653,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,653,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,653,-174,-175,-176,-177,-995,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-292,-293,-283,653,653,653,653,653,-330,-320,-334,-335,-336,653,653,-984,-985,-986,-987,-988,-989,-990,653,653,653,653,653,653,653,653,653,653,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,653,653,653,-355,-358,653,-325,-326,-143,653,-144,653,-145,653,-432,-937,-938,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-1896,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-1896,653,-1896,653,653,653,653,653,653,653,653,653,653,653,653,-1896,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-1896,653,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,653,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,653,653,653,-193,-194,653,-996,653,653,653,653,653,-279,-280,-281,-282,-367,653,-310,653,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,653,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,653,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,653,653,653,653,653,653,-575,653,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,653,653,-725,-726,-727,653,653,653,653,653,653,-996,653,653,-93,-94,653,653,653,653,-311,-312,-322,653,-309,-295,-296,-297,653,653,653,653,-620,-635,-592,653,653,-438,653,-439,653,-446,-447,-448,-380,-381,653,653,653,-508,653,653,-512,653,653,653,653,-517,-518,-519,-520,653,653,-523,-524,653,-526,-527,-528,-529,-530,-531,-532,-533,653,-535,653,653,653,-541,-543,-544,653,-546,-547,-548,-549,653,653,653,653,653,653,-654,-655,-656,-657,653,-659,-660,-661,653,653,653,-667,653,653,-671,-672,653,653,-675,653,-677,-678,653,-681,653,-683,653,653,-686,-687,-688,653,-690,653,653,-693,653,653,-696,-697,-698,653,-700,-701,-702,-703,653,653,-748,653,-751,-752,-753,-754,-755,653,-757,-758,-759,-760,-761,653,-768,-769,-771,653,-773,-774,-775,-784,-858,-860,-862,-864,653,653,653,653,-870,653,-872,653,653,653,653,653,653,653,-908,-909,653,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,653,-923,-926,653,-936,653,-387,-388,-389,653,653,-392,-393,-394,-395,653,-398,653,-401,-402,653,-403,653,-408,-409,653,-412,-413,-414,653,-417,653,-418,653,-423,-424,653,-427,653,-430,-431,-1896,-1896,653,-621,-622,-623,-624,-625,-636,-586,-626,-799,653,653,653,653,653,-833,653,653,-808,653,-834,653,653,653,653,-800,653,-855,-801,653,653,653,653,653,653,-856,-857,653,-836,-832,-837,653,-627,653,-628,-629,-630,-631,-576,653,653,-632,-633,-634,653,653,653,653,653,653,-637,-638,-639,-594,-1896,-604,653,-640,-641,-715,-642,-606,653,-574,-579,-582,-585,653,653,653,-600,-603,653,-610,653,653,653,653,653,653,653,653,653,653,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,653,653,653,-997,653,653,653,653,653,653,-308,-327,-321,-298,-377,-454,-455,-456,-460,653,-445,653,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,653,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,653,653,653,653,653,653,653,653,653,-318,-537,-510,-593,-939,-941,-942,-440,653,-442,-382,-383,-385,-509,-511,-513,653,-515,-516,-521,-522,653,-534,-536,-539,-540,-545,-550,-728,653,-729,653,-734,653,-736,653,-741,-658,-662,-663,653,-668,653,-669,653,-674,-676,653,-679,653,653,653,-689,-691,653,-694,653,653,-746,653,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,653,653,653,653,653,-879,653,-882,-910,-922,-927,-390,-391,653,-396,653,-399,653,-404,653,-405,653,-410,653,-415,653,-419,653,-420,653,-425,653,-428,-901,-902,-645,-587,-1896,-903,653,653,653,-802,653,653,-806,653,-809,-835,653,-820,653,-822,653,-824,-810,653,-826,653,-853,-854,653,653,-813,653,-648,-904,-906,-650,-651,-647,653,-707,-708,653,-644,-905,-649,-652,-605,-716,653,653,-607,-588,653,653,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,653,653,-711,-712,653,-718,653,653,653,653,653,653,-940,653,-441,-443,-749,653,-893,653,-717,-1896,653,653,653,653,653,-444,-514,-525,653,-730,-735,653,-737,653,-742,653,-664,-670,653,-680,-682,-684,-685,-692,-695,-699,-747,653,653,-876,653,653,-880,653,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,653,-814,653,-816,-803,653,-804,-807,653,-818,-821,-823,-825,-827,653,-828,653,-811,653,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,653,-284,653,653,653,653,-457,653,653,-731,653,-738,653,-743,653,-665,-673,653,653,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,653,-838,-53,653,653,-732,653,-739,653,-744,-666,653,-875,-54,653,653,-733,-740,-745,653,653,653,-874,]),'REPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[654,654,654,654,-1896,654,654,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,654,654,654,654,-277,-278,654,-1427,654,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,654,654,654,-492,654,654,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,654,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,654,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,654,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,654,-174,-175,-176,-177,-995,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-292,-293,-283,654,654,654,654,654,-330,-320,-334,-335,-336,654,654,-984,-985,-986,-987,-988,-989,-990,654,654,654,654,654,654,654,654,654,654,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,654,654,654,-355,-358,654,-325,-326,-143,654,-144,654,-145,654,-432,-937,-938,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-1896,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-1896,654,-1896,654,654,654,654,654,654,654,654,654,654,654,654,-1896,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-1896,654,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,654,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,654,654,654,-193,-194,654,-996,654,654,654,654,654,-279,-280,-281,-282,-367,654,-310,654,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,654,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,654,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,654,654,654,654,654,654,-575,654,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,654,654,-725,-726,-727,654,654,654,654,654,654,-996,654,654,-93,-94,654,654,654,654,-311,-312,-322,654,-309,-295,-296,-297,654,654,654,654,-620,-635,-592,654,654,-438,654,-439,654,-446,-447,-448,-380,-381,654,654,654,-508,654,654,-512,654,654,654,654,-517,-518,-519,-520,654,654,-523,-524,654,-526,-527,-528,-529,-530,-531,-532,-533,654,-535,654,654,654,-541,-543,-544,654,-546,-547,-548,-549,654,654,654,654,654,654,-654,-655,-656,-657,654,-659,-660,-661,654,654,654,-667,654,654,-671,-672,654,654,-675,654,-677,-678,654,-681,654,-683,654,654,-686,-687,-688,654,-690,654,654,-693,654,654,-696,-697,-698,654,-700,-701,-702,-703,654,654,-748,654,-751,-752,-753,-754,-755,654,-757,-758,-759,-760,-761,654,-768,-769,-771,654,-773,-774,-775,-784,-858,-860,-862,-864,654,654,654,654,-870,654,-872,654,654,654,654,654,654,654,-908,-909,654,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,654,-923,-926,654,-936,654,-387,-388,-389,654,654,-392,-393,-394,-395,654,-398,654,-401,-402,654,-403,654,-408,-409,654,-412,-413,-414,654,-417,654,-418,654,-423,-424,654,-427,654,-430,-431,-1896,-1896,654,-621,-622,-623,-624,-625,-636,-586,-626,-799,654,654,654,654,654,-833,654,654,-808,654,-834,654,654,654,654,-800,654,-855,-801,654,654,654,654,654,654,-856,-857,654,-836,-832,-837,654,-627,654,-628,-629,-630,-631,-576,654,654,-632,-633,-634,654,654,654,654,654,654,-637,-638,-639,-594,-1896,-604,654,-640,-641,-715,-642,-606,654,-574,-579,-582,-585,654,654,654,-600,-603,654,-610,654,654,654,654,654,654,654,654,654,654,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,654,654,654,-997,654,654,654,654,654,654,-308,-327,-321,-298,-377,-454,-455,-456,-460,654,-445,654,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,654,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,654,654,654,654,654,654,654,654,654,-318,-537,-510,-593,-939,-941,-942,-440,654,-442,-382,-383,-385,-509,-511,-513,654,-515,-516,-521,-522,654,-534,-536,-539,-540,-545,-550,-728,654,-729,654,-734,654,-736,654,-741,-658,-662,-663,654,-668,654,-669,654,-674,-676,654,-679,654,654,654,-689,-691,654,-694,654,654,-746,654,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,654,654,654,654,654,-879,654,-882,-910,-922,-927,-390,-391,654,-396,654,-399,654,-404,654,-405,654,-410,654,-415,654,-419,654,-420,654,-425,654,-428,-901,-902,-645,-587,-1896,-903,654,654,654,-802,654,654,-806,654,-809,-835,654,-820,654,-822,654,-824,-810,654,-826,654,-853,-854,654,654,-813,654,-648,-904,-906,-650,-651,-647,654,-707,-708,654,-644,-905,-649,-652,-605,-716,654,654,-607,-588,654,654,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,654,654,-711,-712,654,-718,654,654,654,654,654,654,-940,654,-441,-443,-749,654,-893,654,-717,-1896,654,654,654,654,654,-444,-514,-525,654,-730,-735,654,-737,654,-742,654,-664,-670,654,-680,-682,-684,-685,-692,-695,-699,-747,654,654,-876,654,654,-880,654,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,654,-814,654,-816,-803,654,-804,-807,654,-818,-821,-823,-825,-827,654,-828,654,-811,654,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,654,-284,654,654,654,654,-457,654,654,-731,654,-738,654,-743,654,-665,-673,654,654,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,654,-838,-53,654,654,-732,654,-739,654,-744,-666,654,-875,-54,654,654,-733,-740,-745,654,654,654,-874,]),'RESET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[655,655,655,655,-1896,655,655,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,655,655,655,655,-277,-278,655,-1427,655,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,655,655,655,-492,655,655,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,655,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,655,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,655,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,655,-174,-175,-176,-177,-995,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-292,-293,-283,655,655,655,655,655,-330,-320,-334,-335,-336,655,655,-984,-985,-986,-987,-988,-989,-990,655,655,655,655,655,655,655,655,655,655,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,655,655,655,-355,-358,655,-325,-326,-143,655,-144,655,-145,655,-432,-937,-938,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-1896,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-1896,655,-1896,655,655,655,655,655,655,655,655,655,655,655,655,-1896,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-1896,655,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,655,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,655,655,655,-193,-194,655,-996,655,655,655,655,655,-279,-280,-281,-282,-367,655,-310,655,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,655,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,655,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,655,655,655,655,655,655,-575,655,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,655,655,-725,-726,-727,655,655,655,655,655,655,-996,655,655,-93,-94,655,655,655,655,-311,-312,-322,655,-309,-295,-296,-297,655,655,655,655,-620,-635,-592,655,655,-438,655,-439,655,-446,-447,-448,-380,-381,655,655,655,-508,655,655,-512,655,655,655,655,-517,-518,-519,-520,655,655,-523,-524,655,-526,-527,-528,-529,-530,-531,-532,-533,655,-535,655,655,655,-541,-543,-544,655,-546,-547,-548,-549,655,655,655,655,655,655,-654,-655,-656,-657,655,-659,-660,-661,655,655,655,-667,655,655,-671,-672,655,655,-675,655,-677,-678,655,-681,655,-683,655,655,-686,-687,-688,655,-690,655,655,-693,655,655,-696,-697,-698,655,-700,-701,-702,-703,655,655,-748,655,-751,-752,-753,-754,-755,655,-757,-758,-759,-760,-761,655,-768,-769,-771,655,-773,-774,-775,-784,-858,-860,-862,-864,655,655,655,655,-870,655,-872,655,655,655,655,655,655,655,-908,-909,655,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,655,-923,-926,655,-936,655,-387,-388,-389,655,655,-392,-393,-394,-395,655,-398,655,-401,-402,655,-403,655,-408,-409,655,-412,-413,-414,655,-417,655,-418,655,-423,-424,655,-427,655,-430,-431,-1896,-1896,655,-621,-622,-623,-624,-625,-636,-586,-626,-799,655,655,655,655,655,-833,655,655,-808,655,-834,655,655,655,655,-800,655,-855,-801,655,655,655,655,655,655,-856,-857,655,-836,-832,-837,655,-627,655,-628,-629,-630,-631,-576,655,655,-632,-633,-634,655,655,655,655,655,655,-637,-638,-639,-594,-1896,-604,655,-640,-641,-715,-642,-606,655,-574,-579,-582,-585,655,655,655,-600,-603,655,-610,655,655,655,655,655,655,655,655,655,655,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,655,655,655,-997,655,655,655,655,655,655,-308,-327,-321,-298,-377,-454,-455,-456,-460,655,-445,655,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,655,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,655,655,655,655,655,655,655,655,655,-318,-537,-510,-593,-939,-941,-942,-440,655,-442,-382,-383,-385,-509,-511,-513,655,-515,-516,-521,-522,655,-534,-536,-539,-540,-545,-550,-728,655,-729,655,-734,655,-736,655,-741,-658,-662,-663,655,-668,655,-669,655,-674,-676,655,-679,655,655,655,-689,-691,655,-694,655,655,-746,655,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,655,655,655,655,655,-879,655,-882,-910,-922,-927,-390,-391,655,-396,655,-399,655,-404,655,-405,655,-410,655,-415,655,-419,655,-420,655,-425,655,-428,-901,-902,-645,-587,-1896,-903,655,655,655,-802,655,655,-806,655,-809,-835,655,-820,655,-822,655,-824,-810,655,-826,655,-853,-854,655,655,-813,655,-648,-904,-906,-650,-651,-647,655,-707,-708,655,-644,-905,-649,-652,-605,-716,655,655,-607,-588,655,655,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,655,655,-711,-712,655,-718,655,655,655,655,655,655,-940,655,-441,-443,-749,655,-893,655,-717,-1896,655,655,655,655,655,-444,-514,-525,655,-730,-735,655,-737,655,-742,655,-664,-670,655,-680,-682,-684,-685,-692,-695,-699,-747,655,655,-876,655,655,-880,655,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,655,-814,655,-816,-803,655,-804,-807,655,-818,-821,-823,-825,-827,655,-828,655,-811,655,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,655,-284,655,655,655,655,-457,655,655,-731,655,-738,655,-743,655,-665,-673,655,655,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,655,-838,-53,655,655,-732,655,-739,655,-744,-666,655,-875,-54,655,655,-733,-740,-745,655,655,655,-874,]),'RESOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[656,656,656,656,-1896,656,656,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,656,656,656,656,-277,-278,656,-1427,656,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,656,656,656,-492,656,656,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,656,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,656,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,656,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,656,-174,-175,-176,-177,-995,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-292,-293,-283,656,656,656,656,656,-330,-320,-334,-335,-336,656,656,-984,-985,-986,-987,-988,-989,-990,656,656,656,656,656,656,656,656,656,656,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,656,656,656,-355,-358,656,-325,-326,-143,656,-144,656,-145,656,-432,-937,-938,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-1896,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-1896,656,-1896,656,656,656,656,656,656,656,656,656,656,656,656,-1896,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-1896,656,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,656,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,656,656,656,-193,-194,656,-996,656,656,656,656,656,-279,-280,-281,-282,-367,656,-310,656,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,656,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,656,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,656,656,656,656,656,656,-575,656,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,656,656,-725,-726,-727,656,656,656,656,656,656,-996,656,656,-93,-94,656,656,656,656,-311,-312,-322,656,-309,-295,-296,-297,656,656,656,656,-620,-635,-592,656,656,-438,656,-439,656,-446,-447,-448,-380,-381,656,656,656,-508,656,656,-512,656,656,656,656,-517,-518,-519,-520,656,656,-523,-524,656,-526,-527,-528,-529,-530,-531,-532,-533,656,-535,656,656,656,-541,-543,-544,656,-546,-547,-548,-549,656,656,656,656,656,656,-654,-655,-656,-657,656,-659,-660,-661,656,656,656,-667,656,656,-671,-672,656,656,-675,656,-677,-678,656,-681,656,-683,656,656,-686,-687,-688,656,-690,656,656,-693,656,656,-696,-697,-698,656,-700,-701,-702,-703,656,656,-748,656,-751,-752,-753,-754,-755,656,-757,-758,-759,-760,-761,656,-768,-769,-771,656,-773,-774,-775,-784,-858,-860,-862,-864,656,656,656,656,-870,656,-872,656,656,656,656,656,656,656,-908,-909,656,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,656,-923,-926,656,-936,656,-387,-388,-389,656,656,-392,-393,-394,-395,656,-398,656,-401,-402,656,-403,656,-408,-409,656,-412,-413,-414,656,-417,656,-418,656,-423,-424,656,-427,656,-430,-431,-1896,-1896,656,-621,-622,-623,-624,-625,-636,-586,-626,-799,656,656,656,656,656,-833,656,656,-808,656,-834,656,656,656,656,-800,656,-855,-801,656,656,656,656,656,656,-856,-857,656,-836,-832,-837,656,-627,656,-628,-629,-630,-631,-576,656,656,-632,-633,-634,656,656,656,656,656,656,-637,-638,-639,-594,-1896,-604,656,-640,-641,-715,-642,-606,656,-574,-579,-582,-585,656,656,656,-600,-603,656,-610,656,656,656,656,656,656,656,656,656,656,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,656,656,656,-997,656,656,656,656,656,656,-308,-327,-321,-298,-377,-454,-455,-456,-460,656,-445,656,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,656,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,656,656,656,656,656,656,656,656,656,-318,-537,-510,-593,-939,-941,-942,-440,656,-442,-382,-383,-385,-509,-511,-513,656,-515,-516,-521,-522,656,-534,-536,-539,-540,-545,-550,-728,656,-729,656,-734,656,-736,656,-741,-658,-662,-663,656,-668,656,-669,656,-674,-676,656,-679,656,656,656,-689,-691,656,-694,656,656,-746,656,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,656,656,656,656,656,-879,656,-882,-910,-922,-927,-390,-391,656,-396,656,-399,656,-404,656,-405,656,-410,656,-415,656,-419,656,-420,656,-425,656,-428,-901,-902,-645,-587,-1896,-903,656,656,656,-802,656,656,-806,656,-809,-835,656,-820,656,-822,656,-824,-810,656,-826,656,-853,-854,656,656,-813,656,-648,-904,-906,-650,-651,-647,656,-707,-708,656,-644,-905,-649,-652,-605,-716,656,656,-607,-588,656,656,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,656,656,-711,-712,656,-718,656,656,656,656,656,656,-940,656,-441,-443,-749,656,-893,656,-717,-1896,656,656,656,656,656,-444,-514,-525,656,-730,-735,656,-737,656,-742,656,-664,-670,656,-680,-682,-684,-685,-692,-695,-699,-747,656,656,-876,656,656,-880,656,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,656,-814,656,-816,-803,656,-804,-807,656,-818,-821,-823,-825,-827,656,-828,656,-811,656,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,656,-284,656,656,656,656,-457,656,656,-731,656,-738,656,-743,656,-665,-673,656,656,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,656,-838,-53,656,656,-732,656,-739,656,-744,-666,656,-875,-54,656,656,-733,-740,-745,656,656,656,-874,]),'RESOURCE_POOL_LIST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[657,657,657,657,-1896,657,657,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,657,657,657,657,-277,-278,657,-1427,657,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,657,657,657,-492,657,657,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,657,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,657,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,657,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,657,-174,-175,-176,-177,-995,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-292,-293,-283,657,657,657,657,657,-330,-320,-334,-335,-336,657,657,-984,-985,-986,-987,-988,-989,-990,657,657,657,657,657,657,657,657,657,657,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,657,657,657,-355,-358,657,-325,-326,-143,657,-144,657,-145,657,-432,-937,-938,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-1896,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-1896,657,-1896,657,657,657,657,657,657,657,657,657,657,657,657,-1896,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-1896,657,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,657,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,657,657,657,-193,-194,657,-996,657,657,657,657,657,-279,-280,-281,-282,-367,657,-310,657,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,657,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,657,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,657,657,657,657,657,657,-575,657,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,657,657,-725,-726,-727,657,657,657,657,657,657,-996,657,657,-93,-94,657,657,657,657,-311,-312,-322,657,-309,-295,-296,-297,657,657,657,657,-620,-635,-592,657,657,-438,657,-439,657,-446,-447,-448,-380,-381,657,657,657,-508,657,657,-512,657,657,657,657,-517,-518,-519,-520,657,657,-523,-524,657,-526,-527,-528,-529,-530,-531,-532,-533,657,-535,657,657,657,-541,-543,-544,657,-546,-547,-548,-549,657,657,657,657,657,657,-654,-655,-656,-657,657,-659,-660,-661,657,657,657,-667,657,657,-671,-672,657,657,-675,657,-677,-678,657,-681,657,-683,657,657,-686,-687,-688,657,-690,657,657,-693,657,657,-696,-697,-698,657,-700,-701,-702,-703,657,657,-748,657,-751,-752,-753,-754,-755,657,-757,-758,-759,-760,-761,657,-768,-769,-771,657,-773,-774,-775,-784,-858,-860,-862,-864,657,657,657,657,-870,657,-872,657,657,657,657,657,657,657,-908,-909,657,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,657,-923,-926,657,-936,657,-387,-388,-389,657,657,-392,-393,-394,-395,657,-398,657,-401,-402,657,-403,657,-408,-409,657,-412,-413,-414,657,-417,657,-418,657,-423,-424,657,-427,657,-430,-431,-1896,-1896,657,-621,-622,-623,-624,-625,-636,-586,-626,-799,657,657,657,657,657,-833,657,657,-808,657,-834,657,657,657,657,-800,657,-855,-801,657,657,657,657,657,657,-856,-857,657,-836,-832,-837,657,-627,657,-628,-629,-630,-631,-576,657,657,-632,-633,-634,657,657,657,657,657,657,-637,-638,-639,-594,-1896,-604,657,-640,-641,-715,-642,-606,657,-574,-579,-582,-585,657,657,657,-600,-603,657,-610,657,657,657,657,657,657,657,657,657,657,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,657,657,657,-997,657,657,657,657,657,657,-308,-327,-321,-298,-377,-454,-455,-456,-460,657,-445,657,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,657,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,657,657,657,657,657,657,657,657,657,-318,-537,-510,-593,-939,-941,-942,-440,657,-442,-382,-383,-385,-509,-511,-513,657,-515,-516,-521,-522,657,-534,-536,-539,-540,-545,-550,-728,657,-729,657,-734,657,-736,657,-741,-658,-662,-663,657,-668,657,-669,657,-674,-676,657,-679,657,657,657,-689,-691,657,-694,657,657,-746,657,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,657,657,657,657,657,-879,657,-882,-910,-922,-927,-390,-391,657,-396,657,-399,657,-404,657,-405,657,-410,657,-415,657,-419,657,-420,657,-425,657,-428,-901,-902,-645,-587,-1896,-903,657,657,657,-802,657,657,-806,657,-809,-835,657,-820,657,-822,657,-824,-810,657,-826,657,-853,-854,657,657,-813,657,-648,-904,-906,-650,-651,-647,657,-707,-708,657,-644,-905,-649,-652,-605,-716,657,657,-607,-588,657,657,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,657,657,-711,-712,657,-718,657,657,657,657,657,657,-940,657,-441,-443,-749,657,-893,657,-717,-1896,657,657,657,657,657,-444,-514,-525,657,-730,-735,657,-737,657,-742,657,-664,-670,657,-680,-682,-684,-685,-692,-695,-699,-747,657,657,-876,657,657,-880,657,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,657,-814,657,-816,-803,657,-804,-807,657,-818,-821,-823,-825,-827,657,-828,657,-811,657,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,657,-284,657,657,657,657,-457,657,657,-731,657,-738,657,-743,657,-665,-673,657,657,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,657,-838,-53,657,657,-732,657,-739,657,-744,-666,657,-875,-54,657,657,-733,-740,-745,657,657,657,-874,]),'RESPECT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2556,2560,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2989,2993,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3267,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[658,658,658,658,-1896,658,658,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,658,658,658,658,-277,-278,658,-1427,658,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,658,658,658,-492,658,658,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,658,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,658,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,658,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,658,-174,-175,-176,-177,-995,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-292,-293,-283,658,658,658,658,658,-330,-320,-334,-335,-336,658,658,-984,-985,-986,-987,-988,-989,-990,658,658,658,658,658,658,658,658,658,658,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,658,658,658,-355,-358,658,-325,-326,-143,658,-144,658,-145,658,-432,-937,-938,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-1896,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-1896,658,-1896,658,658,658,658,658,658,658,658,658,658,658,658,-1896,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-1896,658,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,658,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,658,658,658,-193,-194,658,-996,658,658,658,658,658,-279,-280,-281,-282,-367,658,-310,658,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,658,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,658,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,658,658,658,658,658,658,-575,658,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,658,658,-725,-726,-727,658,658,658,658,658,658,-996,658,658,-93,-94,658,658,658,658,-311,-312,-322,658,-309,-295,-296,-297,658,658,658,658,-620,-635,-592,658,658,-438,658,-439,2986,2986,658,-446,-447,-448,-380,-381,658,658,658,-508,658,658,-512,658,658,658,658,-517,-518,-519,-520,658,658,-523,-524,658,-526,-527,-528,-529,-530,-531,-532,-533,658,-535,658,658,658,-541,-543,-544,658,-546,-547,-548,-549,658,658,658,658,658,658,-654,-655,-656,-657,658,-659,-660,-661,658,658,658,-667,658,658,-671,-672,658,658,-675,658,-677,-678,658,-681,658,-683,658,658,-686,-687,-688,658,-690,658,658,-693,658,658,-696,-697,-698,658,-700,-701,-702,-703,658,658,-748,658,-751,-752,-753,-754,-755,658,-757,-758,-759,-760,-761,658,-768,-769,-771,658,-773,-774,-775,-784,-858,-860,-862,-864,658,658,658,658,-870,658,-872,658,658,658,658,658,658,658,-908,-909,658,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,658,-923,-926,658,-936,658,-387,-388,-389,658,658,-392,-393,-394,-395,658,-398,658,-401,-402,658,-403,658,-408,-409,658,-412,-413,-414,658,-417,658,-418,658,-423,-424,658,-427,658,-430,-431,-1896,-1896,658,-621,-622,-623,-624,-625,-636,-586,-626,-799,658,658,658,658,658,-833,658,658,-808,658,-834,658,658,658,658,-800,658,-855,-801,658,658,658,658,658,658,-856,-857,658,-836,-832,-837,658,-627,658,-628,-629,-630,-631,-576,658,658,-632,-633,-634,658,658,658,658,658,658,-637,-638,-639,-594,-1896,-604,658,-640,-641,-715,-642,-606,658,-574,-579,-582,-585,658,658,658,-600,-603,658,-610,658,658,658,658,658,658,658,658,658,658,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,658,658,658,-997,658,658,658,658,658,658,-308,-327,-321,-298,-377,-454,-455,-456,-460,658,2986,2986,-445,658,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,658,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,658,658,658,658,658,658,658,658,658,-318,-537,-510,-593,-939,-941,-942,-440,658,-442,2986,-382,-383,-385,-509,-511,-513,658,-515,-516,-521,-522,658,-534,-536,-539,-540,-545,-550,-728,658,-729,658,-734,658,-736,658,-741,-658,-662,-663,658,-668,658,-669,658,-674,-676,658,-679,658,658,658,-689,-691,658,-694,658,658,-746,658,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,658,658,658,658,658,-879,658,-882,-910,-922,-927,-390,-391,658,-396,658,-399,658,-404,658,-405,658,-410,658,-415,658,-419,658,-420,658,-425,658,-428,-901,-902,-645,-587,-1896,-903,658,658,658,-802,658,658,-806,658,-809,-835,658,-820,658,-822,658,-824,-810,658,-826,658,-853,-854,658,658,-813,658,-648,-904,-906,-650,-651,-647,658,-707,-708,658,-644,-905,-649,-652,-605,-716,658,658,-607,-588,658,658,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,658,658,-711,-712,658,-718,658,658,658,658,658,658,-940,658,-441,-443,-749,658,-893,658,-717,-1896,658,658,658,658,658,-444,-514,-525,658,-730,-735,658,-737,658,-742,658,-664,-670,658,-680,-682,-684,-685,-692,-695,-699,-747,658,658,-876,658,658,-880,658,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,658,-814,658,-816,-803,658,-804,-807,658,-818,-821,-823,-825,-827,658,-828,658,-811,658,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,658,-284,658,658,658,658,-457,658,658,-731,658,-738,658,-743,658,-665,-673,658,658,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,658,-838,-53,658,658,-732,658,-739,658,-744,-666,658,-875,-54,658,658,-733,-740,-745,658,658,658,-874,]),'RESTART':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[659,659,659,659,-1896,659,659,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,659,659,659,659,-277,-278,659,-1427,659,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,659,659,659,-492,659,659,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,659,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,659,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,659,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,659,-174,-175,-176,-177,-995,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-292,-293,-283,659,659,659,659,659,-330,-320,-334,-335,-336,659,659,-984,-985,-986,-987,-988,-989,-990,659,659,659,659,659,659,659,659,659,659,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,659,659,659,-355,-358,659,-325,-326,-143,659,-144,659,-145,659,-432,-937,-938,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-1896,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-1896,659,-1896,659,659,659,659,659,659,659,659,659,659,659,659,-1896,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-1896,659,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,659,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,659,659,659,-193,-194,659,-996,659,659,659,659,659,-279,-280,-281,-282,-367,659,-310,659,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,659,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,659,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,659,659,659,659,659,659,-575,659,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,659,659,-725,-726,-727,659,659,659,659,659,659,-996,659,659,-93,-94,659,659,659,659,-311,-312,-322,659,-309,-295,-296,-297,659,659,659,659,-620,-635,-592,659,659,-438,659,-439,659,-446,-447,-448,-380,-381,659,659,659,-508,659,659,-512,659,659,659,659,-517,-518,-519,-520,659,659,-523,-524,659,-526,-527,-528,-529,-530,-531,-532,-533,659,-535,659,659,659,-541,-543,-544,659,-546,-547,-548,-549,659,659,659,659,659,659,-654,-655,-656,-657,659,-659,-660,-661,659,659,659,-667,659,659,-671,-672,659,659,-675,659,-677,-678,659,-681,659,-683,659,659,-686,-687,-688,659,-690,659,659,-693,659,659,-696,-697,-698,659,-700,-701,-702,-703,659,659,-748,659,-751,-752,-753,-754,-755,659,-757,-758,-759,-760,-761,659,-768,-769,-771,659,-773,-774,-775,-784,-858,-860,-862,-864,659,659,659,659,-870,659,-872,659,659,659,659,659,659,659,-908,-909,659,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,659,-923,-926,659,-936,659,-387,-388,-389,659,659,-392,-393,-394,-395,659,-398,659,-401,-402,659,-403,659,-408,-409,659,-412,-413,-414,659,-417,659,-418,659,-423,-424,659,-427,659,-430,-431,-1896,-1896,659,-621,-622,-623,-624,-625,-636,-586,-626,-799,659,659,659,659,659,-833,659,659,-808,659,-834,659,659,659,659,-800,659,-855,-801,659,659,659,659,659,659,-856,-857,659,-836,-832,-837,659,-627,659,-628,-629,-630,-631,-576,659,659,-632,-633,-634,659,659,659,659,659,659,-637,-638,-639,-594,-1896,-604,659,-640,-641,-715,-642,-606,659,-574,-579,-582,-585,659,659,659,-600,-603,659,-610,659,659,659,659,659,659,659,659,659,659,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,659,659,659,-997,659,659,659,659,659,659,-308,-327,-321,-298,-377,-454,-455,-456,-460,659,-445,659,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,659,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,659,659,659,659,659,659,659,659,659,-318,-537,-510,-593,-939,-941,-942,-440,659,-442,-382,-383,-385,-509,-511,-513,659,-515,-516,-521,-522,659,-534,-536,-539,-540,-545,-550,-728,659,-729,659,-734,659,-736,659,-741,-658,-662,-663,659,-668,659,-669,659,-674,-676,659,-679,659,659,659,-689,-691,659,-694,659,659,-746,659,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,659,659,659,659,659,-879,659,-882,-910,-922,-927,-390,-391,659,-396,659,-399,659,-404,659,-405,659,-410,659,-415,659,-419,659,-420,659,-425,659,-428,-901,-902,-645,-587,-1896,-903,659,659,659,-802,659,659,-806,659,-809,-835,659,-820,659,-822,659,-824,-810,659,-826,659,-853,-854,659,659,-813,659,-648,-904,-906,-650,-651,-647,659,-707,-708,659,-644,-905,-649,-652,-605,-716,659,659,-607,-588,659,659,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,659,659,-711,-712,659,-718,659,659,659,659,659,659,-940,659,-441,-443,-749,659,-893,659,-717,-1896,659,659,659,659,659,-444,-514,-525,659,-730,-735,659,-737,659,-742,659,-664,-670,659,-680,-682,-684,-685,-692,-695,-699,-747,659,659,-876,659,659,-880,659,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,659,-814,659,-816,-803,659,-804,-807,659,-818,-821,-823,-825,-827,659,-828,659,-811,659,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,659,-284,659,659,659,659,-457,659,659,-731,659,-738,659,-743,659,-665,-673,659,659,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,659,-838,-53,659,659,-732,659,-739,659,-744,-666,659,-875,-54,659,659,-733,-740,-745,659,659,659,-874,]),'RESTORE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[660,660,660,660,-1896,660,660,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,660,660,660,660,-277,-278,660,-1427,660,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,660,660,660,-492,660,660,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,660,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,660,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,660,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,660,-174,-175,-176,-177,-995,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-292,-293,-283,660,660,660,660,660,-330,-320,-334,-335,-336,660,660,-984,-985,-986,-987,-988,-989,-990,660,660,660,660,660,660,660,660,660,660,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,660,660,660,-355,-358,660,-325,-326,-143,660,-144,660,-145,660,-432,-937,-938,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-1896,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-1896,660,-1896,660,660,660,660,660,660,660,660,660,660,660,660,-1896,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-1896,660,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,660,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,660,660,660,-193,-194,660,-996,660,660,660,660,660,-279,-280,-281,-282,-367,660,-310,660,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,660,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,660,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,660,660,660,660,660,660,-575,660,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,660,660,-725,-726,-727,660,660,660,660,660,660,-996,660,660,-93,-94,660,660,660,660,-311,-312,-322,660,-309,-295,-296,-297,660,660,660,660,-620,-635,-592,660,660,-438,660,-439,660,-446,-447,-448,-380,-381,660,660,660,-508,660,660,-512,660,660,660,660,-517,-518,-519,-520,660,660,-523,-524,660,-526,-527,-528,-529,-530,-531,-532,-533,660,-535,660,660,660,-541,-543,-544,660,-546,-547,-548,-549,660,660,660,660,660,660,-654,-655,-656,-657,660,-659,-660,-661,660,660,660,-667,660,660,-671,-672,660,660,-675,660,-677,-678,660,-681,660,-683,660,660,-686,-687,-688,660,-690,660,660,-693,660,660,-696,-697,-698,660,-700,-701,-702,-703,660,660,-748,660,-751,-752,-753,-754,-755,660,-757,-758,-759,-760,-761,660,-768,-769,-771,660,-773,-774,-775,-784,-858,-860,-862,-864,660,660,660,660,-870,660,-872,660,660,660,660,660,660,660,-908,-909,660,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,660,-923,-926,660,-936,660,-387,-388,-389,660,660,-392,-393,-394,-395,660,-398,660,-401,-402,660,-403,660,-408,-409,660,-412,-413,-414,660,-417,660,-418,660,-423,-424,660,-427,660,-430,-431,-1896,-1896,660,-621,-622,-623,-624,-625,-636,-586,-626,-799,660,660,660,660,660,-833,660,660,-808,660,-834,660,660,660,660,-800,660,-855,-801,660,660,660,660,660,660,-856,-857,660,-836,-832,-837,660,-627,660,-628,-629,-630,-631,-576,660,660,-632,-633,-634,660,660,660,660,660,660,-637,-638,-639,-594,-1896,-604,660,-640,-641,-715,-642,-606,660,-574,-579,-582,-585,660,660,660,-600,-603,660,-610,660,660,660,660,660,660,660,660,660,660,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,660,660,660,-997,660,660,660,660,660,660,-308,-327,-321,-298,-377,-454,-455,-456,-460,660,-445,660,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,660,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,660,660,660,660,660,660,660,660,660,-318,-537,-510,-593,-939,-941,-942,-440,660,-442,-382,-383,-385,-509,-511,-513,660,-515,-516,-521,-522,660,-534,-536,-539,-540,-545,-550,-728,660,-729,660,-734,660,-736,660,-741,-658,-662,-663,660,-668,660,-669,660,-674,-676,660,-679,660,660,660,-689,-691,660,-694,660,660,-746,660,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,660,660,660,660,660,-879,660,-882,-910,-922,-927,-390,-391,660,-396,660,-399,660,-404,660,-405,660,-410,660,-415,660,-419,660,-420,660,-425,660,-428,-901,-902,-645,-587,-1896,-903,660,660,660,-802,660,660,-806,660,-809,-835,660,-820,660,-822,660,-824,-810,660,-826,660,-853,-854,660,660,-813,660,-648,-904,-906,-650,-651,-647,660,-707,-708,660,-644,-905,-649,-652,-605,-716,660,660,-607,-588,660,660,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,660,660,-711,-712,660,-718,660,660,660,660,660,660,-940,660,-441,-443,-749,660,-893,660,-717,-1896,660,660,660,660,660,-444,-514,-525,660,-730,-735,660,-737,660,-742,660,-664,-670,660,-680,-682,-684,-685,-692,-695,-699,-747,660,660,-876,660,660,-880,660,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,660,-814,660,-816,-803,660,-804,-807,660,-818,-821,-823,-825,-827,660,-828,660,-811,660,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,660,-284,660,660,660,660,-457,660,660,-731,660,-738,660,-743,660,-665,-673,660,660,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,660,-838,-53,660,660,-732,660,-739,660,-744,-666,660,-875,-54,660,660,-733,-740,-745,660,660,660,-874,]),'RESUME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[661,661,661,661,-1896,661,661,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,661,661,661,661,-277,-278,661,-1427,661,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,661,661,661,-492,661,661,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,661,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,661,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,661,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,661,-174,-175,-176,-177,-995,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-292,-293,-283,661,661,661,661,661,-330,-320,-334,-335,-336,661,661,-984,-985,-986,-987,-988,-989,-990,661,661,661,661,661,661,661,661,661,661,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,661,661,661,-355,-358,661,-325,-326,-143,661,-144,661,-145,661,-432,-937,-938,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-1896,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-1896,661,-1896,661,661,661,661,661,661,661,661,661,661,661,661,-1896,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-1896,661,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,661,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,661,661,661,-193,-194,661,-996,661,661,661,661,661,-279,-280,-281,-282,-367,661,-310,661,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,661,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,661,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,661,661,661,661,661,661,-575,661,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,661,661,-725,-726,-727,661,661,661,661,661,661,-996,661,661,-93,-94,661,661,661,661,-311,-312,-322,661,-309,-295,-296,-297,661,661,661,661,-620,-635,-592,661,661,-438,661,-439,661,-446,-447,-448,-380,-381,661,661,661,-508,661,661,-512,661,661,661,661,-517,-518,-519,-520,661,661,-523,-524,661,-526,-527,-528,-529,-530,-531,-532,-533,661,-535,661,661,661,-541,-543,-544,661,-546,-547,-548,-549,661,661,661,661,661,661,-654,-655,-656,-657,661,-659,-660,-661,661,661,661,-667,661,661,-671,-672,661,661,-675,661,-677,-678,661,-681,661,-683,661,661,-686,-687,-688,661,-690,661,661,-693,661,661,-696,-697,-698,661,-700,-701,-702,-703,661,661,-748,661,-751,-752,-753,-754,-755,661,-757,-758,-759,-760,-761,661,-768,-769,-771,661,-773,-774,-775,-784,-858,-860,-862,-864,661,661,661,661,-870,661,-872,661,661,661,661,661,661,661,-908,-909,661,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,661,-923,-926,661,-936,661,-387,-388,-389,661,661,-392,-393,-394,-395,661,-398,661,-401,-402,661,-403,661,-408,-409,661,-412,-413,-414,661,-417,661,-418,661,-423,-424,661,-427,661,-430,-431,-1896,-1896,661,-621,-622,-623,-624,-625,-636,-586,-626,-799,661,661,661,661,661,-833,661,661,-808,661,-834,661,661,661,661,-800,661,-855,-801,661,661,661,661,661,661,-856,-857,661,-836,-832,-837,661,-627,661,-628,-629,-630,-631,-576,661,661,-632,-633,-634,661,661,661,661,661,661,-637,-638,-639,-594,-1896,-604,661,-640,-641,-715,-642,-606,661,-574,-579,-582,-585,661,661,661,-600,-603,661,-610,661,661,661,661,661,661,661,661,661,661,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,661,661,661,-997,661,661,661,661,661,661,-308,-327,-321,-298,-377,-454,-455,-456,-460,661,-445,661,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,661,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,661,661,661,661,661,661,661,661,661,-318,-537,-510,-593,-939,-941,-942,-440,661,-442,-382,-383,-385,-509,-511,-513,661,-515,-516,-521,-522,661,-534,-536,-539,-540,-545,-550,-728,661,-729,661,-734,661,-736,661,-741,-658,-662,-663,661,-668,661,-669,661,-674,-676,661,-679,661,661,661,-689,-691,661,-694,661,661,-746,661,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,661,661,661,661,661,-879,661,-882,-910,-922,-927,-390,-391,661,-396,661,-399,661,-404,661,-405,661,-410,661,-415,661,-419,661,-420,661,-425,661,-428,-901,-902,-645,-587,-1896,-903,661,661,661,-802,661,661,-806,661,-809,-835,661,-820,661,-822,661,-824,-810,661,-826,661,-853,-854,661,661,-813,661,-648,-904,-906,-650,-651,-647,661,-707,-708,661,-644,-905,-649,-652,-605,-716,661,661,-607,-588,661,661,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,661,661,-711,-712,661,-718,661,661,661,661,661,661,-940,661,-441,-443,-749,661,-893,661,-717,-1896,661,661,661,661,661,-444,-514,-525,661,-730,-735,661,-737,661,-742,661,-664,-670,661,-680,-682,-684,-685,-692,-695,-699,-747,661,661,-876,661,661,-880,661,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,661,-814,661,-816,-803,661,-804,-807,661,-818,-821,-823,-825,-827,661,-828,661,-811,661,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,661,-284,661,661,661,661,-457,661,661,-731,661,-738,661,-743,661,-665,-673,661,661,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,661,-838,-53,661,661,-732,661,-739,661,-744,-666,661,-875,-54,661,661,-733,-740,-745,661,661,661,-874,]),'RETURN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[662,662,662,662,-1896,662,662,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,662,662,662,662,-277,-278,662,-1427,662,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,662,662,662,-492,662,662,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,662,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,662,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,662,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,662,-174,-175,-176,-177,-995,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-292,-293,-283,662,662,662,662,662,-330,-320,-334,-335,-336,662,662,-984,-985,-986,-987,-988,-989,-990,662,662,662,662,662,662,662,662,662,662,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,662,662,662,-355,-358,662,-325,-326,-143,662,-144,662,-145,662,-432,-937,-938,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-1896,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-1896,662,-1896,662,662,662,662,662,662,662,662,662,662,662,662,-1896,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-1896,662,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,662,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,662,662,662,-193,-194,662,-996,662,662,662,662,662,-279,-280,-281,-282,-367,662,-310,662,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,662,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,662,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,662,662,662,662,662,662,-575,662,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,662,662,-725,-726,-727,662,662,662,662,662,662,-996,662,662,-93,-94,662,662,662,662,-311,-312,-322,662,-309,-295,-296,-297,662,662,662,662,-620,-635,-592,662,662,-438,662,-439,662,-446,-447,-448,-380,-381,662,662,662,-508,662,662,-512,662,662,662,662,-517,-518,-519,-520,662,662,-523,-524,662,-526,-527,-528,-529,-530,-531,-532,-533,662,-535,662,662,662,-541,-543,-544,662,-546,-547,-548,-549,662,662,662,662,662,662,-654,-655,-656,-657,662,-659,-660,-661,662,662,662,-667,662,662,-671,-672,662,662,-675,662,-677,-678,662,-681,662,-683,662,662,-686,-687,-688,662,-690,662,662,-693,662,662,-696,-697,-698,662,-700,-701,-702,-703,662,662,-748,662,-751,-752,-753,-754,-755,662,-757,-758,-759,-760,-761,662,-768,-769,-771,662,-773,-774,-775,-784,-858,-860,-862,-864,662,662,662,662,-870,662,-872,662,662,662,662,662,662,662,-908,-909,662,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,662,-923,-926,662,-936,662,-387,-388,-389,662,662,-392,-393,-394,-395,662,-398,662,-401,-402,662,-403,662,-408,-409,662,-412,-413,-414,662,-417,662,-418,662,-423,-424,662,-427,662,-430,-431,-1896,-1896,662,-621,-622,-623,-624,-625,-636,-586,-626,-799,662,662,662,662,662,-833,662,662,-808,662,-834,662,662,662,662,-800,662,-855,-801,662,662,662,662,662,662,-856,-857,662,-836,-832,-837,662,-627,662,-628,-629,-630,-631,-576,662,662,-632,-633,-634,662,662,662,662,662,662,-637,-638,-639,-594,-1896,-604,662,-640,-641,-715,-642,-606,662,-574,-579,-582,-585,662,662,662,-600,-603,662,-610,662,662,662,662,662,662,662,662,662,662,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,662,662,662,-997,662,662,662,662,662,662,-308,-327,-321,-298,-377,-454,-455,-456,-460,662,-445,662,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,662,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,662,662,662,662,662,662,662,662,662,-318,-537,-510,-593,-939,-941,-942,-440,662,-442,-382,-383,-385,-509,-511,-513,662,-515,-516,-521,-522,662,-534,-536,-539,-540,-545,-550,-728,662,-729,662,-734,662,-736,662,-741,-658,-662,-663,662,-668,662,-669,662,-674,-676,662,-679,662,662,662,-689,-691,662,-694,662,662,-746,662,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,662,662,662,662,662,-879,662,-882,-910,-922,-927,-390,-391,662,-396,662,-399,662,-404,662,-405,662,-410,662,-415,662,-419,662,-420,662,-425,662,-428,-901,-902,-645,-587,-1896,-903,662,662,662,-802,662,662,-806,662,-809,-835,662,-820,662,-822,662,-824,-810,662,-826,662,-853,-854,662,662,-813,662,-648,-904,-906,-650,-651,-647,662,-707,-708,662,-644,-905,-649,-652,-605,-716,662,662,-607,-588,662,662,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,662,662,-711,-712,662,-718,662,662,662,662,662,662,-940,662,-441,-443,-749,662,-893,662,-717,-1896,662,662,662,662,662,-444,-514,-525,662,-730,-735,662,-737,662,-742,662,-664,-670,662,-680,-682,-684,-685,-692,-695,-699,-747,662,662,-876,662,662,-880,662,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,662,-814,662,-816,-803,662,-804,-807,662,-818,-821,-823,-825,-827,662,-828,662,-811,662,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,662,-284,662,662,662,662,-457,662,662,-731,662,-738,662,-743,662,-665,-673,662,662,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,662,-838,-53,662,662,-732,662,-739,662,-744,-666,662,-875,-54,662,662,-733,-740,-745,662,662,662,-874,]),'RETURNING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[663,663,663,663,-1896,663,663,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,663,663,663,663,-277,-278,663,-1427,663,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,663,663,663,-492,663,663,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,663,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,663,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,663,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,663,-174,-175,-176,-177,-995,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-292,-293,-283,663,663,663,663,663,-330,-320,-334,-335,-336,663,663,-984,-985,-986,-987,-988,-989,-990,663,663,663,663,663,663,663,663,663,663,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,663,663,663,-355,-358,663,-325,-326,-143,663,-144,663,-145,663,-432,-937,-938,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-1896,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-1896,663,-1896,663,663,663,663,663,663,663,663,663,663,663,663,-1896,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-1896,663,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,663,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,663,663,663,-193,-194,663,-996,663,663,663,663,663,-279,-280,-281,-282,-367,663,-310,663,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,663,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,663,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,663,663,663,663,663,663,-575,663,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,663,663,-725,-726,-727,663,663,663,663,663,663,-996,663,663,-93,-94,663,663,663,663,-311,-312,-322,663,-309,-295,-296,-297,663,663,663,663,-620,-635,-592,663,663,-438,663,-439,663,-446,-447,-448,-380,-381,663,663,663,-508,663,663,-512,663,663,663,663,-517,-518,-519,-520,663,663,-523,-524,663,-526,-527,-528,-529,-530,-531,-532,-533,663,-535,663,663,663,-541,-543,-544,663,-546,-547,-548,-549,663,663,663,663,663,663,-654,-655,-656,-657,663,-659,-660,-661,663,663,663,-667,663,663,-671,-672,663,663,-675,663,-677,-678,663,-681,663,-683,663,663,-686,-687,-688,663,-690,663,663,-693,663,663,-696,-697,-698,663,-700,-701,-702,-703,663,663,-748,663,-751,-752,-753,-754,-755,663,-757,-758,-759,-760,-761,663,-768,-769,-771,663,-773,-774,-775,-784,-858,-860,-862,-864,663,663,663,663,-870,663,-872,663,663,663,663,663,663,663,-908,-909,663,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,663,-923,-926,663,-936,663,-387,-388,-389,663,663,-392,-393,-394,-395,663,-398,663,-401,-402,663,-403,663,-408,-409,663,-412,-413,-414,663,-417,663,-418,663,-423,-424,663,-427,663,-430,-431,-1896,-1896,663,-621,-622,-623,-624,-625,-636,-586,-626,-799,663,663,663,663,663,-833,663,663,-808,663,-834,663,663,663,663,-800,663,-855,-801,663,663,663,663,663,663,-856,-857,663,-836,-832,-837,663,-627,663,-628,-629,-630,-631,-576,663,663,-632,-633,-634,663,663,663,663,663,663,-637,-638,-639,-594,-1896,-604,663,-640,-641,-715,-642,-606,663,-574,-579,-582,-585,663,663,663,-600,-603,663,-610,663,663,663,663,663,663,663,663,663,663,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,663,663,663,-997,663,663,663,663,663,663,-308,-327,-321,-298,-377,-454,-455,-456,-460,663,-445,663,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,663,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,663,663,663,663,663,663,663,663,663,-318,-537,-510,-593,-939,-941,-942,-440,663,-442,-382,-383,-385,-509,-511,-513,663,-515,-516,-521,-522,663,-534,-536,-539,-540,-545,-550,-728,663,-729,663,-734,663,-736,663,-741,-658,-662,-663,663,-668,663,-669,663,-674,-676,663,-679,663,663,663,-689,-691,663,-694,663,663,-746,663,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,663,663,663,663,663,-879,663,-882,-910,-922,-927,-390,-391,663,-396,663,-399,663,-404,663,-405,663,-410,663,-415,663,-419,663,-420,663,-425,663,-428,-901,-902,-645,-587,-1896,-903,663,663,663,-802,663,663,-806,663,-809,-835,663,-820,663,-822,663,-824,-810,663,-826,663,-853,-854,663,663,-813,663,-648,-904,-906,-650,-651,-647,663,-707,-708,663,-644,-905,-649,-652,-605,-716,663,663,-607,-588,663,663,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,663,663,-711,-712,663,-718,663,663,663,663,663,663,-940,663,-441,-443,-749,663,-893,663,-717,-1896,663,663,663,663,663,-444,-514,-525,663,-730,-735,663,-737,663,-742,663,-664,-670,663,-680,-682,-684,-685,-692,-695,-699,-747,663,663,-876,663,663,-880,663,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,663,-814,663,-816,-803,663,-804,-807,663,-818,-821,-823,-825,-827,663,-828,663,-811,663,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,663,-284,663,663,663,663,-457,663,663,-731,663,-738,663,-743,663,-665,-673,663,663,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,663,-838,-53,663,663,-732,663,-739,663,-744,-666,663,-875,-54,663,663,-733,-740,-745,663,663,663,-874,]),'RETURNS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[664,664,664,664,-1896,664,664,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,664,664,664,664,-277,-278,664,-1427,664,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,664,664,664,-492,664,664,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,664,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,664,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,664,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,664,-174,-175,-176,-177,-995,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-292,-293,-283,664,664,664,664,664,-330,-320,-334,-335,-336,664,664,-984,-985,-986,-987,-988,-989,-990,664,664,664,664,664,664,664,664,664,664,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,664,664,664,-355,-358,664,-325,-326,-143,664,-144,664,-145,664,-432,-937,-938,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-1896,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-1896,664,-1896,664,664,664,664,664,664,664,664,664,664,664,664,-1896,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-1896,664,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,664,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,664,664,664,-193,-194,664,-996,664,664,664,664,664,-279,-280,-281,-282,-367,664,-310,664,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,664,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,664,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,664,664,664,664,664,664,-575,664,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,664,664,-725,-726,-727,664,664,664,664,664,664,-996,664,664,-93,-94,664,664,664,664,-311,-312,-322,664,-309,-295,-296,-297,664,664,664,664,-620,-635,-592,664,664,-438,664,-439,664,-446,-447,-448,-380,-381,664,664,664,-508,664,664,-512,664,664,664,664,-517,-518,-519,-520,664,664,-523,-524,664,-526,-527,-528,-529,-530,-531,-532,-533,664,-535,664,664,664,-541,-543,-544,664,-546,-547,-548,-549,664,664,664,664,664,664,-654,-655,-656,-657,664,-659,-660,-661,664,664,664,-667,664,664,-671,-672,664,664,-675,664,-677,-678,664,-681,664,-683,664,664,-686,-687,-688,664,-690,664,664,-693,664,664,-696,-697,-698,664,-700,-701,-702,-703,664,664,-748,664,-751,-752,-753,-754,-755,664,-757,-758,-759,-760,-761,664,-768,-769,-771,664,-773,-774,-775,-784,-858,-860,-862,-864,664,664,664,664,-870,664,-872,664,664,664,664,664,664,664,-908,-909,664,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,664,-923,-926,664,-936,664,-387,-388,-389,664,664,-392,-393,-394,-395,664,-398,664,-401,-402,664,-403,664,-408,-409,664,-412,-413,-414,664,-417,664,-418,664,-423,-424,664,-427,664,-430,-431,-1896,-1896,664,-621,-622,-623,-624,-625,-636,-586,-626,-799,664,664,664,664,664,-833,664,664,-808,664,-834,664,664,664,664,-800,664,-855,-801,664,664,664,664,664,664,-856,-857,664,-836,-832,-837,664,-627,664,-628,-629,-630,-631,-576,664,664,-632,-633,-634,664,664,664,664,664,664,-637,-638,-639,-594,-1896,-604,664,-640,-641,-715,-642,-606,664,-574,-579,-582,-585,664,664,664,-600,-603,664,-610,664,664,664,664,664,664,664,664,664,664,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,664,664,664,-997,664,664,664,664,664,664,-308,-327,-321,-298,-377,-454,-455,-456,-460,664,-445,664,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,664,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,664,664,664,664,664,664,664,664,664,-318,-537,-510,-593,-939,-941,-942,-440,664,-442,-382,-383,-385,-509,-511,-513,664,-515,-516,-521,-522,664,-534,-536,-539,-540,-545,-550,-728,664,-729,664,-734,664,-736,664,-741,-658,-662,-663,664,-668,664,-669,664,-674,-676,664,-679,664,664,664,-689,-691,664,-694,664,664,-746,664,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,664,664,664,664,664,-879,664,-882,-910,-922,-927,-390,-391,664,-396,664,-399,664,-404,664,-405,664,-410,664,-415,664,-419,664,-420,664,-425,664,-428,-901,-902,-645,-587,-1896,-903,664,664,664,-802,664,664,-806,664,-809,-835,664,-820,664,-822,664,-824,-810,664,-826,664,-853,-854,664,664,-813,664,-648,-904,-906,-650,-651,-647,664,-707,-708,664,-644,-905,-649,-652,-605,-716,664,664,-607,-588,664,664,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,664,664,-711,-712,664,-718,664,664,664,664,664,664,-940,664,-441,-443,-749,664,-893,664,-717,-1896,664,664,664,664,664,-444,-514,-525,664,-730,-735,664,-737,664,-742,664,-664,-670,664,-680,-682,-684,-685,-692,-695,-699,-747,664,664,-876,664,664,-880,664,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,664,-814,664,-816,-803,664,-804,-807,664,-818,-821,-823,-825,-827,664,-828,664,-811,664,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,664,-284,664,664,664,664,-457,664,664,-731,664,-738,664,-743,664,-665,-673,664,664,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,664,-838,-53,664,664,-732,664,-739,664,-744,-666,664,-875,-54,664,664,-733,-740,-745,664,664,664,-874,]),'REVERSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[665,665,665,1116,-1896,665,665,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,665,665,665,665,-277,-278,1116,-1427,1116,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1116,1116,1116,-492,1116,1116,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1116,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1116,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1944,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,665,-174,-175,-176,-177,-995,665,665,665,665,665,665,665,665,665,665,1116,1116,1116,1116,1116,-292,-293,-283,665,1116,1116,1116,1116,-330,-320,-334,-335,-336,1116,1116,-984,-985,-986,-987,-988,-989,-990,665,665,1116,1116,1116,1116,1116,1116,1116,1116,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1116,1116,1116,-355,-358,665,-325,-326,-143,1116,-144,1116,-145,1116,-432,-937,-938,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1896,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1896,1116,-1896,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1896,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1896,665,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1116,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1116,665,665,-193,-194,665,-996,1116,665,665,665,665,-279,-280,-281,-282,-367,1116,-310,1116,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1116,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1116,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1116,1116,1116,1116,1116,1116,-575,1116,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1116,1116,-725,-726,-727,1116,1944,665,665,665,665,-996,665,1116,-93,-94,665,665,665,1116,-311,-312,-322,1116,-309,-295,-296,-297,1116,665,1116,1116,-620,-635,-592,1116,665,-438,665,-439,1116,-446,-447,-448,-380,-381,1116,1116,1116,-508,1116,1116,-512,1116,1116,1116,1116,-517,-518,-519,-520,1116,1116,-523,-524,1116,-526,-527,-528,-529,-530,-531,-532,-533,1116,-535,1116,1116,1116,-541,-543,-544,1116,-546,-547,-548,-549,1116,1116,1116,1116,1116,1116,-654,-655,-656,-657,665,-659,-660,-661,1116,1116,1116,-667,1116,1116,-671,-672,1116,1116,-675,1116,-677,-678,1116,-681,1116,-683,1116,1116,-686,-687,-688,1116,-690,1116,1116,-693,1116,1116,-696,-697,-698,1116,-700,-701,-702,-703,1116,1116,-748,1116,-751,-752,-753,-754,-755,1116,-757,-758,-759,-760,-761,1116,-768,-769,-771,1116,-773,-774,-775,-784,-858,-860,-862,-864,1116,1116,1116,1116,-870,1116,-872,1116,1116,1116,1116,1116,1116,1116,-908,-909,1116,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1116,-923,-926,1116,-936,1116,-387,-388,-389,1116,1116,-392,-393,-394,-395,1116,-398,1116,-401,-402,1116,-403,1116,-408,-409,1116,-412,-413,-414,1116,-417,1116,-418,1116,-423,-424,1116,-427,1116,-430,-431,-1896,-1896,1116,-621,-622,-623,-624,-625,-636,-586,-626,-799,1116,1116,1116,1116,1116,-833,1116,1116,-808,1116,-834,1116,1116,1116,1116,-800,1116,-855,-801,1116,1116,1116,1116,1116,1116,-856,-857,1116,-836,-832,-837,1116,-627,1116,-628,-629,-630,-631,-576,1116,1116,-632,-633,-634,1116,1116,1116,1116,1116,1116,-637,-638,-639,-594,-1896,-604,1116,-640,-641,-715,-642,-606,1116,-574,-579,-582,-585,1116,1116,1116,-600,-603,1116,-610,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1116,665,665,-997,665,1116,665,665,665,1116,-308,-327,-321,-298,-377,-454,-455,-456,-460,665,-445,1116,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1116,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,665,665,665,665,665,665,665,665,1116,-318,-537,-510,-593,-939,-941,-942,-440,1116,-442,-382,-383,-385,-509,-511,-513,1116,-515,-516,-521,-522,1116,-534,-536,-539,-540,-545,-550,-728,1116,-729,1116,-734,1116,-736,1116,-741,-658,-662,-663,1116,-668,1116,-669,1116,-674,-676,1116,-679,1116,1116,1116,-689,-691,1116,-694,1116,1116,-746,1116,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1116,1116,1116,1116,1116,-879,1116,-882,-910,-922,-927,-390,-391,1116,-396,1116,-399,1116,-404,1116,-405,1116,-410,1116,-415,1116,-419,1116,-420,1116,-425,1116,-428,-901,-902,-645,-587,-1896,-903,1116,1116,1116,-802,1116,1116,-806,1116,-809,-835,1116,-820,1116,-822,1116,-824,-810,1116,-826,1116,-853,-854,1116,1116,-813,1116,-648,-904,-906,-650,-651,-647,1116,-707,-708,1116,-644,-905,-649,-652,-605,-716,1116,1116,-607,-588,1116,1116,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1116,1116,-711,-712,1116,-718,1116,665,665,665,1116,1116,-940,665,-441,-443,-749,1116,-893,1944,-717,-1896,1116,1116,665,665,1116,-444,-514,-525,1116,-730,-735,1116,-737,1116,-742,1116,-664,-670,1116,-680,-682,-684,-685,-692,-695,-699,-747,1116,1116,-876,1116,1116,-880,1116,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1116,-814,1116,-816,-803,1116,-804,-807,1116,-818,-821,-823,-825,-827,1116,-828,1116,-811,1116,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,665,-284,665,1116,665,1116,-457,1116,1116,-731,1116,-738,1116,-743,1116,-665,-673,1116,1116,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1116,-838,-53,665,1116,-732,1116,-739,1116,-744,-666,1116,-875,-54,665,665,-733,-740,-745,1116,665,1116,-874,]),'REWRITE_MERGE_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[666,666,666,666,-1896,666,666,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,666,666,666,666,-277,-278,666,-1427,666,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,666,666,666,-492,666,666,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,666,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,666,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,666,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,666,-174,-175,-176,-177,-995,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-292,-293,-283,666,666,666,666,666,-330,-320,-334,-335,-336,666,666,-984,-985,-986,-987,-988,-989,-990,666,666,666,666,666,666,666,666,666,666,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,666,666,666,-355,-358,666,-325,-326,-143,666,-144,666,-145,666,-432,-937,-938,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-1896,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-1896,666,-1896,666,666,666,666,666,666,666,666,666,666,666,666,-1896,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-1896,666,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,666,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,666,666,666,-193,-194,666,-996,666,666,666,666,666,-279,-280,-281,-282,-367,666,-310,666,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,666,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,666,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,666,666,666,666,666,666,-575,666,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,666,666,-725,-726,-727,666,666,666,666,666,666,-996,666,666,-93,-94,666,666,666,666,-311,-312,-322,666,-309,-295,-296,-297,666,666,666,666,-620,-635,-592,666,666,-438,666,-439,666,-446,-447,-448,-380,-381,666,666,666,-508,666,666,-512,666,666,666,666,-517,-518,-519,-520,666,666,-523,-524,666,-526,-527,-528,-529,-530,-531,-532,-533,666,-535,666,666,666,-541,-543,-544,666,-546,-547,-548,-549,666,666,666,666,666,666,-654,-655,-656,-657,666,-659,-660,-661,666,666,666,-667,666,666,-671,-672,666,666,-675,666,-677,-678,666,-681,666,-683,666,666,-686,-687,-688,666,-690,666,666,-693,666,666,-696,-697,-698,666,-700,-701,-702,-703,666,666,-748,666,-751,-752,-753,-754,-755,666,-757,-758,-759,-760,-761,666,-768,-769,-771,666,-773,-774,-775,-784,-858,-860,-862,-864,666,666,666,666,-870,666,-872,666,666,666,666,666,666,666,-908,-909,666,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,666,-923,-926,666,-936,666,-387,-388,-389,666,666,-392,-393,-394,-395,666,-398,666,-401,-402,666,-403,666,-408,-409,666,-412,-413,-414,666,-417,666,-418,666,-423,-424,666,-427,666,-430,-431,-1896,-1896,666,-621,-622,-623,-624,-625,-636,-586,-626,-799,666,666,666,666,666,-833,666,666,-808,666,-834,666,666,666,666,-800,666,-855,-801,666,666,666,666,666,666,-856,-857,666,-836,-832,-837,666,-627,666,-628,-629,-630,-631,-576,666,666,-632,-633,-634,666,666,666,666,666,666,-637,-638,-639,-594,-1896,-604,666,-640,-641,-715,-642,-606,666,-574,-579,-582,-585,666,666,666,-600,-603,666,-610,666,666,666,666,666,666,666,666,666,666,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,666,666,666,-997,666,666,666,666,666,666,-308,-327,-321,-298,-377,-454,-455,-456,-460,666,-445,666,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,666,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,666,666,666,666,666,666,666,666,666,-318,-537,-510,-593,-939,-941,-942,-440,666,-442,-382,-383,-385,-509,-511,-513,666,-515,-516,-521,-522,666,-534,-536,-539,-540,-545,-550,-728,666,-729,666,-734,666,-736,666,-741,-658,-662,-663,666,-668,666,-669,666,-674,-676,666,-679,666,666,666,-689,-691,666,-694,666,666,-746,666,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,666,666,666,666,666,-879,666,-882,-910,-922,-927,-390,-391,666,-396,666,-399,666,-404,666,-405,666,-410,666,-415,666,-419,666,-420,666,-425,666,-428,-901,-902,-645,-587,-1896,-903,666,666,666,-802,666,666,-806,666,-809,-835,666,-820,666,-822,666,-824,-810,666,-826,666,-853,-854,666,666,-813,666,-648,-904,-906,-650,-651,-647,666,-707,-708,666,-644,-905,-649,-652,-605,-716,666,666,-607,-588,666,666,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,666,666,-711,-712,666,-718,666,666,666,666,666,666,-940,666,-441,-443,-749,666,-893,666,-717,-1896,666,666,666,666,666,-444,-514,-525,666,-730,-735,666,-737,666,-742,666,-664,-670,666,-680,-682,-684,-685,-692,-695,-699,-747,666,666,-876,666,666,-880,666,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,666,-814,666,-816,-803,666,-804,-807,666,-818,-821,-823,-825,-827,666,-828,666,-811,666,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,666,-284,666,666,666,666,-457,666,666,-731,666,-738,666,-743,666,-665,-673,666,666,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,666,-838,-53,666,666,-732,666,-739,666,-744,-666,666,-875,-54,666,666,-733,-740,-745,666,666,666,-874,]),'ROLES_GRAPHML':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[667,667,667,1169,-1896,667,667,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,667,667,667,667,-277,-278,1169,-1427,1169,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1169,1169,1169,-492,1169,1169,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1169,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1169,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1945,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,667,-174,-175,-176,-177,-995,667,667,667,667,667,667,667,667,667,667,1169,1169,1169,1169,1169,-292,-293,-283,667,1169,1169,1169,1169,-330,-320,-334,-335,-336,1169,1169,-984,-985,-986,-987,-988,-989,-990,667,667,1169,1169,1169,1169,1169,1169,1169,1169,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1169,1169,1169,-355,-358,667,-325,-326,-143,1169,-144,1169,-145,1169,-432,-937,-938,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1896,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1896,1169,-1896,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1896,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1896,667,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1169,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1169,667,667,-193,-194,667,-996,1169,667,667,667,667,-279,-280,-281,-282,-367,1169,-310,1169,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1169,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1169,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1169,1169,1169,1169,1169,1169,-575,1169,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1169,1169,-725,-726,-727,1169,1945,667,667,667,667,-996,667,1169,-93,-94,667,667,667,1169,-311,-312,-322,1169,-309,-295,-296,-297,1169,667,1169,1169,-620,-635,-592,1169,667,-438,667,-439,1169,-446,-447,-448,-380,-381,1169,1169,1169,-508,1169,1169,-512,1169,1169,1169,1169,-517,-518,-519,-520,1169,1169,-523,-524,1169,-526,-527,-528,-529,-530,-531,-532,-533,1169,-535,1169,1169,1169,-541,-543,-544,1169,-546,-547,-548,-549,1169,1169,1169,1169,1169,1169,-654,-655,-656,-657,667,-659,-660,-661,1169,1169,1169,-667,1169,1169,-671,-672,1169,1169,-675,1169,-677,-678,1169,-681,1169,-683,1169,1169,-686,-687,-688,1169,-690,1169,1169,-693,1169,1169,-696,-697,-698,1169,-700,-701,-702,-703,1169,1169,-748,1169,-751,-752,-753,-754,-755,1169,-757,-758,-759,-760,-761,1169,-768,-769,-771,1169,-773,-774,-775,-784,-858,-860,-862,-864,1169,1169,1169,1169,-870,1169,-872,1169,1169,1169,1169,1169,1169,1169,-908,-909,1169,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1169,-923,-926,1169,-936,1169,-387,-388,-389,1169,1169,-392,-393,-394,-395,1169,-398,1169,-401,-402,1169,-403,1169,-408,-409,1169,-412,-413,-414,1169,-417,1169,-418,1169,-423,-424,1169,-427,1169,-430,-431,-1896,-1896,1169,-621,-622,-623,-624,-625,-636,-586,-626,-799,1169,1169,1169,1169,1169,-833,1169,1169,-808,1169,-834,1169,1169,1169,1169,-800,1169,-855,-801,1169,1169,1169,1169,1169,1169,-856,-857,1169,-836,-832,-837,1169,-627,1169,-628,-629,-630,-631,-576,1169,1169,-632,-633,-634,1169,1169,1169,1169,1169,1169,-637,-638,-639,-594,-1896,-604,1169,-640,-641,-715,-642,-606,1169,-574,-579,-582,-585,1169,1169,1169,-600,-603,1169,-610,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1169,667,667,-997,667,1169,667,667,667,1169,-308,-327,-321,-298,-377,-454,-455,-456,-460,667,-445,1169,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1169,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,667,667,667,667,667,667,667,667,1169,-318,-537,-510,-593,-939,-941,-942,-440,1169,-442,-382,-383,-385,-509,-511,-513,1169,-515,-516,-521,-522,1169,-534,-536,-539,-540,-545,-550,-728,1169,-729,1169,-734,1169,-736,1169,-741,-658,-662,-663,1169,-668,1169,-669,1169,-674,-676,1169,-679,1169,1169,1169,-689,-691,1169,-694,1169,1169,-746,1169,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1169,1169,1169,1169,1169,-879,1169,-882,-910,-922,-927,-390,-391,1169,-396,1169,-399,1169,-404,1169,-405,1169,-410,1169,-415,1169,-419,1169,-420,1169,-425,1169,-428,-901,-902,-645,-587,-1896,-903,1169,1169,1169,-802,1169,1169,-806,1169,-809,-835,1169,-820,1169,-822,1169,-824,-810,1169,-826,1169,-853,-854,1169,1169,-813,1169,-648,-904,-906,-650,-651,-647,1169,-707,-708,1169,-644,-905,-649,-652,-605,-716,1169,1169,-607,-588,1169,1169,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1169,1169,-711,-712,1169,-718,1169,667,667,667,1169,1169,-940,667,-441,-443,-749,1169,-893,1945,-717,-1896,1169,1169,667,667,1169,-444,-514,-525,1169,-730,-735,1169,-737,1169,-742,1169,-664,-670,1169,-680,-682,-684,-685,-692,-695,-699,-747,1169,1169,-876,1169,1169,-880,1169,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1169,-814,1169,-816,-803,1169,-804,-807,1169,-818,-821,-823,-825,-827,1169,-828,1169,-811,1169,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,667,-284,667,1169,667,1169,-457,1169,1169,-731,1169,-738,1169,-743,1169,-665,-673,1169,1169,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1169,-838,-53,667,1169,-732,1169,-739,1169,-744,-666,1169,-875,-54,667,667,-733,-740,-745,1169,667,1169,-874,]),'ROLLBACK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[668,668,668,668,-1896,668,668,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,668,668,668,668,-277,-278,668,-1427,668,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,668,668,668,-492,668,668,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,668,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,668,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,668,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,668,-174,-175,-176,-177,-995,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-292,-293,-283,668,668,668,668,668,-330,-320,-334,-335,-336,668,668,-984,-985,-986,-987,-988,-989,-990,668,668,668,668,668,668,668,668,668,668,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,668,668,668,-355,-358,668,-325,-326,-143,668,-144,668,-145,668,-432,-937,-938,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-1896,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-1896,668,-1896,668,668,668,668,668,668,668,668,668,668,668,668,-1896,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-1896,668,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,668,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,668,668,668,-193,-194,668,-996,668,668,668,668,668,-279,-280,-281,-282,-367,668,-310,668,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,668,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,668,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,668,668,668,668,668,668,-575,668,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,668,668,-725,-726,-727,668,668,668,668,668,668,-996,668,668,-93,-94,668,668,668,668,-311,-312,-322,668,-309,-295,-296,-297,668,668,668,668,-620,-635,-592,668,668,-438,668,-439,668,-446,-447,-448,-380,-381,668,668,668,-508,668,668,-512,668,668,668,668,-517,-518,-519,-520,668,668,-523,-524,668,-526,-527,-528,-529,-530,-531,-532,-533,668,-535,668,668,668,-541,-543,-544,668,-546,-547,-548,-549,668,668,668,668,668,668,-654,-655,-656,-657,668,-659,-660,-661,668,668,668,-667,668,668,-671,-672,668,668,-675,668,-677,-678,668,-681,668,-683,668,668,-686,-687,-688,668,-690,668,668,-693,668,668,-696,-697,-698,668,-700,-701,-702,-703,668,668,-748,668,-751,-752,-753,-754,-755,668,-757,-758,-759,-760,-761,668,-768,-769,-771,668,-773,-774,-775,-784,-858,-860,-862,-864,668,668,668,668,-870,668,-872,668,668,668,668,668,668,668,-908,-909,668,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,668,-923,-926,668,-936,668,-387,-388,-389,668,668,-392,-393,-394,-395,668,-398,668,-401,-402,668,-403,668,-408,-409,668,-412,-413,-414,668,-417,668,-418,668,-423,-424,668,-427,668,-430,-431,-1896,-1896,668,-621,-622,-623,-624,-625,-636,-586,-626,-799,668,668,668,668,668,-833,668,668,-808,668,-834,668,668,668,668,-800,668,-855,-801,668,668,668,668,668,668,-856,-857,668,-836,-832,-837,668,-627,668,-628,-629,-630,-631,-576,668,668,-632,-633,-634,668,668,668,668,668,668,-637,-638,-639,-594,-1896,-604,668,-640,-641,-715,-642,-606,668,-574,-579,-582,-585,668,668,668,-600,-603,668,-610,668,668,668,668,668,668,668,668,668,668,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,668,668,668,-997,668,668,668,668,668,668,-308,-327,-321,-298,-377,-454,-455,-456,-460,668,-445,668,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,668,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,668,668,668,668,668,668,668,668,668,-318,-537,-510,-593,-939,-941,-942,-440,668,-442,-382,-383,-385,-509,-511,-513,668,-515,-516,-521,-522,668,-534,-536,-539,-540,-545,-550,-728,668,-729,668,-734,668,-736,668,-741,-658,-662,-663,668,-668,668,-669,668,-674,-676,668,-679,668,668,668,-689,-691,668,-694,668,668,-746,668,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,668,668,668,668,668,-879,668,-882,-910,-922,-927,-390,-391,668,-396,668,-399,668,-404,668,-405,668,-410,668,-415,668,-419,668,-420,668,-425,668,-428,-901,-902,-645,-587,-1896,-903,668,668,668,-802,668,668,-806,668,-809,-835,668,-820,668,-822,668,-824,-810,668,-826,668,-853,-854,668,668,-813,668,-648,-904,-906,-650,-651,-647,668,-707,-708,668,-644,-905,-649,-652,-605,-716,668,668,-607,-588,668,668,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,668,668,-711,-712,668,-718,668,668,668,668,668,668,-940,668,-441,-443,-749,668,-893,668,-717,-1896,668,668,668,668,668,-444,-514,-525,668,-730,-735,668,-737,668,-742,668,-664,-670,668,-680,-682,-684,-685,-692,-695,-699,-747,668,668,-876,668,668,-880,668,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,668,-814,668,-816,-803,668,-804,-807,668,-818,-821,-823,-825,-827,668,-828,668,-811,668,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,668,-284,668,668,668,668,-457,668,668,-731,668,-738,668,-743,668,-665,-673,668,668,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,668,-838,-53,668,668,-732,668,-739,668,-744,-666,668,-875,-54,668,668,-733,-740,-745,668,668,668,-874,]),'ROLLING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[669,669,669,669,-1896,669,669,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,669,669,669,669,-277,-278,669,-1427,669,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,669,669,669,-492,669,669,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,669,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,669,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,669,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,669,-174,-175,-176,-177,-995,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-292,-293,-283,669,669,669,669,669,-330,-320,-334,-335,-336,669,669,-984,-985,-986,-987,-988,-989,-990,669,669,669,669,669,669,669,669,669,669,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,669,669,669,-355,-358,669,-325,-326,-143,669,-144,669,-145,669,-432,-937,-938,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-1896,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-1896,669,-1896,669,669,669,669,669,669,669,669,669,669,669,669,-1896,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-1896,669,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,669,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,669,669,669,-193,-194,669,-996,669,669,669,669,669,-279,-280,-281,-282,-367,669,-310,669,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,669,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,669,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,669,669,669,669,669,669,-575,669,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,669,669,-725,-726,-727,669,669,669,669,669,669,-996,669,669,-93,-94,669,669,669,669,-311,-312,-322,669,-309,-295,-296,-297,669,669,669,669,-620,-635,-592,669,669,-438,669,-439,669,-446,-447,-448,-380,-381,669,669,669,-508,669,669,-512,669,669,669,669,-517,-518,-519,-520,669,669,-523,-524,669,-526,-527,-528,-529,-530,-531,-532,-533,669,-535,669,669,669,-541,-543,-544,669,-546,-547,-548,-549,669,669,669,669,669,669,-654,-655,-656,-657,669,-659,-660,-661,669,669,669,-667,669,669,-671,-672,669,669,-675,669,-677,-678,669,-681,669,-683,669,669,-686,-687,-688,669,-690,669,669,-693,669,669,-696,-697,-698,669,-700,-701,-702,-703,669,669,-748,669,-751,-752,-753,-754,-755,669,-757,-758,-759,-760,-761,669,-768,-769,-771,669,-773,-774,-775,-784,-858,-860,-862,-864,669,669,669,669,-870,669,-872,669,669,669,669,669,669,669,-908,-909,669,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,669,-923,-926,669,-936,669,-387,-388,-389,669,669,-392,-393,-394,-395,669,-398,669,-401,-402,669,-403,669,-408,-409,669,-412,-413,-414,669,-417,669,-418,669,-423,-424,669,-427,669,-430,-431,-1896,-1896,669,-621,-622,-623,-624,-625,-636,-586,-626,-799,669,669,669,669,669,-833,669,669,-808,669,-834,669,669,669,669,-800,669,-855,-801,669,669,669,669,669,669,-856,-857,669,-836,-832,-837,669,-627,669,-628,-629,-630,-631,-576,669,669,-632,-633,-634,669,669,669,669,669,669,-637,-638,-639,-594,-1896,-604,669,-640,-641,-715,-642,-606,669,-574,-579,-582,-585,669,669,669,-600,-603,669,-610,669,669,669,669,669,669,669,669,669,669,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,669,669,669,-997,669,669,669,669,669,669,-308,-327,-321,-298,-377,-454,-455,-456,-460,669,-445,669,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,669,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,669,669,669,669,669,669,669,669,669,-318,-537,-510,-593,-939,-941,-942,-440,669,-442,-382,-383,-385,-509,-511,-513,669,-515,-516,-521,-522,669,-534,-536,-539,-540,-545,-550,-728,669,-729,669,-734,669,-736,669,-741,-658,-662,-663,669,-668,669,-669,669,-674,-676,669,-679,669,669,669,-689,-691,669,-694,669,669,-746,669,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,669,669,669,669,669,-879,669,-882,-910,-922,-927,-390,-391,669,-396,669,-399,669,-404,669,-405,669,-410,669,-415,669,-419,669,-420,669,-425,669,-428,-901,-902,-645,-587,-1896,-903,669,669,669,-802,669,669,-806,669,-809,-835,669,-820,669,-822,669,-824,-810,669,-826,669,-853,-854,669,669,-813,669,-648,-904,-906,-650,-651,-647,669,-707,-708,669,-644,-905,-649,-652,-605,-716,669,669,-607,-588,669,669,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,669,669,-711,-712,669,-718,669,669,669,669,669,669,-940,669,-441,-443,-749,669,-893,669,-717,-1896,669,669,669,669,669,-444,-514,-525,669,-730,-735,669,-737,669,-742,669,-664,-670,669,-680,-682,-684,-685,-692,-695,-699,-747,669,669,-876,669,669,-880,669,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,669,-814,669,-816,-803,669,-804,-807,669,-818,-821,-823,-825,-827,669,-828,669,-811,669,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,669,-284,669,669,669,669,-457,669,669,-731,669,-738,669,-743,669,-665,-673,669,669,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,669,-838,-53,669,669,-732,669,-739,669,-744,-666,669,-875,-54,669,669,-733,-740,-745,669,669,669,-874,]),'ROLLUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3772,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[670,670,670,670,-1896,670,670,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,670,670,670,670,-277,-278,670,-1427,670,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,670,670,670,-492,670,670,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,670,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,670,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,670,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,670,-174,-175,-176,-177,-995,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-292,-293,-283,670,670,670,670,670,-330,-320,-334,-335,-336,670,670,-984,-985,-986,-987,-988,-989,-990,670,670,670,670,670,670,670,670,670,670,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,670,670,670,-355,-358,670,-325,-326,-143,670,-144,670,-145,670,-432,-937,-938,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-1896,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-1896,670,-1896,670,670,670,670,670,670,670,670,670,670,670,670,-1896,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-1896,670,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,670,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,670,670,670,-193,-194,670,-996,670,670,670,670,670,-279,-280,-281,-282,-367,670,-310,670,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,670,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,670,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,670,670,670,670,670,670,-575,670,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,670,670,-725,-726,-727,670,670,670,670,670,670,-996,670,670,-93,-94,670,670,670,670,-311,-312,-322,670,-309,-295,-296,-297,670,670,670,670,-620,-635,-592,670,670,-438,670,-439,670,-446,-447,-448,-380,-381,670,670,670,-508,670,670,-512,670,670,670,670,-517,-518,-519,-520,670,670,-523,-524,670,-526,-527,-528,-529,-530,-531,-532,-533,670,-535,670,670,670,-541,-543,-544,670,-546,-547,-548,-549,670,670,670,670,670,670,-654,-655,-656,-657,670,-659,-660,-661,670,670,670,-667,670,670,-671,-672,670,670,-675,670,-677,-678,670,-681,670,-683,670,670,-686,-687,-688,670,-690,670,670,-693,670,670,-696,-697,-698,670,-700,-701,-702,-703,670,670,-748,670,-751,-752,-753,-754,-755,670,-757,-758,-759,-760,-761,670,-768,-769,-771,670,-773,-774,-775,-784,-858,-860,-862,-864,670,670,670,670,-870,670,-872,670,670,670,670,670,670,670,-908,-909,670,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,670,-923,-926,670,-936,670,-387,-388,-389,670,670,-392,-393,-394,-395,670,-398,670,-401,-402,670,-403,670,-408,-409,670,-412,-413,-414,670,-417,670,-418,670,-423,-424,670,-427,670,-430,-431,-1896,-1896,670,-621,-622,-623,-624,-625,-636,-586,-626,-799,670,670,670,670,670,-833,670,670,-808,670,-834,670,670,670,670,-800,670,-855,-801,670,670,670,670,670,670,-856,-857,670,-836,-832,-837,670,-627,670,-628,-629,-630,-631,-576,670,670,-632,-633,-634,670,670,670,670,670,670,-637,-638,-639,-594,-1896,-604,670,-640,-641,-715,-642,-606,670,-574,-579,-582,-585,670,670,670,-600,-603,670,-610,670,670,670,670,670,670,670,670,670,670,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,670,670,670,-997,670,670,670,670,670,670,-308,-327,-321,-298,-377,-454,-455,-456,-460,670,-445,670,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,670,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,670,670,670,670,670,670,670,670,670,-318,-537,-510,-593,-939,-941,-942,-440,670,-442,-382,-383,-385,-509,-511,-513,670,-515,-516,-521,-522,670,-534,-536,-539,-540,-545,-550,-728,670,-729,670,-734,670,-736,670,-741,-658,-662,-663,670,-668,670,-669,670,-674,-676,670,-679,670,670,670,-689,-691,670,-694,670,670,-746,670,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,670,670,670,670,670,-879,670,-882,-910,-922,-927,-390,-391,670,-396,670,-399,670,-404,670,-405,670,-410,670,-415,670,-419,670,-420,670,-425,670,-428,-901,-902,-645,-587,-1896,-903,670,670,670,-802,670,670,-806,670,-809,-835,670,-820,670,-822,670,-824,-810,670,-826,670,-853,-854,670,670,-813,670,-648,-904,-906,-650,-651,-647,670,-707,-708,670,-644,-905,-649,-652,-605,-716,670,670,-607,-588,670,670,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,670,670,-711,-712,670,-718,670,670,670,670,670,670,-940,670,-441,-443,-749,670,-893,670,-717,-1896,670,670,670,670,670,-444,-514,-525,670,-730,-735,670,-737,670,-742,670,-664,-670,670,-680,-682,-684,-685,-692,-695,-699,-747,670,670,-876,670,670,-880,670,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,670,-814,670,-816,-803,670,-804,-807,670,-818,-821,-823,-825,-827,670,-828,670,-811,670,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,670,-284,670,670,670,3823,670,-457,670,670,-731,670,-738,670,-743,670,-665,-673,670,670,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,670,-838,-53,670,670,-732,670,-739,670,-744,-666,670,-875,-54,670,670,-733,-740,-745,670,670,670,-874,]),'ROM_BASE64':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[671,671,671,671,-1896,671,671,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,671,671,671,671,-277,-278,671,-1427,671,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,671,671,671,-492,671,671,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,671,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,671,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,671,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,671,-174,-175,-176,-177,-995,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-292,-293,-283,671,671,671,671,671,-330,-320,-334,-335,-336,671,671,-984,-985,-986,-987,-988,-989,-990,671,671,671,671,671,671,671,671,671,671,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,671,671,671,-355,-358,671,-325,-326,-143,671,-144,671,-145,671,-432,-937,-938,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-1896,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-1896,671,-1896,671,671,671,671,671,671,671,671,671,671,671,671,-1896,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-1896,671,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,671,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,671,671,671,-193,-194,671,-996,671,671,671,671,671,-279,-280,-281,-282,-367,671,-310,671,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,671,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,671,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,671,671,671,671,671,671,-575,671,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,671,671,-725,-726,-727,671,671,671,671,671,671,-996,671,671,-93,-94,671,671,671,671,-311,-312,-322,671,-309,-295,-296,-297,671,671,671,671,-620,-635,-592,671,671,-438,671,-439,671,-446,-447,-448,-380,-381,671,671,671,-508,671,671,-512,671,671,671,671,-517,-518,-519,-520,671,671,-523,-524,671,-526,-527,-528,-529,-530,-531,-532,-533,671,-535,671,671,671,-541,-543,-544,671,-546,-547,-548,-549,671,671,671,671,671,671,-654,-655,-656,-657,671,-659,-660,-661,671,671,671,-667,671,671,-671,-672,671,671,-675,671,-677,-678,671,-681,671,-683,671,671,-686,-687,-688,671,-690,671,671,-693,671,671,-696,-697,-698,671,-700,-701,-702,-703,671,671,-748,671,-751,-752,-753,-754,-755,671,-757,-758,-759,-760,-761,671,-768,-769,-771,671,-773,-774,-775,-784,-858,-860,-862,-864,671,671,671,671,-870,671,-872,671,671,671,671,671,671,671,-908,-909,671,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,671,-923,-926,671,-936,671,-387,-388,-389,671,671,-392,-393,-394,-395,671,-398,671,-401,-402,671,-403,671,-408,-409,671,-412,-413,-414,671,-417,671,-418,671,-423,-424,671,-427,671,-430,-431,-1896,-1896,671,-621,-622,-623,-624,-625,-636,-586,-626,-799,671,671,671,671,671,-833,671,671,-808,671,-834,671,671,671,671,-800,671,-855,-801,671,671,671,671,671,671,-856,-857,671,-836,-832,-837,671,-627,671,-628,-629,-630,-631,-576,671,671,-632,-633,-634,671,671,671,671,671,671,-637,-638,-639,-594,-1896,-604,671,-640,-641,-715,-642,-606,671,-574,-579,-582,-585,671,671,671,-600,-603,671,-610,671,671,671,671,671,671,671,671,671,671,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,671,671,671,-997,671,671,671,671,671,671,-308,-327,-321,-298,-377,-454,-455,-456,-460,671,-445,671,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,671,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,671,671,671,671,671,671,671,671,671,-318,-537,-510,-593,-939,-941,-942,-440,671,-442,-382,-383,-385,-509,-511,-513,671,-515,-516,-521,-522,671,-534,-536,-539,-540,-545,-550,-728,671,-729,671,-734,671,-736,671,-741,-658,-662,-663,671,-668,671,-669,671,-674,-676,671,-679,671,671,671,-689,-691,671,-694,671,671,-746,671,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,671,671,671,671,671,-879,671,-882,-910,-922,-927,-390,-391,671,-396,671,-399,671,-404,671,-405,671,-410,671,-415,671,-419,671,-420,671,-425,671,-428,-901,-902,-645,-587,-1896,-903,671,671,671,-802,671,671,-806,671,-809,-835,671,-820,671,-822,671,-824,-810,671,-826,671,-853,-854,671,671,-813,671,-648,-904,-906,-650,-651,-647,671,-707,-708,671,-644,-905,-649,-652,-605,-716,671,671,-607,-588,671,671,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,671,671,-711,-712,671,-718,671,671,671,671,671,671,-940,671,-441,-443,-749,671,-893,671,-717,-1896,671,671,671,671,671,-444,-514,-525,671,-730,-735,671,-737,671,-742,671,-664,-670,671,-680,-682,-684,-685,-692,-695,-699,-747,671,671,-876,671,671,-880,671,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,671,-814,671,-816,-803,671,-804,-807,671,-818,-821,-823,-825,-827,671,-828,671,-811,671,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,671,-284,671,671,671,671,-457,671,671,-731,671,-738,671,-743,671,-665,-673,671,671,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,671,-838,-53,671,671,-732,671,-739,671,-744,-666,671,-875,-54,671,671,-733,-740,-745,671,671,671,-874,]),'ROM_UNIXTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[672,672,672,672,-1896,672,672,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,672,672,672,672,-277,-278,672,-1427,672,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,672,672,672,-492,672,672,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,672,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,672,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,672,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,672,-174,-175,-176,-177,-995,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-292,-293,-283,672,672,672,672,672,-330,-320,-334,-335,-336,672,672,-984,-985,-986,-987,-988,-989,-990,672,672,672,672,672,672,672,672,672,672,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,672,672,672,-355,-358,672,-325,-326,-143,672,-144,672,-145,672,-432,-937,-938,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-1896,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-1896,672,-1896,672,672,672,672,672,672,672,672,672,672,672,672,-1896,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-1896,672,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,672,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,672,672,672,-193,-194,672,-996,672,672,672,672,672,-279,-280,-281,-282,-367,672,-310,672,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,672,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,672,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,672,672,672,672,672,672,-575,672,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,672,672,-725,-726,-727,672,672,672,672,672,672,-996,672,672,-93,-94,672,672,672,672,-311,-312,-322,672,-309,-295,-296,-297,672,672,672,672,-620,-635,-592,672,672,-438,672,-439,672,-446,-447,-448,-380,-381,672,672,672,-508,672,672,-512,672,672,672,672,-517,-518,-519,-520,672,672,-523,-524,672,-526,-527,-528,-529,-530,-531,-532,-533,672,-535,672,672,672,-541,-543,-544,672,-546,-547,-548,-549,672,672,672,672,672,672,-654,-655,-656,-657,672,-659,-660,-661,672,672,672,-667,672,672,-671,-672,672,672,-675,672,-677,-678,672,-681,672,-683,672,672,-686,-687,-688,672,-690,672,672,-693,672,672,-696,-697,-698,672,-700,-701,-702,-703,672,672,-748,672,-751,-752,-753,-754,-755,672,-757,-758,-759,-760,-761,672,-768,-769,-771,672,-773,-774,-775,-784,-858,-860,-862,-864,672,672,672,672,-870,672,-872,672,672,672,672,672,672,672,-908,-909,672,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,672,-923,-926,672,-936,672,-387,-388,-389,672,672,-392,-393,-394,-395,672,-398,672,-401,-402,672,-403,672,-408,-409,672,-412,-413,-414,672,-417,672,-418,672,-423,-424,672,-427,672,-430,-431,-1896,-1896,672,-621,-622,-623,-624,-625,-636,-586,-626,-799,672,672,672,672,672,-833,672,672,-808,672,-834,672,672,672,672,-800,672,-855,-801,672,672,672,672,672,672,-856,-857,672,-836,-832,-837,672,-627,672,-628,-629,-630,-631,-576,672,672,-632,-633,-634,672,672,672,672,672,672,-637,-638,-639,-594,-1896,-604,672,-640,-641,-715,-642,-606,672,-574,-579,-582,-585,672,672,672,-600,-603,672,-610,672,672,672,672,672,672,672,672,672,672,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,672,672,672,-997,672,672,672,672,672,672,-308,-327,-321,-298,-377,-454,-455,-456,-460,672,-445,672,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,672,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,672,672,672,672,672,672,672,672,672,-318,-537,-510,-593,-939,-941,-942,-440,672,-442,-382,-383,-385,-509,-511,-513,672,-515,-516,-521,-522,672,-534,-536,-539,-540,-545,-550,-728,672,-729,672,-734,672,-736,672,-741,-658,-662,-663,672,-668,672,-669,672,-674,-676,672,-679,672,672,672,-689,-691,672,-694,672,672,-746,672,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,672,672,672,672,672,-879,672,-882,-910,-922,-927,-390,-391,672,-396,672,-399,672,-404,672,-405,672,-410,672,-415,672,-419,672,-420,672,-425,672,-428,-901,-902,-645,-587,-1896,-903,672,672,672,-802,672,672,-806,672,-809,-835,672,-820,672,-822,672,-824,-810,672,-826,672,-853,-854,672,672,-813,672,-648,-904,-906,-650,-651,-647,672,-707,-708,672,-644,-905,-649,-652,-605,-716,672,672,-607,-588,672,672,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,672,672,-711,-712,672,-718,672,672,672,672,672,672,-940,672,-441,-443,-749,672,-893,672,-717,-1896,672,672,672,672,672,-444,-514,-525,672,-730,-735,672,-737,672,-742,672,-664,-670,672,-680,-682,-684,-685,-692,-695,-699,-747,672,672,-876,672,672,-880,672,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,672,-814,672,-816,-803,672,-804,-807,672,-818,-821,-823,-825,-827,672,-828,672,-811,672,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,672,-284,672,672,672,672,-457,672,672,-731,672,-738,672,-743,672,-665,-673,672,672,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,672,-838,-53,672,672,-732,672,-739,672,-744,-666,672,-875,-54,672,672,-733,-740,-745,672,672,672,-874,]),'ROOT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[673,673,673,673,-1896,673,673,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,673,673,673,673,-277,-278,673,-1427,673,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,673,673,673,-492,673,673,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,673,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,673,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,673,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,673,-174,-175,-176,-177,-995,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-292,-293,-283,673,673,673,673,673,-330,-320,-334,-335,-336,673,673,-984,-985,-986,-987,-988,-989,-990,673,673,673,673,673,673,673,673,673,673,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,673,673,673,-355,-358,673,-325,-326,-143,673,-144,673,-145,673,-432,-937,-938,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-1896,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-1896,673,-1896,673,673,673,673,673,673,673,673,673,673,673,673,-1896,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-1896,673,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,673,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,673,673,673,-193,-194,673,-996,673,673,673,673,673,-279,-280,-281,-282,-367,673,-310,673,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,673,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,673,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,673,673,673,673,673,673,-575,673,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,673,673,-725,-726,-727,673,673,673,673,673,673,-996,673,673,-93,-94,673,673,673,673,-311,-312,-322,673,-309,-295,-296,-297,673,673,673,673,-620,-635,-592,673,673,-438,673,-439,673,-446,-447,-448,-380,-381,673,673,673,-508,673,673,-512,673,673,673,673,-517,-518,-519,-520,673,673,-523,-524,673,-526,-527,-528,-529,-530,-531,-532,-533,673,-535,673,673,673,-541,-543,-544,673,-546,-547,-548,-549,673,673,673,673,673,673,-654,-655,-656,-657,673,-659,-660,-661,673,673,673,-667,673,673,-671,-672,673,673,-675,673,-677,-678,673,-681,673,-683,673,673,-686,-687,-688,673,-690,673,673,-693,673,673,-696,-697,-698,673,-700,-701,-702,-703,673,673,-748,673,-751,-752,-753,-754,-755,673,-757,-758,-759,-760,-761,673,-768,-769,-771,673,-773,-774,-775,-784,-858,-860,-862,-864,673,673,673,673,-870,673,-872,673,673,673,673,673,673,673,-908,-909,673,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,673,-923,-926,673,-936,673,-387,-388,-389,673,673,-392,-393,-394,-395,673,-398,673,-401,-402,673,-403,673,-408,-409,673,-412,-413,-414,673,-417,673,-418,673,-423,-424,673,-427,673,-430,-431,-1896,-1896,673,-621,-622,-623,-624,-625,-636,-586,-626,-799,673,673,673,673,673,-833,673,673,-808,673,-834,673,673,673,673,-800,673,-855,-801,673,673,673,673,673,673,-856,-857,673,-836,-832,-837,673,-627,673,-628,-629,-630,-631,-576,673,673,-632,-633,-634,673,673,673,673,673,673,-637,-638,-639,-594,-1896,-604,673,-640,-641,-715,-642,-606,673,-574,-579,-582,-585,673,673,673,-600,-603,673,-610,673,673,673,673,673,673,673,673,673,673,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,673,673,673,-997,673,673,673,673,673,673,-308,-327,-321,-298,-377,-454,-455,-456,-460,673,-445,673,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,673,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,673,673,673,673,673,673,673,673,673,-318,-537,-510,-593,-939,-941,-942,-440,673,-442,-382,-383,-385,-509,-511,-513,673,-515,-516,-521,-522,673,-534,-536,-539,-540,-545,-550,-728,673,-729,673,-734,673,-736,673,-741,-658,-662,-663,673,-668,673,-669,673,-674,-676,673,-679,673,673,673,-689,-691,673,-694,673,673,-746,673,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,673,673,673,673,673,-879,673,-882,-910,-922,-927,-390,-391,673,-396,673,-399,673,-404,673,-405,673,-410,673,-415,673,-419,673,-420,673,-425,673,-428,-901,-902,-645,-587,-1896,-903,673,673,673,-802,673,673,-806,673,-809,-835,673,-820,673,-822,673,-824,-810,673,-826,673,-853,-854,673,673,-813,673,-648,-904,-906,-650,-651,-647,673,-707,-708,673,-644,-905,-649,-652,-605,-716,673,673,-607,-588,673,673,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,673,673,-711,-712,673,-718,673,673,673,673,673,673,-940,673,-441,-443,-749,673,-893,673,-717,-1896,673,673,673,673,673,-444,-514,-525,673,-730,-735,673,-737,673,-742,673,-664,-670,673,-680,-682,-684,-685,-692,-695,-699,-747,673,673,-876,673,673,-880,673,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,673,-814,673,-816,-803,673,-804,-807,673,-818,-821,-823,-825,-827,673,-828,673,-811,673,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,673,-284,673,673,673,673,-457,673,673,-731,673,-738,673,-743,673,-665,-673,673,673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,673,-838,-53,673,673,-732,673,-739,673,-744,-666,673,-875,-54,673,673,-733,-740,-745,673,673,673,-874,]),'ROOTSERVICE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[674,674,674,674,-1896,674,674,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,674,674,674,674,-277,-278,674,-1427,674,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,674,674,674,-492,674,674,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,674,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,674,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,674,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,674,-174,-175,-176,-177,-995,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-292,-293,-283,674,674,674,674,674,-330,-320,-334,-335,-336,674,674,-984,-985,-986,-987,-988,-989,-990,674,674,674,674,674,674,674,674,674,674,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,674,674,674,-355,-358,674,-325,-326,-143,674,-144,674,-145,674,-432,-937,-938,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-1896,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-1896,674,-1896,674,674,674,674,674,674,674,674,674,674,674,674,-1896,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-1896,674,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,674,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,674,674,674,-193,-194,674,-996,674,674,674,674,674,-279,-280,-281,-282,-367,674,-310,674,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,674,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,674,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,674,674,674,674,674,674,-575,674,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,674,674,-725,-726,-727,674,674,674,674,674,674,-996,674,674,-93,-94,674,674,674,674,-311,-312,-322,674,-309,-295,-296,-297,674,674,674,674,-620,-635,-592,674,674,-438,674,-439,674,-446,-447,-448,-380,-381,674,674,674,-508,674,674,-512,674,674,674,674,-517,-518,-519,-520,674,674,-523,-524,674,-526,-527,-528,-529,-530,-531,-532,-533,674,-535,674,674,674,-541,-543,-544,674,-546,-547,-548,-549,674,674,674,674,674,674,-654,-655,-656,-657,674,-659,-660,-661,674,674,674,-667,674,674,-671,-672,674,674,-675,674,-677,-678,674,-681,674,-683,674,674,-686,-687,-688,674,-690,674,674,-693,674,674,-696,-697,-698,674,-700,-701,-702,-703,674,674,-748,674,-751,-752,-753,-754,-755,674,-757,-758,-759,-760,-761,674,-768,-769,-771,674,-773,-774,-775,-784,-858,-860,-862,-864,674,674,674,674,-870,674,-872,674,674,674,674,674,674,674,-908,-909,674,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,674,-923,-926,674,-936,674,-387,-388,-389,674,674,-392,-393,-394,-395,674,-398,674,-401,-402,674,-403,674,-408,-409,674,-412,-413,-414,674,-417,674,-418,674,-423,-424,674,-427,674,-430,-431,-1896,-1896,674,-621,-622,-623,-624,-625,-636,-586,-626,-799,674,674,674,674,674,-833,674,674,-808,674,-834,674,674,674,674,-800,674,-855,-801,674,674,674,674,674,674,-856,-857,674,-836,-832,-837,674,-627,674,-628,-629,-630,-631,-576,674,674,-632,-633,-634,674,674,674,674,674,674,-637,-638,-639,-594,-1896,-604,674,-640,-641,-715,-642,-606,674,-574,-579,-582,-585,674,674,674,-600,-603,674,-610,674,674,674,674,674,674,674,674,674,674,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,674,674,674,-997,674,674,674,674,674,674,-308,-327,-321,-298,-377,-454,-455,-456,-460,674,-445,674,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,674,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,674,674,674,674,674,674,674,674,674,-318,-537,-510,-593,-939,-941,-942,-440,674,-442,-382,-383,-385,-509,-511,-513,674,-515,-516,-521,-522,674,-534,-536,-539,-540,-545,-550,-728,674,-729,674,-734,674,-736,674,-741,-658,-662,-663,674,-668,674,-669,674,-674,-676,674,-679,674,674,674,-689,-691,674,-694,674,674,-746,674,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,674,674,674,674,674,-879,674,-882,-910,-922,-927,-390,-391,674,-396,674,-399,674,-404,674,-405,674,-410,674,-415,674,-419,674,-420,674,-425,674,-428,-901,-902,-645,-587,-1896,-903,674,674,674,-802,674,674,-806,674,-809,-835,674,-820,674,-822,674,-824,-810,674,-826,674,-853,-854,674,674,-813,674,-648,-904,-906,-650,-651,-647,674,-707,-708,674,-644,-905,-649,-652,-605,-716,674,674,-607,-588,674,674,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,674,674,-711,-712,674,-718,674,674,674,674,674,674,-940,674,-441,-443,-749,674,-893,674,-717,-1896,674,674,674,674,674,-444,-514,-525,674,-730,-735,674,-737,674,-742,674,-664,-670,674,-680,-682,-684,-685,-692,-695,-699,-747,674,674,-876,674,674,-880,674,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,674,-814,674,-816,-803,674,-804,-807,674,-818,-821,-823,-825,-827,674,-828,674,-811,674,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,674,-284,674,674,674,674,-457,674,674,-731,674,-738,674,-743,674,-665,-673,674,674,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,674,-838,-53,674,674,-732,674,-739,674,-744,-666,674,-875,-54,674,674,-733,-740,-745,674,674,674,-874,]),'ROOTTABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[675,675,675,675,-1896,675,675,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,675,675,675,675,-277,-278,675,-1427,675,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,675,675,675,-492,675,675,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,675,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,675,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,675,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,675,-174,-175,-176,-177,-995,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-292,-293,-283,675,675,675,675,675,-330,-320,-334,-335,-336,675,675,-984,-985,-986,-987,-988,-989,-990,675,675,675,675,675,675,675,675,675,675,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,675,675,675,-355,-358,675,-325,-326,-143,675,-144,675,-145,675,-432,-937,-938,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-1896,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-1896,675,-1896,675,675,675,675,675,675,675,675,675,675,675,675,-1896,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-1896,675,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,675,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,675,675,675,-193,-194,675,-996,675,675,675,675,675,-279,-280,-281,-282,-367,675,-310,675,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,675,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,675,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,675,675,675,675,675,675,-575,675,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,675,675,-725,-726,-727,675,675,675,675,675,675,-996,675,675,-93,-94,675,675,675,675,-311,-312,-322,675,-309,-295,-296,-297,675,675,675,675,-620,-635,-592,675,675,-438,675,-439,675,-446,-447,-448,-380,-381,675,675,675,-508,675,675,-512,675,675,675,675,-517,-518,-519,-520,675,675,-523,-524,675,-526,-527,-528,-529,-530,-531,-532,-533,675,-535,675,675,675,-541,-543,-544,675,-546,-547,-548,-549,675,675,675,675,675,675,-654,-655,-656,-657,675,-659,-660,-661,675,675,675,-667,675,675,-671,-672,675,675,-675,675,-677,-678,675,-681,675,-683,675,675,-686,-687,-688,675,-690,675,675,-693,675,675,-696,-697,-698,675,-700,-701,-702,-703,675,675,-748,675,-751,-752,-753,-754,-755,675,-757,-758,-759,-760,-761,675,-768,-769,-771,675,-773,-774,-775,-784,-858,-860,-862,-864,675,675,675,675,-870,675,-872,675,675,675,675,675,675,675,-908,-909,675,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,675,-923,-926,675,-936,675,-387,-388,-389,675,675,-392,-393,-394,-395,675,-398,675,-401,-402,675,-403,675,-408,-409,675,-412,-413,-414,675,-417,675,-418,675,-423,-424,675,-427,675,-430,-431,-1896,-1896,675,-621,-622,-623,-624,-625,-636,-586,-626,-799,675,675,675,675,675,-833,675,675,-808,675,-834,675,675,675,675,-800,675,-855,-801,675,675,675,675,675,675,-856,-857,675,-836,-832,-837,675,-627,675,-628,-629,-630,-631,-576,675,675,-632,-633,-634,675,675,675,675,675,675,-637,-638,-639,-594,-1896,-604,675,-640,-641,-715,-642,-606,675,-574,-579,-582,-585,675,675,675,-600,-603,675,-610,675,675,675,675,675,675,675,675,675,675,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,675,675,675,-997,675,675,675,675,675,675,-308,-327,-321,-298,-377,-454,-455,-456,-460,675,-445,675,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,675,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,675,675,675,675,675,675,675,675,675,-318,-537,-510,-593,-939,-941,-942,-440,675,-442,-382,-383,-385,-509,-511,-513,675,-515,-516,-521,-522,675,-534,-536,-539,-540,-545,-550,-728,675,-729,675,-734,675,-736,675,-741,-658,-662,-663,675,-668,675,-669,675,-674,-676,675,-679,675,675,675,-689,-691,675,-694,675,675,-746,675,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,675,675,675,675,675,-879,675,-882,-910,-922,-927,-390,-391,675,-396,675,-399,675,-404,675,-405,675,-410,675,-415,675,-419,675,-420,675,-425,675,-428,-901,-902,-645,-587,-1896,-903,675,675,675,-802,675,675,-806,675,-809,-835,675,-820,675,-822,675,-824,-810,675,-826,675,-853,-854,675,675,-813,675,-648,-904,-906,-650,-651,-647,675,-707,-708,675,-644,-905,-649,-652,-605,-716,675,675,-607,-588,675,675,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,675,675,-711,-712,675,-718,675,675,675,675,675,675,-940,675,-441,-443,-749,675,-893,675,-717,-1896,675,675,675,675,675,-444,-514,-525,675,-730,-735,675,-737,675,-742,675,-664,-670,675,-680,-682,-684,-685,-692,-695,-699,-747,675,675,-876,675,675,-880,675,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,675,-814,675,-816,-803,675,-804,-807,675,-818,-821,-823,-825,-827,675,-828,675,-811,675,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,675,-284,675,675,675,675,-457,675,675,-731,675,-738,675,-743,675,-665,-673,675,675,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,675,-838,-53,675,675,-732,675,-739,675,-744,-666,675,-875,-54,675,675,-733,-740,-745,675,675,675,-874,]),'ROTATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[676,676,676,676,-1896,676,676,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,676,676,676,676,-277,-278,676,-1427,676,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,676,676,676,-492,676,676,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,676,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,676,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,676,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,676,-174,-175,-176,-177,-995,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-292,-293,-283,676,676,676,676,676,-330,-320,-334,-335,-336,676,676,-984,-985,-986,-987,-988,-989,-990,676,676,676,676,676,676,676,676,676,676,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,676,676,676,-355,-358,676,-325,-326,-143,676,-144,676,-145,676,-432,-937,-938,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-1896,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-1896,676,-1896,676,676,676,676,676,676,676,676,676,676,676,676,-1896,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-1896,676,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,676,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,676,676,676,-193,-194,676,-996,676,676,676,676,676,-279,-280,-281,-282,-367,676,-310,676,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,676,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,676,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,676,676,676,676,676,676,-575,676,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,676,676,-725,-726,-727,676,676,676,676,676,676,-996,676,676,-93,-94,676,676,676,676,-311,-312,-322,676,-309,-295,-296,-297,676,676,676,676,-620,-635,-592,676,676,-438,676,-439,676,-446,-447,-448,-380,-381,676,676,676,-508,676,676,-512,676,676,676,676,-517,-518,-519,-520,676,676,-523,-524,676,-526,-527,-528,-529,-530,-531,-532,-533,676,-535,676,676,676,-541,-543,-544,676,-546,-547,-548,-549,676,676,676,676,676,676,-654,-655,-656,-657,676,-659,-660,-661,676,676,676,-667,676,676,-671,-672,676,676,-675,676,-677,-678,676,-681,676,-683,676,676,-686,-687,-688,676,-690,676,676,-693,676,676,-696,-697,-698,676,-700,-701,-702,-703,676,676,-748,676,-751,-752,-753,-754,-755,676,-757,-758,-759,-760,-761,676,-768,-769,-771,676,-773,-774,-775,-784,-858,-860,-862,-864,676,676,676,676,-870,676,-872,676,676,676,676,676,676,676,-908,-909,676,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,676,-923,-926,676,-936,676,-387,-388,-389,676,676,-392,-393,-394,-395,676,-398,676,-401,-402,676,-403,676,-408,-409,676,-412,-413,-414,676,-417,676,-418,676,-423,-424,676,-427,676,-430,-431,-1896,-1896,676,-621,-622,-623,-624,-625,-636,-586,-626,-799,676,676,676,676,676,-833,676,676,-808,676,-834,676,676,676,676,-800,676,-855,-801,676,676,676,676,676,676,-856,-857,676,-836,-832,-837,676,-627,676,-628,-629,-630,-631,-576,676,676,-632,-633,-634,676,676,676,676,676,676,-637,-638,-639,-594,-1896,-604,676,-640,-641,-715,-642,-606,676,-574,-579,-582,-585,676,676,676,-600,-603,676,-610,676,676,676,676,676,676,676,676,676,676,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,676,676,676,-997,676,676,676,676,676,676,-308,-327,-321,-298,-377,-454,-455,-456,-460,676,-445,676,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,676,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,676,676,676,676,676,676,676,676,676,-318,-537,-510,-593,-939,-941,-942,-440,676,-442,-382,-383,-385,-509,-511,-513,676,-515,-516,-521,-522,676,-534,-536,-539,-540,-545,-550,-728,676,-729,676,-734,676,-736,676,-741,-658,-662,-663,676,-668,676,-669,676,-674,-676,676,-679,676,676,676,-689,-691,676,-694,676,676,-746,676,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,676,676,676,676,676,-879,676,-882,-910,-922,-927,-390,-391,676,-396,676,-399,676,-404,676,-405,676,-410,676,-415,676,-419,676,-420,676,-425,676,-428,-901,-902,-645,-587,-1896,-903,676,676,676,-802,676,676,-806,676,-809,-835,676,-820,676,-822,676,-824,-810,676,-826,676,-853,-854,676,676,-813,676,-648,-904,-906,-650,-651,-647,676,-707,-708,676,-644,-905,-649,-652,-605,-716,676,676,-607,-588,676,676,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,676,676,-711,-712,676,-718,676,676,676,676,676,676,-940,676,-441,-443,-749,676,-893,676,-717,-1896,676,676,676,676,676,-444,-514,-525,676,-730,-735,676,-737,676,-742,676,-664,-670,676,-680,-682,-684,-685,-692,-695,-699,-747,676,676,-876,676,676,-880,676,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,676,-814,676,-816,-803,676,-804,-807,676,-818,-821,-823,-825,-827,676,-828,676,-811,676,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,676,-284,676,676,676,676,-457,676,676,-731,676,-738,676,-743,676,-665,-673,676,676,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,676,-838,-53,676,676,-732,676,-739,676,-744,-666,676,-875,-54,676,676,-733,-740,-745,676,676,676,-874,]),'ROUTINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[677,677,677,677,-1896,677,677,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,677,677,677,677,-277,-278,677,-1427,677,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,677,677,677,-492,677,677,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,677,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,677,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,677,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,677,-174,-175,-176,-177,-995,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-292,-293,-283,677,677,677,677,677,-330,-320,-334,-335,-336,677,677,-984,-985,-986,-987,-988,-989,-990,677,677,677,677,677,677,677,677,677,677,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,677,677,677,-355,-358,677,-325,-326,-143,677,-144,677,-145,677,-432,-937,-938,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-1896,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-1896,677,-1896,677,677,677,677,677,677,677,677,677,677,677,677,-1896,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-1896,677,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,677,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,677,677,677,-193,-194,677,-996,677,677,677,677,677,-279,-280,-281,-282,-367,677,-310,677,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,677,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,677,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,677,677,677,677,677,677,-575,677,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,677,677,-725,-726,-727,677,677,677,677,677,677,-996,677,677,-93,-94,677,677,677,677,-311,-312,-322,677,-309,-295,-296,-297,677,677,677,677,-620,-635,-592,677,677,-438,677,-439,677,-446,-447,-448,-380,-381,677,677,677,-508,677,677,-512,677,677,677,677,-517,-518,-519,-520,677,677,-523,-524,677,-526,-527,-528,-529,-530,-531,-532,-533,677,-535,677,677,677,-541,-543,-544,677,-546,-547,-548,-549,677,677,677,677,677,677,-654,-655,-656,-657,677,-659,-660,-661,677,677,677,-667,677,677,-671,-672,677,677,-675,677,-677,-678,677,-681,677,-683,677,677,-686,-687,-688,677,-690,677,677,-693,677,677,-696,-697,-698,677,-700,-701,-702,-703,677,677,-748,677,-751,-752,-753,-754,-755,677,-757,-758,-759,-760,-761,677,-768,-769,-771,677,-773,-774,-775,-784,-858,-860,-862,-864,677,677,677,677,-870,677,-872,677,677,677,677,677,677,677,-908,-909,677,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,677,-923,-926,677,-936,677,-387,-388,-389,677,677,-392,-393,-394,-395,677,-398,677,-401,-402,677,-403,677,-408,-409,677,-412,-413,-414,677,-417,677,-418,677,-423,-424,677,-427,677,-430,-431,-1896,-1896,677,-621,-622,-623,-624,-625,-636,-586,-626,-799,677,677,677,677,677,-833,677,677,-808,677,-834,677,677,677,677,-800,677,-855,-801,677,677,677,677,677,677,-856,-857,677,-836,-832,-837,677,-627,677,-628,-629,-630,-631,-576,677,677,-632,-633,-634,677,677,677,677,677,677,-637,-638,-639,-594,-1896,-604,677,-640,-641,-715,-642,-606,677,-574,-579,-582,-585,677,677,677,-600,-603,677,-610,677,677,677,677,677,677,677,677,677,677,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,677,677,677,-997,677,677,677,677,677,677,-308,-327,-321,-298,-377,-454,-455,-456,-460,677,-445,677,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,677,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,677,677,677,677,677,677,677,677,677,-318,-537,-510,-593,-939,-941,-942,-440,677,-442,-382,-383,-385,-509,-511,-513,677,-515,-516,-521,-522,677,-534,-536,-539,-540,-545,-550,-728,677,-729,677,-734,677,-736,677,-741,-658,-662,-663,677,-668,677,-669,677,-674,-676,677,-679,677,677,677,-689,-691,677,-694,677,677,-746,677,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,677,677,677,677,677,-879,677,-882,-910,-922,-927,-390,-391,677,-396,677,-399,677,-404,677,-405,677,-410,677,-415,677,-419,677,-420,677,-425,677,-428,-901,-902,-645,-587,-1896,-903,677,677,677,-802,677,677,-806,677,-809,-835,677,-820,677,-822,677,-824,-810,677,-826,677,-853,-854,677,677,-813,677,-648,-904,-906,-650,-651,-647,677,-707,-708,677,-644,-905,-649,-652,-605,-716,677,677,-607,-588,677,677,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,677,677,-711,-712,677,-718,677,677,677,677,677,677,-940,677,-441,-443,-749,677,-893,677,-717,-1896,677,677,677,677,677,-444,-514,-525,677,-730,-735,677,-737,677,-742,677,-664,-670,677,-680,-682,-684,-685,-692,-695,-699,-747,677,677,-876,677,677,-880,677,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,677,-814,677,-816,-803,677,-804,-807,677,-818,-821,-823,-825,-827,677,-828,677,-811,677,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,677,-284,677,677,677,677,-457,677,677,-731,677,-738,677,-743,677,-665,-673,677,677,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,677,-838,-53,677,677,-732,677,-739,677,-744,-666,677,-875,-54,677,677,-733,-740,-745,677,677,677,-874,]),'ROUND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[678,678,678,1071,-1896,678,678,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,678,678,678,678,-277,-278,1071,-1427,1071,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1071,1071,1071,-492,1071,1071,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1071,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1071,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1946,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,678,-174,-175,-176,-177,-995,678,678,678,678,678,678,678,678,678,678,1071,1071,1071,1071,1071,-292,-293,-283,678,1071,1071,1071,1071,-330,-320,-334,-335,-336,1071,1071,-984,-985,-986,-987,-988,-989,-990,678,678,1071,1071,1071,1071,1071,1071,1071,1071,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1071,1071,1071,-355,-358,678,-325,-326,-143,1071,-144,1071,-145,1071,-432,-937,-938,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1896,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1896,1071,-1896,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1896,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1896,678,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1071,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1071,678,678,-193,-194,678,-996,1071,678,678,678,678,-279,-280,-281,-282,-367,1071,-310,1071,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1071,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1071,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1071,1071,1071,1071,1071,1071,-575,1071,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1071,1071,-725,-726,-727,1071,1946,678,678,678,678,-996,678,1071,-93,-94,678,678,678,1071,-311,-312,-322,1071,-309,-295,-296,-297,1071,678,1071,1071,-620,-635,-592,1071,678,-438,678,-439,1071,-446,-447,-448,-380,-381,1071,1071,1071,-508,1071,1071,-512,1071,1071,1071,1071,-517,-518,-519,-520,1071,1071,-523,-524,1071,-526,-527,-528,-529,-530,-531,-532,-533,1071,-535,1071,1071,1071,-541,-543,-544,1071,-546,-547,-548,-549,1071,1071,1071,1071,1071,1071,-654,-655,-656,-657,678,-659,-660,-661,1071,1071,1071,-667,1071,1071,-671,-672,1071,1071,-675,1071,-677,-678,1071,-681,1071,-683,1071,1071,-686,-687,-688,1071,-690,1071,1071,-693,1071,1071,-696,-697,-698,1071,-700,-701,-702,-703,1071,1071,-748,1071,-751,-752,-753,-754,-755,1071,-757,-758,-759,-760,-761,1071,-768,-769,-771,1071,-773,-774,-775,-784,-858,-860,-862,-864,1071,1071,1071,1071,-870,1071,-872,1071,1071,1071,1071,1071,1071,1071,-908,-909,1071,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1071,-923,-926,1071,-936,1071,-387,-388,-389,1071,1071,-392,-393,-394,-395,1071,-398,1071,-401,-402,1071,-403,1071,-408,-409,1071,-412,-413,-414,1071,-417,1071,-418,1071,-423,-424,1071,-427,1071,-430,-431,-1896,-1896,1071,-621,-622,-623,-624,-625,-636,-586,-626,-799,1071,1071,1071,1071,1071,-833,1071,1071,-808,1071,-834,1071,1071,1071,1071,-800,1071,-855,-801,1071,1071,1071,1071,1071,1071,-856,-857,1071,-836,-832,-837,1071,-627,1071,-628,-629,-630,-631,-576,1071,1071,-632,-633,-634,1071,1071,1071,1071,1071,1071,-637,-638,-639,-594,-1896,-604,1071,-640,-641,-715,-642,-606,1071,-574,-579,-582,-585,1071,1071,1071,-600,-603,1071,-610,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1071,678,678,-997,678,1071,678,678,678,1071,-308,-327,-321,-298,-377,-454,-455,-456,-460,678,-445,1071,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1071,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,678,678,678,678,678,678,678,678,1071,-318,-537,-510,-593,-939,-941,-942,-440,1071,-442,-382,-383,-385,-509,-511,-513,1071,-515,-516,-521,-522,1071,-534,-536,-539,-540,-545,-550,-728,1071,-729,1071,-734,1071,-736,1071,-741,-658,-662,-663,1071,-668,1071,-669,1071,-674,-676,1071,-679,1071,1071,1071,-689,-691,1071,-694,1071,1071,-746,1071,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1071,1071,1071,1071,1071,-879,1071,-882,-910,-922,-927,-390,-391,1071,-396,1071,-399,1071,-404,1071,-405,1071,-410,1071,-415,1071,-419,1071,-420,1071,-425,1071,-428,-901,-902,-645,-587,-1896,-903,1071,1071,1071,-802,1071,1071,-806,1071,-809,-835,1071,-820,1071,-822,1071,-824,-810,1071,-826,1071,-853,-854,1071,1071,-813,1071,-648,-904,-906,-650,-651,-647,1071,-707,-708,1071,-644,-905,-649,-652,-605,-716,1071,1071,-607,-588,1071,1071,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1071,1071,-711,-712,1071,-718,1071,678,678,678,1071,1071,-940,678,-441,-443,-749,1071,-893,1946,-717,-1896,1071,1071,678,678,1071,-444,-514,-525,1071,-730,-735,1071,-737,1071,-742,1071,-664,-670,1071,-680,-682,-684,-685,-692,-695,-699,-747,1071,1071,-876,1071,1071,-880,1071,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1071,-814,1071,-816,-803,1071,-804,-807,1071,-818,-821,-823,-825,-827,1071,-828,1071,-811,1071,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,678,-284,678,1071,678,1071,-457,1071,1071,-731,1071,-738,1071,-743,1071,-665,-673,1071,1071,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1071,-838,-53,678,1071,-732,1071,-739,1071,-744,-666,1071,-875,-54,678,678,-733,-740,-745,1071,678,1071,-874,]),'ROW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1990,1991,1992,1993,1994,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2482,2483,2484,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3792,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[679,679,679,679,-1896,679,679,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,679,679,679,679,-277,-278,679,-1427,679,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,679,679,679,-492,679,679,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,679,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,679,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,679,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,679,-174,-175,-176,-177,-995,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-292,-293,-283,679,679,679,679,679,-330,-320,-334,-335,-336,679,679,-984,-985,-986,-987,-988,-989,-990,679,679,679,679,679,679,679,679,679,679,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,679,679,679,-355,-358,679,-325,-326,-143,679,-144,679,-145,679,-432,-937,-938,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-1896,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-1896,679,-1896,679,679,679,679,679,679,679,679,679,679,679,679,-1896,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-1896,679,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,679,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,679,-158,-159,-1896,-160,-161,679,679,-193,-194,679,-996,679,679,679,679,679,-279,-280,-281,-282,-367,679,-310,679,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,679,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,679,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,679,679,679,679,679,679,-575,679,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,679,679,-725,-726,-727,679,679,679,679,2894,-162,-163,679,679,-996,679,679,-93,-94,679,679,679,679,-311,-312,-322,679,-309,-295,-296,-297,679,679,679,679,-620,-635,-592,679,679,-438,679,-439,679,-446,-447,-448,-380,-381,679,679,679,-508,679,679,-512,679,679,679,679,-517,-518,-519,-520,679,679,-523,-524,679,-526,-527,-528,-529,-530,-531,-532,-533,679,-535,679,679,679,-541,-543,-544,679,-546,-547,-548,-549,679,679,679,679,679,679,-654,-655,-656,-657,679,-659,-660,-661,679,679,679,-667,679,679,-671,-672,679,679,-675,679,-677,-678,679,-681,679,-683,679,679,-686,-687,-688,679,-690,679,679,-693,679,679,-696,-697,-698,679,-700,-701,-702,-703,679,679,-748,679,-751,-752,-753,-754,-755,679,-757,-758,-759,-760,-761,679,-768,-769,-771,679,-773,-774,-775,-784,-858,-860,-862,-864,679,679,679,679,-870,679,-872,679,679,679,679,679,679,679,-908,-909,679,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,679,-923,-926,679,-936,679,-387,-388,-389,679,679,-392,-393,-394,-395,679,-398,679,-401,-402,679,-403,679,-408,-409,679,-412,-413,-414,679,-417,679,-418,679,-423,-424,679,-427,679,-430,-431,-1896,-1896,679,-621,-622,-623,-624,-625,-636,-586,-626,-799,679,679,679,679,679,-833,679,679,-808,679,-834,679,679,679,679,-800,679,-855,-801,679,679,679,679,679,679,-856,-857,679,-836,-832,-837,679,-627,679,-628,-629,-630,-631,-576,679,679,-632,-633,-634,679,679,679,679,679,679,-637,-638,-639,-594,-1896,-604,679,-640,-641,-715,-642,-606,679,-574,-579,-582,-585,679,679,679,-600,-603,679,-610,679,679,679,679,679,679,679,679,679,679,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,679,679,679,-997,679,679,679,679,679,679,-308,-327,-321,-298,-377,-454,-455,-456,-460,679,-445,679,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,679,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,679,679,679,679,679,679,679,679,679,-318,-537,-510,-593,-939,-941,-942,-440,679,-442,-382,-383,-385,-509,-511,-513,679,-515,-516,-521,-522,679,-534,-536,-539,-540,-545,-550,-728,679,-729,679,-734,679,-736,679,-741,-658,-662,-663,679,-668,679,-669,679,-674,-676,679,-679,679,679,679,-689,-691,679,-694,679,679,-746,679,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,679,679,679,679,679,-879,679,-882,-910,-922,-927,-390,-391,679,-396,679,-399,679,-404,679,-405,679,-410,679,-415,679,-419,679,-420,679,-425,679,-428,-901,-902,-645,-587,-1896,-903,679,679,679,-802,679,679,-806,679,-809,-835,679,-820,679,-822,679,-824,-810,679,-826,679,-853,-854,679,679,-813,679,-648,-904,-906,-650,-651,-647,679,-707,-708,679,-644,-905,-649,-652,-605,-716,679,679,-607,-588,679,679,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,679,679,-711,-712,679,-718,679,679,679,679,679,679,-940,679,-441,-443,-749,679,-893,679,-717,-1896,679,679,679,679,679,-444,-514,-525,679,-730,-735,679,-737,679,-742,679,-664,-670,679,-680,-682,-684,-685,-692,-695,-699,-747,679,679,-876,679,679,-880,679,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,679,-814,679,-816,-803,679,-804,-807,679,-818,-821,-823,-825,-827,679,-828,679,-811,679,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,679,-284,679,679,679,679,-457,3831,679,679,-731,679,-738,679,-743,679,-665,-673,679,679,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,679,-838,-53,679,679,-732,679,-739,679,-744,-666,679,-875,-54,679,679,-733,-740,-745,679,679,679,-874,]),'ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1389,1390,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1990,1991,1992,1993,1994,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2477,2478,2479,2482,2483,2484,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2885,2886,2888,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3158,3159,3160,3161,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3502,3503,3504,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3627,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3707,3708,3738,3743,3750,3756,3769,3773,3774,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[680,680,680,680,-1896,680,680,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,680,680,680,680,-277,-278,680,-1427,680,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,680,680,680,-492,680,680,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,680,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,680,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,680,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-136,-137,680,-174,-175,-176,-177,-995,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-292,-293,-283,680,680,680,680,680,-330,-320,-334,-335,-336,680,680,-984,-985,-986,-987,-988,-989,-990,680,680,680,680,680,680,680,680,680,680,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,680,680,680,-355,-358,680,-325,-326,-143,680,-144,680,-145,680,-432,-937,-938,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-1896,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-1896,680,-1896,680,680,680,680,680,680,680,680,680,680,680,680,-1896,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-1896,680,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,680,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,680,-158,-159,-1896,-160,-161,680,680,-193,-194,680,-996,680,680,680,680,680,-279,-280,-281,-282,-367,680,-310,680,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,680,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,680,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,680,680,680,680,680,680,-575,680,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,680,680,-725,-726,-727,680,680,680,680,-138,-139,-1896,2895,-162,-163,680,680,-996,680,680,-93,-94,680,680,680,680,-311,-312,-322,680,-309,-295,-296,-297,680,680,680,680,-620,-635,-592,680,680,-438,680,-439,680,-446,-447,-448,-380,-381,680,680,680,-508,680,680,-512,680,680,680,680,-517,-518,-519,-520,680,680,-523,-524,680,-526,-527,-528,-529,-530,-531,-532,-533,680,-535,680,680,680,-541,-543,-544,680,-546,-547,-548,-549,680,680,680,680,680,680,-654,-655,-656,-657,680,-659,-660,-661,680,680,680,-667,680,680,-671,-672,680,680,-675,680,-677,-678,680,-681,680,-683,680,680,-686,-687,-688,680,-690,680,680,-693,680,680,-696,-697,-698,680,-700,-701,-702,-703,680,680,-748,680,-751,-752,-753,-754,-755,680,-757,-758,-759,-760,-761,680,-768,-769,-771,680,-773,-774,-775,-784,-858,-860,-862,-864,680,680,680,680,-870,680,-872,680,680,680,680,680,680,680,-908,-909,680,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,680,-923,-926,680,-936,680,-387,-388,-389,680,680,-392,-393,-394,-395,680,-398,680,-401,-402,680,-403,680,-408,-409,680,-412,-413,-414,680,-417,680,-418,680,-423,-424,680,-427,680,-430,-431,-1896,-1896,680,-621,-622,-623,-624,-625,-636,-586,-626,-799,680,680,680,680,680,-833,680,680,-808,680,-834,680,680,680,680,-800,680,-855,-801,680,680,680,680,680,680,-856,-857,680,-836,-832,-837,680,-627,680,-628,-629,-630,-631,-576,680,680,-632,-633,-634,680,680,680,680,680,680,-637,-638,-639,-594,-1896,-604,680,-640,-641,-715,-642,-606,680,-574,-579,-582,-585,680,680,680,-600,-603,680,-610,680,680,680,680,680,680,680,680,680,680,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,680,-141,-1896,-150,-146,-147,680,680,-997,680,680,680,680,680,680,-308,-327,-321,-298,-377,-454,-455,-456,-460,680,-445,680,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,680,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,680,-140,-142,-148,-149,680,680,680,680,680,680,680,680,-318,-537,-510,-593,-939,-941,-942,-1896,-458,-459,-440,680,-442,-382,-383,-385,-509,-511,-513,680,-515,-516,-521,-522,680,-534,-536,-539,-540,-545,-550,-728,680,-729,680,-734,680,-736,680,-741,-658,-662,-663,680,-668,680,-669,680,-674,-676,680,-679,680,680,680,-689,-691,680,-694,680,680,-746,680,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,680,680,680,680,680,-879,680,-882,-910,-922,-927,-390,-391,680,-396,680,-399,680,-404,680,-405,680,-410,680,-415,680,-419,680,-420,680,-425,680,-428,-901,-902,-645,-587,-1896,-903,680,680,680,-802,680,680,-806,680,-809,-835,680,-820,680,-822,680,-824,-810,680,-826,680,-853,-854,680,680,-813,680,-648,-904,-906,-650,-651,-647,680,-707,-708,680,-644,-905,-649,-652,-605,-716,680,680,-607,-588,680,680,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,680,680,-711,-712,680,-718,680,680,680,680,680,680,-940,680,-1896,-461,-462,-441,-443,-749,680,-893,680,-717,-1896,680,680,680,680,3748,680,-444,-514,-525,680,-730,-735,680,-737,680,-742,680,-664,-670,680,-680,-682,-684,-685,-692,-695,-699,-747,680,680,-876,680,680,-880,680,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,680,-814,680,-816,-803,680,-804,-807,680,-818,-821,-823,-825,-827,680,-828,680,-811,680,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,680,-464,-466,-284,680,-463,680,680,680,-467,-457,680,680,-731,680,-738,680,-743,680,-665,-673,680,680,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-465,680,-838,-53,680,680,-732,680,-739,680,-744,-666,680,-875,-54,680,680,-733,-740,-745,680,680,680,-874,]),'ROW_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[681,681,681,1170,-1896,681,681,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,681,681,681,681,-277,-278,1170,-1427,1170,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1170,1170,1170,-492,1170,1170,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1170,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1170,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1947,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,681,-174,-175,-176,-177,-995,681,681,681,681,681,681,681,681,681,681,1170,1170,1170,1170,1170,-292,-293,-283,681,1170,1170,1170,1170,-330,-320,-334,-335,-336,1170,1170,-984,-985,-986,-987,-988,-989,-990,681,681,1170,1170,1170,1170,1170,1170,1170,1170,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1170,1170,1170,-355,-358,681,-325,-326,-143,1170,-144,1170,-145,1170,-432,-937,-938,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1896,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1896,1170,-1896,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1896,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1896,681,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1170,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1170,681,681,-193,-194,681,-996,1170,681,681,681,681,-279,-280,-281,-282,-367,1170,-310,1170,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1170,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1170,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1170,1170,1170,1170,1170,1170,-575,1170,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1170,1170,-725,-726,-727,1170,1947,681,681,681,681,-996,681,1170,-93,-94,681,681,681,1170,-311,-312,-322,1170,-309,-295,-296,-297,1170,681,1170,1170,-620,-635,-592,1170,681,-438,681,-439,1170,-446,-447,-448,-380,-381,1170,1170,1170,-508,1170,1170,-512,1170,1170,1170,1170,-517,-518,-519,-520,1170,1170,-523,-524,1170,-526,-527,-528,-529,-530,-531,-532,-533,1170,-535,1170,1170,1170,-541,-543,-544,1170,-546,-547,-548,-549,1170,1170,1170,1170,1170,1170,-654,-655,-656,-657,681,-659,-660,-661,1170,1170,1170,-667,1170,1170,-671,-672,1170,1170,-675,1170,-677,-678,1170,-681,1170,-683,1170,1170,-686,-687,-688,1170,-690,1170,1170,-693,1170,1170,-696,-697,-698,1170,-700,-701,-702,-703,1170,1170,-748,1170,-751,-752,-753,-754,-755,1170,-757,-758,-759,-760,-761,1170,-768,-769,-771,1170,-773,-774,-775,-784,-858,-860,-862,-864,1170,1170,1170,1170,-870,1170,-872,1170,1170,1170,1170,1170,1170,1170,-908,-909,1170,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1170,-923,-926,1170,-936,1170,-387,-388,-389,1170,1170,-392,-393,-394,-395,1170,-398,1170,-401,-402,1170,-403,1170,-408,-409,1170,-412,-413,-414,1170,-417,1170,-418,1170,-423,-424,1170,-427,1170,-430,-431,-1896,-1896,1170,-621,-622,-623,-624,-625,-636,-586,-626,-799,1170,1170,1170,1170,1170,-833,1170,1170,-808,1170,-834,1170,1170,1170,1170,-800,1170,-855,-801,1170,1170,1170,1170,1170,1170,-856,-857,1170,-836,-832,-837,1170,-627,1170,-628,-629,-630,-631,-576,1170,1170,-632,-633,-634,1170,1170,1170,1170,1170,1170,-637,-638,-639,-594,-1896,-604,1170,-640,-641,-715,-642,-606,1170,-574,-579,-582,-585,1170,1170,1170,-600,-603,1170,-610,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1170,681,681,-997,681,1170,681,681,681,1170,-308,-327,-321,-298,-377,-454,-455,-456,-460,681,-445,1170,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1170,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,681,681,681,681,681,681,681,681,1170,-318,-537,-510,-593,-939,-941,-942,-440,1170,-442,-382,-383,-385,-509,-511,-513,1170,-515,-516,-521,-522,1170,-534,-536,-539,-540,-545,-550,-728,1170,-729,1170,-734,1170,-736,1170,-741,-658,-662,-663,1170,-668,1170,-669,1170,-674,-676,1170,-679,1170,1170,1170,-689,-691,1170,-694,1170,1170,-746,1170,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1170,1170,1170,1170,1170,-879,1170,-882,-910,-922,-927,-390,-391,1170,-396,1170,-399,1170,-404,1170,-405,1170,-410,1170,-415,1170,-419,1170,-420,1170,-425,1170,-428,-901,-902,-645,-587,-1896,-903,1170,1170,1170,-802,1170,1170,-806,1170,-809,-835,1170,-820,1170,-822,1170,-824,-810,1170,-826,1170,-853,-854,1170,1170,-813,1170,-648,-904,-906,-650,-651,-647,1170,-707,-708,1170,-644,-905,-649,-652,-605,-716,1170,1170,-607,-588,1170,1170,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1170,1170,-711,-712,1170,-718,1170,681,681,681,1170,1170,-940,681,-441,-443,-749,1170,-893,1947,-717,-1896,1170,1170,681,681,1170,-444,-514,-525,1170,-730,-735,1170,-737,1170,-742,1170,-664,-670,1170,-680,-682,-684,-685,-692,-695,-699,-747,1170,1170,-876,1170,1170,-880,1170,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1170,-814,1170,-816,-803,1170,-804,-807,1170,-818,-821,-823,-825,-827,1170,-828,1170,-811,1170,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,681,-284,681,1170,681,1170,-457,1170,1170,-731,1170,-738,1170,-743,1170,-665,-673,1170,1170,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1170,-838,-53,681,1170,-732,1170,-739,1170,-744,-666,1170,-875,-54,681,681,-733,-740,-745,1170,681,1170,-874,]),'ROW_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[682,682,682,682,-1896,682,682,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,682,682,682,682,-277,-278,682,-1427,682,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,682,682,682,-492,682,682,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,682,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,682,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,682,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,682,-174,-175,-176,-177,-995,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-292,-293,-283,682,682,682,682,682,-330,-320,-334,-335,-336,682,682,-984,-985,-986,-987,-988,-989,-990,682,682,682,682,682,682,682,682,682,682,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,682,682,682,-355,-358,682,-325,-326,-143,682,-144,682,-145,682,-432,-937,-938,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-1896,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-1896,682,-1896,682,682,682,682,682,682,682,682,682,682,682,682,-1896,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-1896,682,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,682,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,682,682,682,-193,-194,682,-996,682,682,682,682,682,-279,-280,-281,-282,-367,682,-310,682,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,682,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,682,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,682,682,682,682,682,682,-575,682,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,682,682,-725,-726,-727,682,682,682,682,682,682,-996,682,682,-93,-94,682,682,682,682,-311,-312,-322,682,-309,-295,-296,-297,682,682,682,682,-620,-635,-592,682,682,-438,682,-439,682,-446,-447,-448,-380,-381,682,682,682,-508,682,682,-512,682,682,682,682,-517,-518,-519,-520,682,682,-523,-524,682,-526,-527,-528,-529,-530,-531,-532,-533,682,-535,682,682,682,-541,-543,-544,682,-546,-547,-548,-549,682,682,682,682,682,682,-654,-655,-656,-657,682,-659,-660,-661,682,682,682,-667,682,682,-671,-672,682,682,-675,682,-677,-678,682,-681,682,-683,682,682,-686,-687,-688,682,-690,682,682,-693,682,682,-696,-697,-698,682,-700,-701,-702,-703,682,682,-748,682,-751,-752,-753,-754,-755,682,-757,-758,-759,-760,-761,682,-768,-769,-771,682,-773,-774,-775,-784,-858,-860,-862,-864,682,682,682,682,-870,682,-872,682,682,682,682,682,682,682,-908,-909,682,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,682,-923,-926,682,-936,682,-387,-388,-389,682,682,-392,-393,-394,-395,682,-398,682,-401,-402,682,-403,682,-408,-409,682,-412,-413,-414,682,-417,682,-418,682,-423,-424,682,-427,682,-430,-431,-1896,-1896,682,-621,-622,-623,-624,-625,-636,-586,-626,-799,682,682,682,682,682,-833,682,682,-808,682,-834,682,682,682,682,-800,682,-855,-801,682,682,682,682,682,682,-856,-857,682,-836,-832,-837,682,-627,682,-628,-629,-630,-631,-576,682,682,-632,-633,-634,682,682,682,682,682,682,-637,-638,-639,-594,-1896,-604,682,-640,-641,-715,-642,-606,682,-574,-579,-582,-585,682,682,682,-600,-603,682,-610,682,682,682,682,682,682,682,682,682,682,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,682,682,682,-997,682,682,682,682,682,682,-308,-327,-321,-298,-377,-454,-455,-456,-460,682,-445,682,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,682,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,682,682,682,682,682,682,682,682,682,-318,-537,-510,-593,-939,-941,-942,-440,682,-442,-382,-383,-385,-509,-511,-513,682,-515,-516,-521,-522,682,-534,-536,-539,-540,-545,-550,-728,682,-729,682,-734,682,-736,682,-741,-658,-662,-663,682,-668,682,-669,682,-674,-676,682,-679,682,682,682,-689,-691,682,-694,682,682,-746,682,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,682,682,682,682,682,-879,682,-882,-910,-922,-927,-390,-391,682,-396,682,-399,682,-404,682,-405,682,-410,682,-415,682,-419,682,-420,682,-425,682,-428,-901,-902,-645,-587,-1896,-903,682,682,682,-802,682,682,-806,682,-809,-835,682,-820,682,-822,682,-824,-810,682,-826,682,-853,-854,682,682,-813,682,-648,-904,-906,-650,-651,-647,682,-707,-708,682,-644,-905,-649,-652,-605,-716,682,682,-607,-588,682,682,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,682,682,-711,-712,682,-718,682,682,682,682,682,682,-940,682,-441,-443,-749,682,-893,682,-717,-1896,682,682,682,682,682,-444,-514,-525,682,-730,-735,682,-737,682,-742,682,-664,-670,682,-680,-682,-684,-685,-692,-695,-699,-747,682,682,-876,682,682,-880,682,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,682,-814,682,-816,-803,682,-804,-807,682,-818,-821,-823,-825,-827,682,-828,682,-811,682,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,682,-284,682,682,682,682,-457,682,682,-731,682,-738,682,-743,682,-665,-673,682,682,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,682,-838,-53,682,682,-732,682,-739,682,-744,-666,682,-875,-54,682,682,-733,-740,-745,682,682,682,-874,]),'ROW_NUMBER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[683,683,683,1011,-1896,683,683,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,683,683,683,683,-277,-278,1011,-1427,1011,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1011,1011,1011,-492,1011,1011,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1011,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1011,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1948,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,683,-174,-175,-176,-177,-995,683,683,683,683,683,683,683,683,683,683,1011,1011,1011,1011,1011,-292,-293,-283,683,1011,1011,1011,1011,-330,-320,-334,-335,-336,1011,1011,-984,-985,-986,-987,-988,-989,-990,683,683,1011,1011,1011,1011,1011,1011,1011,1011,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1011,1011,1011,-355,-358,683,-325,-326,-143,1011,-144,1011,-145,1011,-432,-937,-938,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1896,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1896,1011,-1896,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1896,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1896,683,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1011,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1011,683,683,-193,-194,683,-996,1011,683,683,683,683,-279,-280,-281,-282,-367,1011,-310,1011,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1011,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1011,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1011,1011,1011,1011,1011,1011,-575,1011,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1011,1011,-725,-726,-727,1011,1948,683,683,683,683,-996,683,1011,-93,-94,683,683,683,1011,-311,-312,-322,1011,-309,-295,-296,-297,1011,683,1011,1011,-620,-635,-592,1011,683,-438,683,-439,1011,-446,-447,-448,-380,-381,1011,1011,1011,-508,1011,1011,-512,1011,1011,1011,1011,-517,-518,-519,-520,1011,1011,-523,-524,1011,-526,-527,-528,-529,-530,-531,-532,-533,1011,-535,1011,1011,1011,-541,-543,-544,1011,-546,-547,-548,-549,1011,1011,1011,1011,1011,1011,-654,-655,-656,-657,683,-659,-660,-661,1011,1011,1011,-667,1011,1011,-671,-672,1011,1011,-675,1011,-677,-678,1011,-681,1011,-683,1011,1011,-686,-687,-688,1011,-690,1011,1011,-693,1011,1011,-696,-697,-698,1011,-700,-701,-702,-703,1011,1011,-748,1011,-751,-752,-753,-754,-755,1011,-757,-758,-759,-760,-761,1011,-768,-769,-771,1011,-773,-774,-775,-784,-858,-860,-862,-864,1011,1011,1011,1011,-870,1011,-872,1011,1011,1011,1011,1011,1011,1011,-908,-909,1011,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1011,-923,-926,1011,-936,1011,-387,-388,-389,1011,1011,-392,-393,-394,-395,1011,-398,1011,-401,-402,1011,-403,1011,-408,-409,1011,-412,-413,-414,1011,-417,1011,-418,1011,-423,-424,1011,-427,1011,-430,-431,-1896,-1896,1011,-621,-622,-623,-624,-625,-636,-586,-626,-799,1011,1011,1011,1011,1011,-833,1011,1011,-808,1011,-834,1011,1011,1011,1011,-800,1011,-855,-801,1011,1011,1011,1011,1011,1011,-856,-857,1011,-836,-832,-837,1011,-627,1011,-628,-629,-630,-631,-576,1011,1011,-632,-633,-634,1011,1011,1011,1011,1011,1011,-637,-638,-639,-594,-1896,-604,1011,-640,-641,-715,-642,-606,1011,-574,-579,-582,-585,1011,1011,1011,-600,-603,1011,-610,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1011,683,683,-997,683,1011,683,683,683,1011,-308,-327,-321,-298,-377,-454,-455,-456,-460,683,-445,1011,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1011,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,683,683,683,683,683,683,683,683,1011,-318,-537,-510,-593,-939,-941,-942,-440,1011,-442,-382,-383,-385,-509,-511,-513,1011,-515,-516,-521,-522,1011,-534,-536,-539,-540,-545,-550,-728,1011,-729,1011,-734,1011,-736,1011,-741,-658,-662,-663,1011,-668,1011,-669,1011,-674,-676,1011,-679,1011,1011,1011,-689,-691,1011,-694,1011,1011,-746,1011,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1011,1011,1011,1011,1011,-879,1011,-882,-910,-922,-927,-390,-391,1011,-396,1011,-399,1011,-404,1011,-405,1011,-410,1011,-415,1011,-419,1011,-420,1011,-425,1011,-428,-901,-902,-645,-587,-1896,-903,1011,1011,1011,-802,1011,1011,-806,1011,-809,-835,1011,-820,1011,-822,1011,-824,-810,1011,-826,1011,-853,-854,1011,1011,-813,1011,-648,-904,-906,-650,-651,-647,1011,-707,-708,1011,-644,-905,-649,-652,-605,-716,1011,1011,-607,-588,1011,1011,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1011,1011,-711,-712,1011,-718,1011,683,683,683,1011,1011,-940,683,-441,-443,-749,1011,-893,1948,-717,-1896,1011,1011,683,683,1011,-444,-514,-525,1011,-730,-735,1011,-737,1011,-742,1011,-664,-670,1011,-680,-682,-684,-685,-692,-695,-699,-747,1011,1011,-876,1011,1011,-880,1011,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1011,-814,1011,-816,-803,1011,-804,-807,1011,-818,-821,-823,-825,-827,1011,-828,1011,-811,1011,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,683,-284,683,1011,683,1011,-457,1011,1011,-731,1011,-738,1011,-743,1011,-665,-673,1011,1011,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1011,-838,-53,683,1011,-732,1011,-739,1011,-744,-666,1011,-875,-54,683,683,-733,-740,-745,1011,683,1011,-874,]),'RPAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[684,684,684,1118,-1896,684,684,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,684,684,684,684,-277,-278,1118,-1427,1118,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1118,1118,1118,-492,1118,1118,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1118,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1118,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1949,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,684,-174,-175,-176,-177,-995,684,684,684,684,684,684,684,684,684,684,1118,1118,1118,1118,1118,-292,-293,-283,684,1118,1118,1118,1118,-330,-320,-334,-335,-336,1118,1118,-984,-985,-986,-987,-988,-989,-990,684,684,1118,1118,1118,1118,1118,1118,1118,1118,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1118,1118,1118,-355,-358,684,-325,-326,-143,1118,-144,1118,-145,1118,-432,-937,-938,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1896,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1896,1118,-1896,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1896,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1896,684,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1118,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1118,684,684,-193,-194,684,-996,1118,684,684,684,684,-279,-280,-281,-282,-367,1118,-310,1118,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1118,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1118,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1118,1118,1118,1118,1118,1118,-575,1118,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1118,1118,-725,-726,-727,1118,1949,684,684,684,684,-996,684,1118,-93,-94,684,684,684,1118,-311,-312,-322,1118,-309,-295,-296,-297,1118,684,1118,1118,-620,-635,-592,1118,684,-438,684,-439,1118,-446,-447,-448,-380,-381,1118,1118,1118,-508,1118,1118,-512,1118,1118,1118,1118,-517,-518,-519,-520,1118,1118,-523,-524,1118,-526,-527,-528,-529,-530,-531,-532,-533,1118,-535,1118,1118,1118,-541,-543,-544,1118,-546,-547,-548,-549,1118,1118,1118,1118,1118,1118,-654,-655,-656,-657,684,-659,-660,-661,1118,1118,1118,-667,1118,1118,-671,-672,1118,1118,-675,1118,-677,-678,1118,-681,1118,-683,1118,1118,-686,-687,-688,1118,-690,1118,1118,-693,1118,1118,-696,-697,-698,1118,-700,-701,-702,-703,1118,1118,-748,1118,-751,-752,-753,-754,-755,1118,-757,-758,-759,-760,-761,1118,-768,-769,-771,1118,-773,-774,-775,-784,-858,-860,-862,-864,1118,1118,1118,1118,-870,1118,-872,1118,1118,1118,1118,1118,1118,1118,-908,-909,1118,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1118,-923,-926,1118,-936,1118,-387,-388,-389,1118,1118,-392,-393,-394,-395,1118,-398,1118,-401,-402,1118,-403,1118,-408,-409,1118,-412,-413,-414,1118,-417,1118,-418,1118,-423,-424,1118,-427,1118,-430,-431,-1896,-1896,1118,-621,-622,-623,-624,-625,-636,-586,-626,-799,1118,1118,1118,1118,1118,-833,1118,1118,-808,1118,-834,1118,1118,1118,1118,-800,1118,-855,-801,1118,1118,1118,1118,1118,1118,-856,-857,1118,-836,-832,-837,1118,-627,1118,-628,-629,-630,-631,-576,1118,1118,-632,-633,-634,1118,1118,1118,1118,1118,1118,-637,-638,-639,-594,-1896,-604,1118,-640,-641,-715,-642,-606,1118,-574,-579,-582,-585,1118,1118,1118,-600,-603,1118,-610,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1118,684,684,-997,684,1118,684,684,684,1118,-308,-327,-321,-298,-377,-454,-455,-456,-460,684,-445,1118,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1118,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,684,684,684,684,684,684,684,684,1118,-318,-537,-510,-593,-939,-941,-942,-440,1118,-442,-382,-383,-385,-509,-511,-513,1118,-515,-516,-521,-522,1118,-534,-536,-539,-540,-545,-550,-728,1118,-729,1118,-734,1118,-736,1118,-741,-658,-662,-663,1118,-668,1118,-669,1118,-674,-676,1118,-679,1118,1118,1118,-689,-691,1118,-694,1118,1118,-746,1118,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1118,1118,1118,1118,1118,-879,1118,-882,-910,-922,-927,-390,-391,1118,-396,1118,-399,1118,-404,1118,-405,1118,-410,1118,-415,1118,-419,1118,-420,1118,-425,1118,-428,-901,-902,-645,-587,-1896,-903,1118,1118,1118,-802,1118,1118,-806,1118,-809,-835,1118,-820,1118,-822,1118,-824,-810,1118,-826,1118,-853,-854,1118,1118,-813,1118,-648,-904,-906,-650,-651,-647,1118,-707,-708,1118,-644,-905,-649,-652,-605,-716,1118,1118,-607,-588,1118,1118,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1118,1118,-711,-712,1118,-718,1118,684,684,684,1118,1118,-940,684,-441,-443,-749,1118,-893,1949,-717,-1896,1118,1118,684,684,1118,-444,-514,-525,1118,-730,-735,1118,-737,1118,-742,1118,-664,-670,1118,-680,-682,-684,-685,-692,-695,-699,-747,1118,1118,-876,1118,1118,-880,1118,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1118,-814,1118,-816,-803,1118,-804,-807,1118,-818,-821,-823,-825,-827,1118,-828,1118,-811,1118,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,684,-284,684,1118,684,1118,-457,1118,1118,-731,1118,-738,1118,-743,1118,-665,-673,1118,1118,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1118,-838,-53,684,1118,-732,1118,-739,1118,-744,-666,1118,-875,-54,684,684,-733,-740,-745,1118,684,1118,-874,]),'RTREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[685,685,685,685,-1896,685,685,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,685,685,685,685,-277,-278,685,-1427,685,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,685,685,685,-492,685,685,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,685,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,685,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,685,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,685,-174,-175,-176,-177,-995,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-292,-293,-283,685,685,685,685,685,-330,-320,-334,-335,-336,685,685,-984,-985,-986,-987,-988,-989,-990,685,685,685,685,685,685,685,685,685,685,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,685,685,685,-355,-358,685,-325,-326,-143,685,-144,685,-145,685,-432,-937,-938,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-1896,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-1896,685,-1896,685,685,685,685,685,685,685,685,685,685,685,685,-1896,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-1896,685,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,685,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,685,685,685,-193,-194,685,-996,685,685,685,685,685,-279,-280,-281,-282,-367,685,-310,685,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,685,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,685,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,685,685,685,685,685,685,-575,685,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,685,685,-725,-726,-727,685,685,685,685,685,685,-996,685,685,-93,-94,685,685,685,685,-311,-312,-322,685,-309,-295,-296,-297,685,685,685,685,-620,-635,-592,685,685,-438,685,-439,685,-446,-447,-448,-380,-381,685,685,685,-508,685,685,-512,685,685,685,685,-517,-518,-519,-520,685,685,-523,-524,685,-526,-527,-528,-529,-530,-531,-532,-533,685,-535,685,685,685,-541,-543,-544,685,-546,-547,-548,-549,685,685,685,685,685,685,-654,-655,-656,-657,685,-659,-660,-661,685,685,685,-667,685,685,-671,-672,685,685,-675,685,-677,-678,685,-681,685,-683,685,685,-686,-687,-688,685,-690,685,685,-693,685,685,-696,-697,-698,685,-700,-701,-702,-703,685,685,-748,685,-751,-752,-753,-754,-755,685,-757,-758,-759,-760,-761,685,-768,-769,-771,685,-773,-774,-775,-784,-858,-860,-862,-864,685,685,685,685,-870,685,-872,685,685,685,685,685,685,685,-908,-909,685,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,685,-923,-926,685,-936,685,-387,-388,-389,685,685,-392,-393,-394,-395,685,-398,685,-401,-402,685,-403,685,-408,-409,685,-412,-413,-414,685,-417,685,-418,685,-423,-424,685,-427,685,-430,-431,-1896,-1896,685,-621,-622,-623,-624,-625,-636,-586,-626,-799,685,685,685,685,685,-833,685,685,-808,685,-834,685,685,685,685,-800,685,-855,-801,685,685,685,685,685,685,-856,-857,685,-836,-832,-837,685,-627,685,-628,-629,-630,-631,-576,685,685,-632,-633,-634,685,685,685,685,685,685,-637,-638,-639,-594,-1896,-604,685,-640,-641,-715,-642,-606,685,-574,-579,-582,-585,685,685,685,-600,-603,685,-610,685,685,685,685,685,685,685,685,685,685,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,685,685,685,-997,685,685,685,685,685,685,-308,-327,-321,-298,-377,-454,-455,-456,-460,685,-445,685,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,685,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,685,685,685,685,685,685,685,685,685,-318,-537,-510,-593,-939,-941,-942,-440,685,-442,-382,-383,-385,-509,-511,-513,685,-515,-516,-521,-522,685,-534,-536,-539,-540,-545,-550,-728,685,-729,685,-734,685,-736,685,-741,-658,-662,-663,685,-668,685,-669,685,-674,-676,685,-679,685,685,685,-689,-691,685,-694,685,685,-746,685,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,685,685,685,685,685,-879,685,-882,-910,-922,-927,-390,-391,685,-396,685,-399,685,-404,685,-405,685,-410,685,-415,685,-419,685,-420,685,-425,685,-428,-901,-902,-645,-587,-1896,-903,685,685,685,-802,685,685,-806,685,-809,-835,685,-820,685,-822,685,-824,-810,685,-826,685,-853,-854,685,685,-813,685,-648,-904,-906,-650,-651,-647,685,-707,-708,685,-644,-905,-649,-652,-605,-716,685,685,-607,-588,685,685,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,685,685,-711,-712,685,-718,685,685,685,685,685,685,-940,685,-441,-443,-749,685,-893,685,-717,-1896,685,685,685,685,685,-444,-514,-525,685,-730,-735,685,-737,685,-742,685,-664,-670,685,-680,-682,-684,-685,-692,-695,-699,-747,685,685,-876,685,685,-880,685,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,685,-814,685,-816,-803,685,-804,-807,685,-818,-821,-823,-825,-827,685,-828,685,-811,685,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,685,-284,685,685,685,685,-457,685,685,-731,685,-738,685,-743,685,-665,-673,685,685,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,685,-838,-53,685,685,-732,685,-739,685,-744,-666,685,-875,-54,685,685,-733,-740,-745,685,685,685,-874,]),'RTRIM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[686,686,686,1119,-1896,686,686,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,686,686,686,686,-277,-278,1119,-1427,1119,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1119,1119,1119,-492,1119,1119,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1119,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1119,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1950,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,686,-174,-175,-176,-177,-995,686,686,686,686,686,686,686,686,686,686,1119,1119,1119,1119,1119,-292,-293,-283,686,1119,1119,1119,1119,-330,-320,-334,-335,-336,1119,1119,-984,-985,-986,-987,-988,-989,-990,686,686,1119,1119,1119,1119,1119,1119,1119,1119,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1119,1119,1119,-355,-358,686,-325,-326,-143,1119,-144,1119,-145,1119,-432,-937,-938,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1896,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1896,1119,-1896,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1896,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1896,686,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1119,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1119,686,686,-193,-194,686,-996,1119,686,686,686,686,-279,-280,-281,-282,-367,1119,-310,1119,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1119,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1119,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1119,1119,1119,1119,1119,1119,-575,1119,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1119,1119,-725,-726,-727,1119,1950,686,686,686,686,-996,686,1119,-93,-94,686,686,686,1119,-311,-312,-322,1119,-309,-295,-296,-297,1119,686,1119,1119,-620,-635,-592,1119,686,-438,686,-439,1119,-446,-447,-448,-380,-381,1119,1119,1119,-508,1119,1119,-512,1119,1119,1119,1119,-517,-518,-519,-520,1119,1119,-523,-524,1119,-526,-527,-528,-529,-530,-531,-532,-533,1119,-535,1119,1119,1119,-541,-543,-544,1119,-546,-547,-548,-549,1119,1119,1119,1119,1119,1119,-654,-655,-656,-657,686,-659,-660,-661,1119,1119,1119,-667,1119,1119,-671,-672,1119,1119,-675,1119,-677,-678,1119,-681,1119,-683,1119,1119,-686,-687,-688,1119,-690,1119,1119,-693,1119,1119,-696,-697,-698,1119,-700,-701,-702,-703,1119,1119,-748,1119,-751,-752,-753,-754,-755,1119,-757,-758,-759,-760,-761,1119,-768,-769,-771,1119,-773,-774,-775,-784,-858,-860,-862,-864,1119,1119,1119,1119,-870,1119,-872,1119,1119,1119,1119,1119,1119,1119,-908,-909,1119,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1119,-923,-926,1119,-936,1119,-387,-388,-389,1119,1119,-392,-393,-394,-395,1119,-398,1119,-401,-402,1119,-403,1119,-408,-409,1119,-412,-413,-414,1119,-417,1119,-418,1119,-423,-424,1119,-427,1119,-430,-431,-1896,-1896,1119,-621,-622,-623,-624,-625,-636,-586,-626,-799,1119,1119,1119,1119,1119,-833,1119,1119,-808,1119,-834,1119,1119,1119,1119,-800,1119,-855,-801,1119,1119,1119,1119,1119,1119,-856,-857,1119,-836,-832,-837,1119,-627,1119,-628,-629,-630,-631,-576,1119,1119,-632,-633,-634,1119,1119,1119,1119,1119,1119,-637,-638,-639,-594,-1896,-604,1119,-640,-641,-715,-642,-606,1119,-574,-579,-582,-585,1119,1119,1119,-600,-603,1119,-610,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1119,686,686,-997,686,1119,686,686,686,1119,-308,-327,-321,-298,-377,-454,-455,-456,-460,686,-445,1119,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1119,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,686,686,686,686,686,686,686,686,1119,-318,-537,-510,-593,-939,-941,-942,-440,1119,-442,-382,-383,-385,-509,-511,-513,1119,-515,-516,-521,-522,1119,-534,-536,-539,-540,-545,-550,-728,1119,-729,1119,-734,1119,-736,1119,-741,-658,-662,-663,1119,-668,1119,-669,1119,-674,-676,1119,-679,1119,1119,1119,-689,-691,1119,-694,1119,1119,-746,1119,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1119,1119,1119,1119,1119,-879,1119,-882,-910,-922,-927,-390,-391,1119,-396,1119,-399,1119,-404,1119,-405,1119,-410,1119,-415,1119,-419,1119,-420,1119,-425,1119,-428,-901,-902,-645,-587,-1896,-903,1119,1119,1119,-802,1119,1119,-806,1119,-809,-835,1119,-820,1119,-822,1119,-824,-810,1119,-826,1119,-853,-854,1119,1119,-813,1119,-648,-904,-906,-650,-651,-647,1119,-707,-708,1119,-644,-905,-649,-652,-605,-716,1119,1119,-607,-588,1119,1119,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1119,1119,-711,-712,1119,-718,1119,686,686,686,1119,1119,-940,686,-441,-443,-749,1119,-893,1950,-717,-1896,1119,1119,686,686,1119,-444,-514,-525,1119,-730,-735,1119,-737,1119,-742,1119,-664,-670,1119,-680,-682,-684,-685,-692,-695,-699,-747,1119,1119,-876,1119,1119,-880,1119,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1119,-814,1119,-816,-803,1119,-804,-807,1119,-818,-821,-823,-825,-827,1119,-828,1119,-811,1119,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,686,-284,686,1119,686,1119,-457,1119,1119,-731,1119,-738,1119,-743,1119,-665,-673,1119,1119,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1119,-838,-53,686,1119,-732,1119,-739,1119,-744,-666,1119,-875,-54,686,686,-733,-740,-745,1119,686,1119,-874,]),'RUDUNDANT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[687,687,687,687,-1896,687,687,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,687,687,687,687,-277,-278,687,-1427,687,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,687,687,687,-492,687,687,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,687,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,687,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,687,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,687,-174,-175,-176,-177,-995,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-292,-293,-283,687,687,687,687,687,-330,-320,-334,-335,-336,687,687,-984,-985,-986,-987,-988,-989,-990,687,687,687,687,687,687,687,687,687,687,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,687,687,687,-355,-358,687,-325,-326,-143,687,-144,687,-145,687,-432,-937,-938,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-1896,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-1896,687,-1896,687,687,687,687,687,687,687,687,687,687,687,687,-1896,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-1896,687,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,687,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,687,687,687,-193,-194,687,-996,687,687,687,687,687,-279,-280,-281,-282,-367,687,-310,687,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,687,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,687,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,687,687,687,687,687,687,-575,687,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,687,687,-725,-726,-727,687,687,687,687,687,687,-996,687,687,-93,-94,687,687,687,687,-311,-312,-322,687,-309,-295,-296,-297,687,687,687,687,-620,-635,-592,687,687,-438,687,-439,687,-446,-447,-448,-380,-381,687,687,687,-508,687,687,-512,687,687,687,687,-517,-518,-519,-520,687,687,-523,-524,687,-526,-527,-528,-529,-530,-531,-532,-533,687,-535,687,687,687,-541,-543,-544,687,-546,-547,-548,-549,687,687,687,687,687,687,-654,-655,-656,-657,687,-659,-660,-661,687,687,687,-667,687,687,-671,-672,687,687,-675,687,-677,-678,687,-681,687,-683,687,687,-686,-687,-688,687,-690,687,687,-693,687,687,-696,-697,-698,687,-700,-701,-702,-703,687,687,-748,687,-751,-752,-753,-754,-755,687,-757,-758,-759,-760,-761,687,-768,-769,-771,687,-773,-774,-775,-784,-858,-860,-862,-864,687,687,687,687,-870,687,-872,687,687,687,687,687,687,687,-908,-909,687,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,687,-923,-926,687,-936,687,-387,-388,-389,687,687,-392,-393,-394,-395,687,-398,687,-401,-402,687,-403,687,-408,-409,687,-412,-413,-414,687,-417,687,-418,687,-423,-424,687,-427,687,-430,-431,-1896,-1896,687,-621,-622,-623,-624,-625,-636,-586,-626,-799,687,687,687,687,687,-833,687,687,-808,687,-834,687,687,687,687,-800,687,-855,-801,687,687,687,687,687,687,-856,-857,687,-836,-832,-837,687,-627,687,-628,-629,-630,-631,-576,687,687,-632,-633,-634,687,687,687,687,687,687,-637,-638,-639,-594,-1896,-604,687,-640,-641,-715,-642,-606,687,-574,-579,-582,-585,687,687,687,-600,-603,687,-610,687,687,687,687,687,687,687,687,687,687,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,687,687,687,-997,687,687,687,687,687,687,-308,-327,-321,-298,-377,-454,-455,-456,-460,687,-445,687,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,687,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,687,687,687,687,687,687,687,687,687,-318,-537,-510,-593,-939,-941,-942,-440,687,-442,-382,-383,-385,-509,-511,-513,687,-515,-516,-521,-522,687,-534,-536,-539,-540,-545,-550,-728,687,-729,687,-734,687,-736,687,-741,-658,-662,-663,687,-668,687,-669,687,-674,-676,687,-679,687,687,687,-689,-691,687,-694,687,687,-746,687,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,687,687,687,687,687,-879,687,-882,-910,-922,-927,-390,-391,687,-396,687,-399,687,-404,687,-405,687,-410,687,-415,687,-419,687,-420,687,-425,687,-428,-901,-902,-645,-587,-1896,-903,687,687,687,-802,687,687,-806,687,-809,-835,687,-820,687,-822,687,-824,-810,687,-826,687,-853,-854,687,687,-813,687,-648,-904,-906,-650,-651,-647,687,-707,-708,687,-644,-905,-649,-652,-605,-716,687,687,-607,-588,687,687,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,687,687,-711,-712,687,-718,687,687,687,687,687,687,-940,687,-441,-443,-749,687,-893,687,-717,-1896,687,687,687,687,687,-444,-514,-525,687,-730,-735,687,-737,687,-742,687,-664,-670,687,-680,-682,-684,-685,-692,-695,-699,-747,687,687,-876,687,687,-880,687,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,687,-814,687,-816,-803,687,-804,-807,687,-818,-821,-823,-825,-827,687,-828,687,-811,687,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,687,-284,687,687,687,687,-457,687,687,-731,687,-738,687,-743,687,-665,-673,687,687,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,687,-838,-53,687,687,-732,687,-739,687,-744,-666,687,-875,-54,687,687,-733,-740,-745,687,687,687,-874,]),'RUN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[688,688,688,688,-1896,688,688,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,688,688,688,688,-277,-278,688,-1427,688,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,688,688,688,-492,688,688,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,688,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,688,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,688,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,688,-174,-175,-176,-177,-995,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-292,-293,-283,688,688,688,688,688,-330,-320,-334,-335,-336,688,688,-984,-985,-986,-987,-988,-989,-990,688,688,688,688,688,688,688,688,688,688,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,688,688,688,-355,-358,688,-325,-326,-143,688,-144,688,-145,688,-432,-937,-938,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-1896,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-1896,688,-1896,688,688,688,688,688,688,688,688,688,688,688,688,-1896,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-1896,688,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,688,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,688,688,688,-193,-194,688,-996,688,688,688,688,688,-279,-280,-281,-282,-367,688,-310,688,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,688,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,688,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,688,688,688,688,688,688,-575,688,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,688,688,-725,-726,-727,688,688,688,688,688,688,-996,688,688,-93,-94,688,688,688,688,-311,-312,-322,688,-309,-295,-296,-297,688,688,688,688,-620,-635,-592,688,688,-438,688,-439,688,-446,-447,-448,-380,-381,688,688,688,-508,688,688,-512,688,688,688,688,-517,-518,-519,-520,688,688,-523,-524,688,-526,-527,-528,-529,-530,-531,-532,-533,688,-535,688,688,688,-541,-543,-544,688,-546,-547,-548,-549,688,688,688,688,688,688,-654,-655,-656,-657,688,-659,-660,-661,688,688,688,-667,688,688,-671,-672,688,688,-675,688,-677,-678,688,-681,688,-683,688,688,-686,-687,-688,688,-690,688,688,-693,688,688,-696,-697,-698,688,-700,-701,-702,-703,688,688,-748,688,-751,-752,-753,-754,-755,688,-757,-758,-759,-760,-761,688,-768,-769,-771,688,-773,-774,-775,-784,-858,-860,-862,-864,688,688,688,688,-870,688,-872,688,688,688,688,688,688,688,-908,-909,688,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,688,-923,-926,688,-936,688,-387,-388,-389,688,688,-392,-393,-394,-395,688,-398,688,-401,-402,688,-403,688,-408,-409,688,-412,-413,-414,688,-417,688,-418,688,-423,-424,688,-427,688,-430,-431,-1896,-1896,688,-621,-622,-623,-624,-625,-636,-586,-626,-799,688,688,688,688,688,-833,688,688,-808,688,-834,688,688,688,688,-800,688,-855,-801,688,688,688,688,688,688,-856,-857,688,-836,-832,-837,688,-627,688,-628,-629,-630,-631,-576,688,688,-632,-633,-634,688,688,688,688,688,688,-637,-638,-639,-594,-1896,-604,688,-640,-641,-715,-642,-606,688,-574,-579,-582,-585,688,688,688,-600,-603,688,-610,688,688,688,688,688,688,688,688,688,688,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,688,688,688,-997,688,688,688,688,688,688,-308,-327,-321,-298,-377,-454,-455,-456,-460,688,-445,688,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,688,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,688,688,688,688,688,688,688,688,688,-318,-537,-510,-593,-939,-941,-942,-440,688,-442,-382,-383,-385,-509,-511,-513,688,-515,-516,-521,-522,688,-534,-536,-539,-540,-545,-550,-728,688,-729,688,-734,688,-736,688,-741,-658,-662,-663,688,-668,688,-669,688,-674,-676,688,-679,688,688,688,-689,-691,688,-694,688,688,-746,688,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,688,688,688,688,688,-879,688,-882,-910,-922,-927,-390,-391,688,-396,688,-399,688,-404,688,-405,688,-410,688,-415,688,-419,688,-420,688,-425,688,-428,-901,-902,-645,-587,-1896,-903,688,688,688,-802,688,688,-806,688,-809,-835,688,-820,688,-822,688,-824,-810,688,-826,688,-853,-854,688,688,-813,688,-648,-904,-906,-650,-651,-647,688,-707,-708,688,-644,-905,-649,-652,-605,-716,688,688,-607,-588,688,688,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,688,688,-711,-712,688,-718,688,688,688,688,688,688,-940,688,-441,-443,-749,688,-893,688,-717,-1896,688,688,688,688,688,-444,-514,-525,688,-730,-735,688,-737,688,-742,688,-664,-670,688,-680,-682,-684,-685,-692,-695,-699,-747,688,688,-876,688,688,-880,688,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,688,-814,688,-816,-803,688,-804,-807,688,-818,-821,-823,-825,-827,688,-828,688,-811,688,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,688,-284,688,688,688,688,-457,688,688,-731,688,-738,688,-743,688,-665,-673,688,688,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,688,-838,-53,688,688,-732,688,-739,688,-744,-666,688,-875,-54,688,688,-733,-740,-745,688,688,688,-874,]),'SAMPLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[689,689,689,689,-1896,689,689,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,689,689,689,689,-277,-278,689,-1427,689,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,689,689,689,-492,689,689,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,689,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,689,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,689,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,689,-174,-175,-176,-177,-995,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-292,-293,-283,689,689,689,689,689,-330,-320,-334,-335,-336,689,689,-984,-985,-986,-987,-988,-989,-990,689,689,689,689,689,689,689,689,689,689,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,689,689,689,-355,-358,689,-325,-326,-143,689,-144,689,-145,689,-432,-937,-938,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-1896,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-1896,689,-1896,689,689,689,689,689,689,689,689,689,689,689,689,-1896,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-1896,689,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,689,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,689,689,689,-193,-194,689,-996,689,689,689,689,689,-279,-280,-281,-282,-367,689,-310,689,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,689,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,689,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,689,689,689,689,689,689,-575,689,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,689,689,-725,-726,-727,689,689,689,689,689,689,-996,689,689,-93,-94,689,689,689,689,-311,-312,-322,689,-309,-295,-296,-297,689,689,689,689,-620,-635,-592,689,689,-438,689,-439,689,-446,-447,-448,-380,-381,689,689,689,-508,689,689,-512,689,689,689,689,-517,-518,-519,-520,689,689,-523,-524,689,-526,-527,-528,-529,-530,-531,-532,-533,689,-535,689,689,689,-541,-543,-544,689,-546,-547,-548,-549,689,689,689,689,689,689,-654,-655,-656,-657,689,-659,-660,-661,689,689,689,-667,689,689,-671,-672,689,689,-675,689,-677,-678,689,-681,689,-683,689,689,-686,-687,-688,689,-690,689,689,-693,689,689,-696,-697,-698,689,-700,-701,-702,-703,689,689,-748,689,-751,-752,-753,-754,-755,689,-757,-758,-759,-760,-761,689,-768,-769,-771,689,-773,-774,-775,-784,-858,-860,-862,-864,689,689,689,689,-870,689,-872,689,689,689,689,689,689,689,-908,-909,689,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,689,-923,-926,689,-936,689,-387,-388,-389,689,689,-392,-393,-394,-395,689,-398,689,-401,-402,689,-403,689,-408,-409,689,-412,-413,-414,689,-417,689,-418,689,-423,-424,689,-427,689,-430,-431,-1896,-1896,689,-621,-622,-623,-624,-625,-636,-586,-626,-799,689,689,689,689,689,-833,689,689,-808,689,-834,689,689,689,689,-800,689,-855,-801,689,689,689,689,689,689,-856,-857,689,-836,-832,-837,689,-627,689,-628,-629,-630,-631,-576,689,689,-632,-633,-634,689,689,689,689,689,689,-637,-638,-639,-594,-1896,-604,689,-640,-641,-715,-642,-606,689,-574,-579,-582,-585,689,689,689,-600,-603,689,-610,689,689,689,689,689,689,689,689,689,689,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,689,689,689,-997,689,689,689,689,689,689,-308,-327,-321,-298,-377,-454,-455,-456,-460,689,-445,689,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,689,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,689,689,689,689,689,689,689,689,689,-318,-537,-510,-593,-939,-941,-942,-440,689,-442,-382,-383,-385,-509,-511,-513,689,-515,-516,-521,-522,689,-534,-536,-539,-540,-545,-550,-728,689,-729,689,-734,689,-736,689,-741,-658,-662,-663,689,-668,689,-669,689,-674,-676,689,-679,689,689,689,-689,-691,689,-694,689,689,-746,689,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,689,689,689,689,689,-879,689,-882,-910,-922,-927,-390,-391,689,-396,689,-399,689,-404,689,-405,689,-410,689,-415,689,-419,689,-420,689,-425,689,-428,-901,-902,-645,-587,-1896,-903,689,689,689,-802,689,689,-806,689,-809,-835,689,-820,689,-822,689,-824,-810,689,-826,689,-853,-854,689,689,-813,689,-648,-904,-906,-650,-651,-647,689,-707,-708,689,-644,-905,-649,-652,-605,-716,689,689,-607,-588,689,689,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,689,689,-711,-712,689,-718,689,689,689,689,689,689,-940,689,-441,-443,-749,689,-893,689,-717,-1896,689,689,689,689,689,-444,-514,-525,689,-730,-735,689,-737,689,-742,689,-664,-670,689,-680,-682,-684,-685,-692,-695,-699,-747,689,689,-876,689,689,-880,689,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,689,-814,689,-816,-803,689,-804,-807,689,-818,-821,-823,-825,-827,689,-828,689,-811,689,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,689,-284,689,689,689,689,-457,689,689,-731,689,-738,689,-743,689,-665,-673,689,689,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,689,-838,-53,689,689,-732,689,-739,689,-744,-666,689,-875,-54,689,689,-733,-740,-745,689,689,689,-874,]),'SAVEPOINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[690,690,690,690,-1896,690,690,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,690,690,690,690,-277,-278,690,-1427,690,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,690,690,690,-492,690,690,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,690,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,690,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,690,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,690,-174,-175,-176,-177,-995,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-292,-293,-283,690,690,690,690,690,-330,-320,-334,-335,-336,690,690,-984,-985,-986,-987,-988,-989,-990,690,690,690,690,690,690,690,690,690,690,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,690,690,690,-355,-358,690,-325,-326,-143,690,-144,690,-145,690,-432,-937,-938,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-1896,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-1896,690,-1896,690,690,690,690,690,690,690,690,690,690,690,690,-1896,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-1896,690,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,690,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,690,690,690,-193,-194,690,-996,690,690,690,690,690,-279,-280,-281,-282,-367,690,-310,690,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,690,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,690,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,690,690,690,690,690,690,-575,690,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,690,690,-725,-726,-727,690,690,690,690,690,690,-996,690,690,-93,-94,690,690,690,690,-311,-312,-322,690,-309,-295,-296,-297,690,690,690,690,-620,-635,-592,690,690,-438,690,-439,690,-446,-447,-448,-380,-381,690,690,690,-508,690,690,-512,690,690,690,690,-517,-518,-519,-520,690,690,-523,-524,690,-526,-527,-528,-529,-530,-531,-532,-533,690,-535,690,690,690,-541,-543,-544,690,-546,-547,-548,-549,690,690,690,690,690,690,-654,-655,-656,-657,690,-659,-660,-661,690,690,690,-667,690,690,-671,-672,690,690,-675,690,-677,-678,690,-681,690,-683,690,690,-686,-687,-688,690,-690,690,690,-693,690,690,-696,-697,-698,690,-700,-701,-702,-703,690,690,-748,690,-751,-752,-753,-754,-755,690,-757,-758,-759,-760,-761,690,-768,-769,-771,690,-773,-774,-775,-784,-858,-860,-862,-864,690,690,690,690,-870,690,-872,690,690,690,690,690,690,690,-908,-909,690,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,690,-923,-926,690,-936,690,-387,-388,-389,690,690,-392,-393,-394,-395,690,-398,690,-401,-402,690,-403,690,-408,-409,690,-412,-413,-414,690,-417,690,-418,690,-423,-424,690,-427,690,-430,-431,-1896,-1896,690,-621,-622,-623,-624,-625,-636,-586,-626,-799,690,690,690,690,690,-833,690,690,-808,690,-834,690,690,690,690,-800,690,-855,-801,690,690,690,690,690,690,-856,-857,690,-836,-832,-837,690,-627,690,-628,-629,-630,-631,-576,690,690,-632,-633,-634,690,690,690,690,690,690,-637,-638,-639,-594,-1896,-604,690,-640,-641,-715,-642,-606,690,-574,-579,-582,-585,690,690,690,-600,-603,690,-610,690,690,690,690,690,690,690,690,690,690,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,690,690,690,-997,690,690,690,690,690,690,-308,-327,-321,-298,-377,-454,-455,-456,-460,690,-445,690,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,690,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,690,690,690,690,690,690,690,690,690,-318,-537,-510,-593,-939,-941,-942,-440,690,-442,-382,-383,-385,-509,-511,-513,690,-515,-516,-521,-522,690,-534,-536,-539,-540,-545,-550,-728,690,-729,690,-734,690,-736,690,-741,-658,-662,-663,690,-668,690,-669,690,-674,-676,690,-679,690,690,690,-689,-691,690,-694,690,690,-746,690,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,690,690,690,690,690,-879,690,-882,-910,-922,-927,-390,-391,690,-396,690,-399,690,-404,690,-405,690,-410,690,-415,690,-419,690,-420,690,-425,690,-428,-901,-902,-645,-587,-1896,-903,690,690,690,-802,690,690,-806,690,-809,-835,690,-820,690,-822,690,-824,-810,690,-826,690,-853,-854,690,690,-813,690,-648,-904,-906,-650,-651,-647,690,-707,-708,690,-644,-905,-649,-652,-605,-716,690,690,-607,-588,690,690,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,690,690,-711,-712,690,-718,690,690,690,690,690,690,-940,690,-441,-443,-749,690,-893,690,-717,-1896,690,690,690,690,690,-444,-514,-525,690,-730,-735,690,-737,690,-742,690,-664,-670,690,-680,-682,-684,-685,-692,-695,-699,-747,690,690,-876,690,690,-880,690,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,690,-814,690,-816,-803,690,-804,-807,690,-818,-821,-823,-825,-827,690,-828,690,-811,690,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,690,-284,690,690,690,690,-457,690,690,-731,690,-738,690,-743,690,-665,-673,690,690,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,690,-838,-53,690,690,-732,690,-739,690,-744,-666,690,-875,-54,690,690,-733,-740,-745,690,690,690,-874,]),'SCHEDULE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[691,691,691,691,-1896,691,691,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,691,691,691,691,-277,-278,691,-1427,691,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,691,691,691,-492,691,691,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,691,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,691,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,691,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,691,-174,-175,-176,-177,-995,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-292,-293,-283,691,691,691,691,691,-330,-320,-334,-335,-336,691,691,-984,-985,-986,-987,-988,-989,-990,691,691,691,691,691,691,691,691,691,691,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,691,691,691,-355,-358,691,-325,-326,-143,691,-144,691,-145,691,-432,-937,-938,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-1896,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-1896,691,-1896,691,691,691,691,691,691,691,691,691,691,691,691,-1896,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-1896,691,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,691,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,691,691,691,-193,-194,691,-996,691,691,691,691,691,-279,-280,-281,-282,-367,691,-310,691,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,691,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,691,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,691,691,691,691,691,691,-575,691,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,691,691,-725,-726,-727,691,691,691,691,691,691,-996,691,691,-93,-94,691,691,691,691,-311,-312,-322,691,-309,-295,-296,-297,691,691,691,691,-620,-635,-592,691,691,-438,691,-439,691,-446,-447,-448,-380,-381,691,691,691,-508,691,691,-512,691,691,691,691,-517,-518,-519,-520,691,691,-523,-524,691,-526,-527,-528,-529,-530,-531,-532,-533,691,-535,691,691,691,-541,-543,-544,691,-546,-547,-548,-549,691,691,691,691,691,691,-654,-655,-656,-657,691,-659,-660,-661,691,691,691,-667,691,691,-671,-672,691,691,-675,691,-677,-678,691,-681,691,-683,691,691,-686,-687,-688,691,-690,691,691,-693,691,691,-696,-697,-698,691,-700,-701,-702,-703,691,691,-748,691,-751,-752,-753,-754,-755,691,-757,-758,-759,-760,-761,691,-768,-769,-771,691,-773,-774,-775,-784,-858,-860,-862,-864,691,691,691,691,-870,691,-872,691,691,691,691,691,691,691,-908,-909,691,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,691,-923,-926,691,-936,691,-387,-388,-389,691,691,-392,-393,-394,-395,691,-398,691,-401,-402,691,-403,691,-408,-409,691,-412,-413,-414,691,-417,691,-418,691,-423,-424,691,-427,691,-430,-431,-1896,-1896,691,-621,-622,-623,-624,-625,-636,-586,-626,-799,691,691,691,691,691,-833,691,691,-808,691,-834,691,691,691,691,-800,691,-855,-801,691,691,691,691,691,691,-856,-857,691,-836,-832,-837,691,-627,691,-628,-629,-630,-631,-576,691,691,-632,-633,-634,691,691,691,691,691,691,-637,-638,-639,-594,-1896,-604,691,-640,-641,-715,-642,-606,691,-574,-579,-582,-585,691,691,691,-600,-603,691,-610,691,691,691,691,691,691,691,691,691,691,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,691,691,691,-997,691,691,691,691,691,691,-308,-327,-321,-298,-377,-454,-455,-456,-460,691,-445,691,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,691,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,691,691,691,691,691,691,691,691,691,-318,-537,-510,-593,-939,-941,-942,-440,691,-442,-382,-383,-385,-509,-511,-513,691,-515,-516,-521,-522,691,-534,-536,-539,-540,-545,-550,-728,691,-729,691,-734,691,-736,691,-741,-658,-662,-663,691,-668,691,-669,691,-674,-676,691,-679,691,691,691,-689,-691,691,-694,691,691,-746,691,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,691,691,691,691,691,-879,691,-882,-910,-922,-927,-390,-391,691,-396,691,-399,691,-404,691,-405,691,-410,691,-415,691,-419,691,-420,691,-425,691,-428,-901,-902,-645,-587,-1896,-903,691,691,691,-802,691,691,-806,691,-809,-835,691,-820,691,-822,691,-824,-810,691,-826,691,-853,-854,691,691,-813,691,-648,-904,-906,-650,-651,-647,691,-707,-708,691,-644,-905,-649,-652,-605,-716,691,691,-607,-588,691,691,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,691,691,-711,-712,691,-718,691,691,691,691,691,691,-940,691,-441,-443,-749,691,-893,691,-717,-1896,691,691,691,691,691,-444,-514,-525,691,-730,-735,691,-737,691,-742,691,-664,-670,691,-680,-682,-684,-685,-692,-695,-699,-747,691,691,-876,691,691,-880,691,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,691,-814,691,-816,-803,691,-804,-807,691,-818,-821,-823,-825,-827,691,-828,691,-811,691,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,691,-284,691,691,691,691,-457,691,691,-731,691,-738,691,-743,691,-665,-673,691,691,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,691,-838,-53,691,691,-732,691,-739,691,-744,-666,691,-875,-54,691,691,-733,-740,-745,691,691,691,-874,]),'SCHEMA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[692,692,692,1171,-1896,692,692,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,692,692,692,692,-277,-278,1171,-1427,1171,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1171,1171,1171,-492,1171,1171,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1171,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1171,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1951,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,692,-174,-175,-176,-177,-995,692,692,692,692,692,692,692,692,692,692,1171,1171,1171,1171,1171,-292,-293,-283,692,1171,1171,1171,1171,-330,-320,-334,-335,-336,1171,1171,-984,-985,-986,-987,-988,-989,-990,692,692,1171,1171,1171,1171,1171,1171,1171,1171,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1171,1171,1171,-355,-358,692,-325,-326,-143,1171,-144,1171,-145,1171,-432,-937,-938,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1896,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1896,1171,-1896,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1896,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1896,692,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1171,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1171,692,692,-193,-194,692,-996,1171,692,692,692,692,-279,-280,-281,-282,-367,1171,-310,1171,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1171,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1171,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1171,1171,1171,1171,1171,1171,-575,1171,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1171,1171,-725,-726,-727,1171,1951,692,692,692,692,-996,692,1171,-93,-94,692,692,692,1171,-311,-312,-322,1171,-309,-295,-296,-297,1171,692,1171,1171,-620,-635,-592,1171,692,-438,692,-439,1171,-446,-447,-448,-380,-381,1171,1171,1171,-508,1171,1171,-512,1171,1171,1171,1171,-517,-518,-519,-520,1171,1171,-523,-524,1171,-526,-527,-528,-529,-530,-531,-532,-533,1171,-535,1171,1171,1171,-541,-543,-544,1171,-546,-547,-548,-549,1171,1171,1171,1171,1171,1171,-654,-655,-656,-657,692,-659,-660,-661,1171,1171,1171,-667,1171,1171,-671,-672,1171,1171,-675,1171,-677,-678,1171,-681,1171,-683,1171,1171,-686,-687,-688,1171,-690,1171,1171,-693,1171,1171,-696,-697,-698,1171,-700,-701,-702,-703,1171,1171,-748,1171,-751,-752,-753,-754,-755,1171,-757,-758,-759,-760,-761,1171,-768,-769,-771,1171,-773,-774,-775,-784,-858,-860,-862,-864,1171,1171,1171,1171,-870,1171,-872,1171,1171,1171,1171,1171,1171,1171,-908,-909,1171,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1171,-923,-926,1171,-936,1171,-387,-388,-389,1171,1171,-392,-393,-394,-395,1171,-398,1171,-401,-402,1171,-403,1171,-408,-409,1171,-412,-413,-414,1171,-417,1171,-418,1171,-423,-424,1171,-427,1171,-430,-431,-1896,-1896,1171,-621,-622,-623,-624,-625,-636,-586,-626,-799,1171,1171,1171,1171,1171,-833,1171,1171,-808,1171,-834,1171,1171,1171,1171,-800,1171,-855,-801,1171,1171,1171,1171,1171,1171,-856,-857,1171,-836,-832,-837,1171,-627,1171,-628,-629,-630,-631,-576,1171,1171,-632,-633,-634,1171,1171,1171,1171,1171,1171,-637,-638,-639,-594,-1896,-604,1171,-640,-641,-715,-642,-606,1171,-574,-579,-582,-585,1171,1171,1171,-600,-603,1171,-610,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1171,692,692,-997,692,1171,692,692,692,1171,-308,-327,-321,-298,-377,-454,-455,-456,-460,692,-445,1171,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1171,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,692,692,692,692,692,692,692,692,1171,-318,-537,-510,-593,-939,-941,-942,-440,1171,-442,-382,-383,-385,-509,-511,-513,1171,-515,-516,-521,-522,1171,-534,-536,-539,-540,-545,-550,-728,1171,-729,1171,-734,1171,-736,1171,-741,-658,-662,-663,1171,-668,1171,-669,1171,-674,-676,1171,-679,1171,1171,1171,-689,-691,1171,-694,1171,1171,-746,1171,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1171,1171,1171,1171,1171,-879,1171,-882,-910,-922,-927,-390,-391,1171,-396,1171,-399,1171,-404,1171,-405,1171,-410,1171,-415,1171,-419,1171,-420,1171,-425,1171,-428,-901,-902,-645,-587,-1896,-903,1171,1171,1171,-802,1171,1171,-806,1171,-809,-835,1171,-820,1171,-822,1171,-824,-810,1171,-826,1171,-853,-854,1171,1171,-813,1171,-648,-904,-906,-650,-651,-647,1171,-707,-708,1171,-644,-905,-649,-652,-605,-716,1171,1171,-607,-588,1171,1171,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1171,1171,-711,-712,1171,-718,1171,692,692,692,1171,1171,-940,692,-441,-443,-749,1171,-893,1951,-717,-1896,1171,1171,692,692,1171,-444,-514,-525,1171,-730,-735,1171,-737,1171,-742,1171,-664,-670,1171,-680,-682,-684,-685,-692,-695,-699,-747,1171,1171,-876,1171,1171,-880,1171,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1171,-814,1171,-816,-803,1171,-804,-807,1171,-818,-821,-823,-825,-827,1171,-828,1171,-811,1171,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,692,-284,692,1171,692,1171,-457,1171,1171,-731,1171,-738,1171,-743,1171,-665,-673,1171,1171,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1171,-838,-53,692,1171,-732,1171,-739,1171,-744,-666,1171,-875,-54,692,692,-733,-740,-745,1171,692,1171,-874,]),'SCHEMAS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[693,693,693,693,-1896,693,693,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,693,693,693,693,-277,-278,693,-1427,693,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,693,693,693,-492,693,693,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,693,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,693,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,693,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,693,-174,-175,-176,-177,-995,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-292,-293,-283,693,693,693,693,693,-330,-320,-334,-335,-336,693,693,-984,-985,-986,-987,-988,-989,-990,693,693,693,693,693,693,693,693,693,693,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,693,693,693,-355,-358,693,-325,-326,-143,693,-144,693,-145,693,-432,-937,-938,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-1896,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-1896,693,-1896,693,693,693,693,693,693,693,693,693,693,693,693,-1896,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-1896,693,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,693,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,693,693,693,-193,-194,693,-996,693,693,693,693,693,-279,-280,-281,-282,-367,693,-310,693,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,693,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,693,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,693,693,693,693,693,693,-575,693,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,693,693,-725,-726,-727,693,693,693,693,693,693,-996,693,693,-93,-94,693,693,693,693,-311,-312,-322,693,-309,-295,-296,-297,693,693,693,693,-620,-635,-592,693,693,-438,693,-439,693,-446,-447,-448,-380,-381,693,693,693,-508,693,693,-512,693,693,693,693,-517,-518,-519,-520,693,693,-523,-524,693,-526,-527,-528,-529,-530,-531,-532,-533,693,-535,693,693,693,-541,-543,-544,693,-546,-547,-548,-549,693,693,693,693,693,693,-654,-655,-656,-657,693,-659,-660,-661,693,693,693,-667,693,693,-671,-672,693,693,-675,693,-677,-678,693,-681,693,-683,693,693,-686,-687,-688,693,-690,693,693,-693,693,693,-696,-697,-698,693,-700,-701,-702,-703,693,693,-748,693,-751,-752,-753,-754,-755,693,-757,-758,-759,-760,-761,693,-768,-769,-771,693,-773,-774,-775,-784,-858,-860,-862,-864,693,693,693,693,-870,693,-872,693,693,693,693,693,693,693,-908,-909,693,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,693,-923,-926,693,-936,693,-387,-388,-389,693,693,-392,-393,-394,-395,693,-398,693,-401,-402,693,-403,693,-408,-409,693,-412,-413,-414,693,-417,693,-418,693,-423,-424,693,-427,693,-430,-431,-1896,-1896,693,-621,-622,-623,-624,-625,-636,-586,-626,-799,693,693,693,693,693,-833,693,693,-808,693,-834,693,693,693,693,-800,693,-855,-801,693,693,693,693,693,693,-856,-857,693,-836,-832,-837,693,-627,693,-628,-629,-630,-631,-576,693,693,-632,-633,-634,693,693,693,693,693,693,-637,-638,-639,-594,-1896,-604,693,-640,-641,-715,-642,-606,693,-574,-579,-582,-585,693,693,693,-600,-603,693,-610,693,693,693,693,693,693,693,693,693,693,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,693,693,693,-997,693,693,693,693,693,693,-308,-327,-321,-298,-377,-454,-455,-456,-460,693,-445,693,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,693,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,693,693,693,693,693,693,693,693,693,-318,-537,-510,-593,-939,-941,-942,-440,693,-442,-382,-383,-385,-509,-511,-513,693,-515,-516,-521,-522,693,-534,-536,-539,-540,-545,-550,-728,693,-729,693,-734,693,-736,693,-741,-658,-662,-663,693,-668,693,-669,693,-674,-676,693,-679,693,693,693,-689,-691,693,-694,693,693,-746,693,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,693,693,693,693,693,-879,693,-882,-910,-922,-927,-390,-391,693,-396,693,-399,693,-404,693,-405,693,-410,693,-415,693,-419,693,-420,693,-425,693,-428,-901,-902,-645,-587,-1896,-903,693,693,693,-802,693,693,-806,693,-809,-835,693,-820,693,-822,693,-824,-810,693,-826,693,-853,-854,693,693,-813,693,-648,-904,-906,-650,-651,-647,693,-707,-708,693,-644,-905,-649,-652,-605,-716,693,693,-607,-588,693,693,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,693,693,-711,-712,693,-718,693,693,693,693,693,693,-940,693,-441,-443,-749,693,-893,693,-717,-1896,693,693,693,693,693,-444,-514,-525,693,-730,-735,693,-737,693,-742,693,-664,-670,693,-680,-682,-684,-685,-692,-695,-699,-747,693,693,-876,693,693,-880,693,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,693,-814,693,-816,-803,693,-804,-807,693,-818,-821,-823,-825,-827,693,-828,693,-811,693,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,693,-284,693,693,693,693,-457,693,693,-731,693,-738,693,-743,693,-665,-673,693,693,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,693,-838,-53,693,693,-732,693,-739,693,-744,-666,693,-875,-54,693,693,-733,-740,-745,693,693,693,-874,]),'SCHEMA_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[694,694,694,694,-1896,694,694,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,694,694,694,694,-277,-278,694,-1427,694,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,694,694,694,-492,694,694,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,694,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,694,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,694,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,694,-174,-175,-176,-177,-995,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-292,-293,-283,694,694,694,694,694,-330,-320,-334,-335,-336,694,694,-984,-985,-986,-987,-988,-989,-990,694,694,694,694,694,694,694,694,694,694,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,694,694,694,-355,-358,694,-325,-326,-143,694,-144,694,-145,694,-432,-937,-938,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-1896,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-1896,694,-1896,694,694,694,694,694,694,694,694,694,694,694,694,-1896,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-1896,694,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,694,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,694,694,694,-193,-194,694,-996,694,694,694,694,694,-279,-280,-281,-282,-367,694,-310,694,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,694,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,694,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,694,694,694,694,694,694,-575,694,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,694,694,-725,-726,-727,694,694,694,694,694,694,-996,694,694,-93,-94,694,694,694,694,-311,-312,-322,694,-309,-295,-296,-297,694,694,694,694,-620,-635,-592,694,694,-438,694,-439,694,-446,-447,-448,-380,-381,694,694,694,-508,694,694,-512,694,694,694,694,-517,-518,-519,-520,694,694,-523,-524,694,-526,-527,-528,-529,-530,-531,-532,-533,694,-535,694,694,694,-541,-543,-544,694,-546,-547,-548,-549,694,694,694,694,694,694,-654,-655,-656,-657,694,-659,-660,-661,694,694,694,-667,694,694,-671,-672,694,694,-675,694,-677,-678,694,-681,694,-683,694,694,-686,-687,-688,694,-690,694,694,-693,694,694,-696,-697,-698,694,-700,-701,-702,-703,694,694,-748,694,-751,-752,-753,-754,-755,694,-757,-758,-759,-760,-761,694,-768,-769,-771,694,-773,-774,-775,-784,-858,-860,-862,-864,694,694,694,694,-870,694,-872,694,694,694,694,694,694,694,-908,-909,694,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,694,-923,-926,694,-936,694,-387,-388,-389,694,694,-392,-393,-394,-395,694,-398,694,-401,-402,694,-403,694,-408,-409,694,-412,-413,-414,694,-417,694,-418,694,-423,-424,694,-427,694,-430,-431,-1896,-1896,694,-621,-622,-623,-624,-625,-636,-586,-626,-799,694,694,694,694,694,-833,694,694,-808,694,-834,694,694,694,694,-800,694,-855,-801,694,694,694,694,694,694,-856,-857,694,-836,-832,-837,694,-627,694,-628,-629,-630,-631,-576,694,694,-632,-633,-634,694,694,694,694,694,694,-637,-638,-639,-594,-1896,-604,694,-640,-641,-715,-642,-606,694,-574,-579,-582,-585,694,694,694,-600,-603,694,-610,694,694,694,694,694,694,694,694,694,694,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,694,694,694,-997,694,694,694,694,694,694,-308,-327,-321,-298,-377,-454,-455,-456,-460,694,-445,694,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,694,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,694,694,694,694,694,694,694,694,694,-318,-537,-510,-593,-939,-941,-942,-440,694,-442,-382,-383,-385,-509,-511,-513,694,-515,-516,-521,-522,694,-534,-536,-539,-540,-545,-550,-728,694,-729,694,-734,694,-736,694,-741,-658,-662,-663,694,-668,694,-669,694,-674,-676,694,-679,694,694,694,-689,-691,694,-694,694,694,-746,694,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,694,694,694,694,694,-879,694,-882,-910,-922,-927,-390,-391,694,-396,694,-399,694,-404,694,-405,694,-410,694,-415,694,-419,694,-420,694,-425,694,-428,-901,-902,-645,-587,-1896,-903,694,694,694,-802,694,694,-806,694,-809,-835,694,-820,694,-822,694,-824,-810,694,-826,694,-853,-854,694,694,-813,694,-648,-904,-906,-650,-651,-647,694,-707,-708,694,-644,-905,-649,-652,-605,-716,694,694,-607,-588,694,694,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,694,694,-711,-712,694,-718,694,694,694,694,694,694,-940,694,-441,-443,-749,694,-893,694,-717,-1896,694,694,694,694,694,-444,-514,-525,694,-730,-735,694,-737,694,-742,694,-664,-670,694,-680,-682,-684,-685,-692,-695,-699,-747,694,694,-876,694,694,-880,694,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,694,-814,694,-816,-803,694,-804,-807,694,-818,-821,-823,-825,-827,694,-828,694,-811,694,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,694,-284,694,694,694,694,-457,694,694,-731,694,-738,694,-743,694,-665,-673,694,694,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,694,-838,-53,694,694,-732,694,-739,694,-744,-666,694,-875,-54,694,694,-733,-740,-745,694,694,694,-874,]),'SCOPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[695,695,695,695,-1896,695,695,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,695,695,695,695,-277,-278,695,-1427,695,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,695,695,695,-492,695,695,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,695,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,695,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,695,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,695,-174,-175,-176,-177,-995,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-292,-293,-283,695,695,695,695,695,-330,-320,-334,-335,-336,695,695,-984,-985,-986,-987,-988,-989,-990,695,695,695,695,695,695,695,695,695,695,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,695,695,695,-355,-358,695,-325,-326,-143,695,-144,695,-145,695,-432,-937,-938,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-1896,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-1896,695,-1896,695,695,695,695,695,695,695,695,695,695,695,695,-1896,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-1896,695,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,695,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,695,695,695,-193,-194,695,-996,695,695,695,695,695,-279,-280,-281,-282,-367,695,-310,695,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,695,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,695,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,695,695,695,695,695,695,-575,695,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,695,695,-725,-726,-727,695,695,695,695,695,695,-996,695,695,-93,-94,695,695,695,695,-311,-312,-322,695,-309,-295,-296,-297,695,695,695,695,-620,-635,-592,695,695,-438,695,-439,695,-446,-447,-448,-380,-381,695,695,695,-508,695,695,-512,695,695,695,695,-517,-518,-519,-520,695,695,-523,-524,695,-526,-527,-528,-529,-530,-531,-532,-533,695,-535,695,695,695,-541,-543,-544,695,-546,-547,-548,-549,695,695,695,695,695,695,-654,-655,-656,-657,695,-659,-660,-661,695,695,695,-667,695,695,-671,-672,695,695,-675,695,-677,-678,695,-681,695,-683,695,695,-686,-687,-688,695,-690,695,695,-693,695,695,-696,-697,-698,695,-700,-701,-702,-703,695,695,-748,695,-751,-752,-753,-754,-755,695,-757,-758,-759,-760,-761,695,-768,-769,-771,695,-773,-774,-775,-784,-858,-860,-862,-864,695,695,695,695,-870,695,-872,695,695,695,695,695,695,695,-908,-909,695,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,695,-923,-926,695,-936,695,-387,-388,-389,695,695,-392,-393,-394,-395,695,-398,695,-401,-402,695,-403,695,-408,-409,695,-412,-413,-414,695,-417,695,-418,695,-423,-424,695,-427,695,-430,-431,-1896,-1896,695,-621,-622,-623,-624,-625,-636,-586,-626,-799,695,695,695,695,695,-833,695,695,-808,695,-834,695,695,695,695,-800,695,-855,-801,695,695,695,695,695,695,-856,-857,695,-836,-832,-837,695,-627,695,-628,-629,-630,-631,-576,695,695,-632,-633,-634,695,695,695,695,695,695,-637,-638,-639,-594,-1896,-604,695,-640,-641,-715,-642,-606,695,-574,-579,-582,-585,695,695,695,-600,-603,695,-610,695,695,695,695,695,695,695,695,695,695,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,695,695,695,-997,695,695,695,695,695,695,-308,-327,-321,-298,-377,-454,-455,-456,-460,695,-445,695,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,695,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,695,695,695,695,695,695,695,695,695,-318,-537,-510,-593,-939,-941,-942,-440,695,-442,-382,-383,-385,-509,-511,-513,695,-515,-516,-521,-522,695,-534,-536,-539,-540,-545,-550,-728,695,-729,695,-734,695,-736,695,-741,-658,-662,-663,695,-668,695,-669,695,-674,-676,695,-679,695,695,695,-689,-691,695,-694,695,695,-746,695,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,695,695,695,695,695,-879,695,-882,-910,-922,-927,-390,-391,695,-396,695,-399,695,-404,695,-405,695,-410,695,-415,695,-419,695,-420,695,-425,695,-428,-901,-902,-645,-587,-1896,-903,695,695,695,-802,695,695,-806,695,-809,-835,695,-820,695,-822,695,-824,-810,695,-826,695,-853,-854,695,695,-813,695,-648,-904,-906,-650,-651,-647,695,-707,-708,695,-644,-905,-649,-652,-605,-716,695,695,-607,-588,695,695,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,695,695,-711,-712,695,-718,695,695,695,695,695,695,-940,695,-441,-443,-749,695,-893,695,-717,-1896,695,695,695,695,695,-444,-514,-525,695,-730,-735,695,-737,695,-742,695,-664,-670,695,-680,-682,-684,-685,-692,-695,-699,-747,695,695,-876,695,695,-880,695,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,695,-814,695,-816,-803,695,-804,-807,695,-818,-821,-823,-825,-827,695,-828,695,-811,695,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,695,-284,695,695,695,695,-457,695,695,-731,695,-738,695,-743,695,-665,-673,695,695,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,695,-838,-53,695,695,-732,695,-739,695,-744,-666,695,-875,-54,695,695,-733,-740,-745,695,695,695,-874,]),'SEARCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[696,696,696,696,-1896,696,696,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,696,696,696,696,-277,-278,696,-1427,696,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,696,696,696,-492,696,696,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,696,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,696,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,696,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,696,-174,-175,-176,-177,-995,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-292,-293,-283,696,696,696,696,696,-330,-320,-334,-335,-336,696,696,-984,-985,-986,-987,-988,-989,-990,696,696,696,696,696,696,696,696,696,696,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,696,696,696,-355,-358,696,-325,-326,-143,696,-144,696,-145,696,-432,-937,-938,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-1896,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-1896,696,-1896,696,696,696,696,696,696,696,696,696,696,696,696,-1896,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-1896,696,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,696,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,696,696,696,-193,-194,696,-996,696,696,696,696,696,-279,-280,-281,-282,-367,696,-310,696,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,696,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,696,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,696,696,696,696,696,696,-575,696,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,696,696,-725,-726,-727,696,696,696,696,696,696,-996,696,696,-93,-94,696,696,696,696,-311,-312,-322,696,-309,-295,-296,-297,696,696,696,696,-620,-635,-592,696,696,-438,696,-439,696,-446,-447,-448,-380,-381,696,696,696,-508,696,696,-512,696,696,696,696,-517,-518,-519,-520,696,696,-523,-524,696,-526,-527,-528,-529,-530,-531,-532,-533,696,-535,696,696,696,-541,-543,-544,696,-546,-547,-548,-549,696,696,696,696,696,696,-654,-655,-656,-657,696,-659,-660,-661,696,696,696,-667,696,696,-671,-672,696,696,-675,696,-677,-678,696,-681,696,-683,696,696,-686,-687,-688,696,-690,696,696,-693,696,696,-696,-697,-698,696,-700,-701,-702,-703,696,696,-748,696,-751,-752,-753,-754,-755,696,-757,-758,-759,-760,-761,696,-768,-769,-771,696,-773,-774,-775,-784,-858,-860,-862,-864,696,696,696,696,-870,696,-872,696,696,696,696,696,696,696,-908,-909,696,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,696,-923,-926,696,-936,696,-387,-388,-389,696,696,-392,-393,-394,-395,696,-398,696,-401,-402,696,-403,696,-408,-409,696,-412,-413,-414,696,-417,696,-418,696,-423,-424,696,-427,696,-430,-431,-1896,-1896,696,-621,-622,-623,-624,-625,-636,-586,-626,-799,696,696,696,696,696,-833,696,696,-808,696,-834,696,696,696,696,-800,696,-855,-801,696,696,696,696,696,696,-856,-857,696,-836,-832,-837,696,-627,696,-628,-629,-630,-631,-576,696,696,-632,-633,-634,696,696,696,696,696,696,-637,-638,-639,-594,-1896,-604,696,-640,-641,-715,-642,-606,696,-574,-579,-582,-585,696,696,696,-600,-603,696,-610,696,696,696,696,696,696,696,696,696,696,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,696,696,696,-997,696,696,696,696,696,696,-308,-327,-321,-298,-377,-454,-455,-456,-460,696,-445,696,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,696,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,696,696,696,696,696,696,696,696,696,-318,-537,-510,-593,-939,-941,-942,-440,696,-442,-382,-383,-385,-509,-511,-513,696,-515,-516,-521,-522,696,-534,-536,-539,-540,-545,-550,-728,696,-729,696,-734,696,-736,696,-741,-658,-662,-663,696,-668,696,-669,696,-674,-676,696,-679,696,696,696,-689,-691,696,-694,696,696,-746,696,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,696,696,696,696,696,-879,696,-882,-910,-922,-927,-390,-391,696,-396,696,-399,696,-404,696,-405,696,-410,696,-415,696,-419,696,-420,696,-425,696,-428,-901,-902,-645,-587,-1896,-903,696,696,696,-802,696,696,-806,696,-809,-835,696,-820,696,-822,696,-824,-810,696,-826,696,-853,-854,696,696,-813,696,-648,-904,-906,-650,-651,-647,696,-707,-708,696,-644,-905,-649,-652,-605,-716,696,696,-607,-588,696,696,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,696,696,-711,-712,696,-718,696,696,696,696,696,696,-940,696,-441,-443,-749,696,-893,696,-717,-1896,696,696,696,696,696,-444,-514,-525,696,-730,-735,696,-737,696,-742,696,-664,-670,696,-680,-682,-684,-685,-692,-695,-699,-747,696,696,-876,696,696,-880,696,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,696,-814,696,-816,-803,696,-804,-807,696,-818,-821,-823,-825,-827,696,-828,696,-811,696,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,696,-284,696,696,696,696,-457,696,696,-731,696,-738,696,-743,696,-665,-673,696,696,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,696,-838,-53,696,696,-732,696,-739,696,-744,-666,696,-875,-54,696,696,-733,-740,-745,696,696,696,-874,]),'SECOND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[697,697,697,1297,-1896,697,697,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,697,697,697,697,-277,-278,1297,-1427,1297,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1297,1297,1297,-492,1297,1297,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1297,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1297,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1297,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,697,-174,-175,-176,-177,-995,697,697,697,697,697,697,697,697,697,697,1297,1297,1297,1297,1297,-292,-293,-283,697,1297,1297,1297,1297,-330,-320,-334,-335,-336,1297,1297,-984,-985,-986,-987,-988,-989,-990,697,697,1297,1297,1297,1297,1297,1297,1297,1297,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1297,1297,2105,1297,-355,-358,697,-325,-326,-143,1297,-144,1297,-145,1297,-432,-937,-938,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1896,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1896,1297,-1896,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1896,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,2105,2105,1297,1297,2105,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1896,697,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1297,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1297,697,697,-193,-194,697,-996,1297,697,697,697,697,-279,-280,-281,-282,-367,1297,-310,1297,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1297,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1297,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1297,1297,1297,1297,1297,1297,-575,1297,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1297,1297,-725,-726,-727,1297,1297,697,697,697,697,-996,697,1297,-93,-94,697,697,697,1297,-311,-312,-322,1297,-309,-295,-296,-297,1297,697,1297,1297,-620,-635,-592,1297,697,-438,697,-439,1297,-446,-447,-448,-380,-381,1297,1297,1297,-508,1297,1297,-512,1297,1297,1297,1297,-517,-518,-519,-520,1297,1297,-523,-524,1297,-526,-527,-528,-529,-530,-531,-532,-533,1297,-535,1297,1297,1297,-541,-543,-544,1297,-546,-547,-548,-549,1297,1297,1297,1297,1297,1297,-654,-655,-656,-657,697,-659,-660,-661,1297,1297,1297,-667,1297,1297,-671,-672,1297,1297,-675,1297,-677,-678,1297,-681,1297,-683,1297,1297,-686,-687,-688,1297,-690,1297,1297,-693,1297,1297,-696,-697,-698,1297,-700,-701,-702,-703,1297,1297,-748,1297,-751,-752,-753,-754,-755,1297,-757,-758,-759,-760,-761,1297,-768,-769,-771,1297,-773,-774,-775,-784,-858,-860,-862,-864,1297,1297,1297,1297,-870,1297,-872,1297,1297,1297,1297,1297,1297,1297,-908,-909,1297,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1297,-923,-926,1297,-936,1297,-387,-388,-389,1297,1297,-392,-393,-394,-395,1297,-398,1297,-401,-402,1297,-403,1297,-408,-409,1297,-412,-413,-414,1297,-417,1297,-418,1297,-423,-424,1297,-427,1297,-430,-431,-1896,-1896,1297,-621,-622,-623,-624,-625,-636,-586,-626,-799,1297,1297,1297,1297,1297,-833,1297,1297,-808,1297,-834,1297,1297,1297,1297,-800,1297,-855,-801,1297,1297,1297,1297,1297,1297,-856,-857,1297,-836,-832,-837,1297,-627,1297,-628,-629,-630,-631,-576,1297,1297,-632,-633,-634,1297,1297,1297,1297,1297,1297,-637,-638,-639,-594,-1896,-604,1297,-640,-641,-715,-642,-606,1297,-574,-579,-582,-585,1297,1297,1297,-600,-603,1297,-610,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1297,697,697,-997,697,1297,697,697,697,1297,-308,-327,-321,-298,-377,-454,-455,-456,-460,697,-445,1297,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1297,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,697,697,697,697,697,697,697,697,1297,-318,-537,-510,-593,-939,-941,-942,-440,1297,-442,-382,-383,-385,-509,-511,-513,1297,-515,-516,-521,-522,1297,-534,-536,-539,-540,-545,-550,-728,1297,-729,1297,-734,1297,-736,1297,-741,-658,-662,-663,1297,-668,1297,-669,1297,-674,-676,1297,-679,1297,1297,1297,-689,-691,1297,-694,1297,1297,-746,1297,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1297,1297,1297,1297,1297,-879,1297,-882,-910,-922,-927,-390,-391,1297,-396,1297,-399,1297,-404,1297,-405,1297,-410,1297,-415,1297,-419,1297,-420,1297,-425,1297,-428,-901,-902,-645,-587,-1896,-903,1297,1297,1297,-802,1297,1297,-806,1297,-809,-835,1297,-820,1297,-822,1297,-824,-810,1297,-826,1297,-853,-854,1297,1297,-813,1297,-648,-904,-906,-650,-651,-647,1297,-707,-708,1297,-644,-905,-649,-652,-605,-716,1297,1297,-607,-588,1297,1297,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1297,1297,-711,-712,1297,-718,1297,697,697,697,1297,1297,-940,697,-441,-443,-749,1297,-893,1297,-717,-1896,1297,1297,697,697,1297,-444,-514,-525,1297,-730,-735,1297,-737,1297,-742,1297,-664,-670,1297,-680,-682,-684,-685,-692,-695,-699,-747,1297,1297,-876,1297,1297,-880,1297,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1297,-814,1297,-816,-803,1297,-804,-807,1297,-818,-821,-823,-825,-827,1297,-828,1297,-811,1297,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,697,-284,697,1297,697,1297,-457,1297,1297,-731,1297,-738,1297,-743,1297,-665,-673,1297,1297,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1297,-838,-53,697,1297,-732,1297,-739,1297,-744,-666,1297,-875,-54,697,697,-733,-740,-745,1297,697,1297,-874,]),'SECURITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[698,698,698,698,-1896,698,698,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,698,698,698,698,-277,-278,698,-1427,698,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,698,698,698,-492,698,698,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,698,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,698,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,698,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,698,-174,-175,-176,-177,-995,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-292,-293,-283,698,698,698,698,698,-330,-320,-334,-335,-336,698,698,-984,-985,-986,-987,-988,-989,-990,698,698,698,698,698,698,698,698,698,698,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,698,698,698,-355,-358,698,-325,-326,-143,698,-144,698,-145,698,-432,-937,-938,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-1896,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-1896,698,-1896,698,698,698,698,698,698,698,698,698,698,698,698,-1896,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-1896,698,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,698,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,698,698,698,-193,-194,698,-996,698,698,698,698,698,-279,-280,-281,-282,-367,698,-310,698,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,698,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,698,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,698,698,698,698,698,698,-575,698,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,698,698,-725,-726,-727,698,698,698,698,698,698,-996,698,698,-93,-94,698,698,698,698,-311,-312,-322,698,-309,-295,-296,-297,698,698,698,698,-620,-635,-592,698,698,-438,698,-439,698,-446,-447,-448,-380,-381,698,698,698,-508,698,698,-512,698,698,698,698,-517,-518,-519,-520,698,698,-523,-524,698,-526,-527,-528,-529,-530,-531,-532,-533,698,-535,698,698,698,-541,-543,-544,698,-546,-547,-548,-549,698,698,698,698,698,698,-654,-655,-656,-657,698,-659,-660,-661,698,698,698,-667,698,698,-671,-672,698,698,-675,698,-677,-678,698,-681,698,-683,698,698,-686,-687,-688,698,-690,698,698,-693,698,698,-696,-697,-698,698,-700,-701,-702,-703,698,698,-748,698,-751,-752,-753,-754,-755,698,-757,-758,-759,-760,-761,698,-768,-769,-771,698,-773,-774,-775,-784,-858,-860,-862,-864,698,698,698,698,-870,698,-872,698,698,698,698,698,698,698,-908,-909,698,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,698,-923,-926,698,-936,698,-387,-388,-389,698,698,-392,-393,-394,-395,698,-398,698,-401,-402,698,-403,698,-408,-409,698,-412,-413,-414,698,-417,698,-418,698,-423,-424,698,-427,698,-430,-431,-1896,-1896,698,-621,-622,-623,-624,-625,-636,-586,-626,-799,698,698,698,698,698,-833,698,698,-808,698,-834,698,698,698,698,-800,698,-855,-801,698,698,698,698,698,698,-856,-857,698,-836,-832,-837,698,-627,698,-628,-629,-630,-631,-576,698,698,-632,-633,-634,698,698,698,698,698,698,-637,-638,-639,-594,-1896,-604,698,-640,-641,-715,-642,-606,698,-574,-579,-582,-585,698,698,698,-600,-603,698,-610,698,698,698,698,698,698,698,698,698,698,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,698,698,698,-997,698,698,698,698,698,698,-308,-327,-321,-298,-377,-454,-455,-456,-460,698,-445,698,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,698,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,698,698,698,698,698,698,698,698,698,-318,-537,-510,-593,-939,-941,-942,-440,698,-442,-382,-383,-385,-509,-511,-513,698,-515,-516,-521,-522,698,-534,-536,-539,-540,-545,-550,-728,698,-729,698,-734,698,-736,698,-741,-658,-662,-663,698,-668,698,-669,698,-674,-676,698,-679,698,698,698,-689,-691,698,-694,698,698,-746,698,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,698,698,698,698,698,-879,698,-882,-910,-922,-927,-390,-391,698,-396,698,-399,698,-404,698,-405,698,-410,698,-415,698,-419,698,-420,698,-425,698,-428,-901,-902,-645,-587,-1896,-903,698,698,698,-802,698,698,-806,698,-809,-835,698,-820,698,-822,698,-824,-810,698,-826,698,-853,-854,698,698,-813,698,-648,-904,-906,-650,-651,-647,698,-707,-708,698,-644,-905,-649,-652,-605,-716,698,698,-607,-588,698,698,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,698,698,-711,-712,698,-718,698,698,698,698,698,698,-940,698,-441,-443,-749,698,-893,698,-717,-1896,698,698,698,698,698,-444,-514,-525,698,-730,-735,698,-737,698,-742,698,-664,-670,698,-680,-682,-684,-685,-692,-695,-699,-747,698,698,-876,698,698,-880,698,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,698,-814,698,-816,-803,698,-804,-807,698,-818,-821,-823,-825,-827,698,-828,698,-811,698,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,698,-284,698,698,698,698,-457,698,698,-731,698,-738,698,-743,698,-665,-673,698,698,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,698,-838,-53,698,698,-732,698,-739,698,-744,-666,698,-875,-54,698,698,-733,-740,-745,698,698,698,-874,]),'SEC_TO_TIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[699,699,699,1298,-1896,699,699,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,699,699,699,699,-277,-278,1298,-1427,1298,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1298,1298,1298,-492,1298,1298,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1298,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1298,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1298,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,699,-174,-175,-176,-177,-995,699,699,699,699,699,699,699,699,699,699,1298,1298,1298,1298,1298,-292,-293,-283,699,1298,1298,1298,1298,-330,-320,-334,-335,-336,1298,1298,-984,-985,-986,-987,-988,-989,-990,699,699,1298,1298,1298,1298,1298,1298,1298,1298,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1298,1298,1298,-355,-358,699,-325,-326,-143,1298,-144,1298,-145,1298,-432,-937,-938,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1896,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1896,1298,-1896,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1896,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1896,699,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1298,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1298,699,699,-193,-194,699,-996,1298,699,699,699,699,-279,-280,-281,-282,-367,1298,-310,1298,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1298,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1298,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1298,1298,1298,1298,1298,1298,-575,1298,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1298,1298,-725,-726,-727,1298,1298,699,699,699,699,-996,699,1298,-93,-94,699,699,699,1298,-311,-312,-322,1298,-309,-295,-296,-297,1298,699,1298,1298,-620,-635,-592,1298,699,-438,699,-439,1298,-446,-447,-448,-380,-381,1298,1298,1298,-508,1298,1298,-512,1298,1298,1298,1298,-517,-518,-519,-520,1298,1298,-523,-524,1298,-526,-527,-528,-529,-530,-531,-532,-533,1298,-535,1298,1298,1298,-541,-543,-544,1298,-546,-547,-548,-549,1298,1298,1298,1298,1298,1298,-654,-655,-656,-657,699,-659,-660,-661,1298,1298,1298,-667,1298,1298,-671,-672,1298,1298,-675,1298,-677,-678,1298,-681,1298,-683,1298,1298,-686,-687,-688,1298,-690,1298,1298,-693,1298,1298,-696,-697,-698,1298,-700,-701,-702,-703,1298,1298,-748,1298,-751,-752,-753,-754,-755,1298,-757,-758,-759,-760,-761,1298,-768,-769,-771,1298,-773,-774,-775,-784,-858,-860,-862,-864,1298,1298,1298,1298,-870,1298,-872,1298,1298,1298,1298,1298,1298,1298,-908,-909,1298,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1298,-923,-926,1298,-936,1298,-387,-388,-389,1298,1298,-392,-393,-394,-395,1298,-398,1298,-401,-402,1298,-403,1298,-408,-409,1298,-412,-413,-414,1298,-417,1298,-418,1298,-423,-424,1298,-427,1298,-430,-431,-1896,-1896,1298,-621,-622,-623,-624,-625,-636,-586,-626,-799,1298,1298,1298,1298,1298,-833,1298,1298,-808,1298,-834,1298,1298,1298,1298,-800,1298,-855,-801,1298,1298,1298,1298,1298,1298,-856,-857,1298,-836,-832,-837,1298,-627,1298,-628,-629,-630,-631,-576,1298,1298,-632,-633,-634,1298,1298,1298,1298,1298,1298,-637,-638,-639,-594,-1896,-604,1298,-640,-641,-715,-642,-606,1298,-574,-579,-582,-585,1298,1298,1298,-600,-603,1298,-610,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1298,699,699,-997,699,1298,699,699,699,1298,-308,-327,-321,-298,-377,-454,-455,-456,-460,699,-445,1298,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1298,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,699,699,699,699,699,699,699,699,1298,-318,-537,-510,-593,-939,-941,-942,-440,1298,-442,-382,-383,-385,-509,-511,-513,1298,-515,-516,-521,-522,1298,-534,-536,-539,-540,-545,-550,-728,1298,-729,1298,-734,1298,-736,1298,-741,-658,-662,-663,1298,-668,1298,-669,1298,-674,-676,1298,-679,1298,1298,1298,-689,-691,1298,-694,1298,1298,-746,1298,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1298,1298,1298,1298,1298,-879,1298,-882,-910,-922,-927,-390,-391,1298,-396,1298,-399,1298,-404,1298,-405,1298,-410,1298,-415,1298,-419,1298,-420,1298,-425,1298,-428,-901,-902,-645,-587,-1896,-903,1298,1298,1298,-802,1298,1298,-806,1298,-809,-835,1298,-820,1298,-822,1298,-824,-810,1298,-826,1298,-853,-854,1298,1298,-813,1298,-648,-904,-906,-650,-651,-647,1298,-707,-708,1298,-644,-905,-649,-652,-605,-716,1298,1298,-607,-588,1298,1298,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1298,1298,-711,-712,1298,-718,1298,699,699,699,1298,1298,-940,699,-441,-443,-749,1298,-893,1298,-717,-1896,1298,1298,699,699,1298,-444,-514,-525,1298,-730,-735,1298,-737,1298,-742,1298,-664,-670,1298,-680,-682,-684,-685,-692,-695,-699,-747,1298,1298,-876,1298,1298,-880,1298,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1298,-814,1298,-816,-803,1298,-804,-807,1298,-818,-821,-823,-825,-827,1298,-828,1298,-811,1298,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,699,-284,699,1298,699,1298,-457,1298,1298,-731,1298,-738,1298,-743,1298,-665,-673,1298,1298,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1298,-838,-53,699,1298,-732,1298,-739,1298,-744,-666,1298,-875,-54,699,699,-733,-740,-745,1298,699,1298,-874,]),'SEED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[700,700,700,700,-1896,700,700,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,700,700,700,700,-277,-278,700,-1427,700,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,700,700,700,-492,700,700,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,700,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,700,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,700,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,700,-174,-175,-176,-177,-995,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-292,-293,-283,700,700,700,700,700,-330,-320,-334,-335,-336,700,700,-984,-985,-986,-987,-988,-989,-990,700,700,700,700,700,700,700,700,700,700,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,700,700,700,-355,-358,700,-325,-326,-143,700,-144,700,-145,700,-432,-937,-938,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-1896,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-1896,700,-1896,700,700,700,700,700,700,700,700,700,700,700,700,-1896,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-1896,700,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,700,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,700,700,700,-193,-194,700,-996,700,700,700,700,700,-279,-280,-281,-282,-367,700,-310,700,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,700,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,700,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,700,700,700,700,700,700,-575,700,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,700,700,-725,-726,-727,700,700,700,700,700,700,-996,700,700,-93,-94,700,700,700,700,-311,-312,-322,700,-309,-295,-296,-297,700,700,700,700,-620,-635,-592,700,700,-438,700,-439,700,-446,-447,-448,-380,-381,700,700,700,-508,700,700,-512,700,700,700,700,-517,-518,-519,-520,700,700,-523,-524,700,-526,-527,-528,-529,-530,-531,-532,-533,700,-535,700,700,700,-541,-543,-544,700,-546,-547,-548,-549,700,700,700,700,700,700,-654,-655,-656,-657,700,-659,-660,-661,700,700,700,-667,700,700,-671,-672,700,700,-675,700,-677,-678,700,-681,700,-683,700,700,-686,-687,-688,700,-690,700,700,-693,700,700,-696,-697,-698,700,-700,-701,-702,-703,700,700,-748,700,-751,-752,-753,-754,-755,700,-757,-758,-759,-760,-761,700,-768,-769,-771,700,-773,-774,-775,-784,-858,-860,-862,-864,700,700,700,700,-870,700,-872,700,700,700,700,700,700,700,-908,-909,700,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,700,-923,-926,700,-936,700,-387,-388,-389,700,700,-392,-393,-394,-395,700,-398,700,-401,-402,700,-403,700,-408,-409,700,-412,-413,-414,700,-417,700,-418,700,-423,-424,700,-427,700,-430,-431,-1896,-1896,700,-621,-622,-623,-624,-625,-636,-586,-626,-799,700,700,700,700,700,-833,700,700,-808,700,-834,700,700,700,700,-800,700,-855,-801,700,700,700,700,700,700,-856,-857,700,-836,-832,-837,700,-627,700,-628,-629,-630,-631,-576,700,700,-632,-633,-634,700,700,700,700,700,700,-637,-638,-639,-594,-1896,-604,700,-640,-641,-715,-642,-606,700,-574,-579,-582,-585,700,700,700,-600,-603,700,-610,700,700,700,700,700,700,700,700,700,700,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,700,700,700,-997,700,700,700,700,700,700,-308,-327,-321,-298,-377,-454,-455,-456,-460,700,-445,700,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,700,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,700,700,700,700,700,700,700,700,700,-318,-537,-510,-593,-939,-941,-942,-440,700,-442,-382,-383,-385,-509,-511,-513,700,-515,-516,-521,-522,700,-534,-536,-539,-540,-545,-550,-728,700,-729,700,-734,700,-736,700,-741,-658,-662,-663,700,-668,700,-669,700,-674,-676,700,-679,700,700,700,-689,-691,700,-694,700,700,-746,700,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,700,700,700,700,700,-879,700,-882,-910,-922,-927,-390,-391,700,-396,700,-399,700,-404,700,-405,700,-410,700,-415,700,-419,700,-420,700,-425,700,-428,-901,-902,-645,-587,-1896,-903,700,700,700,-802,700,700,-806,700,-809,-835,700,-820,700,-822,700,-824,-810,700,-826,700,-853,-854,700,700,-813,700,-648,-904,-906,-650,-651,-647,700,-707,-708,700,-644,-905,-649,-652,-605,-716,700,700,-607,-588,700,700,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,700,700,-711,-712,700,-718,700,700,700,700,700,700,-940,700,-441,-443,-749,700,-893,700,-717,-1896,700,700,700,700,700,-444,-514,-525,700,-730,-735,700,-737,700,-742,700,-664,-670,700,-680,-682,-684,-685,-692,-695,-699,-747,700,700,-876,700,700,-880,700,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,700,-814,700,-816,-803,700,-804,-807,700,-818,-821,-823,-825,-827,700,-828,700,-811,700,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,700,-284,700,700,700,700,-457,700,700,-731,700,-738,700,-743,700,-665,-673,700,700,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,700,-838,-53,700,700,-732,700,-739,700,-744,-666,700,-875,-54,700,700,-733,-740,-745,700,700,700,-874,]),'SENSITIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[701,701,701,701,-1896,701,701,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,701,701,701,701,-277,-278,701,-1427,701,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,701,701,701,-492,701,701,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,701,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,701,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,701,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,701,-174,-175,-176,-177,-995,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-292,-293,-283,701,701,701,701,701,-330,-320,-334,-335,-336,701,701,-984,-985,-986,-987,-988,-989,-990,701,701,701,701,701,701,701,701,701,701,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,701,701,701,-355,-358,701,-325,-326,-143,701,-144,701,-145,701,-432,-937,-938,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-1896,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-1896,701,-1896,701,701,701,701,701,701,701,701,701,701,701,701,-1896,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-1896,701,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,701,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,701,701,701,-193,-194,701,-996,701,701,701,701,701,-279,-280,-281,-282,-367,701,-310,701,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,701,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,701,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,701,701,701,701,701,701,-575,701,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,701,701,-725,-726,-727,701,701,701,701,701,701,-996,701,701,-93,-94,701,701,701,701,-311,-312,-322,701,-309,-295,-296,-297,701,701,701,701,-620,-635,-592,701,701,-438,701,-439,701,-446,-447,-448,-380,-381,701,701,701,-508,701,701,-512,701,701,701,701,-517,-518,-519,-520,701,701,-523,-524,701,-526,-527,-528,-529,-530,-531,-532,-533,701,-535,701,701,701,-541,-543,-544,701,-546,-547,-548,-549,701,701,701,701,701,701,-654,-655,-656,-657,701,-659,-660,-661,701,701,701,-667,701,701,-671,-672,701,701,-675,701,-677,-678,701,-681,701,-683,701,701,-686,-687,-688,701,-690,701,701,-693,701,701,-696,-697,-698,701,-700,-701,-702,-703,701,701,-748,701,-751,-752,-753,-754,-755,701,-757,-758,-759,-760,-761,701,-768,-769,-771,701,-773,-774,-775,-784,-858,-860,-862,-864,701,701,701,701,-870,701,-872,701,701,701,701,701,701,701,-908,-909,701,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,701,-923,-926,701,-936,701,-387,-388,-389,701,701,-392,-393,-394,-395,701,-398,701,-401,-402,701,-403,701,-408,-409,701,-412,-413,-414,701,-417,701,-418,701,-423,-424,701,-427,701,-430,-431,-1896,-1896,701,-621,-622,-623,-624,-625,-636,-586,-626,-799,701,701,701,701,701,-833,701,701,-808,701,-834,701,701,701,701,-800,701,-855,-801,701,701,701,701,701,701,-856,-857,701,-836,-832,-837,701,-627,701,-628,-629,-630,-631,-576,701,701,-632,-633,-634,701,701,701,701,701,701,-637,-638,-639,-594,-1896,-604,701,-640,-641,-715,-642,-606,701,-574,-579,-582,-585,701,701,701,-600,-603,701,-610,701,701,701,701,701,701,701,701,701,701,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,701,701,701,-997,701,701,701,701,701,701,-308,-327,-321,-298,-377,-454,-455,-456,-460,701,-445,701,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,701,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,701,701,701,701,701,701,701,701,701,-318,-537,-510,-593,-939,-941,-942,-440,701,-442,-382,-383,-385,-509,-511,-513,701,-515,-516,-521,-522,701,-534,-536,-539,-540,-545,-550,-728,701,-729,701,-734,701,-736,701,-741,-658,-662,-663,701,-668,701,-669,701,-674,-676,701,-679,701,701,701,-689,-691,701,-694,701,701,-746,701,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,701,701,701,701,701,-879,701,-882,-910,-922,-927,-390,-391,701,-396,701,-399,701,-404,701,-405,701,-410,701,-415,701,-419,701,-420,701,-425,701,-428,-901,-902,-645,-587,-1896,-903,701,701,701,-802,701,701,-806,701,-809,-835,701,-820,701,-822,701,-824,-810,701,-826,701,-853,-854,701,701,-813,701,-648,-904,-906,-650,-651,-647,701,-707,-708,701,-644,-905,-649,-652,-605,-716,701,701,-607,-588,701,701,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,701,701,-711,-712,701,-718,701,701,701,701,701,701,-940,701,-441,-443,-749,701,-893,701,-717,-1896,701,701,701,701,701,-444,-514,-525,701,-730,-735,701,-737,701,-742,701,-664,-670,701,-680,-682,-684,-685,-692,-695,-699,-747,701,701,-876,701,701,-880,701,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,701,-814,701,-816,-803,701,-804,-807,701,-818,-821,-823,-825,-827,701,-828,701,-811,701,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,701,-284,701,701,701,701,-457,701,701,-731,701,-738,701,-743,701,-665,-673,701,701,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,701,-838,-53,701,701,-732,701,-739,701,-744,-666,701,-875,-54,701,701,-733,-740,-745,701,701,701,-874,]),'SEPARATOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1389,1390,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1437,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2477,2478,2479,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2529,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2882,2884,2885,2886,2888,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3153,3157,3158,3159,3160,3161,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[702,702,702,702,-1896,702,702,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,702,702,702,702,-277,-278,702,-1427,702,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,702,702,702,-492,702,702,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,702,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,702,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,702,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-136,-137,702,-174,-175,-176,-177,-995,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-292,-293,-283,702,702,-952,702,702,702,-330,-320,-334,-335,-336,702,702,-984,-985,-986,-987,-988,-989,-990,702,702,702,702,702,702,702,702,702,702,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,702,702,702,-355,-358,702,-325,-326,-143,702,-144,702,-145,702,-432,-937,-938,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-1896,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-1896,702,-1896,702,702,702,702,702,702,702,702,702,702,702,702,-1896,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-1896,702,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,702,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,702,702,702,-193,-194,702,-996,702,702,702,702,702,-279,-280,-281,-282,-367,702,-310,702,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,702,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,702,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,702,702,702,702,702,702,-575,702,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,702,702,-725,-726,-727,702,702,702,702,-138,-139,-1896,702,702,-996,702,702,-93,-94,702,702,702,-951,702,-311,-312,-322,702,-309,-295,-296,-297,702,702,702,702,-620,-635,-592,702,702,-438,702,-439,702,-446,-447,-448,-380,-381,702,702,702,-508,702,702,-512,702,702,702,702,-517,-518,-519,-520,702,702,-523,-524,702,-526,-527,-528,-529,-530,-531,-532,-533,702,-535,702,702,702,-541,-543,-544,702,-546,-547,-548,-549,702,702,702,702,702,702,-654,-655,-656,-657,702,-659,-660,-661,702,702,702,-667,702,702,-671,-672,702,702,-675,702,-677,-678,702,-681,702,-683,702,702,-686,-687,-688,702,-690,702,702,-693,702,702,-696,-697,-698,702,-700,-701,-702,-703,702,702,-748,702,-751,-752,-753,-754,-755,702,-757,-758,-759,-760,-761,702,-768,-769,-771,702,-773,-774,-775,-784,-858,-860,-862,-864,702,702,702,702,-870,702,-872,702,702,702,702,702,702,702,-908,-909,702,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,702,-923,-926,702,-936,702,-387,-388,-389,702,702,-392,-393,-394,-395,702,-398,702,-401,-402,702,-403,702,-408,-409,702,-412,-413,-414,702,-417,702,-418,702,-423,-424,702,-427,702,-430,-431,-1896,-1896,702,-621,-622,-623,-624,-625,-636,-586,-626,-799,702,702,702,702,702,-833,702,702,-808,702,-834,702,702,702,702,-800,702,-855,-801,702,702,702,702,702,702,-856,-857,702,-836,-832,-837,702,-627,702,-628,-629,-630,-631,-576,702,702,-632,-633,-634,702,702,702,702,702,702,-637,-638,-639,-594,-1896,-604,702,-640,-641,-715,-642,-606,702,-574,-579,-582,-585,702,702,702,-600,-603,702,-610,702,702,702,702,702,702,702,702,702,702,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,702,-141,-1896,-150,-146,-147,702,702,-997,702,702,702,702,702,702,-308,-327,-321,-298,-377,-454,-455,-456,-460,702,-445,702,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,702,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,3437,702,-140,-142,-148,-149,702,702,702,702,702,702,702,702,-318,-537,-510,-593,-939,-941,-942,-440,702,-442,-382,-383,-385,-509,-511,-513,702,-515,-516,-521,-522,702,-534,-536,-539,-540,-545,-550,-728,702,-729,702,-734,702,-736,702,-741,-658,-662,-663,702,-668,702,-669,702,-674,-676,702,-679,702,702,702,-689,-691,702,-694,702,702,-746,702,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,702,702,702,702,702,-879,702,-882,-910,-922,-927,-390,-391,702,-396,702,-399,702,-404,702,-405,702,-410,702,-415,702,-419,702,-420,702,-425,702,-428,-901,-902,-645,-587,-1896,-903,702,702,702,-802,702,702,-806,702,-809,-835,702,-820,702,-822,702,-824,-810,702,-826,702,-853,-854,702,702,-813,702,-648,-904,-906,-650,-651,-647,702,-707,-708,702,-644,-905,-649,-652,-605,-716,702,702,-607,-588,702,702,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,702,702,-711,-712,702,-718,702,702,702,702,702,702,-940,702,-441,-443,-749,702,-893,702,-717,-1896,702,702,702,702,702,-444,-514,-525,702,-730,-735,702,-737,702,-742,702,-664,-670,702,-680,-682,-684,-685,-692,-695,-699,-747,702,702,-876,702,702,-880,702,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,702,-814,702,-816,-803,702,-804,-807,702,-818,-821,-823,-825,-827,702,-828,702,-811,702,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,702,-284,702,702,702,702,-457,702,702,-731,702,-738,702,-743,702,-665,-673,702,702,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,702,-838,-53,702,702,-732,702,-739,702,-744,-666,702,-875,-54,702,702,-733,-740,-745,702,702,702,-874,]),'SERIAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[703,703,703,703,-1896,703,703,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,703,703,703,703,-277,-278,703,-1427,703,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,703,703,703,-492,703,703,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,703,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,703,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,703,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,703,-174,-175,-176,-177,-995,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-292,-293,-283,703,703,703,703,703,-330,-320,-334,-335,-336,703,703,-984,-985,-986,-987,-988,-989,-990,703,703,703,703,703,703,703,703,703,703,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,703,703,703,-355,-358,703,-325,-326,-143,703,-144,703,-145,703,-432,-937,-938,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-1896,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-1896,703,-1896,703,703,703,703,703,703,703,703,703,703,703,703,-1896,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-1896,703,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,703,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,703,703,703,-193,-194,703,-996,703,703,703,703,703,-279,-280,-281,-282,-367,703,-310,703,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,703,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,703,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,703,703,703,703,703,703,-575,703,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,703,703,-725,-726,-727,703,703,703,703,703,703,-996,703,703,-93,-94,703,703,703,703,-311,-312,-322,703,-309,-295,-296,-297,703,703,703,703,-620,-635,-592,703,703,-438,703,-439,703,-446,-447,-448,-380,-381,703,703,703,-508,703,703,-512,703,703,703,703,-517,-518,-519,-520,703,703,-523,-524,703,-526,-527,-528,-529,-530,-531,-532,-533,703,-535,703,703,703,-541,-543,-544,703,-546,-547,-548,-549,703,703,703,703,703,703,-654,-655,-656,-657,703,-659,-660,-661,703,703,703,-667,703,703,-671,-672,703,703,-675,703,-677,-678,703,-681,703,-683,703,703,-686,-687,-688,703,-690,703,703,-693,703,703,-696,-697,-698,703,-700,-701,-702,-703,703,703,-748,703,-751,-752,-753,-754,-755,703,-757,-758,-759,-760,-761,703,-768,-769,-771,703,-773,-774,-775,-784,-858,-860,-862,-864,703,703,703,703,-870,703,-872,703,703,703,703,703,703,703,-908,-909,703,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,703,-923,-926,703,-936,703,-387,-388,-389,703,703,-392,-393,-394,-395,703,-398,703,-401,-402,703,-403,703,-408,-409,703,-412,-413,-414,703,-417,703,-418,703,-423,-424,703,-427,703,-430,-431,-1896,-1896,703,-621,-622,-623,-624,-625,-636,-586,-626,-799,703,703,703,703,703,-833,703,703,-808,703,-834,703,703,703,703,-800,703,-855,-801,703,703,703,703,703,703,-856,-857,703,-836,-832,-837,703,-627,703,-628,-629,-630,-631,-576,703,703,-632,-633,-634,703,703,703,703,703,703,-637,-638,-639,-594,-1896,-604,703,-640,-641,-715,-642,-606,703,-574,-579,-582,-585,703,703,703,-600,-603,703,-610,703,703,703,703,703,703,703,703,703,703,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,703,703,703,-997,703,703,703,703,703,703,-308,-327,-321,-298,-377,-454,-455,-456,-460,703,-445,703,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,703,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,703,703,703,703,703,703,703,703,703,-318,-537,-510,-593,-939,-941,-942,-440,703,-442,-382,-383,-385,-509,-511,-513,703,-515,-516,-521,-522,703,-534,-536,-539,-540,-545,-550,-728,703,-729,703,-734,703,-736,703,-741,-658,-662,-663,703,-668,703,-669,703,-674,-676,703,-679,703,703,703,-689,-691,703,-694,703,703,-746,703,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,703,703,703,703,703,-879,703,-882,-910,-922,-927,-390,-391,703,-396,703,-399,703,-404,703,-405,703,-410,703,-415,703,-419,703,-420,703,-425,703,-428,-901,-902,-645,-587,-1896,-903,703,703,703,-802,703,703,-806,703,-809,-835,703,-820,703,-822,703,-824,-810,703,-826,703,-853,-854,703,703,-813,703,-648,-904,-906,-650,-651,-647,703,-707,-708,703,-644,-905,-649,-652,-605,-716,703,703,-607,-588,703,703,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,703,703,-711,-712,703,-718,703,703,703,703,703,703,-940,703,-441,-443,-749,703,-893,703,-717,-1896,703,703,703,703,703,-444,-514,-525,703,-730,-735,703,-737,703,-742,703,-664,-670,703,-680,-682,-684,-685,-692,-695,-699,-747,703,703,-876,703,703,-880,703,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,703,-814,703,-816,-803,703,-804,-807,703,-818,-821,-823,-825,-827,703,-828,703,-811,703,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,703,-284,703,703,703,703,-457,703,703,-731,703,-738,703,-743,703,-665,-673,703,703,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,703,-838,-53,703,703,-732,703,-739,703,-744,-666,703,-875,-54,703,703,-733,-740,-745,703,703,703,-874,]),'SERIALIZABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[704,704,704,704,-1896,704,704,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,704,704,704,704,-277,-278,704,-1427,704,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,704,704,704,-492,704,704,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,704,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,704,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,704,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,704,-174,-175,-176,-177,-995,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-292,-293,-283,704,704,704,704,704,-330,-320,-334,-335,-336,704,704,-984,-985,-986,-987,-988,-989,-990,704,704,704,704,704,704,704,704,704,704,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,704,704,704,-355,-358,704,-325,-326,-143,704,-144,704,-145,704,-432,-937,-938,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-1896,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-1896,704,-1896,704,704,704,704,704,704,704,704,704,704,704,704,-1896,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-1896,704,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,704,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,704,704,704,-193,-194,704,-996,704,704,704,704,704,-279,-280,-281,-282,-367,704,-310,704,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,704,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,704,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,704,704,704,704,704,704,-575,704,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,704,704,-725,-726,-727,704,704,704,704,704,704,-996,704,704,-93,-94,704,704,704,704,-311,-312,-322,704,-309,-295,-296,-297,704,704,704,704,-620,-635,-592,704,704,-438,704,-439,704,-446,-447,-448,-380,-381,704,704,704,-508,704,704,-512,704,704,704,704,-517,-518,-519,-520,704,704,-523,-524,704,-526,-527,-528,-529,-530,-531,-532,-533,704,-535,704,704,704,-541,-543,-544,704,-546,-547,-548,-549,704,704,704,704,704,704,-654,-655,-656,-657,704,-659,-660,-661,704,704,704,-667,704,704,-671,-672,704,704,-675,704,-677,-678,704,-681,704,-683,704,704,-686,-687,-688,704,-690,704,704,-693,704,704,-696,-697,-698,704,-700,-701,-702,-703,704,704,-748,704,-751,-752,-753,-754,-755,704,-757,-758,-759,-760,-761,704,-768,-769,-771,704,-773,-774,-775,-784,-858,-860,-862,-864,704,704,704,704,-870,704,-872,704,704,704,704,704,704,704,-908,-909,704,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,704,-923,-926,704,-936,704,-387,-388,-389,704,704,-392,-393,-394,-395,704,-398,704,-401,-402,704,-403,704,-408,-409,704,-412,-413,-414,704,-417,704,-418,704,-423,-424,704,-427,704,-430,-431,-1896,-1896,704,-621,-622,-623,-624,-625,-636,-586,-626,-799,704,704,704,704,704,-833,704,704,-808,704,-834,704,704,704,704,-800,704,-855,-801,704,704,704,704,704,704,-856,-857,704,-836,-832,-837,704,-627,704,-628,-629,-630,-631,-576,704,704,-632,-633,-634,704,704,704,704,704,704,-637,-638,-639,-594,-1896,-604,704,-640,-641,-715,-642,-606,704,-574,-579,-582,-585,704,704,704,-600,-603,704,-610,704,704,704,704,704,704,704,704,704,704,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,704,704,704,-997,704,704,704,704,704,704,-308,-327,-321,-298,-377,-454,-455,-456,-460,704,-445,704,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,704,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,704,704,704,704,704,704,704,704,704,-318,-537,-510,-593,-939,-941,-942,-440,704,-442,-382,-383,-385,-509,-511,-513,704,-515,-516,-521,-522,704,-534,-536,-539,-540,-545,-550,-728,704,-729,704,-734,704,-736,704,-741,-658,-662,-663,704,-668,704,-669,704,-674,-676,704,-679,704,704,704,-689,-691,704,-694,704,704,-746,704,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,704,704,704,704,704,-879,704,-882,-910,-922,-927,-390,-391,704,-396,704,-399,704,-404,704,-405,704,-410,704,-415,704,-419,704,-420,704,-425,704,-428,-901,-902,-645,-587,-1896,-903,704,704,704,-802,704,704,-806,704,-809,-835,704,-820,704,-822,704,-824,-810,704,-826,704,-853,-854,704,704,-813,704,-648,-904,-906,-650,-651,-647,704,-707,-708,704,-644,-905,-649,-652,-605,-716,704,704,-607,-588,704,704,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,704,704,-711,-712,704,-718,704,704,704,704,704,704,-940,704,-441,-443,-749,704,-893,704,-717,-1896,704,704,704,704,704,-444,-514,-525,704,-730,-735,704,-737,704,-742,704,-664,-670,704,-680,-682,-684,-685,-692,-695,-699,-747,704,704,-876,704,704,-880,704,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,704,-814,704,-816,-803,704,-804,-807,704,-818,-821,-823,-825,-827,704,-828,704,-811,704,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,704,-284,704,704,704,704,-457,704,704,-731,704,-738,704,-743,704,-665,-673,704,704,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,704,-838,-53,704,704,-732,704,-739,704,-744,-666,704,-875,-54,704,704,-733,-740,-745,704,704,704,-874,]),'SERVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[705,705,705,705,-1896,705,705,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,705,705,705,705,-277,-278,705,-1427,705,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,705,705,705,-492,705,705,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,705,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,705,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,705,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,705,-174,-175,-176,-177,-995,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-292,-293,-283,705,705,705,705,705,-330,-320,-334,-335,-336,705,705,-984,-985,-986,-987,-988,-989,-990,705,705,705,705,705,705,705,705,705,705,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,705,705,705,-355,-358,705,-325,-326,-143,705,-144,705,-145,705,-432,-937,-938,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-1896,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-1896,705,-1896,705,705,705,705,705,705,705,705,705,705,705,705,-1896,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-1896,705,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,705,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,705,705,705,-193,-194,705,-996,705,705,705,705,705,-279,-280,-281,-282,-367,705,-310,705,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,705,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,705,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,705,705,705,705,705,705,-575,705,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,705,705,-725,-726,-727,705,705,705,705,705,705,-996,705,705,-93,-94,705,705,705,705,-311,-312,-322,705,-309,-295,-296,-297,705,705,705,705,-620,-635,-592,705,705,-438,705,-439,705,-446,-447,-448,-380,-381,705,705,705,-508,705,705,-512,705,705,705,705,-517,-518,-519,-520,705,705,-523,-524,705,-526,-527,-528,-529,-530,-531,-532,-533,705,-535,705,705,705,-541,-543,-544,705,-546,-547,-548,-549,705,705,705,705,705,705,-654,-655,-656,-657,705,-659,-660,-661,705,705,705,-667,705,705,-671,-672,705,705,-675,705,-677,-678,705,-681,705,-683,705,705,-686,-687,-688,705,-690,705,705,-693,705,705,-696,-697,-698,705,-700,-701,-702,-703,705,705,-748,705,-751,-752,-753,-754,-755,705,-757,-758,-759,-760,-761,705,-768,-769,-771,705,-773,-774,-775,-784,-858,-860,-862,-864,705,705,705,705,-870,705,-872,705,705,705,705,705,705,705,-908,-909,705,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,705,-923,-926,705,-936,705,-387,-388,-389,705,705,-392,-393,-394,-395,705,-398,705,-401,-402,705,-403,705,-408,-409,705,-412,-413,-414,705,-417,705,-418,705,-423,-424,705,-427,705,-430,-431,-1896,-1896,705,-621,-622,-623,-624,-625,-636,-586,-626,-799,705,705,705,705,705,-833,705,705,-808,705,-834,705,705,705,705,-800,705,-855,-801,705,705,705,705,705,705,-856,-857,705,-836,-832,-837,705,-627,705,-628,-629,-630,-631,-576,705,705,-632,-633,-634,705,705,705,705,705,705,-637,-638,-639,-594,-1896,-604,705,-640,-641,-715,-642,-606,705,-574,-579,-582,-585,705,705,705,-600,-603,705,-610,705,705,705,705,705,705,705,705,705,705,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,705,705,705,-997,705,705,705,705,705,705,-308,-327,-321,-298,-377,-454,-455,-456,-460,705,-445,705,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,705,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,705,705,705,705,705,705,705,705,705,-318,-537,-510,-593,-939,-941,-942,-440,705,-442,-382,-383,-385,-509,-511,-513,705,-515,-516,-521,-522,705,-534,-536,-539,-540,-545,-550,-728,705,-729,705,-734,705,-736,705,-741,-658,-662,-663,705,-668,705,-669,705,-674,-676,705,-679,705,705,705,-689,-691,705,-694,705,705,-746,705,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,705,705,705,705,705,-879,705,-882,-910,-922,-927,-390,-391,705,-396,705,-399,705,-404,705,-405,705,-410,705,-415,705,-419,705,-420,705,-425,705,-428,-901,-902,-645,-587,-1896,-903,705,705,705,-802,705,705,-806,705,-809,-835,705,-820,705,-822,705,-824,-810,705,-826,705,-853,-854,705,705,-813,705,-648,-904,-906,-650,-651,-647,705,-707,-708,705,-644,-905,-649,-652,-605,-716,705,705,-607,-588,705,705,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,705,705,-711,-712,705,-718,705,705,705,705,705,705,-940,705,-441,-443,-749,705,-893,705,-717,-1896,705,705,705,705,705,-444,-514,-525,705,-730,-735,705,-737,705,-742,705,-664,-670,705,-680,-682,-684,-685,-692,-695,-699,-747,705,705,-876,705,705,-880,705,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,705,-814,705,-816,-803,705,-804,-807,705,-818,-821,-823,-825,-827,705,-828,705,-811,705,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,705,-284,705,705,705,705,-457,705,705,-731,705,-738,705,-743,705,-665,-673,705,705,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,705,-838,-53,705,705,-732,705,-739,705,-744,-666,705,-875,-54,705,705,-733,-740,-745,705,705,705,-874,]),'SERVER_IP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[706,706,706,706,-1896,706,706,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,706,706,706,706,-277,-278,706,-1427,706,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,706,706,706,-492,706,706,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,706,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,706,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,706,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,706,-174,-175,-176,-177,-995,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-292,-293,-283,706,706,706,706,706,-330,-320,-334,-335,-336,706,706,-984,-985,-986,-987,-988,-989,-990,706,706,706,706,706,706,706,706,706,706,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,706,706,706,-355,-358,706,-325,-326,-143,706,-144,706,-145,706,-432,-937,-938,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-1896,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-1896,706,-1896,706,706,706,706,706,706,706,706,706,706,706,706,-1896,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-1896,706,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,706,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,706,706,706,-193,-194,706,-996,706,706,706,706,706,-279,-280,-281,-282,-367,706,-310,706,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,706,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,706,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,706,706,706,706,706,706,-575,706,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,706,706,-725,-726,-727,706,706,706,706,706,706,-996,706,706,-93,-94,706,706,706,706,-311,-312,-322,706,-309,-295,-296,-297,706,706,706,706,-620,-635,-592,706,706,-438,706,-439,706,-446,-447,-448,-380,-381,706,706,706,-508,706,706,-512,706,706,706,706,-517,-518,-519,-520,706,706,-523,-524,706,-526,-527,-528,-529,-530,-531,-532,-533,706,-535,706,706,706,-541,-543,-544,706,-546,-547,-548,-549,706,706,706,706,706,706,-654,-655,-656,-657,706,-659,-660,-661,706,706,706,-667,706,706,-671,-672,706,706,-675,706,-677,-678,706,-681,706,-683,706,706,-686,-687,-688,706,-690,706,706,-693,706,706,-696,-697,-698,706,-700,-701,-702,-703,706,706,-748,706,-751,-752,-753,-754,-755,706,-757,-758,-759,-760,-761,706,-768,-769,-771,706,-773,-774,-775,-784,-858,-860,-862,-864,706,706,706,706,-870,706,-872,706,706,706,706,706,706,706,-908,-909,706,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,706,-923,-926,706,-936,706,-387,-388,-389,706,706,-392,-393,-394,-395,706,-398,706,-401,-402,706,-403,706,-408,-409,706,-412,-413,-414,706,-417,706,-418,706,-423,-424,706,-427,706,-430,-431,-1896,-1896,706,-621,-622,-623,-624,-625,-636,-586,-626,-799,706,706,706,706,706,-833,706,706,-808,706,-834,706,706,706,706,-800,706,-855,-801,706,706,706,706,706,706,-856,-857,706,-836,-832,-837,706,-627,706,-628,-629,-630,-631,-576,706,706,-632,-633,-634,706,706,706,706,706,706,-637,-638,-639,-594,-1896,-604,706,-640,-641,-715,-642,-606,706,-574,-579,-582,-585,706,706,706,-600,-603,706,-610,706,706,706,706,706,706,706,706,706,706,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,706,706,706,-997,706,706,706,706,706,706,-308,-327,-321,-298,-377,-454,-455,-456,-460,706,-445,706,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,706,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,706,706,706,706,706,706,706,706,706,-318,-537,-510,-593,-939,-941,-942,-440,706,-442,-382,-383,-385,-509,-511,-513,706,-515,-516,-521,-522,706,-534,-536,-539,-540,-545,-550,-728,706,-729,706,-734,706,-736,706,-741,-658,-662,-663,706,-668,706,-669,706,-674,-676,706,-679,706,706,706,-689,-691,706,-694,706,706,-746,706,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,706,706,706,706,706,-879,706,-882,-910,-922,-927,-390,-391,706,-396,706,-399,706,-404,706,-405,706,-410,706,-415,706,-419,706,-420,706,-425,706,-428,-901,-902,-645,-587,-1896,-903,706,706,706,-802,706,706,-806,706,-809,-835,706,-820,706,-822,706,-824,-810,706,-826,706,-853,-854,706,706,-813,706,-648,-904,-906,-650,-651,-647,706,-707,-708,706,-644,-905,-649,-652,-605,-716,706,706,-607,-588,706,706,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,706,706,-711,-712,706,-718,706,706,706,706,706,706,-940,706,-441,-443,-749,706,-893,706,-717,-1896,706,706,706,706,706,-444,-514,-525,706,-730,-735,706,-737,706,-742,706,-664,-670,706,-680,-682,-684,-685,-692,-695,-699,-747,706,706,-876,706,706,-880,706,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,706,-814,706,-816,-803,706,-804,-807,706,-818,-821,-823,-825,-827,706,-828,706,-811,706,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,706,-284,706,706,706,706,-457,706,706,-731,706,-738,706,-743,706,-665,-673,706,706,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,706,-838,-53,706,706,-732,706,-739,706,-744,-666,706,-875,-54,706,706,-733,-740,-745,706,706,706,-874,]),'SERVER_PORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[707,707,707,707,-1896,707,707,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,707,707,707,707,-277,-278,707,-1427,707,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,707,707,707,-492,707,707,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,707,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,707,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,707,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,707,-174,-175,-176,-177,-995,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-292,-293,-283,707,707,707,707,707,-330,-320,-334,-335,-336,707,707,-984,-985,-986,-987,-988,-989,-990,707,707,707,707,707,707,707,707,707,707,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,707,707,707,-355,-358,707,-325,-326,-143,707,-144,707,-145,707,-432,-937,-938,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-1896,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-1896,707,-1896,707,707,707,707,707,707,707,707,707,707,707,707,-1896,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-1896,707,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,707,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,707,707,707,-193,-194,707,-996,707,707,707,707,707,-279,-280,-281,-282,-367,707,-310,707,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,707,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,707,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,707,707,707,707,707,707,-575,707,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,707,707,-725,-726,-727,707,707,707,707,707,707,-996,707,707,-93,-94,707,707,707,707,-311,-312,-322,707,-309,-295,-296,-297,707,707,707,707,-620,-635,-592,707,707,-438,707,-439,707,-446,-447,-448,-380,-381,707,707,707,-508,707,707,-512,707,707,707,707,-517,-518,-519,-520,707,707,-523,-524,707,-526,-527,-528,-529,-530,-531,-532,-533,707,-535,707,707,707,-541,-543,-544,707,-546,-547,-548,-549,707,707,707,707,707,707,-654,-655,-656,-657,707,-659,-660,-661,707,707,707,-667,707,707,-671,-672,707,707,-675,707,-677,-678,707,-681,707,-683,707,707,-686,-687,-688,707,-690,707,707,-693,707,707,-696,-697,-698,707,-700,-701,-702,-703,707,707,-748,707,-751,-752,-753,-754,-755,707,-757,-758,-759,-760,-761,707,-768,-769,-771,707,-773,-774,-775,-784,-858,-860,-862,-864,707,707,707,707,-870,707,-872,707,707,707,707,707,707,707,-908,-909,707,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,707,-923,-926,707,-936,707,-387,-388,-389,707,707,-392,-393,-394,-395,707,-398,707,-401,-402,707,-403,707,-408,-409,707,-412,-413,-414,707,-417,707,-418,707,-423,-424,707,-427,707,-430,-431,-1896,-1896,707,-621,-622,-623,-624,-625,-636,-586,-626,-799,707,707,707,707,707,-833,707,707,-808,707,-834,707,707,707,707,-800,707,-855,-801,707,707,707,707,707,707,-856,-857,707,-836,-832,-837,707,-627,707,-628,-629,-630,-631,-576,707,707,-632,-633,-634,707,707,707,707,707,707,-637,-638,-639,-594,-1896,-604,707,-640,-641,-715,-642,-606,707,-574,-579,-582,-585,707,707,707,-600,-603,707,-610,707,707,707,707,707,707,707,707,707,707,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,707,707,707,-997,707,707,707,707,707,707,-308,-327,-321,-298,-377,-454,-455,-456,-460,707,-445,707,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,707,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,707,707,707,707,707,707,707,707,707,-318,-537,-510,-593,-939,-941,-942,-440,707,-442,-382,-383,-385,-509,-511,-513,707,-515,-516,-521,-522,707,-534,-536,-539,-540,-545,-550,-728,707,-729,707,-734,707,-736,707,-741,-658,-662,-663,707,-668,707,-669,707,-674,-676,707,-679,707,707,707,-689,-691,707,-694,707,707,-746,707,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,707,707,707,707,707,-879,707,-882,-910,-922,-927,-390,-391,707,-396,707,-399,707,-404,707,-405,707,-410,707,-415,707,-419,707,-420,707,-425,707,-428,-901,-902,-645,-587,-1896,-903,707,707,707,-802,707,707,-806,707,-809,-835,707,-820,707,-822,707,-824,-810,707,-826,707,-853,-854,707,707,-813,707,-648,-904,-906,-650,-651,-647,707,-707,-708,707,-644,-905,-649,-652,-605,-716,707,707,-607,-588,707,707,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,707,707,-711,-712,707,-718,707,707,707,707,707,707,-940,707,-441,-443,-749,707,-893,707,-717,-1896,707,707,707,707,707,-444,-514,-525,707,-730,-735,707,-737,707,-742,707,-664,-670,707,-680,-682,-684,-685,-692,-695,-699,-747,707,707,-876,707,707,-880,707,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,707,-814,707,-816,-803,707,-804,-807,707,-818,-821,-823,-825,-827,707,-828,707,-811,707,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,707,-284,707,707,707,707,-457,707,707,-731,707,-738,707,-743,707,-665,-673,707,707,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,707,-838,-53,707,707,-732,707,-739,707,-744,-666,707,-875,-54,707,707,-733,-740,-745,707,707,707,-874,]),'SERVER_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[708,708,708,708,-1896,708,708,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,708,708,708,708,-277,-278,708,-1427,708,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,708,708,708,-492,708,708,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,708,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,708,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,708,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,708,-174,-175,-176,-177,-995,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-292,-293,-283,708,708,708,708,708,-330,-320,-334,-335,-336,708,708,-984,-985,-986,-987,-988,-989,-990,708,708,708,708,708,708,708,708,708,708,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,708,708,708,-355,-358,708,-325,-326,-143,708,-144,708,-145,708,-432,-937,-938,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-1896,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-1896,708,-1896,708,708,708,708,708,708,708,708,708,708,708,708,-1896,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-1896,708,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,708,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,708,708,708,-193,-194,708,-996,708,708,708,708,708,-279,-280,-281,-282,-367,708,-310,708,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,708,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,708,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,708,708,708,708,708,708,-575,708,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,708,708,-725,-726,-727,708,708,708,708,708,708,-996,708,708,-93,-94,708,708,708,708,-311,-312,-322,708,-309,-295,-296,-297,708,708,708,708,-620,-635,-592,708,708,-438,708,-439,708,-446,-447,-448,-380,-381,708,708,708,-508,708,708,-512,708,708,708,708,-517,-518,-519,-520,708,708,-523,-524,708,-526,-527,-528,-529,-530,-531,-532,-533,708,-535,708,708,708,-541,-543,-544,708,-546,-547,-548,-549,708,708,708,708,708,708,-654,-655,-656,-657,708,-659,-660,-661,708,708,708,-667,708,708,-671,-672,708,708,-675,708,-677,-678,708,-681,708,-683,708,708,-686,-687,-688,708,-690,708,708,-693,708,708,-696,-697,-698,708,-700,-701,-702,-703,708,708,-748,708,-751,-752,-753,-754,-755,708,-757,-758,-759,-760,-761,708,-768,-769,-771,708,-773,-774,-775,-784,-858,-860,-862,-864,708,708,708,708,-870,708,-872,708,708,708,708,708,708,708,-908,-909,708,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,708,-923,-926,708,-936,708,-387,-388,-389,708,708,-392,-393,-394,-395,708,-398,708,-401,-402,708,-403,708,-408,-409,708,-412,-413,-414,708,-417,708,-418,708,-423,-424,708,-427,708,-430,-431,-1896,-1896,708,-621,-622,-623,-624,-625,-636,-586,-626,-799,708,708,708,708,708,-833,708,708,-808,708,-834,708,708,708,708,-800,708,-855,-801,708,708,708,708,708,708,-856,-857,708,-836,-832,-837,708,-627,708,-628,-629,-630,-631,-576,708,708,-632,-633,-634,708,708,708,708,708,708,-637,-638,-639,-594,-1896,-604,708,-640,-641,-715,-642,-606,708,-574,-579,-582,-585,708,708,708,-600,-603,708,-610,708,708,708,708,708,708,708,708,708,708,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,708,708,708,-997,708,708,708,708,708,708,-308,-327,-321,-298,-377,-454,-455,-456,-460,708,-445,708,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,708,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,708,708,708,708,708,708,708,708,708,-318,-537,-510,-593,-939,-941,-942,-440,708,-442,-382,-383,-385,-509,-511,-513,708,-515,-516,-521,-522,708,-534,-536,-539,-540,-545,-550,-728,708,-729,708,-734,708,-736,708,-741,-658,-662,-663,708,-668,708,-669,708,-674,-676,708,-679,708,708,708,-689,-691,708,-694,708,708,-746,708,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,708,708,708,708,708,-879,708,-882,-910,-922,-927,-390,-391,708,-396,708,-399,708,-404,708,-405,708,-410,708,-415,708,-419,708,-420,708,-425,708,-428,-901,-902,-645,-587,-1896,-903,708,708,708,-802,708,708,-806,708,-809,-835,708,-820,708,-822,708,-824,-810,708,-826,708,-853,-854,708,708,-813,708,-648,-904,-906,-650,-651,-647,708,-707,-708,708,-644,-905,-649,-652,-605,-716,708,708,-607,-588,708,708,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,708,708,-711,-712,708,-718,708,708,708,708,708,708,-940,708,-441,-443,-749,708,-893,708,-717,-1896,708,708,708,708,708,-444,-514,-525,708,-730,-735,708,-737,708,-742,708,-664,-670,708,-680,-682,-684,-685,-692,-695,-699,-747,708,708,-876,708,708,-880,708,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,708,-814,708,-816,-803,708,-804,-807,708,-818,-821,-823,-825,-827,708,-828,708,-811,708,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,708,-284,708,708,708,708,-457,708,708,-731,708,-738,708,-743,708,-665,-673,708,708,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,708,-838,-53,708,708,-732,708,-739,708,-744,-666,708,-875,-54,708,708,-733,-740,-745,708,708,708,-874,]),'SESSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[709,709,709,709,-1896,709,709,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,709,709,709,709,-277,-278,709,-1427,709,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,709,709,709,-492,709,709,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,709,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,709,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,709,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,709,-174,-175,-176,-177,-995,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-292,-293,-283,709,709,709,709,709,-330,-320,-334,-335,-336,709,709,-984,-985,-986,-987,-988,-989,-990,709,709,709,709,709,709,709,709,709,709,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,709,709,709,-355,-358,709,-325,-326,-143,709,-144,709,-145,709,-432,-937,-938,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-1896,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-1896,709,-1896,709,709,709,709,709,709,709,709,709,709,709,709,-1896,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-1896,709,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,709,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,709,709,709,-193,-194,709,-996,709,709,709,709,709,-279,-280,-281,-282,-367,709,-310,709,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,709,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,709,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,709,709,709,709,709,709,-575,709,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,709,709,-725,-726,-727,709,709,709,709,709,709,-996,709,709,-93,-94,709,709,709,709,-311,-312,-322,709,-309,-295,-296,-297,709,709,709,709,-620,-635,-592,709,709,-438,709,-439,709,-446,-447,-448,-380,-381,709,709,709,-508,709,709,-512,709,709,709,709,-517,-518,-519,-520,709,709,-523,-524,709,-526,-527,-528,-529,-530,-531,-532,-533,709,-535,709,709,709,-541,-543,-544,709,-546,-547,-548,-549,709,709,709,709,709,709,-654,-655,-656,-657,709,-659,-660,-661,709,709,709,-667,709,709,-671,-672,709,709,-675,709,-677,-678,709,-681,709,-683,709,709,-686,-687,-688,709,-690,709,709,-693,709,709,-696,-697,-698,709,-700,-701,-702,-703,709,709,-748,709,-751,-752,-753,-754,-755,709,-757,-758,-759,-760,-761,709,-768,-769,-771,709,-773,-774,-775,-784,-858,-860,-862,-864,709,709,709,709,-870,709,-872,709,709,709,709,709,709,709,-908,-909,709,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,709,-923,-926,709,-936,709,-387,-388,-389,709,709,-392,-393,-394,-395,709,-398,709,-401,-402,709,-403,709,-408,-409,709,-412,-413,-414,709,-417,709,-418,709,-423,-424,709,-427,709,-430,-431,-1896,-1896,709,-621,-622,-623,-624,-625,-636,-586,-626,-799,709,709,709,709,709,-833,709,709,-808,709,-834,709,709,709,709,-800,709,-855,-801,709,709,709,709,709,709,-856,-857,709,-836,-832,-837,709,-627,709,-628,-629,-630,-631,-576,709,709,-632,-633,-634,709,709,709,709,709,709,-637,-638,-639,-594,-1896,-604,709,-640,-641,-715,-642,-606,709,-574,-579,-582,-585,709,709,709,-600,-603,709,-610,709,709,709,709,709,709,709,709,709,709,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,709,709,709,-997,709,709,709,709,709,709,-308,-327,-321,-298,-377,-454,-455,-456,-460,709,-445,709,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,709,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,709,709,709,709,709,709,709,709,709,-318,-537,-510,-593,-939,-941,-942,-440,709,-442,-382,-383,-385,-509,-511,-513,709,-515,-516,-521,-522,709,-534,-536,-539,-540,-545,-550,-728,709,-729,709,-734,709,-736,709,-741,-658,-662,-663,709,-668,709,-669,709,-674,-676,709,-679,709,709,709,-689,-691,709,-694,709,709,-746,709,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,709,709,709,709,709,-879,709,-882,-910,-922,-927,-390,-391,709,-396,709,-399,709,-404,709,-405,709,-410,709,-415,709,-419,709,-420,709,-425,709,-428,-901,-902,-645,-587,-1896,-903,709,709,709,-802,709,709,-806,709,-809,-835,709,-820,709,-822,709,-824,-810,709,-826,709,-853,-854,709,709,-813,709,-648,-904,-906,-650,-651,-647,709,-707,-708,709,-644,-905,-649,-652,-605,-716,709,709,-607,-588,709,709,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,709,709,-711,-712,709,-718,709,709,709,709,709,709,-940,709,-441,-443,-749,709,-893,709,-717,-1896,709,709,709,709,709,-444,-514,-525,709,-730,-735,709,-737,709,-742,709,-664,-670,709,-680,-682,-684,-685,-692,-695,-699,-747,709,709,-876,709,709,-880,709,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,709,-814,709,-816,-803,709,-804,-807,709,-818,-821,-823,-825,-827,709,-828,709,-811,709,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,709,-284,709,709,709,709,-457,709,709,-731,709,-738,709,-743,709,-665,-673,709,709,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,709,-838,-53,709,709,-732,709,-739,709,-744,-666,709,-875,-54,709,709,-733,-740,-745,709,709,709,-874,]),'SESSION_ALIAS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[710,710,710,710,-1896,710,710,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,710,710,710,710,-277,-278,710,-1427,710,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,710,710,710,-492,710,710,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,710,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,710,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,710,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,710,-174,-175,-176,-177,-995,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-292,-293,-283,710,710,710,710,710,-330,-320,-334,-335,-336,710,710,-984,-985,-986,-987,-988,-989,-990,710,710,710,710,710,710,710,710,710,710,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,710,710,710,-355,-358,710,-325,-326,-143,710,-144,710,-145,710,-432,-937,-938,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-1896,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-1896,710,-1896,710,710,710,710,710,710,710,710,710,710,710,710,-1896,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-1896,710,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,710,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,710,710,710,-193,-194,710,-996,710,710,710,710,710,-279,-280,-281,-282,-367,710,-310,710,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,710,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,710,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,710,710,710,710,710,710,-575,710,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,710,710,-725,-726,-727,710,710,710,710,710,710,-996,710,710,-93,-94,710,710,710,710,-311,-312,-322,710,-309,-295,-296,-297,710,710,710,710,-620,-635,-592,710,710,-438,710,-439,710,-446,-447,-448,-380,-381,710,710,710,-508,710,710,-512,710,710,710,710,-517,-518,-519,-520,710,710,-523,-524,710,-526,-527,-528,-529,-530,-531,-532,-533,710,-535,710,710,710,-541,-543,-544,710,-546,-547,-548,-549,710,710,710,710,710,710,-654,-655,-656,-657,710,-659,-660,-661,710,710,710,-667,710,710,-671,-672,710,710,-675,710,-677,-678,710,-681,710,-683,710,710,-686,-687,-688,710,-690,710,710,-693,710,710,-696,-697,-698,710,-700,-701,-702,-703,710,710,-748,710,-751,-752,-753,-754,-755,710,-757,-758,-759,-760,-761,710,-768,-769,-771,710,-773,-774,-775,-784,-858,-860,-862,-864,710,710,710,710,-870,710,-872,710,710,710,710,710,710,710,-908,-909,710,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,710,-923,-926,710,-936,710,-387,-388,-389,710,710,-392,-393,-394,-395,710,-398,710,-401,-402,710,-403,710,-408,-409,710,-412,-413,-414,710,-417,710,-418,710,-423,-424,710,-427,710,-430,-431,-1896,-1896,710,-621,-622,-623,-624,-625,-636,-586,-626,-799,710,710,710,710,710,-833,710,710,-808,710,-834,710,710,710,710,-800,710,-855,-801,710,710,710,710,710,710,-856,-857,710,-836,-832,-837,710,-627,710,-628,-629,-630,-631,-576,710,710,-632,-633,-634,710,710,710,710,710,710,-637,-638,-639,-594,-1896,-604,710,-640,-641,-715,-642,-606,710,-574,-579,-582,-585,710,710,710,-600,-603,710,-610,710,710,710,710,710,710,710,710,710,710,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,710,710,710,-997,710,710,710,710,710,710,-308,-327,-321,-298,-377,-454,-455,-456,-460,710,-445,710,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,710,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,710,710,710,710,710,710,710,710,710,-318,-537,-510,-593,-939,-941,-942,-440,710,-442,-382,-383,-385,-509,-511,-513,710,-515,-516,-521,-522,710,-534,-536,-539,-540,-545,-550,-728,710,-729,710,-734,710,-736,710,-741,-658,-662,-663,710,-668,710,-669,710,-674,-676,710,-679,710,710,710,-689,-691,710,-694,710,710,-746,710,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,710,710,710,710,710,-879,710,-882,-910,-922,-927,-390,-391,710,-396,710,-399,710,-404,710,-405,710,-410,710,-415,710,-419,710,-420,710,-425,710,-428,-901,-902,-645,-587,-1896,-903,710,710,710,-802,710,710,-806,710,-809,-835,710,-820,710,-822,710,-824,-810,710,-826,710,-853,-854,710,710,-813,710,-648,-904,-906,-650,-651,-647,710,-707,-708,710,-644,-905,-649,-652,-605,-716,710,710,-607,-588,710,710,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,710,710,-711,-712,710,-718,710,710,710,710,710,710,-940,710,-441,-443,-749,710,-893,710,-717,-1896,710,710,710,710,710,-444,-514,-525,710,-730,-735,710,-737,710,-742,710,-664,-670,710,-680,-682,-684,-685,-692,-695,-699,-747,710,710,-876,710,710,-880,710,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,710,-814,710,-816,-803,710,-804,-807,710,-818,-821,-823,-825,-827,710,-828,710,-811,710,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,710,-284,710,710,710,710,-457,710,710,-731,710,-738,710,-743,710,-665,-673,710,710,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,710,-838,-53,710,710,-732,710,-739,710,-744,-666,710,-875,-54,710,710,-733,-740,-745,710,710,710,-874,]),'SESSION_USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[711,711,711,1172,-1896,711,711,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,711,711,711,711,-277,-278,1172,-1427,1172,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1172,1172,1172,-492,1172,1172,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1172,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1172,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1952,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,711,-174,-175,-176,-177,-995,711,711,711,711,711,711,711,711,711,711,1172,1172,1172,1172,1172,-292,-293,-283,711,1172,1172,1172,1172,-330,-320,-334,-335,-336,1172,1172,-984,-985,-986,-987,-988,-989,-990,711,711,1172,1172,1172,1172,1172,1172,1172,1172,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1172,1172,1172,-355,-358,711,-325,-326,-143,1172,-144,1172,-145,1172,-432,-937,-938,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1896,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1896,1172,-1896,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1896,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1896,711,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1172,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1172,711,711,-193,-194,711,-996,1172,711,711,711,711,-279,-280,-281,-282,-367,1172,-310,1172,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1172,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1172,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1172,1172,1172,1172,1172,1172,-575,1172,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1172,1172,-725,-726,-727,1172,1952,711,711,711,711,-996,711,1172,-93,-94,711,711,711,1172,-311,-312,-322,1172,-309,-295,-296,-297,1172,711,1172,1172,-620,-635,-592,1172,711,-438,711,-439,1172,-446,-447,-448,-380,-381,1172,1172,1172,-508,1172,1172,-512,1172,1172,1172,1172,-517,-518,-519,-520,1172,1172,-523,-524,1172,-526,-527,-528,-529,-530,-531,-532,-533,1172,-535,1172,1172,1172,-541,-543,-544,1172,-546,-547,-548,-549,1172,1172,1172,1172,1172,1172,-654,-655,-656,-657,711,-659,-660,-661,1172,1172,1172,-667,1172,1172,-671,-672,1172,1172,-675,1172,-677,-678,1172,-681,1172,-683,1172,1172,-686,-687,-688,1172,-690,1172,1172,-693,1172,1172,-696,-697,-698,1172,-700,-701,-702,-703,1172,1172,-748,1172,-751,-752,-753,-754,-755,1172,-757,-758,-759,-760,-761,1172,-768,-769,-771,1172,-773,-774,-775,-784,-858,-860,-862,-864,1172,1172,1172,1172,-870,1172,-872,1172,1172,1172,1172,1172,1172,1172,-908,-909,1172,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1172,-923,-926,1172,-936,1172,-387,-388,-389,1172,1172,-392,-393,-394,-395,1172,-398,1172,-401,-402,1172,-403,1172,-408,-409,1172,-412,-413,-414,1172,-417,1172,-418,1172,-423,-424,1172,-427,1172,-430,-431,-1896,-1896,1172,-621,-622,-623,-624,-625,-636,-586,-626,-799,1172,1172,1172,1172,1172,-833,1172,1172,-808,1172,-834,1172,1172,1172,1172,-800,1172,-855,-801,1172,1172,1172,1172,1172,1172,-856,-857,1172,-836,-832,-837,1172,-627,1172,-628,-629,-630,-631,-576,1172,1172,-632,-633,-634,1172,1172,1172,1172,1172,1172,-637,-638,-639,-594,-1896,-604,1172,-640,-641,-715,-642,-606,1172,-574,-579,-582,-585,1172,1172,1172,-600,-603,1172,-610,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1172,711,711,-997,711,1172,711,711,711,1172,-308,-327,-321,-298,-377,-454,-455,-456,-460,711,-445,1172,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1172,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,711,711,711,711,711,711,711,711,1172,-318,-537,-510,-593,-939,-941,-942,-440,1172,-442,-382,-383,-385,-509,-511,-513,1172,-515,-516,-521,-522,1172,-534,-536,-539,-540,-545,-550,-728,1172,-729,1172,-734,1172,-736,1172,-741,-658,-662,-663,1172,-668,1172,-669,1172,-674,-676,1172,-679,1172,1172,1172,-689,-691,1172,-694,1172,1172,-746,1172,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1172,1172,1172,1172,1172,-879,1172,-882,-910,-922,-927,-390,-391,1172,-396,1172,-399,1172,-404,1172,-405,1172,-410,1172,-415,1172,-419,1172,-420,1172,-425,1172,-428,-901,-902,-645,-587,-1896,-903,1172,1172,1172,-802,1172,1172,-806,1172,-809,-835,1172,-820,1172,-822,1172,-824,-810,1172,-826,1172,-853,-854,1172,1172,-813,1172,-648,-904,-906,-650,-651,-647,1172,-707,-708,1172,-644,-905,-649,-652,-605,-716,1172,1172,-607,-588,1172,1172,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1172,1172,-711,-712,1172,-718,1172,711,711,711,1172,1172,-940,711,-441,-443,-749,1172,-893,1952,-717,-1896,1172,1172,711,711,1172,-444,-514,-525,1172,-730,-735,1172,-737,1172,-742,1172,-664,-670,1172,-680,-682,-684,-685,-692,-695,-699,-747,1172,1172,-876,1172,1172,-880,1172,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1172,-814,1172,-816,-803,1172,-804,-807,1172,-818,-821,-823,-825,-827,1172,-828,1172,-811,1172,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,711,-284,711,1172,711,1172,-457,1172,1172,-731,1172,-738,1172,-743,1172,-665,-673,1172,1172,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1172,-838,-53,711,1172,-732,1172,-739,1172,-744,-666,1172,-875,-54,711,711,-733,-740,-745,1172,711,1172,-874,]),'SET_MASTER_CLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[712,712,712,712,-1896,712,712,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,712,712,712,712,-277,-278,712,-1427,712,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,712,712,712,-492,712,712,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,712,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,712,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,712,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,712,-174,-175,-176,-177,-995,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-292,-293,-283,712,712,712,712,712,-330,-320,-334,-335,-336,712,712,-984,-985,-986,-987,-988,-989,-990,712,712,712,712,712,712,712,712,712,712,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,712,712,712,-355,-358,712,-325,-326,-143,712,-144,712,-145,712,-432,-937,-938,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-1896,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-1896,712,-1896,712,712,712,712,712,712,712,712,712,712,712,712,-1896,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-1896,712,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,712,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,712,712,712,-193,-194,712,-996,712,712,712,712,712,-279,-280,-281,-282,-367,712,-310,712,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,712,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,712,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,712,712,712,712,712,712,-575,712,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,712,712,-725,-726,-727,712,712,712,712,712,712,-996,712,712,-93,-94,712,712,712,712,-311,-312,-322,712,-309,-295,-296,-297,712,712,712,712,-620,-635,-592,712,712,-438,712,-439,712,-446,-447,-448,-380,-381,712,712,712,-508,712,712,-512,712,712,712,712,-517,-518,-519,-520,712,712,-523,-524,712,-526,-527,-528,-529,-530,-531,-532,-533,712,-535,712,712,712,-541,-543,-544,712,-546,-547,-548,-549,712,712,712,712,712,712,-654,-655,-656,-657,712,-659,-660,-661,712,712,712,-667,712,712,-671,-672,712,712,-675,712,-677,-678,712,-681,712,-683,712,712,-686,-687,-688,712,-690,712,712,-693,712,712,-696,-697,-698,712,-700,-701,-702,-703,712,712,-748,712,-751,-752,-753,-754,-755,712,-757,-758,-759,-760,-761,712,-768,-769,-771,712,-773,-774,-775,-784,-858,-860,-862,-864,712,712,712,712,-870,712,-872,712,712,712,712,712,712,712,-908,-909,712,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,712,-923,-926,712,-936,712,-387,-388,-389,712,712,-392,-393,-394,-395,712,-398,712,-401,-402,712,-403,712,-408,-409,712,-412,-413,-414,712,-417,712,-418,712,-423,-424,712,-427,712,-430,-431,-1896,-1896,712,-621,-622,-623,-624,-625,-636,-586,-626,-799,712,712,712,712,712,-833,712,712,-808,712,-834,712,712,712,712,-800,712,-855,-801,712,712,712,712,712,712,-856,-857,712,-836,-832,-837,712,-627,712,-628,-629,-630,-631,-576,712,712,-632,-633,-634,712,712,712,712,712,712,-637,-638,-639,-594,-1896,-604,712,-640,-641,-715,-642,-606,712,-574,-579,-582,-585,712,712,712,-600,-603,712,-610,712,712,712,712,712,712,712,712,712,712,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,712,712,712,-997,712,712,712,712,712,712,-308,-327,-321,-298,-377,-454,-455,-456,-460,712,-445,712,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,712,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,712,712,712,712,712,712,712,712,712,-318,-537,-510,-593,-939,-941,-942,-440,712,-442,-382,-383,-385,-509,-511,-513,712,-515,-516,-521,-522,712,-534,-536,-539,-540,-545,-550,-728,712,-729,712,-734,712,-736,712,-741,-658,-662,-663,712,-668,712,-669,712,-674,-676,712,-679,712,712,712,-689,-691,712,-694,712,712,-746,712,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,712,712,712,712,712,-879,712,-882,-910,-922,-927,-390,-391,712,-396,712,-399,712,-404,712,-405,712,-410,712,-415,712,-419,712,-420,712,-425,712,-428,-901,-902,-645,-587,-1896,-903,712,712,712,-802,712,712,-806,712,-809,-835,712,-820,712,-822,712,-824,-810,712,-826,712,-853,-854,712,712,-813,712,-648,-904,-906,-650,-651,-647,712,-707,-708,712,-644,-905,-649,-652,-605,-716,712,712,-607,-588,712,712,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,712,712,-711,-712,712,-718,712,712,712,712,712,712,-940,712,-441,-443,-749,712,-893,712,-717,-1896,712,712,712,712,712,-444,-514,-525,712,-730,-735,712,-737,712,-742,712,-664,-670,712,-680,-682,-684,-685,-692,-695,-699,-747,712,712,-876,712,712,-880,712,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,712,-814,712,-816,-803,712,-804,-807,712,-818,-821,-823,-825,-827,712,-828,712,-811,712,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,712,-284,712,712,712,712,-457,712,712,-731,712,-738,712,-743,712,-665,-673,712,712,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,712,-838,-53,712,712,-732,712,-739,712,-744,-666,712,-875,-54,712,712,-733,-740,-745,712,712,712,-874,]),'SET_SLAVE_CLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[713,713,713,713,-1896,713,713,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,713,713,713,713,-277,-278,713,-1427,713,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,713,713,713,-492,713,713,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,713,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,713,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,713,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,713,-174,-175,-176,-177,-995,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-292,-293,-283,713,713,713,713,713,-330,-320,-334,-335,-336,713,713,-984,-985,-986,-987,-988,-989,-990,713,713,713,713,713,713,713,713,713,713,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,713,713,713,-355,-358,713,-325,-326,-143,713,-144,713,-145,713,-432,-937,-938,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-1896,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-1896,713,-1896,713,713,713,713,713,713,713,713,713,713,713,713,-1896,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-1896,713,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,713,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,713,713,713,-193,-194,713,-996,713,713,713,713,713,-279,-280,-281,-282,-367,713,-310,713,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,713,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,713,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,713,713,713,713,713,713,-575,713,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,713,713,-725,-726,-727,713,713,713,713,713,713,-996,713,713,-93,-94,713,713,713,713,-311,-312,-322,713,-309,-295,-296,-297,713,713,713,713,-620,-635,-592,713,713,-438,713,-439,713,-446,-447,-448,-380,-381,713,713,713,-508,713,713,-512,713,713,713,713,-517,-518,-519,-520,713,713,-523,-524,713,-526,-527,-528,-529,-530,-531,-532,-533,713,-535,713,713,713,-541,-543,-544,713,-546,-547,-548,-549,713,713,713,713,713,713,-654,-655,-656,-657,713,-659,-660,-661,713,713,713,-667,713,713,-671,-672,713,713,-675,713,-677,-678,713,-681,713,-683,713,713,-686,-687,-688,713,-690,713,713,-693,713,713,-696,-697,-698,713,-700,-701,-702,-703,713,713,-748,713,-751,-752,-753,-754,-755,713,-757,-758,-759,-760,-761,713,-768,-769,-771,713,-773,-774,-775,-784,-858,-860,-862,-864,713,713,713,713,-870,713,-872,713,713,713,713,713,713,713,-908,-909,713,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,713,-923,-926,713,-936,713,-387,-388,-389,713,713,-392,-393,-394,-395,713,-398,713,-401,-402,713,-403,713,-408,-409,713,-412,-413,-414,713,-417,713,-418,713,-423,-424,713,-427,713,-430,-431,-1896,-1896,713,-621,-622,-623,-624,-625,-636,-586,-626,-799,713,713,713,713,713,-833,713,713,-808,713,-834,713,713,713,713,-800,713,-855,-801,713,713,713,713,713,713,-856,-857,713,-836,-832,-837,713,-627,713,-628,-629,-630,-631,-576,713,713,-632,-633,-634,713,713,713,713,713,713,-637,-638,-639,-594,-1896,-604,713,-640,-641,-715,-642,-606,713,-574,-579,-582,-585,713,713,713,-600,-603,713,-610,713,713,713,713,713,713,713,713,713,713,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,713,713,713,-997,713,713,713,713,713,713,-308,-327,-321,-298,-377,-454,-455,-456,-460,713,-445,713,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,713,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,713,713,713,713,713,713,713,713,713,-318,-537,-510,-593,-939,-941,-942,-440,713,-442,-382,-383,-385,-509,-511,-513,713,-515,-516,-521,-522,713,-534,-536,-539,-540,-545,-550,-728,713,-729,713,-734,713,-736,713,-741,-658,-662,-663,713,-668,713,-669,713,-674,-676,713,-679,713,713,713,-689,-691,713,-694,713,713,-746,713,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,713,713,713,713,713,-879,713,-882,-910,-922,-927,-390,-391,713,-396,713,-399,713,-404,713,-405,713,-410,713,-415,713,-419,713,-420,713,-425,713,-428,-901,-902,-645,-587,-1896,-903,713,713,713,-802,713,713,-806,713,-809,-835,713,-820,713,-822,713,-824,-810,713,-826,713,-853,-854,713,713,-813,713,-648,-904,-906,-650,-651,-647,713,-707,-708,713,-644,-905,-649,-652,-605,-716,713,713,-607,-588,713,713,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,713,713,-711,-712,713,-718,713,713,713,713,713,713,-940,713,-441,-443,-749,713,-893,713,-717,-1896,713,713,713,713,713,-444,-514,-525,713,-730,-735,713,-737,713,-742,713,-664,-670,713,-680,-682,-684,-685,-692,-695,-699,-747,713,713,-876,713,713,-880,713,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,713,-814,713,-816,-803,713,-804,-807,713,-818,-821,-823,-825,-827,713,-828,713,-811,713,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,713,-284,713,713,713,713,-457,713,713,-731,713,-738,713,-743,713,-665,-673,713,713,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,713,-838,-53,713,713,-732,713,-739,713,-744,-666,713,-875,-54,713,713,-733,-740,-745,713,713,713,-874,]),'SET_TP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[714,714,714,714,-1896,714,714,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,714,714,714,714,-277,-278,714,-1427,714,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,714,714,714,-492,714,714,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,714,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,714,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,714,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,714,-174,-175,-176,-177,-995,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-292,-293,-283,714,714,714,714,714,-330,-320,-334,-335,-336,714,714,-984,-985,-986,-987,-988,-989,-990,714,714,714,714,714,714,714,714,714,714,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,714,714,714,-355,-358,714,-325,-326,-143,714,-144,714,-145,714,-432,-937,-938,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-1896,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-1896,714,-1896,714,714,714,714,714,714,714,714,714,714,714,714,-1896,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-1896,714,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,714,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,714,714,714,-193,-194,714,-996,714,714,714,714,714,-279,-280,-281,-282,-367,714,-310,714,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,714,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,714,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,714,714,714,714,714,714,-575,714,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,714,714,-725,-726,-727,714,714,714,714,714,714,-996,714,714,-93,-94,714,714,714,714,-311,-312,-322,714,-309,-295,-296,-297,714,714,714,714,-620,-635,-592,714,714,-438,714,-439,714,-446,-447,-448,-380,-381,714,714,714,-508,714,714,-512,714,714,714,714,-517,-518,-519,-520,714,714,-523,-524,714,-526,-527,-528,-529,-530,-531,-532,-533,714,-535,714,714,714,-541,-543,-544,714,-546,-547,-548,-549,714,714,714,714,714,714,-654,-655,-656,-657,714,-659,-660,-661,714,714,714,-667,714,714,-671,-672,714,714,-675,714,-677,-678,714,-681,714,-683,714,714,-686,-687,-688,714,-690,714,714,-693,714,714,-696,-697,-698,714,-700,-701,-702,-703,714,714,-748,714,-751,-752,-753,-754,-755,714,-757,-758,-759,-760,-761,714,-768,-769,-771,714,-773,-774,-775,-784,-858,-860,-862,-864,714,714,714,714,-870,714,-872,714,714,714,714,714,714,714,-908,-909,714,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,714,-923,-926,714,-936,714,-387,-388,-389,714,714,-392,-393,-394,-395,714,-398,714,-401,-402,714,-403,714,-408,-409,714,-412,-413,-414,714,-417,714,-418,714,-423,-424,714,-427,714,-430,-431,-1896,-1896,714,-621,-622,-623,-624,-625,-636,-586,-626,-799,714,714,714,714,714,-833,714,714,-808,714,-834,714,714,714,714,-800,714,-855,-801,714,714,714,714,714,714,-856,-857,714,-836,-832,-837,714,-627,714,-628,-629,-630,-631,-576,714,714,-632,-633,-634,714,714,714,714,714,714,-637,-638,-639,-594,-1896,-604,714,-640,-641,-715,-642,-606,714,-574,-579,-582,-585,714,714,714,-600,-603,714,-610,714,714,714,714,714,714,714,714,714,714,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,714,714,714,-997,714,714,714,714,714,714,-308,-327,-321,-298,-377,-454,-455,-456,-460,714,-445,714,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,714,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,714,714,714,714,714,714,714,714,714,-318,-537,-510,-593,-939,-941,-942,-440,714,-442,-382,-383,-385,-509,-511,-513,714,-515,-516,-521,-522,714,-534,-536,-539,-540,-545,-550,-728,714,-729,714,-734,714,-736,714,-741,-658,-662,-663,714,-668,714,-669,714,-674,-676,714,-679,714,714,714,-689,-691,714,-694,714,714,-746,714,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,714,714,714,714,714,-879,714,-882,-910,-922,-927,-390,-391,714,-396,714,-399,714,-404,714,-405,714,-410,714,-415,714,-419,714,-420,714,-425,714,-428,-901,-902,-645,-587,-1896,-903,714,714,714,-802,714,714,-806,714,-809,-835,714,-820,714,-822,714,-824,-810,714,-826,714,-853,-854,714,714,-813,714,-648,-904,-906,-650,-651,-647,714,-707,-708,714,-644,-905,-649,-652,-605,-716,714,714,-607,-588,714,714,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,714,714,-711,-712,714,-718,714,714,714,714,714,714,-940,714,-441,-443,-749,714,-893,714,-717,-1896,714,714,714,714,714,-444,-514,-525,714,-730,-735,714,-737,714,-742,714,-664,-670,714,-680,-682,-684,-685,-692,-695,-699,-747,714,714,-876,714,714,-880,714,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,714,-814,714,-816,-803,714,-804,-807,714,-818,-821,-823,-825,-827,714,-828,714,-811,714,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,714,-284,714,714,714,714,-457,714,714,-731,714,-738,714,-743,714,-665,-673,714,714,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,714,-838,-53,714,714,-732,714,-739,714,-744,-666,714,-875,-54,714,714,-733,-740,-745,714,714,714,-874,]),'SHA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[715,715,715,1138,-1896,715,715,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,715,715,715,715,-277,-278,1138,-1427,1138,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1138,1138,1138,-492,1138,1138,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1138,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1138,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1953,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,715,-174,-175,-176,-177,-995,715,715,715,715,715,715,715,715,715,715,1138,1138,1138,1138,1138,-292,-293,-283,715,1138,1138,1138,1138,-330,-320,-334,-335,-336,1138,1138,-984,-985,-986,-987,-988,-989,-990,715,715,1138,1138,1138,1138,1138,1138,1138,1138,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1138,1138,1138,-355,-358,715,-325,-326,-143,1138,-144,1138,-145,1138,-432,-937,-938,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1896,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1896,1138,-1896,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1896,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1896,715,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1138,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1138,715,715,-193,-194,715,-996,1138,715,715,715,715,-279,-280,-281,-282,-367,1138,-310,1138,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1138,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1138,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1138,1138,1138,1138,1138,1138,-575,1138,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1138,1138,-725,-726,-727,1138,1953,715,715,715,715,-996,715,1138,-93,-94,715,715,715,1138,-311,-312,-322,1138,-309,-295,-296,-297,1138,715,1138,1138,-620,-635,-592,1138,715,-438,715,-439,1138,-446,-447,-448,-380,-381,1138,1138,1138,-508,1138,1138,-512,1138,1138,1138,1138,-517,-518,-519,-520,1138,1138,-523,-524,1138,-526,-527,-528,-529,-530,-531,-532,-533,1138,-535,1138,1138,1138,-541,-543,-544,1138,-546,-547,-548,-549,1138,1138,1138,1138,1138,1138,-654,-655,-656,-657,715,-659,-660,-661,1138,1138,1138,-667,1138,1138,-671,-672,1138,1138,-675,1138,-677,-678,1138,-681,1138,-683,1138,1138,-686,-687,-688,1138,-690,1138,1138,-693,1138,1138,-696,-697,-698,1138,-700,-701,-702,-703,1138,1138,-748,1138,-751,-752,-753,-754,-755,1138,-757,-758,-759,-760,-761,1138,-768,-769,-771,1138,-773,-774,-775,-784,-858,-860,-862,-864,1138,1138,1138,1138,-870,1138,-872,1138,1138,1138,1138,1138,1138,1138,-908,-909,1138,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1138,-923,-926,1138,-936,1138,-387,-388,-389,1138,1138,-392,-393,-394,-395,1138,-398,1138,-401,-402,1138,-403,1138,-408,-409,1138,-412,-413,-414,1138,-417,1138,-418,1138,-423,-424,1138,-427,1138,-430,-431,-1896,-1896,1138,-621,-622,-623,-624,-625,-636,-586,-626,-799,1138,1138,1138,1138,1138,-833,1138,1138,-808,1138,-834,1138,1138,1138,1138,-800,1138,-855,-801,1138,1138,1138,1138,1138,1138,-856,-857,1138,-836,-832,-837,1138,-627,1138,-628,-629,-630,-631,-576,1138,1138,-632,-633,-634,1138,1138,1138,1138,1138,1138,-637,-638,-639,-594,-1896,-604,1138,-640,-641,-715,-642,-606,1138,-574,-579,-582,-585,1138,1138,1138,-600,-603,1138,-610,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1138,715,715,-997,715,1138,715,715,715,1138,-308,-327,-321,-298,-377,-454,-455,-456,-460,715,-445,1138,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1138,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,715,715,715,715,715,715,715,715,1138,-318,-537,-510,-593,-939,-941,-942,-440,1138,-442,-382,-383,-385,-509,-511,-513,1138,-515,-516,-521,-522,1138,-534,-536,-539,-540,-545,-550,-728,1138,-729,1138,-734,1138,-736,1138,-741,-658,-662,-663,1138,-668,1138,-669,1138,-674,-676,1138,-679,1138,1138,1138,-689,-691,1138,-694,1138,1138,-746,1138,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1138,1138,1138,1138,1138,-879,1138,-882,-910,-922,-927,-390,-391,1138,-396,1138,-399,1138,-404,1138,-405,1138,-410,1138,-415,1138,-419,1138,-420,1138,-425,1138,-428,-901,-902,-645,-587,-1896,-903,1138,1138,1138,-802,1138,1138,-806,1138,-809,-835,1138,-820,1138,-822,1138,-824,-810,1138,-826,1138,-853,-854,1138,1138,-813,1138,-648,-904,-906,-650,-651,-647,1138,-707,-708,1138,-644,-905,-649,-652,-605,-716,1138,1138,-607,-588,1138,1138,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1138,1138,-711,-712,1138,-718,1138,715,715,715,1138,1138,-940,715,-441,-443,-749,1138,-893,1953,-717,-1896,1138,1138,715,715,1138,-444,-514,-525,1138,-730,-735,1138,-737,1138,-742,1138,-664,-670,1138,-680,-682,-684,-685,-692,-695,-699,-747,1138,1138,-876,1138,1138,-880,1138,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1138,-814,1138,-816,-803,1138,-804,-807,1138,-818,-821,-823,-825,-827,1138,-828,1138,-811,1138,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,715,-284,715,1138,715,1138,-457,1138,1138,-731,1138,-738,1138,-743,1138,-665,-673,1138,1138,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1138,-838,-53,715,1138,-732,1138,-739,1138,-744,-666,1138,-875,-54,715,715,-733,-740,-745,1138,715,1138,-874,]),'SHA1':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[716,716,716,1139,-1896,716,716,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,716,716,716,716,-277,-278,1139,-1427,1139,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1139,1139,1139,-492,1139,1139,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1139,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1139,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1954,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,716,-174,-175,-176,-177,-995,716,716,716,716,716,716,716,716,716,716,1139,1139,1139,1139,1139,-292,-293,-283,716,1139,1139,1139,1139,-330,-320,-334,-335,-336,1139,1139,-984,-985,-986,-987,-988,-989,-990,716,716,1139,1139,1139,1139,1139,1139,1139,1139,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1139,1139,1139,-355,-358,716,-325,-326,-143,1139,-144,1139,-145,1139,-432,-937,-938,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1896,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1896,1139,-1896,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1896,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1896,716,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1139,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1139,716,716,-193,-194,716,-996,1139,716,716,716,716,-279,-280,-281,-282,-367,1139,-310,1139,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1139,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1139,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1139,1139,1139,1139,1139,1139,-575,1139,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1139,1139,-725,-726,-727,1139,1954,716,716,716,716,-996,716,1139,-93,-94,716,716,716,1139,-311,-312,-322,1139,-309,-295,-296,-297,1139,716,1139,1139,-620,-635,-592,1139,716,-438,716,-439,1139,-446,-447,-448,-380,-381,1139,1139,1139,-508,1139,1139,-512,1139,1139,1139,1139,-517,-518,-519,-520,1139,1139,-523,-524,1139,-526,-527,-528,-529,-530,-531,-532,-533,1139,-535,1139,1139,1139,-541,-543,-544,1139,-546,-547,-548,-549,1139,1139,1139,1139,1139,1139,-654,-655,-656,-657,716,-659,-660,-661,1139,1139,1139,-667,1139,1139,-671,-672,1139,1139,-675,1139,-677,-678,1139,-681,1139,-683,1139,1139,-686,-687,-688,1139,-690,1139,1139,-693,1139,1139,-696,-697,-698,1139,-700,-701,-702,-703,1139,1139,-748,1139,-751,-752,-753,-754,-755,1139,-757,-758,-759,-760,-761,1139,-768,-769,-771,1139,-773,-774,-775,-784,-858,-860,-862,-864,1139,1139,1139,1139,-870,1139,-872,1139,1139,1139,1139,1139,1139,1139,-908,-909,1139,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1139,-923,-926,1139,-936,1139,-387,-388,-389,1139,1139,-392,-393,-394,-395,1139,-398,1139,-401,-402,1139,-403,1139,-408,-409,1139,-412,-413,-414,1139,-417,1139,-418,1139,-423,-424,1139,-427,1139,-430,-431,-1896,-1896,1139,-621,-622,-623,-624,-625,-636,-586,-626,-799,1139,1139,1139,1139,1139,-833,1139,1139,-808,1139,-834,1139,1139,1139,1139,-800,1139,-855,-801,1139,1139,1139,1139,1139,1139,-856,-857,1139,-836,-832,-837,1139,-627,1139,-628,-629,-630,-631,-576,1139,1139,-632,-633,-634,1139,1139,1139,1139,1139,1139,-637,-638,-639,-594,-1896,-604,1139,-640,-641,-715,-642,-606,1139,-574,-579,-582,-585,1139,1139,1139,-600,-603,1139,-610,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1139,716,716,-997,716,1139,716,716,716,1139,-308,-327,-321,-298,-377,-454,-455,-456,-460,716,-445,1139,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1139,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,716,716,716,716,716,716,716,716,1139,-318,-537,-510,-593,-939,-941,-942,-440,1139,-442,-382,-383,-385,-509,-511,-513,1139,-515,-516,-521,-522,1139,-534,-536,-539,-540,-545,-550,-728,1139,-729,1139,-734,1139,-736,1139,-741,-658,-662,-663,1139,-668,1139,-669,1139,-674,-676,1139,-679,1139,1139,1139,-689,-691,1139,-694,1139,1139,-746,1139,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1139,1139,1139,1139,1139,-879,1139,-882,-910,-922,-927,-390,-391,1139,-396,1139,-399,1139,-404,1139,-405,1139,-410,1139,-415,1139,-419,1139,-420,1139,-425,1139,-428,-901,-902,-645,-587,-1896,-903,1139,1139,1139,-802,1139,1139,-806,1139,-809,-835,1139,-820,1139,-822,1139,-824,-810,1139,-826,1139,-853,-854,1139,1139,-813,1139,-648,-904,-906,-650,-651,-647,1139,-707,-708,1139,-644,-905,-649,-652,-605,-716,1139,1139,-607,-588,1139,1139,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1139,1139,-711,-712,1139,-718,1139,716,716,716,1139,1139,-940,716,-441,-443,-749,1139,-893,1954,-717,-1896,1139,1139,716,716,1139,-444,-514,-525,1139,-730,-735,1139,-737,1139,-742,1139,-664,-670,1139,-680,-682,-684,-685,-692,-695,-699,-747,1139,1139,-876,1139,1139,-880,1139,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1139,-814,1139,-816,-803,1139,-804,-807,1139,-818,-821,-823,-825,-827,1139,-828,1139,-811,1139,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,716,-284,716,1139,716,1139,-457,1139,1139,-731,1139,-738,1139,-743,1139,-665,-673,1139,1139,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1139,-838,-53,716,1139,-732,1139,-739,1139,-744,-666,1139,-875,-54,716,716,-733,-740,-745,1139,716,1139,-874,]),'SHA2':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[717,717,717,1140,-1896,717,717,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,717,717,717,717,-277,-278,1140,-1427,1140,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1140,1140,1140,-492,1140,1140,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1140,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1140,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1955,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,717,-174,-175,-176,-177,-995,717,717,717,717,717,717,717,717,717,717,1140,1140,1140,1140,1140,-292,-293,-283,717,1140,1140,1140,1140,-330,-320,-334,-335,-336,1140,1140,-984,-985,-986,-987,-988,-989,-990,717,717,1140,1140,1140,1140,1140,1140,1140,1140,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1140,1140,1140,-355,-358,717,-325,-326,-143,1140,-144,1140,-145,1140,-432,-937,-938,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1896,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1896,1140,-1896,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1896,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1896,717,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1140,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1140,717,717,-193,-194,717,-996,1140,717,717,717,717,-279,-280,-281,-282,-367,1140,-310,1140,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1140,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1140,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1140,1140,1140,1140,1140,1140,-575,1140,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1140,1140,-725,-726,-727,1140,1955,717,717,717,717,-996,717,1140,-93,-94,717,717,717,1140,-311,-312,-322,1140,-309,-295,-296,-297,1140,717,1140,1140,-620,-635,-592,1140,717,-438,717,-439,1140,-446,-447,-448,-380,-381,1140,1140,1140,-508,1140,1140,-512,1140,1140,1140,1140,-517,-518,-519,-520,1140,1140,-523,-524,1140,-526,-527,-528,-529,-530,-531,-532,-533,1140,-535,1140,1140,1140,-541,-543,-544,1140,-546,-547,-548,-549,1140,1140,1140,1140,1140,1140,-654,-655,-656,-657,717,-659,-660,-661,1140,1140,1140,-667,1140,1140,-671,-672,1140,1140,-675,1140,-677,-678,1140,-681,1140,-683,1140,1140,-686,-687,-688,1140,-690,1140,1140,-693,1140,1140,-696,-697,-698,1140,-700,-701,-702,-703,1140,1140,-748,1140,-751,-752,-753,-754,-755,1140,-757,-758,-759,-760,-761,1140,-768,-769,-771,1140,-773,-774,-775,-784,-858,-860,-862,-864,1140,1140,1140,1140,-870,1140,-872,1140,1140,1140,1140,1140,1140,1140,-908,-909,1140,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1140,-923,-926,1140,-936,1140,-387,-388,-389,1140,1140,-392,-393,-394,-395,1140,-398,1140,-401,-402,1140,-403,1140,-408,-409,1140,-412,-413,-414,1140,-417,1140,-418,1140,-423,-424,1140,-427,1140,-430,-431,-1896,-1896,1140,-621,-622,-623,-624,-625,-636,-586,-626,-799,1140,1140,1140,1140,1140,-833,1140,1140,-808,1140,-834,1140,1140,1140,1140,-800,1140,-855,-801,1140,1140,1140,1140,1140,1140,-856,-857,1140,-836,-832,-837,1140,-627,1140,-628,-629,-630,-631,-576,1140,1140,-632,-633,-634,1140,1140,1140,1140,1140,1140,-637,-638,-639,-594,-1896,-604,1140,-640,-641,-715,-642,-606,1140,-574,-579,-582,-585,1140,1140,1140,-600,-603,1140,-610,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1140,717,717,-997,717,1140,717,717,717,1140,-308,-327,-321,-298,-377,-454,-455,-456,-460,717,-445,1140,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1140,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,717,717,717,717,717,717,717,717,1140,-318,-537,-510,-593,-939,-941,-942,-440,1140,-442,-382,-383,-385,-509,-511,-513,1140,-515,-516,-521,-522,1140,-534,-536,-539,-540,-545,-550,-728,1140,-729,1140,-734,1140,-736,1140,-741,-658,-662,-663,1140,-668,1140,-669,1140,-674,-676,1140,-679,1140,1140,1140,-689,-691,1140,-694,1140,1140,-746,1140,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1140,1140,1140,1140,1140,-879,1140,-882,-910,-922,-927,-390,-391,1140,-396,1140,-399,1140,-404,1140,-405,1140,-410,1140,-415,1140,-419,1140,-420,1140,-425,1140,-428,-901,-902,-645,-587,-1896,-903,1140,1140,1140,-802,1140,1140,-806,1140,-809,-835,1140,-820,1140,-822,1140,-824,-810,1140,-826,1140,-853,-854,1140,1140,-813,1140,-648,-904,-906,-650,-651,-647,1140,-707,-708,1140,-644,-905,-649,-652,-605,-716,1140,1140,-607,-588,1140,1140,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1140,1140,-711,-712,1140,-718,1140,717,717,717,1140,1140,-940,717,-441,-443,-749,1140,-893,1955,-717,-1896,1140,1140,717,717,1140,-444,-514,-525,1140,-730,-735,1140,-737,1140,-742,1140,-664,-670,1140,-680,-682,-684,-685,-692,-695,-699,-747,1140,1140,-876,1140,1140,-880,1140,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1140,-814,1140,-816,-803,1140,-804,-807,1140,-818,-821,-823,-825,-827,1140,-828,1140,-811,1140,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,717,-284,717,1140,717,1140,-457,1140,1140,-731,1140,-738,1140,-743,1140,-665,-673,1140,1140,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1140,-838,-53,717,1140,-732,1140,-739,1140,-744,-666,1140,-875,-54,717,717,-733,-740,-745,1140,717,1140,-874,]),'SHARE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2912,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[718,718,718,718,-1896,718,718,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,718,718,718,718,-277,-278,718,-1427,718,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,718,718,718,-492,718,718,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,718,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,718,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,718,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,718,-174,-175,-176,-177,-995,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-292,-293,-283,718,718,718,718,718,-330,-320,-334,-335,-336,718,718,-984,-985,-986,-987,-988,-989,-990,718,718,718,718,718,718,718,718,718,718,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,718,718,718,-355,-358,718,-325,-326,-143,718,-144,718,-145,718,-432,-937,-938,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-1896,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-1896,718,-1896,718,718,718,718,718,718,718,718,718,718,718,718,-1896,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-1896,718,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,718,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,718,718,718,-193,-194,718,-996,718,718,718,718,718,-279,-280,-281,-282,-367,718,-310,718,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,718,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,718,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,718,718,718,718,718,718,-575,718,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,718,718,-725,-726,-727,718,718,718,718,718,718,-996,718,718,-93,-94,718,718,718,718,-311,-312,-322,718,-309,-295,-296,-297,718,718,718,718,-620,-635,-592,718,718,-438,718,-439,718,-446,-447,-448,-380,-381,718,718,718,-508,718,718,-512,718,718,718,718,-517,-518,-519,-520,718,718,-523,-524,718,-526,-527,-528,-529,-530,-531,-532,-533,718,-535,718,718,718,-541,-543,-544,718,-546,-547,-548,-549,718,718,718,718,718,718,-654,-655,-656,-657,718,-659,-660,-661,718,718,718,-667,718,718,-671,-672,718,718,-675,718,-677,-678,718,-681,718,-683,718,718,-686,-687,-688,718,-690,718,718,-693,718,718,-696,-697,-698,718,-700,-701,-702,-703,718,718,-748,718,-751,-752,-753,-754,-755,718,-757,-758,-759,-760,-761,718,-768,-769,-771,718,-773,-774,-775,-784,-858,-860,-862,-864,718,718,718,718,-870,718,-872,718,718,718,718,718,718,718,-908,-909,718,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,718,-923,-926,718,-936,718,-387,-388,-389,718,718,-392,-393,-394,-395,718,-398,718,-401,-402,718,-403,718,-408,-409,718,-412,-413,-414,718,-417,718,-418,718,-423,-424,718,-427,718,-430,-431,-1896,-1896,718,-621,-622,-623,-624,-625,-636,-586,-626,-799,718,718,718,718,718,-833,718,718,-808,718,-834,718,718,718,718,-800,718,-855,-801,718,718,718,718,718,718,-856,-857,718,-836,-832,-837,718,-627,718,-628,-629,-630,-631,-576,718,718,-632,-633,-634,718,718,718,718,718,718,-637,-638,-639,-594,-1896,-604,718,-640,-641,-715,-642,-606,718,-574,-579,-582,-585,718,718,718,-600,-603,718,-610,718,718,718,718,718,718,718,718,718,718,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,718,718,718,3201,-997,718,718,718,718,718,718,-308,-327,-321,-298,-377,-454,-455,-456,-460,718,-445,718,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,718,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,718,718,718,718,718,718,718,718,718,-318,-537,-510,-593,-939,-941,-942,-440,718,-442,-382,-383,-385,-509,-511,-513,718,-515,-516,-521,-522,718,-534,-536,-539,-540,-545,-550,-728,718,-729,718,-734,718,-736,718,-741,-658,-662,-663,718,-668,718,-669,718,-674,-676,718,-679,718,718,718,-689,-691,718,-694,718,718,-746,718,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,718,718,718,718,718,-879,718,-882,-910,-922,-927,-390,-391,718,-396,718,-399,718,-404,718,-405,718,-410,718,-415,718,-419,718,-420,718,-425,718,-428,-901,-902,-645,-587,-1896,-903,718,718,718,-802,718,718,-806,718,-809,-835,718,-820,718,-822,718,-824,-810,718,-826,718,-853,-854,718,718,-813,718,-648,-904,-906,-650,-651,-647,718,-707,-708,718,-644,-905,-649,-652,-605,-716,718,718,-607,-588,718,718,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,718,718,-711,-712,718,-718,718,718,718,718,718,718,-940,718,-441,-443,-749,718,-893,718,-717,-1896,718,718,718,718,718,-444,-514,-525,718,-730,-735,718,-737,718,-742,718,-664,-670,718,-680,-682,-684,-685,-692,-695,-699,-747,718,718,-876,718,718,-880,718,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,718,-814,718,-816,-803,718,-804,-807,718,-818,-821,-823,-825,-827,718,-828,718,-811,718,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,718,-284,718,718,718,718,-457,718,718,-731,718,-738,718,-743,718,-665,-673,718,718,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,718,-838,-53,718,718,-732,718,-739,718,-744,-666,718,-875,-54,718,718,-733,-740,-745,718,718,718,-874,]),'SHOW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[719,719,719,719,-1896,719,719,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,719,719,719,719,-277,-278,719,-1427,719,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,719,719,719,-492,719,719,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,719,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,719,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,719,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,719,-174,-175,-176,-177,-995,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-292,-293,-283,719,719,719,719,719,-330,-320,-334,-335,-336,719,719,-984,-985,-986,-987,-988,-989,-990,719,719,719,719,719,719,719,719,719,719,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,719,719,719,-355,-358,719,-325,-326,-143,719,-144,719,-145,719,-432,-937,-938,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-1896,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-1896,719,-1896,719,719,719,719,719,719,719,719,719,719,719,719,-1896,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-1896,719,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,719,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,719,719,719,-193,-194,719,-996,719,719,719,719,719,-279,-280,-281,-282,-367,719,-310,719,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,719,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,719,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,719,719,719,719,719,719,-575,719,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,719,719,-725,-726,-727,719,719,719,719,719,719,-996,719,719,-93,-94,719,719,719,719,-311,-312,-322,719,-309,-295,-296,-297,719,719,719,719,-620,-635,-592,719,719,-438,719,-439,719,-446,-447,-448,-380,-381,719,719,719,-508,719,719,-512,719,719,719,719,-517,-518,-519,-520,719,719,-523,-524,719,-526,-527,-528,-529,-530,-531,-532,-533,719,-535,719,719,719,-541,-543,-544,719,-546,-547,-548,-549,719,719,719,719,719,719,-654,-655,-656,-657,719,-659,-660,-661,719,719,719,-667,719,719,-671,-672,719,719,-675,719,-677,-678,719,-681,719,-683,719,719,-686,-687,-688,719,-690,719,719,-693,719,719,-696,-697,-698,719,-700,-701,-702,-703,719,719,-748,719,-751,-752,-753,-754,-755,719,-757,-758,-759,-760,-761,719,-768,-769,-771,719,-773,-774,-775,-784,-858,-860,-862,-864,719,719,719,719,-870,719,-872,719,719,719,719,719,719,719,-908,-909,719,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,719,-923,-926,719,-936,719,-387,-388,-389,719,719,-392,-393,-394,-395,719,-398,719,-401,-402,719,-403,719,-408,-409,719,-412,-413,-414,719,-417,719,-418,719,-423,-424,719,-427,719,-430,-431,-1896,-1896,719,-621,-622,-623,-624,-625,-636,-586,-626,-799,719,719,719,719,719,-833,719,719,-808,719,-834,719,719,719,719,-800,719,-855,-801,719,719,719,719,719,719,-856,-857,719,-836,-832,-837,719,-627,719,-628,-629,-630,-631,-576,719,719,-632,-633,-634,719,719,719,719,719,719,-637,-638,-639,-594,-1896,-604,719,-640,-641,-715,-642,-606,719,-574,-579,-582,-585,719,719,719,-600,-603,719,-610,719,719,719,719,719,719,719,719,719,719,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,719,719,719,-997,719,719,719,719,719,719,-308,-327,-321,-298,-377,-454,-455,-456,-460,719,-445,719,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,719,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,719,719,719,719,719,719,719,719,719,-318,-537,-510,-593,-939,-941,-942,-440,719,-442,-382,-383,-385,-509,-511,-513,719,-515,-516,-521,-522,719,-534,-536,-539,-540,-545,-550,-728,719,-729,719,-734,719,-736,719,-741,-658,-662,-663,719,-668,719,-669,719,-674,-676,719,-679,719,719,719,-689,-691,719,-694,719,719,-746,719,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,719,719,719,719,719,-879,719,-882,-910,-922,-927,-390,-391,719,-396,719,-399,719,-404,719,-405,719,-410,719,-415,719,-419,719,-420,719,-425,719,-428,-901,-902,-645,-587,-1896,-903,719,719,719,-802,719,719,-806,719,-809,-835,719,-820,719,-822,719,-824,-810,719,-826,719,-853,-854,719,719,-813,719,-648,-904,-906,-650,-651,-647,719,-707,-708,719,-644,-905,-649,-652,-605,-716,719,719,-607,-588,719,719,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,719,719,-711,-712,719,-718,719,719,719,719,719,719,-940,719,-441,-443,-749,719,-893,719,-717,-1896,719,719,719,719,719,-444,-514,-525,719,-730,-735,719,-737,719,-742,719,-664,-670,719,-680,-682,-684,-685,-692,-695,-699,-747,719,719,-876,719,719,-880,719,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,719,-814,719,-816,-803,719,-804,-807,719,-818,-821,-823,-825,-827,719,-828,719,-811,719,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,719,-284,719,719,719,719,-457,719,719,-731,719,-738,719,-743,719,-665,-673,719,719,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,719,-838,-53,719,719,-732,719,-739,719,-744,-666,719,-875,-54,719,719,-733,-740,-745,719,719,719,-874,]),'SHUTDOWN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[720,720,720,720,-1896,720,720,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,720,720,720,720,-277,-278,720,-1427,720,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,720,720,720,-492,720,720,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,720,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,720,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,720,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,720,-174,-175,-176,-177,-995,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-292,-293,-283,720,720,720,720,720,-330,-320,-334,-335,-336,720,720,-984,-985,-986,-987,-988,-989,-990,720,720,720,720,720,720,720,720,720,720,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,720,720,720,-355,-358,720,-325,-326,-143,720,-144,720,-145,720,-432,-937,-938,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-1896,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-1896,720,-1896,720,720,720,720,720,720,720,720,720,720,720,720,-1896,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-1896,720,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,720,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,720,720,720,-193,-194,720,-996,720,720,720,720,720,-279,-280,-281,-282,-367,720,-310,720,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,720,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,720,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,720,720,720,720,720,720,-575,720,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,720,720,-725,-726,-727,720,720,720,720,720,720,-996,720,720,-93,-94,720,720,720,720,-311,-312,-322,720,-309,-295,-296,-297,720,720,720,720,-620,-635,-592,720,720,-438,720,-439,720,-446,-447,-448,-380,-381,720,720,720,-508,720,720,-512,720,720,720,720,-517,-518,-519,-520,720,720,-523,-524,720,-526,-527,-528,-529,-530,-531,-532,-533,720,-535,720,720,720,-541,-543,-544,720,-546,-547,-548,-549,720,720,720,720,720,720,-654,-655,-656,-657,720,-659,-660,-661,720,720,720,-667,720,720,-671,-672,720,720,-675,720,-677,-678,720,-681,720,-683,720,720,-686,-687,-688,720,-690,720,720,-693,720,720,-696,-697,-698,720,-700,-701,-702,-703,720,720,-748,720,-751,-752,-753,-754,-755,720,-757,-758,-759,-760,-761,720,-768,-769,-771,720,-773,-774,-775,-784,-858,-860,-862,-864,720,720,720,720,-870,720,-872,720,720,720,720,720,720,720,-908,-909,720,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,720,-923,-926,720,-936,720,-387,-388,-389,720,720,-392,-393,-394,-395,720,-398,720,-401,-402,720,-403,720,-408,-409,720,-412,-413,-414,720,-417,720,-418,720,-423,-424,720,-427,720,-430,-431,-1896,-1896,720,-621,-622,-623,-624,-625,-636,-586,-626,-799,720,720,720,720,720,-833,720,720,-808,720,-834,720,720,720,720,-800,720,-855,-801,720,720,720,720,720,720,-856,-857,720,-836,-832,-837,720,-627,720,-628,-629,-630,-631,-576,720,720,-632,-633,-634,720,720,720,720,720,720,-637,-638,-639,-594,-1896,-604,720,-640,-641,-715,-642,-606,720,-574,-579,-582,-585,720,720,720,-600,-603,720,-610,720,720,720,720,720,720,720,720,720,720,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,720,720,720,-997,720,720,720,720,720,720,-308,-327,-321,-298,-377,-454,-455,-456,-460,720,-445,720,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,720,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,720,720,720,720,720,720,720,720,720,-318,-537,-510,-593,-939,-941,-942,-440,720,-442,-382,-383,-385,-509,-511,-513,720,-515,-516,-521,-522,720,-534,-536,-539,-540,-545,-550,-728,720,-729,720,-734,720,-736,720,-741,-658,-662,-663,720,-668,720,-669,720,-674,-676,720,-679,720,720,720,-689,-691,720,-694,720,720,-746,720,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,720,720,720,720,720,-879,720,-882,-910,-922,-927,-390,-391,720,-396,720,-399,720,-404,720,-405,720,-410,720,-415,720,-419,720,-420,720,-425,720,-428,-901,-902,-645,-587,-1896,-903,720,720,720,-802,720,720,-806,720,-809,-835,720,-820,720,-822,720,-824,-810,720,-826,720,-853,-854,720,720,-813,720,-648,-904,-906,-650,-651,-647,720,-707,-708,720,-644,-905,-649,-652,-605,-716,720,720,-607,-588,720,720,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,720,720,-711,-712,720,-718,720,720,720,720,720,720,-940,720,-441,-443,-749,720,-893,720,-717,-1896,720,720,720,720,720,-444,-514,-525,720,-730,-735,720,-737,720,-742,720,-664,-670,720,-680,-682,-684,-685,-692,-695,-699,-747,720,720,-876,720,720,-880,720,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,720,-814,720,-816,-803,720,-804,-807,720,-818,-821,-823,-825,-827,720,-828,720,-811,720,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,720,-284,720,720,720,720,-457,720,720,-731,720,-738,720,-743,720,-665,-673,720,720,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,720,-838,-53,720,720,-732,720,-739,720,-744,-666,720,-875,-54,720,720,-733,-740,-745,720,720,720,-874,]),'SKIP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[721,721,721,721,-1896,721,721,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,721,721,721,721,-277,-278,721,-1427,721,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,721,721,721,-492,721,721,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,721,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,721,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,721,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,721,-174,-175,-176,-177,-995,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-292,-293,-283,721,721,721,721,721,-330,-320,-334,-335,-336,721,721,-984,-985,-986,-987,-988,-989,-990,721,721,721,721,721,721,721,721,721,721,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,721,721,721,-355,-358,721,-325,-326,-143,721,-144,721,-145,721,-432,-937,-938,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-1896,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-1896,721,-1896,721,721,721,721,721,721,721,721,721,721,721,721,-1896,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-1896,721,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,721,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,721,721,721,-193,-194,721,-996,721,721,721,721,721,-279,-280,-281,-282,-367,721,-310,721,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,721,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,721,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,721,721,721,721,721,721,-575,721,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,721,721,-725,-726,-727,721,721,721,721,721,721,-996,721,721,-93,-94,721,721,721,721,-311,-312,-322,721,-309,-295,-296,-297,721,721,721,721,-620,-635,-592,721,721,-438,721,-439,721,-446,-447,-448,-380,-381,721,721,721,-508,721,721,-512,721,721,721,721,-517,-518,-519,-520,721,721,-523,-524,721,-526,-527,-528,-529,-530,-531,-532,-533,721,-535,721,721,721,-541,-543,-544,721,-546,-547,-548,-549,721,721,721,721,721,721,-654,-655,-656,-657,721,-659,-660,-661,721,721,721,-667,721,721,-671,-672,721,721,-675,721,-677,-678,721,-681,721,-683,721,721,-686,-687,-688,721,-690,721,721,-693,721,721,-696,-697,-698,721,-700,-701,-702,-703,721,721,-748,721,-751,-752,-753,-754,-755,721,-757,-758,-759,-760,-761,721,-768,-769,-771,721,-773,-774,-775,-784,-858,-860,-862,-864,721,721,721,721,-870,721,-872,721,721,721,721,721,721,721,-908,-909,721,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,721,-923,-926,721,-936,721,-387,-388,-389,721,721,-392,-393,-394,-395,721,-398,721,-401,-402,721,-403,721,-408,-409,721,-412,-413,-414,721,-417,721,-418,721,-423,-424,721,-427,721,-430,-431,-1896,-1896,721,-621,-622,-623,-624,-625,-636,-586,-626,-799,721,721,721,721,721,-833,721,721,-808,721,-834,721,721,721,721,-800,721,-855,-801,721,721,721,721,721,721,-856,-857,721,-836,-832,-837,721,-627,721,-628,-629,-630,-631,-576,721,721,-632,-633,-634,721,721,721,721,721,721,-637,-638,-639,-594,-1896,-604,721,-640,-641,-715,-642,-606,721,-574,-579,-582,-585,721,721,721,-600,-603,721,-610,721,721,721,721,721,721,721,721,721,721,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,721,721,721,3199,-997,721,721,721,721,721,721,-308,-327,-321,-298,-377,-454,-455,-456,-460,721,-445,721,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,721,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,721,721,721,721,721,721,721,721,721,-318,-537,-510,-593,-939,-941,-942,-440,721,-442,-382,-383,-385,-509,-511,-513,721,-515,-516,-521,-522,721,-534,-536,-539,-540,-545,-550,-728,721,-729,721,-734,721,-736,721,-741,-658,-662,-663,721,-668,721,-669,721,-674,-676,721,-679,721,721,721,-689,-691,721,-694,721,721,-746,721,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,721,721,721,721,721,-879,721,-882,-910,-922,-927,-390,-391,721,-396,721,-399,721,-404,721,-405,721,-410,721,-415,721,-419,721,-420,721,-425,721,-428,-901,-902,-645,-587,-1896,-903,721,721,721,-802,721,721,-806,721,-809,-835,721,-820,721,-822,721,-824,-810,721,-826,721,-853,-854,721,721,-813,721,-648,-904,-906,-650,-651,-647,721,-707,-708,721,-644,-905,-649,-652,-605,-716,721,721,-607,-588,721,721,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,721,721,-711,-712,721,-718,721,721,721,721,721,721,-940,721,-441,-443,-749,721,-893,721,-717,-1896,721,721,721,721,721,-444,-514,-525,721,-730,-735,721,-737,721,-742,721,-664,-670,721,-680,-682,-684,-685,-692,-695,-699,-747,721,721,-876,721,721,-880,721,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,721,-814,721,-816,-803,721,-804,-807,721,-818,-821,-823,-825,-827,721,-828,721,-811,721,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,721,-284,721,721,721,721,-457,721,721,-731,721,-738,721,-743,721,-665,-673,721,721,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,721,-838,-53,721,721,-732,721,-739,721,-744,-666,721,-875,-54,721,721,-733,-740,-745,721,721,721,-874,]),'SIGN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[722,722,722,1072,-1896,722,722,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,722,722,722,722,-277,-278,1072,-1427,1072,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1072,1072,1072,-492,1072,1072,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1072,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1072,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1956,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,722,-174,-175,-176,-177,-995,722,722,722,722,722,722,722,722,722,722,1072,1072,1072,1072,1072,-292,-293,-283,722,1072,1072,1072,1072,-330,-320,-334,-335,-336,1072,1072,-984,-985,-986,-987,-988,-989,-990,722,722,1072,1072,1072,1072,1072,1072,1072,1072,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1072,1072,1072,-355,-358,722,-325,-326,-143,1072,-144,1072,-145,1072,-432,-937,-938,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1896,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1896,1072,-1896,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1896,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1896,722,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1072,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1072,722,722,-193,-194,722,-996,1072,722,722,722,722,-279,-280,-281,-282,-367,1072,-310,1072,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1072,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1072,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1072,1072,1072,1072,1072,1072,-575,1072,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1072,1072,-725,-726,-727,1072,1956,722,722,722,722,-996,722,1072,-93,-94,722,722,722,1072,-311,-312,-322,1072,-309,-295,-296,-297,1072,722,1072,1072,-620,-635,-592,1072,722,-438,722,-439,1072,-446,-447,-448,-380,-381,1072,1072,1072,-508,1072,1072,-512,1072,1072,1072,1072,-517,-518,-519,-520,1072,1072,-523,-524,1072,-526,-527,-528,-529,-530,-531,-532,-533,1072,-535,1072,1072,1072,-541,-543,-544,1072,-546,-547,-548,-549,1072,1072,1072,1072,1072,1072,-654,-655,-656,-657,722,-659,-660,-661,1072,1072,1072,-667,1072,1072,-671,-672,1072,1072,-675,1072,-677,-678,1072,-681,1072,-683,1072,1072,-686,-687,-688,1072,-690,1072,1072,-693,1072,1072,-696,-697,-698,1072,-700,-701,-702,-703,1072,1072,-748,1072,-751,-752,-753,-754,-755,1072,-757,-758,-759,-760,-761,1072,-768,-769,-771,1072,-773,-774,-775,-784,-858,-860,-862,-864,1072,1072,1072,1072,-870,1072,-872,1072,1072,1072,1072,1072,1072,1072,-908,-909,1072,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1072,-923,-926,1072,-936,1072,-387,-388,-389,1072,1072,-392,-393,-394,-395,1072,-398,1072,-401,-402,1072,-403,1072,-408,-409,1072,-412,-413,-414,1072,-417,1072,-418,1072,-423,-424,1072,-427,1072,-430,-431,-1896,-1896,1072,-621,-622,-623,-624,-625,-636,-586,-626,-799,1072,1072,1072,1072,1072,-833,1072,1072,-808,1072,-834,1072,1072,1072,1072,-800,1072,-855,-801,1072,1072,1072,1072,1072,1072,-856,-857,1072,-836,-832,-837,1072,-627,1072,-628,-629,-630,-631,-576,1072,1072,-632,-633,-634,1072,1072,1072,1072,1072,1072,-637,-638,-639,-594,-1896,-604,1072,-640,-641,-715,-642,-606,1072,-574,-579,-582,-585,1072,1072,1072,-600,-603,1072,-610,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1072,722,722,-997,722,1072,722,722,722,1072,-308,-327,-321,-298,-377,-454,-455,-456,-460,722,-445,1072,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1072,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,722,722,722,722,722,722,722,722,1072,-318,-537,-510,-593,-939,-941,-942,-440,1072,-442,-382,-383,-385,-509,-511,-513,1072,-515,-516,-521,-522,1072,-534,-536,-539,-540,-545,-550,-728,1072,-729,1072,-734,1072,-736,1072,-741,-658,-662,-663,1072,-668,1072,-669,1072,-674,-676,1072,-679,1072,1072,1072,-689,-691,1072,-694,1072,1072,-746,1072,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1072,1072,1072,1072,1072,-879,1072,-882,-910,-922,-927,-390,-391,1072,-396,1072,-399,1072,-404,1072,-405,1072,-410,1072,-415,1072,-419,1072,-420,1072,-425,1072,-428,-901,-902,-645,-587,-1896,-903,1072,1072,1072,-802,1072,1072,-806,1072,-809,-835,1072,-820,1072,-822,1072,-824,-810,1072,-826,1072,-853,-854,1072,1072,-813,1072,-648,-904,-906,-650,-651,-647,1072,-707,-708,1072,-644,-905,-649,-652,-605,-716,1072,1072,-607,-588,1072,1072,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1072,1072,-711,-712,1072,-718,1072,722,722,722,1072,1072,-940,722,-441,-443,-749,1072,-893,1956,-717,-1896,1072,1072,722,722,1072,-444,-514,-525,1072,-730,-735,1072,-737,1072,-742,1072,-664,-670,1072,-680,-682,-684,-685,-692,-695,-699,-747,1072,1072,-876,1072,1072,-880,1072,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1072,-814,1072,-816,-803,1072,-804,-807,1072,-818,-821,-823,-825,-827,1072,-828,1072,-811,1072,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,722,-284,722,1072,722,1072,-457,1072,1072,-731,1072,-738,1072,-743,1072,-665,-673,1072,1072,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1072,-838,-53,722,1072,-732,1072,-739,1072,-744,-666,1072,-875,-54,722,722,-733,-740,-745,1072,722,1072,-874,]),'SIGNED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[723,723,723,723,-1896,723,723,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,723,723,723,723,-277,-278,723,-1427,723,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,723,723,723,-492,723,723,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,723,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,723,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,723,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,723,-174,-175,-176,-177,-995,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-292,-293,-283,723,723,723,723,723,-330,-320,-334,-335,-336,723,723,-984,-985,-986,-987,-988,-989,-990,723,723,723,723,723,723,723,723,723,723,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,723,723,723,-355,-358,723,-325,-326,-143,723,-144,723,-145,723,-432,-937,-938,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-1896,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-1896,723,-1896,723,723,723,723,723,723,723,723,723,723,723,723,-1896,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-1896,723,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,723,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,723,723,723,-193,-194,723,-996,723,723,723,723,723,-279,-280,-281,-282,-367,723,-310,723,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,723,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,723,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,723,723,723,723,723,723,-575,723,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,723,723,-725,-726,-727,723,723,723,723,723,723,-996,723,723,-93,-94,723,723,723,723,-311,-312,-322,723,-309,-295,-296,-297,723,723,723,723,-620,-635,-592,723,2967,2967,723,-438,723,-439,723,-446,-447,-448,-380,-381,723,723,723,-508,723,723,-512,723,723,723,723,-517,-518,-519,-520,723,723,-523,-524,723,-526,-527,-528,-529,-530,-531,-532,-533,723,-535,723,723,723,-541,-543,-544,723,-546,-547,-548,-549,723,723,723,723,723,723,-654,-655,-656,-657,723,-659,-660,-661,723,723,723,-667,723,723,-671,-672,723,723,-675,723,-677,-678,723,-681,723,-683,723,723,-686,-687,-688,723,-690,723,723,-693,723,723,-696,-697,-698,723,-700,-701,-702,-703,723,723,-748,723,-751,-752,-753,-754,-755,723,-757,-758,-759,-760,-761,723,-768,-769,-771,723,-773,-774,-775,-784,-858,-860,-862,-864,723,723,723,723,-870,723,-872,723,723,723,723,723,723,723,-908,-909,723,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,723,-923,-926,723,-936,723,-387,-388,-389,723,723,-392,-393,-394,-395,723,-398,723,-401,-402,723,-403,723,-408,-409,723,-412,-413,-414,723,-417,723,-418,723,-423,-424,723,-427,723,-430,-431,-1896,-1896,723,-621,-622,-623,-624,-625,-636,-586,-626,-799,723,723,723,723,723,-833,723,723,-808,723,-834,723,723,723,723,-800,723,-855,-801,723,723,723,723,723,723,-856,-857,723,-836,-832,-837,723,-627,723,-628,-629,-630,-631,-576,723,723,-632,-633,-634,723,723,723,723,723,723,-637,-638,-639,-594,-1896,-604,723,-640,-641,-715,-642,-606,723,-574,-579,-582,-585,723,723,723,-600,-603,723,-610,723,723,723,723,723,723,723,723,723,723,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,723,723,723,-997,723,723,723,723,723,723,-308,-327,-321,-298,-377,-454,-455,-456,-460,723,-445,723,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,723,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,723,723,723,723,723,723,723,723,723,-318,-537,-510,-593,-939,-941,-942,-440,723,-442,-382,-383,-385,-509,-511,-513,723,-515,-516,-521,-522,723,-534,-536,-539,-540,-545,-550,-728,723,-729,723,-734,723,-736,723,-741,-658,-662,-663,723,-668,723,-669,723,-674,-676,723,-679,723,723,723,-689,-691,723,-694,723,723,-746,723,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,723,723,723,723,723,-879,723,-882,-910,-922,-927,-390,-391,723,-396,723,-399,723,-404,723,-405,723,-410,723,-415,723,-419,723,-420,723,-425,723,-428,-901,-902,-645,-587,-1896,-903,723,723,723,-802,723,723,-806,723,-809,-835,723,-820,723,-822,723,-824,-810,723,-826,723,-853,-854,723,723,-813,723,-648,-904,-906,-650,-651,-647,723,-707,-708,723,-644,-905,-649,-652,-605,-716,723,723,-607,-588,723,723,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,723,723,-711,-712,723,-718,723,723,723,723,723,723,-940,723,-441,-443,-749,723,-893,723,-717,-1896,723,723,723,723,723,-444,-514,-525,723,-730,-735,723,-737,723,-742,723,-664,-670,723,-680,-682,-684,-685,-692,-695,-699,-747,723,723,-876,723,723,-880,723,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,723,-814,723,-816,-803,723,-804,-807,723,-818,-821,-823,-825,-827,723,-828,723,-811,723,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,723,-284,723,723,723,723,-457,723,723,-731,723,-738,723,-743,723,-665,-673,723,723,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,723,-838,-53,723,723,-732,723,-739,723,-744,-666,723,-875,-54,723,723,-733,-740,-745,723,723,723,-874,]),'SIMPLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[724,724,724,724,-1896,724,724,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,724,724,724,724,-277,-278,724,-1427,724,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,724,724,724,-492,724,724,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,724,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,724,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,724,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,724,-174,-175,-176,-177,-995,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-292,-293,-283,724,724,724,724,724,-330,-320,-334,-335,-336,724,724,-984,-985,-986,-987,-988,-989,-990,724,724,724,724,724,724,724,724,724,724,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,724,724,724,-355,-358,724,-325,-326,-143,724,-144,724,-145,724,-432,-937,-938,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-1896,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-1896,724,-1896,724,724,724,724,724,724,724,724,724,724,724,724,-1896,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-1896,724,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,724,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,724,724,724,-193,-194,724,-996,724,724,724,724,724,-279,-280,-281,-282,-367,724,-310,724,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,724,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,724,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,724,724,724,724,724,724,-575,724,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,724,724,-725,-726,-727,724,724,724,724,724,724,-996,724,724,-93,-94,724,724,724,724,-311,-312,-322,724,-309,-295,-296,-297,724,724,724,724,-620,-635,-592,724,724,-438,724,-439,724,-446,-447,-448,-380,-381,724,724,724,-508,724,724,-512,724,724,724,724,-517,-518,-519,-520,724,724,-523,-524,724,-526,-527,-528,-529,-530,-531,-532,-533,724,-535,724,724,724,-541,-543,-544,724,-546,-547,-548,-549,724,724,724,724,724,724,-654,-655,-656,-657,724,-659,-660,-661,724,724,724,-667,724,724,-671,-672,724,724,-675,724,-677,-678,724,-681,724,-683,724,724,-686,-687,-688,724,-690,724,724,-693,724,724,-696,-697,-698,724,-700,-701,-702,-703,724,724,-748,724,-751,-752,-753,-754,-755,724,-757,-758,-759,-760,-761,724,-768,-769,-771,724,-773,-774,-775,-784,-858,-860,-862,-864,724,724,724,724,-870,724,-872,724,724,724,724,724,724,724,-908,-909,724,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,724,-923,-926,724,-936,724,-387,-388,-389,724,724,-392,-393,-394,-395,724,-398,724,-401,-402,724,-403,724,-408,-409,724,-412,-413,-414,724,-417,724,-418,724,-423,-424,724,-427,724,-430,-431,-1896,-1896,724,-621,-622,-623,-624,-625,-636,-586,-626,-799,724,724,724,724,724,-833,724,724,-808,724,-834,724,724,724,724,-800,724,-855,-801,724,724,724,724,724,724,-856,-857,724,-836,-832,-837,724,-627,724,-628,-629,-630,-631,-576,724,724,-632,-633,-634,724,724,724,724,724,724,-637,-638,-639,-594,-1896,-604,724,-640,-641,-715,-642,-606,724,-574,-579,-582,-585,724,724,724,-600,-603,724,-610,724,724,724,724,724,724,724,724,724,724,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,724,724,724,-997,724,724,724,724,724,724,-308,-327,-321,-298,-377,-454,-455,-456,-460,724,-445,724,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,724,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,724,724,724,724,724,724,724,724,724,-318,-537,-510,-593,-939,-941,-942,-440,724,-442,-382,-383,-385,-509,-511,-513,724,-515,-516,-521,-522,724,-534,-536,-539,-540,-545,-550,-728,724,-729,724,-734,724,-736,724,-741,-658,-662,-663,724,-668,724,-669,724,-674,-676,724,-679,724,724,724,-689,-691,724,-694,724,724,-746,724,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,724,724,724,724,724,-879,724,-882,-910,-922,-927,-390,-391,724,-396,724,-399,724,-404,724,-405,724,-410,724,-415,724,-419,724,-420,724,-425,724,-428,-901,-902,-645,-587,-1896,-903,724,724,724,-802,724,724,-806,724,-809,-835,724,-820,724,-822,724,-824,-810,724,-826,724,-853,-854,724,724,-813,724,-648,-904,-906,-650,-651,-647,724,-707,-708,724,-644,-905,-649,-652,-605,-716,724,724,-607,-588,724,724,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,724,724,-711,-712,724,-718,724,724,724,724,724,724,-940,724,-441,-443,-749,724,-893,724,-717,-1896,724,724,724,724,724,-444,-514,-525,724,-730,-735,724,-737,724,-742,724,-664,-670,724,-680,-682,-684,-685,-692,-695,-699,-747,724,724,-876,724,724,-880,724,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,724,-814,724,-816,-803,724,-804,-807,724,-818,-821,-823,-825,-827,724,-828,724,-811,724,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,724,-284,724,724,724,724,-457,724,724,-731,724,-738,724,-743,724,-665,-673,724,724,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,724,-838,-53,724,724,-732,724,-739,724,-744,-666,724,-875,-54,724,724,-733,-740,-745,724,724,724,-874,]),'SLAVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[725,725,725,725,-1896,725,725,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,725,725,725,725,-277,-278,725,-1427,725,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,725,725,725,-492,725,725,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,725,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,725,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,725,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,725,-174,-175,-176,-177,-995,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-292,-293,-283,725,725,725,725,725,-330,-320,-334,-335,-336,725,725,-984,-985,-986,-987,-988,-989,-990,725,725,725,725,725,725,725,725,725,725,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,725,725,725,-355,-358,725,-325,-326,-143,725,-144,725,-145,725,-432,-937,-938,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-1896,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-1896,725,-1896,725,725,725,725,725,725,725,725,725,725,725,725,-1896,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-1896,725,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,725,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,725,725,725,-193,-194,725,-996,725,725,725,725,725,-279,-280,-281,-282,-367,725,-310,725,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,725,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,725,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,725,725,725,725,725,725,-575,725,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,725,725,-725,-726,-727,725,725,725,725,725,725,-996,725,725,-93,-94,725,725,725,725,-311,-312,-322,725,-309,-295,-296,-297,725,725,725,725,-620,-635,-592,725,725,-438,725,-439,725,-446,-447,-448,-380,-381,725,725,725,-508,725,725,-512,725,725,725,725,-517,-518,-519,-520,725,725,-523,-524,725,-526,-527,-528,-529,-530,-531,-532,-533,725,-535,725,725,725,-541,-543,-544,725,-546,-547,-548,-549,725,725,725,725,725,725,-654,-655,-656,-657,725,-659,-660,-661,725,725,725,-667,725,725,-671,-672,725,725,-675,725,-677,-678,725,-681,725,-683,725,725,-686,-687,-688,725,-690,725,725,-693,725,725,-696,-697,-698,725,-700,-701,-702,-703,725,725,-748,725,-751,-752,-753,-754,-755,725,-757,-758,-759,-760,-761,725,-768,-769,-771,725,-773,-774,-775,-784,-858,-860,-862,-864,725,725,725,725,-870,725,-872,725,725,725,725,725,725,725,-908,-909,725,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,725,-923,-926,725,-936,725,-387,-388,-389,725,725,-392,-393,-394,-395,725,-398,725,-401,-402,725,-403,725,-408,-409,725,-412,-413,-414,725,-417,725,-418,725,-423,-424,725,-427,725,-430,-431,-1896,-1896,725,-621,-622,-623,-624,-625,-636,-586,-626,-799,725,725,725,725,725,-833,725,725,-808,725,-834,725,725,725,725,-800,725,-855,-801,725,725,725,725,725,725,-856,-857,725,-836,-832,-837,725,-627,725,-628,-629,-630,-631,-576,725,725,-632,-633,-634,725,725,725,725,725,725,-637,-638,-639,-594,-1896,-604,725,-640,-641,-715,-642,-606,725,-574,-579,-582,-585,725,725,725,-600,-603,725,-610,725,725,725,725,725,725,725,725,725,725,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,725,725,725,-997,725,725,725,725,725,725,-308,-327,-321,-298,-377,-454,-455,-456,-460,725,-445,725,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,725,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,725,725,725,725,725,725,725,725,725,-318,-537,-510,-593,-939,-941,-942,-440,725,-442,-382,-383,-385,-509,-511,-513,725,-515,-516,-521,-522,725,-534,-536,-539,-540,-545,-550,-728,725,-729,725,-734,725,-736,725,-741,-658,-662,-663,725,-668,725,-669,725,-674,-676,725,-679,725,725,725,-689,-691,725,-694,725,725,-746,725,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,725,725,725,725,725,-879,725,-882,-910,-922,-927,-390,-391,725,-396,725,-399,725,-404,725,-405,725,-410,725,-415,725,-419,725,-420,725,-425,725,-428,-901,-902,-645,-587,-1896,-903,725,725,725,-802,725,725,-806,725,-809,-835,725,-820,725,-822,725,-824,-810,725,-826,725,-853,-854,725,725,-813,725,-648,-904,-906,-650,-651,-647,725,-707,-708,725,-644,-905,-649,-652,-605,-716,725,725,-607,-588,725,725,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,725,725,-711,-712,725,-718,725,725,725,725,725,725,-940,725,-441,-443,-749,725,-893,725,-717,-1896,725,725,725,725,725,-444,-514,-525,725,-730,-735,725,-737,725,-742,725,-664,-670,725,-680,-682,-684,-685,-692,-695,-699,-747,725,725,-876,725,725,-880,725,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,725,-814,725,-816,-803,725,-804,-807,725,-818,-821,-823,-825,-827,725,-828,725,-811,725,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,725,-284,725,725,725,725,-457,725,725,-731,725,-738,725,-743,725,-665,-673,725,725,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,725,-838,-53,725,725,-732,725,-739,725,-744,-666,725,-875,-54,725,725,-733,-740,-745,725,725,725,-874,]),'SLEEP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[726,726,726,1214,-1896,726,726,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,726,726,726,726,-277,-278,1214,-1427,1214,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1214,1214,1214,-492,1214,1214,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1214,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1214,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1957,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,726,-174,-175,-176,-177,-995,726,726,726,726,726,726,726,726,726,726,1214,1214,1214,1214,1214,-292,-293,-283,726,1214,1214,1214,1214,-330,-320,-334,-335,-336,1214,1214,-984,-985,-986,-987,-988,-989,-990,726,726,1214,1214,1214,1214,1214,1214,1214,1214,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1214,1214,1214,-355,-358,726,-325,-326,-143,1214,-144,1214,-145,1214,-432,-937,-938,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1896,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1896,1214,-1896,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1896,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1896,726,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1214,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1214,726,726,-193,-194,726,-996,1214,726,726,726,726,-279,-280,-281,-282,-367,1214,-310,1214,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1214,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1214,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1214,1214,1214,1214,1214,1214,-575,1214,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1214,1214,-725,-726,-727,1214,1957,726,726,726,726,-996,726,1214,-93,-94,726,726,726,1214,-311,-312,-322,1214,-309,-295,-296,-297,1214,726,1214,1214,-620,-635,-592,1214,726,-438,726,-439,1214,-446,-447,-448,-380,-381,1214,1214,1214,-508,1214,1214,-512,1214,1214,1214,1214,-517,-518,-519,-520,1214,1214,-523,-524,1214,-526,-527,-528,-529,-530,-531,-532,-533,1214,-535,1214,1214,1214,-541,-543,-544,1214,-546,-547,-548,-549,1214,1214,1214,1214,1214,1214,-654,-655,-656,-657,726,-659,-660,-661,1214,1214,1214,-667,1214,1214,-671,-672,1214,1214,-675,1214,-677,-678,1214,-681,1214,-683,1214,1214,-686,-687,-688,1214,-690,1214,1214,-693,1214,1214,-696,-697,-698,1214,-700,-701,-702,-703,1214,1214,-748,1214,-751,-752,-753,-754,-755,1214,-757,-758,-759,-760,-761,1214,-768,-769,-771,1214,-773,-774,-775,-784,-858,-860,-862,-864,1214,1214,1214,1214,-870,1214,-872,1214,1214,1214,1214,1214,1214,1214,-908,-909,1214,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1214,-923,-926,1214,-936,1214,-387,-388,-389,1214,1214,-392,-393,-394,-395,1214,-398,1214,-401,-402,1214,-403,1214,-408,-409,1214,-412,-413,-414,1214,-417,1214,-418,1214,-423,-424,1214,-427,1214,-430,-431,-1896,-1896,1214,-621,-622,-623,-624,-625,-636,-586,-626,-799,1214,1214,1214,1214,1214,-833,1214,1214,-808,1214,-834,1214,1214,1214,1214,-800,1214,-855,-801,1214,1214,1214,1214,1214,1214,-856,-857,1214,-836,-832,-837,1214,-627,1214,-628,-629,-630,-631,-576,1214,1214,-632,-633,-634,1214,1214,1214,1214,1214,1214,-637,-638,-639,-594,-1896,-604,1214,-640,-641,-715,-642,-606,1214,-574,-579,-582,-585,1214,1214,1214,-600,-603,1214,-610,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1214,726,726,-997,726,1214,726,726,726,1214,-308,-327,-321,-298,-377,-454,-455,-456,-460,726,-445,1214,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1214,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,726,726,726,726,726,726,726,726,1214,-318,-537,-510,-593,-939,-941,-942,-440,1214,-442,-382,-383,-385,-509,-511,-513,1214,-515,-516,-521,-522,1214,-534,-536,-539,-540,-545,-550,-728,1214,-729,1214,-734,1214,-736,1214,-741,-658,-662,-663,1214,-668,1214,-669,1214,-674,-676,1214,-679,1214,1214,1214,-689,-691,1214,-694,1214,1214,-746,1214,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1214,1214,1214,1214,1214,-879,1214,-882,-910,-922,-927,-390,-391,1214,-396,1214,-399,1214,-404,1214,-405,1214,-410,1214,-415,1214,-419,1214,-420,1214,-425,1214,-428,-901,-902,-645,-587,-1896,-903,1214,1214,1214,-802,1214,1214,-806,1214,-809,-835,1214,-820,1214,-822,1214,-824,-810,1214,-826,1214,-853,-854,1214,1214,-813,1214,-648,-904,-906,-650,-651,-647,1214,-707,-708,1214,-644,-905,-649,-652,-605,-716,1214,1214,-607,-588,1214,1214,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1214,1214,-711,-712,1214,-718,1214,726,726,726,1214,1214,-940,726,-441,-443,-749,1214,-893,1957,-717,-1896,1214,1214,726,726,1214,-444,-514,-525,1214,-730,-735,1214,-737,1214,-742,1214,-664,-670,1214,-680,-682,-684,-685,-692,-695,-699,-747,1214,1214,-876,1214,1214,-880,1214,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1214,-814,1214,-816,-803,1214,-804,-807,1214,-818,-821,-823,-825,-827,1214,-828,1214,-811,1214,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,726,-284,726,1214,726,1214,-457,1214,1214,-731,1214,-738,1214,-743,1214,-665,-673,1214,1214,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1214,-838,-53,726,1214,-732,1214,-739,1214,-744,-666,1214,-875,-54,726,726,-733,-740,-745,1214,726,1214,-874,]),'SLOT_IDX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[727,727,727,727,-1896,727,727,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,727,727,727,727,-277,-278,727,-1427,727,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,727,727,727,-492,727,727,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,727,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,727,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,727,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,727,-174,-175,-176,-177,-995,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-292,-293,-283,727,727,727,727,727,-330,-320,-334,-335,-336,727,727,-984,-985,-986,-987,-988,-989,-990,727,727,727,727,727,727,727,727,727,727,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,727,727,727,-355,-358,727,-325,-326,-143,727,-144,727,-145,727,-432,-937,-938,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-1896,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-1896,727,-1896,727,727,727,727,727,727,727,727,727,727,727,727,-1896,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-1896,727,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,727,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,727,727,727,-193,-194,727,-996,727,727,727,727,727,-279,-280,-281,-282,-367,727,-310,727,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,727,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,727,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,727,727,727,727,727,727,-575,727,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,727,727,-725,-726,-727,727,727,727,727,727,727,-996,727,727,-93,-94,727,727,727,727,-311,-312,-322,727,-309,-295,-296,-297,727,727,727,727,-620,-635,-592,727,727,-438,727,-439,727,-446,-447,-448,-380,-381,727,727,727,-508,727,727,-512,727,727,727,727,-517,-518,-519,-520,727,727,-523,-524,727,-526,-527,-528,-529,-530,-531,-532,-533,727,-535,727,727,727,-541,-543,-544,727,-546,-547,-548,-549,727,727,727,727,727,727,-654,-655,-656,-657,727,-659,-660,-661,727,727,727,-667,727,727,-671,-672,727,727,-675,727,-677,-678,727,-681,727,-683,727,727,-686,-687,-688,727,-690,727,727,-693,727,727,-696,-697,-698,727,-700,-701,-702,-703,727,727,-748,727,-751,-752,-753,-754,-755,727,-757,-758,-759,-760,-761,727,-768,-769,-771,727,-773,-774,-775,-784,-858,-860,-862,-864,727,727,727,727,-870,727,-872,727,727,727,727,727,727,727,-908,-909,727,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,727,-923,-926,727,-936,727,-387,-388,-389,727,727,-392,-393,-394,-395,727,-398,727,-401,-402,727,-403,727,-408,-409,727,-412,-413,-414,727,-417,727,-418,727,-423,-424,727,-427,727,-430,-431,-1896,-1896,727,-621,-622,-623,-624,-625,-636,-586,-626,-799,727,727,727,727,727,-833,727,727,-808,727,-834,727,727,727,727,-800,727,-855,-801,727,727,727,727,727,727,-856,-857,727,-836,-832,-837,727,-627,727,-628,-629,-630,-631,-576,727,727,-632,-633,-634,727,727,727,727,727,727,-637,-638,-639,-594,-1896,-604,727,-640,-641,-715,-642,-606,727,-574,-579,-582,-585,727,727,727,-600,-603,727,-610,727,727,727,727,727,727,727,727,727,727,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,727,727,727,-997,727,727,727,727,727,727,-308,-327,-321,-298,-377,-454,-455,-456,-460,727,-445,727,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,727,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,727,727,727,727,727,727,727,727,727,-318,-537,-510,-593,-939,-941,-942,-440,727,-442,-382,-383,-385,-509,-511,-513,727,-515,-516,-521,-522,727,-534,-536,-539,-540,-545,-550,-728,727,-729,727,-734,727,-736,727,-741,-658,-662,-663,727,-668,727,-669,727,-674,-676,727,-679,727,727,727,-689,-691,727,-694,727,727,-746,727,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,727,727,727,727,727,-879,727,-882,-910,-922,-927,-390,-391,727,-396,727,-399,727,-404,727,-405,727,-410,727,-415,727,-419,727,-420,727,-425,727,-428,-901,-902,-645,-587,-1896,-903,727,727,727,-802,727,727,-806,727,-809,-835,727,-820,727,-822,727,-824,-810,727,-826,727,-853,-854,727,727,-813,727,-648,-904,-906,-650,-651,-647,727,-707,-708,727,-644,-905,-649,-652,-605,-716,727,727,-607,-588,727,727,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,727,727,-711,-712,727,-718,727,727,727,727,727,727,-940,727,-441,-443,-749,727,-893,727,-717,-1896,727,727,727,727,727,-444,-514,-525,727,-730,-735,727,-737,727,-742,727,-664,-670,727,-680,-682,-684,-685,-692,-695,-699,-747,727,727,-876,727,727,-880,727,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,727,-814,727,-816,-803,727,-804,-807,727,-818,-821,-823,-825,-827,727,-828,727,-811,727,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,727,-284,727,727,727,727,-457,727,727,-731,727,-738,727,-743,727,-665,-673,727,727,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,727,-838,-53,727,727,-732,727,-739,727,-744,-666,727,-875,-54,727,727,-733,-740,-745,727,727,727,-874,]),'SLOW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[728,728,728,728,-1896,728,728,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,728,728,728,728,-277,-278,728,-1427,728,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,728,728,728,-492,728,728,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,728,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,728,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,728,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,728,-174,-175,-176,-177,-995,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-292,-293,-283,728,728,728,728,728,-330,-320,-334,-335,-336,728,728,-984,-985,-986,-987,-988,-989,-990,728,728,728,728,728,728,728,728,728,728,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,728,728,728,-355,-358,728,-325,-326,-143,728,-144,728,-145,728,-432,-937,-938,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-1896,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-1896,728,-1896,728,728,728,728,728,728,728,728,728,728,728,728,-1896,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-1896,728,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,728,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,728,728,728,-193,-194,728,-996,728,728,728,728,728,-279,-280,-281,-282,-367,728,-310,728,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,728,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,728,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,728,728,728,728,728,728,-575,728,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,728,728,-725,-726,-727,728,728,728,728,728,728,-996,728,728,-93,-94,728,728,728,728,-311,-312,-322,728,-309,-295,-296,-297,728,728,728,728,-620,-635,-592,728,728,-438,728,-439,728,-446,-447,-448,-380,-381,728,728,728,-508,728,728,-512,728,728,728,728,-517,-518,-519,-520,728,728,-523,-524,728,-526,-527,-528,-529,-530,-531,-532,-533,728,-535,728,728,728,-541,-543,-544,728,-546,-547,-548,-549,728,728,728,728,728,728,-654,-655,-656,-657,728,-659,-660,-661,728,728,728,-667,728,728,-671,-672,728,728,-675,728,-677,-678,728,-681,728,-683,728,728,-686,-687,-688,728,-690,728,728,-693,728,728,-696,-697,-698,728,-700,-701,-702,-703,728,728,-748,728,-751,-752,-753,-754,-755,728,-757,-758,-759,-760,-761,728,-768,-769,-771,728,-773,-774,-775,-784,-858,-860,-862,-864,728,728,728,728,-870,728,-872,728,728,728,728,728,728,728,-908,-909,728,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,728,-923,-926,728,-936,728,-387,-388,-389,728,728,-392,-393,-394,-395,728,-398,728,-401,-402,728,-403,728,-408,-409,728,-412,-413,-414,728,-417,728,-418,728,-423,-424,728,-427,728,-430,-431,-1896,-1896,728,-621,-622,-623,-624,-625,-636,-586,-626,-799,728,728,728,728,728,-833,728,728,-808,728,-834,728,728,728,728,-800,728,-855,-801,728,728,728,728,728,728,-856,-857,728,-836,-832,-837,728,-627,728,-628,-629,-630,-631,-576,728,728,-632,-633,-634,728,728,728,728,728,728,-637,-638,-639,-594,-1896,-604,728,-640,-641,-715,-642,-606,728,-574,-579,-582,-585,728,728,728,-600,-603,728,-610,728,728,728,728,728,728,728,728,728,728,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,728,728,728,-997,728,728,728,728,728,728,-308,-327,-321,-298,-377,-454,-455,-456,-460,728,-445,728,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,728,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,728,728,728,728,728,728,728,728,728,-318,-537,-510,-593,-939,-941,-942,-440,728,-442,-382,-383,-385,-509,-511,-513,728,-515,-516,-521,-522,728,-534,-536,-539,-540,-545,-550,-728,728,-729,728,-734,728,-736,728,-741,-658,-662,-663,728,-668,728,-669,728,-674,-676,728,-679,728,728,728,-689,-691,728,-694,728,728,-746,728,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,728,728,728,728,728,-879,728,-882,-910,-922,-927,-390,-391,728,-396,728,-399,728,-404,728,-405,728,-410,728,-415,728,-419,728,-420,728,-425,728,-428,-901,-902,-645,-587,-1896,-903,728,728,728,-802,728,728,-806,728,-809,-835,728,-820,728,-822,728,-824,-810,728,-826,728,-853,-854,728,728,-813,728,-648,-904,-906,-650,-651,-647,728,-707,-708,728,-644,-905,-649,-652,-605,-716,728,728,-607,-588,728,728,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,728,728,-711,-712,728,-718,728,728,728,728,728,728,-940,728,-441,-443,-749,728,-893,728,-717,-1896,728,728,728,728,728,-444,-514,-525,728,-730,-735,728,-737,728,-742,728,-664,-670,728,-680,-682,-684,-685,-692,-695,-699,-747,728,728,-876,728,728,-880,728,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,728,-814,728,-816,-803,728,-804,-807,728,-818,-821,-823,-825,-827,728,-828,728,-811,728,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,728,-284,728,728,728,728,-457,728,728,-731,728,-738,728,-743,728,-665,-673,728,728,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,728,-838,-53,728,728,-732,728,-739,728,-744,-666,728,-875,-54,728,728,-733,-740,-745,728,728,728,-874,]),'SNAPSHOT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[729,729,729,729,-1896,729,729,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,729,729,729,729,-277,-278,729,-1427,729,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,729,729,729,-492,729,729,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,729,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,729,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,729,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,729,-174,-175,-176,-177,-995,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-292,-293,-283,729,729,729,729,729,-330,-320,-334,-335,-336,729,729,-984,-985,-986,-987,-988,-989,-990,729,729,729,729,729,729,729,729,729,729,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,729,729,729,-355,-358,729,-325,-326,-143,729,-144,729,-145,729,-432,-937,-938,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-1896,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-1896,729,-1896,729,729,729,729,729,729,729,729,729,729,729,729,-1896,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-1896,729,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,729,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,729,729,729,-193,-194,729,-996,729,729,729,729,729,-279,-280,-281,-282,-367,729,-310,729,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,729,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,729,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,729,729,729,729,729,729,-575,729,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,729,729,-725,-726,-727,729,729,729,729,729,729,-996,729,729,-93,-94,729,729,729,729,-311,-312,-322,729,-309,-295,-296,-297,729,729,729,729,-620,-635,-592,729,729,-438,729,-439,729,-446,-447,-448,-380,-381,729,729,729,-508,729,729,-512,729,729,729,729,-517,-518,-519,-520,729,729,-523,-524,729,-526,-527,-528,-529,-530,-531,-532,-533,729,-535,729,729,729,-541,-543,-544,729,-546,-547,-548,-549,729,729,729,729,729,729,-654,-655,-656,-657,729,-659,-660,-661,729,729,729,-667,729,729,-671,-672,729,729,-675,729,-677,-678,729,-681,729,-683,729,729,-686,-687,-688,729,-690,729,729,-693,729,729,-696,-697,-698,729,-700,-701,-702,-703,729,729,-748,729,-751,-752,-753,-754,-755,729,-757,-758,-759,-760,-761,729,-768,-769,-771,729,-773,-774,-775,-784,-858,-860,-862,-864,729,729,729,729,-870,729,-872,729,729,729,729,729,729,729,-908,-909,729,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,729,-923,-926,729,-936,729,-387,-388,-389,729,729,-392,-393,-394,-395,729,-398,729,-401,-402,729,-403,729,-408,-409,729,-412,-413,-414,729,-417,729,-418,729,-423,-424,729,-427,729,-430,-431,-1896,-1896,729,-621,-622,-623,-624,-625,-636,-586,-626,-799,729,729,729,729,729,-833,729,729,-808,729,-834,729,729,729,729,-800,729,-855,-801,729,729,729,729,729,729,-856,-857,729,-836,-832,-837,729,-627,729,-628,-629,-630,-631,-576,729,729,-632,-633,-634,729,729,729,729,729,729,-637,-638,-639,-594,-1896,-604,729,-640,-641,-715,-642,-606,729,-574,-579,-582,-585,729,729,729,-600,-603,729,-610,729,729,729,729,729,729,729,729,729,729,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,729,729,729,-997,729,729,729,729,729,729,-308,-327,-321,-298,-377,-454,-455,-456,-460,729,-445,729,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,729,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,729,729,729,729,729,729,729,729,729,-318,-537,-510,-593,-939,-941,-942,-440,729,-442,-382,-383,-385,-509,-511,-513,729,-515,-516,-521,-522,729,-534,-536,-539,-540,-545,-550,-728,729,-729,729,-734,729,-736,729,-741,-658,-662,-663,729,-668,729,-669,729,-674,-676,729,-679,729,729,729,-689,-691,729,-694,729,729,-746,729,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,729,729,729,729,729,-879,729,-882,-910,-922,-927,-390,-391,729,-396,729,-399,729,-404,729,-405,729,-410,729,-415,729,-419,729,-420,729,-425,729,-428,-901,-902,-645,-587,-1896,-903,729,729,729,-802,729,729,-806,729,-809,-835,729,-820,729,-822,729,-824,-810,729,-826,729,-853,-854,729,729,-813,729,-648,-904,-906,-650,-651,-647,729,-707,-708,729,-644,-905,-649,-652,-605,-716,729,729,-607,-588,729,729,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,729,729,-711,-712,729,-718,729,729,729,729,729,729,-940,729,-441,-443,-749,729,-893,729,-717,-1896,729,729,729,729,729,-444,-514,-525,729,-730,-735,729,-737,729,-742,729,-664,-670,729,-680,-682,-684,-685,-692,-695,-699,-747,729,729,-876,729,729,-880,729,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,729,-814,729,-816,-803,729,-804,-807,729,-818,-821,-823,-825,-827,729,-828,729,-811,729,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,729,-284,729,729,729,729,-457,729,729,-731,729,-738,729,-743,729,-665,-673,729,729,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,729,-838,-53,729,729,-732,729,-739,729,-744,-666,729,-875,-54,729,729,-733,-740,-745,729,729,729,-874,]),'SOCKET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[730,730,730,730,-1896,730,730,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,730,730,730,730,-277,-278,730,-1427,730,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,730,730,730,-492,730,730,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,730,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,730,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,730,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,730,-174,-175,-176,-177,-995,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-292,-293,-283,730,730,730,730,730,-330,-320,-334,-335,-336,730,730,-984,-985,-986,-987,-988,-989,-990,730,730,730,730,730,730,730,730,730,730,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,730,730,730,-355,-358,730,-325,-326,-143,730,-144,730,-145,730,-432,-937,-938,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-1896,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-1896,730,-1896,730,730,730,730,730,730,730,730,730,730,730,730,-1896,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-1896,730,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,730,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,730,730,730,-193,-194,730,-996,730,730,730,730,730,-279,-280,-281,-282,-367,730,-310,730,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,730,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,730,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,730,730,730,730,730,730,-575,730,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,730,730,-725,-726,-727,730,730,730,730,730,730,-996,730,730,-93,-94,730,730,730,730,-311,-312,-322,730,-309,-295,-296,-297,730,730,730,730,-620,-635,-592,730,730,-438,730,-439,730,-446,-447,-448,-380,-381,730,730,730,-508,730,730,-512,730,730,730,730,-517,-518,-519,-520,730,730,-523,-524,730,-526,-527,-528,-529,-530,-531,-532,-533,730,-535,730,730,730,-541,-543,-544,730,-546,-547,-548,-549,730,730,730,730,730,730,-654,-655,-656,-657,730,-659,-660,-661,730,730,730,-667,730,730,-671,-672,730,730,-675,730,-677,-678,730,-681,730,-683,730,730,-686,-687,-688,730,-690,730,730,-693,730,730,-696,-697,-698,730,-700,-701,-702,-703,730,730,-748,730,-751,-752,-753,-754,-755,730,-757,-758,-759,-760,-761,730,-768,-769,-771,730,-773,-774,-775,-784,-858,-860,-862,-864,730,730,730,730,-870,730,-872,730,730,730,730,730,730,730,-908,-909,730,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,730,-923,-926,730,-936,730,-387,-388,-389,730,730,-392,-393,-394,-395,730,-398,730,-401,-402,730,-403,730,-408,-409,730,-412,-413,-414,730,-417,730,-418,730,-423,-424,730,-427,730,-430,-431,-1896,-1896,730,-621,-622,-623,-624,-625,-636,-586,-626,-799,730,730,730,730,730,-833,730,730,-808,730,-834,730,730,730,730,-800,730,-855,-801,730,730,730,730,730,730,-856,-857,730,-836,-832,-837,730,-627,730,-628,-629,-630,-631,-576,730,730,-632,-633,-634,730,730,730,730,730,730,-637,-638,-639,-594,-1896,-604,730,-640,-641,-715,-642,-606,730,-574,-579,-582,-585,730,730,730,-600,-603,730,-610,730,730,730,730,730,730,730,730,730,730,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,730,730,730,-997,730,730,730,730,730,730,-308,-327,-321,-298,-377,-454,-455,-456,-460,730,-445,730,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,730,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,730,730,730,730,730,730,730,730,730,-318,-537,-510,-593,-939,-941,-942,-440,730,-442,-382,-383,-385,-509,-511,-513,730,-515,-516,-521,-522,730,-534,-536,-539,-540,-545,-550,-728,730,-729,730,-734,730,-736,730,-741,-658,-662,-663,730,-668,730,-669,730,-674,-676,730,-679,730,730,730,-689,-691,730,-694,730,730,-746,730,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,730,730,730,730,730,-879,730,-882,-910,-922,-927,-390,-391,730,-396,730,-399,730,-404,730,-405,730,-410,730,-415,730,-419,730,-420,730,-425,730,-428,-901,-902,-645,-587,-1896,-903,730,730,730,-802,730,730,-806,730,-809,-835,730,-820,730,-822,730,-824,-810,730,-826,730,-853,-854,730,730,-813,730,-648,-904,-906,-650,-651,-647,730,-707,-708,730,-644,-905,-649,-652,-605,-716,730,730,-607,-588,730,730,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,730,730,-711,-712,730,-718,730,730,730,730,730,730,-940,730,-441,-443,-749,730,-893,730,-717,-1896,730,730,730,730,730,-444,-514,-525,730,-730,-735,730,-737,730,-742,730,-664,-670,730,-680,-682,-684,-685,-692,-695,-699,-747,730,730,-876,730,730,-880,730,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,730,-814,730,-816,-803,730,-804,-807,730,-818,-821,-823,-825,-827,730,-828,730,-811,730,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,730,-284,730,730,730,730,-457,730,730,-731,730,-738,730,-743,730,-665,-673,730,730,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,730,-838,-53,730,730,-732,730,-739,730,-744,-666,730,-875,-54,730,730,-733,-740,-745,730,730,730,-874,]),'SOME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[731,731,731,731,-1896,731,731,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,731,731,731,731,-277,-278,731,-1427,731,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,731,731,731,-492,731,731,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,731,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,731,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,731,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,731,-174,-175,-176,-177,-995,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-292,-293,-283,731,731,731,731,731,-330,-320,-334,-335,-336,731,2072,-984,-985,-986,-987,-988,-989,-990,731,731,731,731,731,731,731,731,731,731,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,731,731,731,-355,-358,731,-325,-326,-143,731,-144,731,-145,731,-432,-937,-938,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-1896,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-1896,731,-1896,731,731,731,731,731,731,731,731,731,731,731,731,-1896,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-1896,731,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,731,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,731,731,731,-193,-194,731,-996,731,731,731,731,731,-279,-280,-281,-282,-367,731,-310,731,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,731,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,731,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,731,731,731,731,731,731,-575,731,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,731,731,-725,-726,-727,731,731,731,731,731,731,-996,731,731,-93,-94,731,731,731,731,-311,-312,-322,731,-309,-295,-296,-297,731,731,731,731,-620,-635,-592,731,731,-438,731,-439,731,-446,-447,-448,-380,-381,731,731,731,-508,731,731,-512,731,731,731,731,-517,-518,-519,-520,731,731,-523,-524,731,-526,-527,-528,-529,-530,-531,-532,-533,731,-535,731,731,731,-541,-543,-544,731,-546,-547,-548,-549,731,731,731,731,731,731,-654,-655,-656,-657,731,-659,-660,-661,731,731,731,-667,731,731,-671,-672,731,731,-675,731,-677,-678,731,-681,731,-683,731,731,-686,-687,-688,731,-690,731,731,-693,731,731,-696,-697,-698,731,-700,-701,-702,-703,731,731,-748,731,-751,-752,-753,-754,-755,731,-757,-758,-759,-760,-761,731,-768,-769,-771,731,-773,-774,-775,-784,-858,-860,-862,-864,731,731,731,731,-870,731,-872,731,731,731,731,731,731,731,-908,-909,731,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,731,-923,-926,731,-936,731,-387,-388,-389,731,731,-392,-393,-394,-395,731,-398,731,-401,-402,731,-403,731,-408,-409,731,-412,-413,-414,731,-417,731,-418,731,-423,-424,731,-427,731,-430,-431,-1896,-1896,731,-621,-622,-623,-624,-625,-636,-586,-626,-799,731,731,731,731,731,-833,731,731,-808,731,-834,731,731,731,731,-800,731,-855,-801,731,731,731,731,731,731,-856,-857,731,-836,-832,-837,731,-627,731,-628,-629,-630,-631,-576,731,731,-632,-633,-634,731,731,731,731,731,731,-637,-638,-639,-594,-1896,-604,731,-640,-641,-715,-642,-606,731,-574,-579,-582,-585,731,731,731,-600,-603,731,-610,731,731,731,731,731,731,731,731,731,731,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,731,731,731,-997,731,731,731,731,731,731,-308,-327,-321,-298,-377,-454,-455,-456,-460,731,-445,731,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,731,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,731,731,731,731,731,731,731,731,731,-318,-537,-510,-593,-939,-941,-942,-440,731,-442,-382,-383,-385,-509,-511,-513,731,-515,-516,-521,-522,731,-534,-536,-539,-540,-545,-550,-728,731,-729,731,-734,731,-736,731,-741,-658,-662,-663,731,-668,731,-669,731,-674,-676,731,-679,731,731,731,-689,-691,731,-694,731,731,-746,731,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,731,731,731,731,731,-879,731,-882,-910,-922,-927,-390,-391,731,-396,731,-399,731,-404,731,-405,731,-410,731,-415,731,-419,731,-420,731,-425,731,-428,-901,-902,-645,-587,-1896,-903,731,731,731,-802,731,731,-806,731,-809,-835,731,-820,731,-822,731,-824,-810,731,-826,731,-853,-854,731,731,-813,731,-648,-904,-906,-650,-651,-647,731,-707,-708,731,-644,-905,-649,-652,-605,-716,731,731,-607,-588,731,731,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,731,731,-711,-712,731,-718,731,731,731,731,731,731,-940,731,-441,-443,-749,731,-893,731,-717,-1896,731,731,731,731,731,-444,-514,-525,731,-730,-735,731,-737,731,-742,731,-664,-670,731,-680,-682,-684,-685,-692,-695,-699,-747,731,731,-876,731,731,-880,731,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,731,-814,731,-816,-803,731,-804,-807,731,-818,-821,-823,-825,-827,731,-828,731,-811,731,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,731,-284,731,731,731,731,-457,731,731,-731,731,-738,731,-743,731,-665,-673,731,731,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,731,-838,-53,731,731,-732,731,-739,731,-744,-666,731,-875,-54,731,731,-733,-740,-745,731,731,731,-874,]),'SONAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[732,732,732,732,-1896,732,732,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,732,732,732,732,-277,-278,732,-1427,732,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,732,732,732,-492,732,732,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,732,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,732,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,732,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,732,-174,-175,-176,-177,-995,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-292,-293,-283,732,732,732,732,732,-330,-320,-334,-335,-336,732,732,-984,-985,-986,-987,-988,-989,-990,732,732,732,732,732,732,732,732,732,732,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,732,732,732,-355,-358,732,-325,-326,-143,732,-144,732,-145,732,-432,-937,-938,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-1896,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-1896,732,-1896,732,732,732,732,732,732,732,732,732,732,732,732,-1896,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-1896,732,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,732,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,732,732,732,-193,-194,732,-996,732,732,732,732,732,-279,-280,-281,-282,-367,732,-310,732,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,732,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,732,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,732,732,732,732,732,732,-575,732,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,732,732,-725,-726,-727,732,732,732,732,732,732,-996,732,732,-93,-94,732,732,732,732,-311,-312,-322,732,-309,-295,-296,-297,732,732,732,732,-620,-635,-592,732,732,-438,732,-439,732,-446,-447,-448,-380,-381,732,732,732,-508,732,732,-512,732,732,732,732,-517,-518,-519,-520,732,732,-523,-524,732,-526,-527,-528,-529,-530,-531,-532,-533,732,-535,732,732,732,-541,-543,-544,732,-546,-547,-548,-549,732,732,732,732,732,732,-654,-655,-656,-657,732,-659,-660,-661,732,732,732,-667,732,732,-671,-672,732,732,-675,732,-677,-678,732,-681,732,-683,732,732,-686,-687,-688,732,-690,732,732,-693,732,732,-696,-697,-698,732,-700,-701,-702,-703,732,732,-748,732,-751,-752,-753,-754,-755,732,-757,-758,-759,-760,-761,732,-768,-769,-771,732,-773,-774,-775,-784,-858,-860,-862,-864,732,732,732,732,-870,732,-872,732,732,732,732,732,732,732,-908,-909,732,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,732,-923,-926,732,-936,732,-387,-388,-389,732,732,-392,-393,-394,-395,732,-398,732,-401,-402,732,-403,732,-408,-409,732,-412,-413,-414,732,-417,732,-418,732,-423,-424,732,-427,732,-430,-431,-1896,-1896,732,-621,-622,-623,-624,-625,-636,-586,-626,-799,732,732,732,732,732,-833,732,732,-808,732,-834,732,732,732,732,-800,732,-855,-801,732,732,732,732,732,732,-856,-857,732,-836,-832,-837,732,-627,732,-628,-629,-630,-631,-576,732,732,-632,-633,-634,732,732,732,732,732,732,-637,-638,-639,-594,-1896,-604,732,-640,-641,-715,-642,-606,732,-574,-579,-582,-585,732,732,732,-600,-603,732,-610,732,732,732,732,732,732,732,732,732,732,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,732,732,732,-997,732,732,732,732,732,732,-308,-327,-321,-298,-377,-454,-455,-456,-460,732,-445,732,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,732,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,732,732,732,732,732,732,732,732,732,-318,-537,-510,-593,-939,-941,-942,-440,732,-442,-382,-383,-385,-509,-511,-513,732,-515,-516,-521,-522,732,-534,-536,-539,-540,-545,-550,-728,732,-729,732,-734,732,-736,732,-741,-658,-662,-663,732,-668,732,-669,732,-674,-676,732,-679,732,732,732,-689,-691,732,-694,732,732,-746,732,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,732,732,732,732,732,-879,732,-882,-910,-922,-927,-390,-391,732,-396,732,-399,732,-404,732,-405,732,-410,732,-415,732,-419,732,-420,732,-425,732,-428,-901,-902,-645,-587,-1896,-903,732,732,732,-802,732,732,-806,732,-809,-835,732,-820,732,-822,732,-824,-810,732,-826,732,-853,-854,732,732,-813,732,-648,-904,-906,-650,-651,-647,732,-707,-708,732,-644,-905,-649,-652,-605,-716,732,732,-607,-588,732,732,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,732,732,-711,-712,732,-718,732,732,732,732,732,732,-940,732,-441,-443,-749,732,-893,732,-717,-1896,732,732,732,732,732,-444,-514,-525,732,-730,-735,732,-737,732,-742,732,-664,-670,732,-680,-682,-684,-685,-692,-695,-699,-747,732,732,-876,732,732,-880,732,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,732,-814,732,-816,-803,732,-804,-807,732,-818,-821,-823,-825,-827,732,-828,732,-811,732,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,732,-284,732,732,732,732,-457,732,732,-731,732,-738,732,-743,732,-665,-673,732,732,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,732,-838,-53,732,732,-732,732,-739,732,-744,-666,732,-875,-54,732,732,-733,-740,-745,732,732,732,-874,]),'SOUNDEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[733,733,733,1120,-1896,733,733,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,733,733,733,733,-277,-278,1120,-1427,1120,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1120,1120,1120,-492,1120,1120,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1120,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1120,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1958,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,733,-174,-175,-176,-177,-995,733,733,733,733,733,733,733,733,733,733,1120,1120,1120,1120,1120,-292,-293,-283,733,1120,1120,1120,1120,-330,-320,-334,-335,-336,1120,1120,-984,-985,-986,-987,-988,-989,-990,733,733,1120,1120,1120,1120,1120,1120,1120,1120,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1120,1120,1120,-355,-358,733,-325,-326,-143,1120,-144,1120,-145,1120,-432,-937,-938,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1896,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1896,1120,-1896,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1896,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1896,733,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1120,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1120,733,733,-193,-194,733,-996,1120,733,733,733,733,-279,-280,-281,-282,-367,1120,-310,1120,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1120,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1120,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1120,1120,1120,1120,1120,1120,-575,1120,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1120,1120,-725,-726,-727,1120,1958,733,733,733,733,-996,733,1120,-93,-94,733,733,733,1120,-311,-312,-322,1120,-309,-295,-296,-297,1120,733,1120,1120,-620,-635,-592,1120,733,-438,733,-439,1120,-446,-447,-448,-380,-381,1120,1120,1120,-508,1120,1120,-512,1120,1120,1120,1120,-517,-518,-519,-520,1120,1120,-523,-524,1120,-526,-527,-528,-529,-530,-531,-532,-533,1120,-535,1120,1120,1120,-541,-543,-544,1120,-546,-547,-548,-549,1120,1120,1120,1120,1120,1120,-654,-655,-656,-657,733,-659,-660,-661,1120,1120,1120,-667,1120,1120,-671,-672,1120,1120,-675,1120,-677,-678,1120,-681,1120,-683,1120,1120,-686,-687,-688,1120,-690,1120,1120,-693,1120,1120,-696,-697,-698,1120,-700,-701,-702,-703,1120,1120,-748,1120,-751,-752,-753,-754,-755,1120,-757,-758,-759,-760,-761,1120,-768,-769,-771,1120,-773,-774,-775,-784,-858,-860,-862,-864,1120,1120,1120,1120,-870,1120,-872,1120,1120,1120,1120,1120,1120,1120,-908,-909,1120,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1120,-923,-926,1120,-936,1120,-387,-388,-389,1120,1120,-392,-393,-394,-395,1120,-398,1120,-401,-402,1120,-403,1120,-408,-409,1120,-412,-413,-414,1120,-417,1120,-418,1120,-423,-424,1120,-427,1120,-430,-431,-1896,-1896,1120,-621,-622,-623,-624,-625,-636,-586,-626,-799,1120,1120,1120,1120,1120,-833,1120,1120,-808,1120,-834,1120,1120,1120,1120,-800,1120,-855,-801,1120,1120,1120,1120,1120,1120,-856,-857,1120,-836,-832,-837,1120,-627,1120,-628,-629,-630,-631,-576,1120,1120,-632,-633,-634,1120,1120,1120,1120,1120,1120,-637,-638,-639,-594,-1896,-604,1120,-640,-641,-715,-642,-606,1120,-574,-579,-582,-585,1120,1120,1120,-600,-603,1120,-610,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1120,733,733,-997,733,1120,733,733,733,1120,-308,-327,-321,-298,-377,-454,-455,-456,-460,733,-445,1120,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1120,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,733,733,733,733,733,733,733,733,1120,-318,-537,-510,-593,-939,-941,-942,-440,1120,-442,-382,-383,-385,-509,-511,-513,1120,-515,-516,-521,-522,1120,-534,-536,-539,-540,-545,-550,-728,1120,-729,1120,-734,1120,-736,1120,-741,-658,-662,-663,1120,-668,1120,-669,1120,-674,-676,1120,-679,1120,1120,1120,-689,-691,1120,-694,1120,1120,-746,1120,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1120,1120,1120,1120,1120,-879,1120,-882,-910,-922,-927,-390,-391,1120,-396,1120,-399,1120,-404,1120,-405,1120,-410,1120,-415,1120,-419,1120,-420,1120,-425,1120,-428,-901,-902,-645,-587,-1896,-903,1120,1120,1120,-802,1120,1120,-806,1120,-809,-835,1120,-820,1120,-822,1120,-824,-810,1120,-826,1120,-853,-854,1120,1120,-813,1120,-648,-904,-906,-650,-651,-647,1120,-707,-708,1120,-644,-905,-649,-652,-605,-716,1120,1120,-607,-588,1120,1120,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1120,1120,-711,-712,1120,-718,1120,733,733,733,1120,1120,-940,733,-441,-443,-749,1120,-893,1958,-717,-1896,1120,1120,733,733,1120,-444,-514,-525,1120,-730,-735,1120,-737,1120,-742,1120,-664,-670,1120,-680,-682,-684,-685,-692,-695,-699,-747,1120,1120,-876,1120,1120,-880,1120,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1120,-814,1120,-816,-803,1120,-804,-807,1120,-818,-821,-823,-825,-827,1120,-828,1120,-811,1120,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,733,-284,733,1120,733,1120,-457,1120,1120,-731,1120,-738,1120,-743,1120,-665,-673,1120,1120,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1120,-838,-53,733,1120,-732,1120,-739,1120,-744,-666,1120,-875,-54,733,733,-733,-740,-745,1120,733,1120,-874,]),'SOUNDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[734,734,734,734,-1896,734,734,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,734,734,734,734,-277,-278,734,-1427,734,1445,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,734,734,734,-492,734,734,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,734,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,734,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,734,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,734,-174,-175,-176,-177,-995,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-292,-293,-283,734,734,-365,734,734,734,-330,-320,-334,-335,-336,734,734,-984,-985,-986,-987,-988,-989,-990,734,734,734,734,734,734,734,734,734,734,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,734,734,734,-355,-358,734,-325,-326,-143,734,-144,734,-145,734,-432,-937,-938,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-1896,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-1896,734,-1896,734,734,734,734,734,734,734,734,734,734,734,734,-1896,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-1896,734,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,734,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,734,734,734,-193,-194,734,-996,734,734,734,734,734,-279,-280,-281,-282,-367,734,-310,734,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,734,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,734,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,734,734,734,734,734,734,-575,734,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,734,734,-725,-726,-727,734,734,734,734,734,734,-996,734,734,-93,-94,734,734,734,734,-311,-312,-322,734,-309,-295,-296,-297,734,734,734,734,-620,-635,-592,734,734,-438,734,-439,734,-446,-447,-448,-380,-381,734,734,734,-508,734,734,-512,734,734,734,734,-517,-518,-519,-520,734,734,-523,-524,734,-526,-527,-528,-529,-530,-531,-532,-533,734,-535,734,734,734,-541,-543,-544,734,-546,-547,-548,-549,734,734,734,734,734,734,-654,-655,-656,-657,734,-659,-660,-661,734,734,734,-667,734,734,-671,-672,734,734,-675,734,-677,-678,734,-681,734,-683,734,734,-686,-687,-688,734,-690,734,734,-693,734,734,-696,-697,-698,734,-700,-701,-702,-703,734,734,-748,734,-751,-752,-753,-754,-755,734,-757,-758,-759,-760,-761,734,-768,-769,-771,734,-773,-774,-775,-784,-858,-860,-862,-864,734,734,734,734,-870,734,-872,734,734,734,734,734,734,734,-908,-909,734,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,734,-923,-926,734,-936,734,-387,-388,-389,734,734,-392,-393,-394,-395,734,-398,734,-401,-402,734,-403,734,-408,-409,734,-412,-413,-414,734,-417,734,-418,734,-423,-424,734,-427,734,-430,-431,-1896,-1896,734,-621,-622,-623,-624,-625,-636,-586,-626,-799,734,734,734,734,734,-833,734,734,-808,734,-834,734,734,734,734,-800,734,-855,-801,734,734,734,734,734,734,-856,-857,734,-836,-832,-837,734,-627,734,-628,-629,-630,-631,-576,734,734,-632,-633,-634,734,734,734,734,734,734,-637,-638,-639,-594,-1896,-604,734,-640,-641,-715,-642,-606,734,-574,-579,-582,-585,734,734,734,-600,-603,734,-610,734,734,734,734,734,734,734,734,734,734,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,734,734,734,-997,734,734,734,734,734,734,-308,-327,-321,-298,-377,-454,-455,-456,-460,734,-445,734,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,734,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,734,734,734,734,734,734,734,734,734,-318,-537,-510,-593,-939,-941,-942,-440,734,-442,-382,-383,-385,-509,-511,-513,734,-515,-516,-521,-522,734,-534,-536,-539,-540,-545,-550,-728,734,-729,734,-734,734,-736,734,-741,-658,-662,-663,734,-668,734,-669,734,-674,-676,734,-679,734,734,734,-689,-691,734,-694,734,734,-746,734,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,734,734,734,734,734,-879,734,-882,-910,-922,-927,-390,-391,734,-396,734,-399,734,-404,734,-405,734,-410,734,-415,734,-419,734,-420,734,-425,734,-428,-901,-902,-645,-587,-1896,-903,734,734,734,-802,734,734,-806,734,-809,-835,734,-820,734,-822,734,-824,-810,734,-826,734,-853,-854,734,734,-813,734,-648,-904,-906,-650,-651,-647,734,-707,-708,734,-644,-905,-649,-652,-605,-716,734,734,-607,-588,734,734,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,734,734,-711,-712,734,-718,734,734,734,734,734,734,-940,734,-441,-443,-749,734,-893,734,-717,-1896,734,734,734,734,734,-444,-514,-525,734,-730,-735,734,-737,734,-742,734,-664,-670,734,-680,-682,-684,-685,-692,-695,-699,-747,734,734,-876,734,734,-880,734,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,734,-814,734,-816,-803,734,-804,-807,734,-818,-821,-823,-825,-827,734,-828,734,-811,734,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,734,-284,734,734,734,734,-457,734,734,-731,734,-738,734,-743,734,-665,-673,734,734,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,734,-838,-53,734,734,-732,734,-739,734,-744,-666,734,-875,-54,734,734,-733,-740,-745,734,734,734,-874,]),'SOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[735,735,735,735,-1896,735,735,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,735,735,735,735,-277,-278,735,-1427,735,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,735,735,735,-492,735,735,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,735,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,735,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,735,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,735,-174,-175,-176,-177,-995,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-292,-293,-283,735,735,735,735,735,-330,-320,-334,-335,-336,735,735,-984,-985,-986,-987,-988,-989,-990,735,735,735,735,735,735,735,735,735,735,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,735,735,735,-355,-358,735,-325,-326,-143,735,-144,735,-145,735,-432,-937,-938,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-1896,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-1896,735,-1896,735,735,735,735,735,735,735,735,735,735,735,735,-1896,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-1896,735,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,735,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,735,735,735,-193,-194,735,-996,735,735,735,735,735,-279,-280,-281,-282,-367,735,-310,735,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,735,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,735,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,735,735,735,735,735,735,-575,735,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,735,735,-725,-726,-727,735,735,735,735,735,735,-996,735,735,-93,-94,735,735,735,735,-311,-312,-322,735,-309,-295,-296,-297,735,735,735,735,-620,-635,-592,735,735,-438,735,-439,735,-446,-447,-448,-380,-381,735,735,735,-508,735,735,-512,735,735,735,735,-517,-518,-519,-520,735,735,-523,-524,735,-526,-527,-528,-529,-530,-531,-532,-533,735,-535,735,735,735,-541,-543,-544,735,-546,-547,-548,-549,735,735,735,735,735,735,-654,-655,-656,-657,735,-659,-660,-661,735,735,735,-667,735,735,-671,-672,735,735,-675,735,-677,-678,735,-681,735,-683,735,735,-686,-687,-688,735,-690,735,735,-693,735,735,-696,-697,-698,735,-700,-701,-702,-703,735,735,-748,735,-751,-752,-753,-754,-755,735,-757,-758,-759,-760,-761,735,-768,-769,-771,735,-773,-774,-775,-784,-858,-860,-862,-864,735,735,735,735,-870,735,-872,735,735,735,735,735,735,735,-908,-909,735,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,735,-923,-926,735,-936,735,-387,-388,-389,735,735,-392,-393,-394,-395,735,-398,735,-401,-402,735,-403,735,-408,-409,735,-412,-413,-414,735,-417,735,-418,735,-423,-424,735,-427,735,-430,-431,-1896,-1896,735,-621,-622,-623,-624,-625,-636,-586,-626,-799,735,735,735,735,735,-833,735,735,-808,735,-834,735,735,735,735,-800,735,-855,-801,735,735,735,735,735,735,-856,-857,735,-836,-832,-837,735,-627,735,-628,-629,-630,-631,-576,735,735,-632,-633,-634,735,735,735,735,735,735,-637,-638,-639,-594,-1896,-604,735,-640,-641,-715,-642,-606,735,-574,-579,-582,-585,735,735,735,-600,-603,735,-610,735,735,735,735,735,735,735,735,735,735,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,735,735,735,-997,735,735,735,735,735,735,-308,-327,-321,-298,-377,-454,-455,-456,-460,735,-445,735,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,735,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,735,735,735,735,735,735,735,735,735,-318,-537,-510,-593,-939,-941,-942,-440,735,-442,-382,-383,-385,-509,-511,-513,735,-515,-516,-521,-522,735,-534,-536,-539,-540,-545,-550,-728,735,-729,735,-734,735,-736,735,-741,-658,-662,-663,735,-668,735,-669,735,-674,-676,735,-679,735,735,735,-689,-691,735,-694,735,735,-746,735,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,735,735,735,735,735,-879,735,-882,-910,-922,-927,-390,-391,735,-396,735,-399,735,-404,735,-405,735,-410,735,-415,735,-419,735,-420,735,-425,735,-428,-901,-902,-645,-587,-1896,-903,735,735,735,-802,735,735,-806,735,-809,-835,735,-820,735,-822,735,-824,-810,735,-826,735,-853,-854,735,735,-813,735,-648,-904,-906,-650,-651,-647,735,-707,-708,735,-644,-905,-649,-652,-605,-716,735,735,-607,-588,735,735,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,735,735,-711,-712,735,-718,735,735,735,735,735,735,-940,735,-441,-443,-749,735,-893,735,-717,-1896,735,735,735,735,735,-444,-514,-525,735,-730,-735,735,-737,735,-742,735,-664,-670,735,-680,-682,-684,-685,-692,-695,-699,-747,735,735,-876,735,735,-880,735,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,735,-814,735,-816,-803,735,-804,-807,735,-818,-821,-823,-825,-827,735,-828,735,-811,735,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,735,-284,735,735,735,735,-457,735,735,-731,735,-738,735,-743,735,-665,-673,735,735,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,735,-838,-53,735,735,-732,735,-739,735,-744,-666,735,-875,-54,735,735,-733,-740,-745,735,735,735,-874,]),'SOURCE_POS_WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[736,736,736,1196,-1896,736,736,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,736,736,736,736,-277,-278,1196,-1427,1196,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1196,1196,1196,-492,1196,1196,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1196,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1196,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1959,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,736,-174,-175,-176,-177,-995,736,736,736,736,736,736,736,736,736,736,1196,1196,1196,1196,1196,-292,-293,-283,736,1196,1196,1196,1196,-330,-320,-334,-335,-336,1196,1196,-984,-985,-986,-987,-988,-989,-990,736,736,1196,1196,1196,1196,1196,1196,1196,1196,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1196,1196,1196,-355,-358,736,-325,-326,-143,1196,-144,1196,-145,1196,-432,-937,-938,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1896,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1896,1196,-1896,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1896,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1896,736,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1196,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1196,736,736,-193,-194,736,-996,1196,736,736,736,736,-279,-280,-281,-282,-367,1196,-310,1196,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1196,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1196,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1196,1196,1196,1196,1196,1196,-575,1196,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1196,1196,-725,-726,-727,1196,1959,736,736,736,736,-996,736,1196,-93,-94,736,736,736,1196,-311,-312,-322,1196,-309,-295,-296,-297,1196,736,1196,1196,-620,-635,-592,1196,736,-438,736,-439,1196,-446,-447,-448,-380,-381,1196,1196,1196,-508,1196,1196,-512,1196,1196,1196,1196,-517,-518,-519,-520,1196,1196,-523,-524,1196,-526,-527,-528,-529,-530,-531,-532,-533,1196,-535,1196,1196,1196,-541,-543,-544,1196,-546,-547,-548,-549,1196,1196,1196,1196,1196,1196,-654,-655,-656,-657,736,-659,-660,-661,1196,1196,1196,-667,1196,1196,-671,-672,1196,1196,-675,1196,-677,-678,1196,-681,1196,-683,1196,1196,-686,-687,-688,1196,-690,1196,1196,-693,1196,1196,-696,-697,-698,1196,-700,-701,-702,-703,1196,1196,-748,1196,-751,-752,-753,-754,-755,1196,-757,-758,-759,-760,-761,1196,-768,-769,-771,1196,-773,-774,-775,-784,-858,-860,-862,-864,1196,1196,1196,1196,-870,1196,-872,1196,1196,1196,1196,1196,1196,1196,-908,-909,1196,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1196,-923,-926,1196,-936,1196,-387,-388,-389,1196,1196,-392,-393,-394,-395,1196,-398,1196,-401,-402,1196,-403,1196,-408,-409,1196,-412,-413,-414,1196,-417,1196,-418,1196,-423,-424,1196,-427,1196,-430,-431,-1896,-1896,1196,-621,-622,-623,-624,-625,-636,-586,-626,-799,1196,1196,1196,1196,1196,-833,1196,1196,-808,1196,-834,1196,1196,1196,1196,-800,1196,-855,-801,1196,1196,1196,1196,1196,1196,-856,-857,1196,-836,-832,-837,1196,-627,1196,-628,-629,-630,-631,-576,1196,1196,-632,-633,-634,1196,1196,1196,1196,1196,1196,-637,-638,-639,-594,-1896,-604,1196,-640,-641,-715,-642,-606,1196,-574,-579,-582,-585,1196,1196,1196,-600,-603,1196,-610,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1196,736,736,-997,736,1196,736,736,736,1196,-308,-327,-321,-298,-377,-454,-455,-456,-460,736,-445,1196,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1196,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,736,736,736,736,736,736,736,736,1196,-318,-537,-510,-593,-939,-941,-942,-440,1196,-442,-382,-383,-385,-509,-511,-513,1196,-515,-516,-521,-522,1196,-534,-536,-539,-540,-545,-550,-728,1196,-729,1196,-734,1196,-736,1196,-741,-658,-662,-663,1196,-668,1196,-669,1196,-674,-676,1196,-679,1196,1196,1196,-689,-691,1196,-694,1196,1196,-746,1196,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1196,1196,1196,1196,1196,-879,1196,-882,-910,-922,-927,-390,-391,1196,-396,1196,-399,1196,-404,1196,-405,1196,-410,1196,-415,1196,-419,1196,-420,1196,-425,1196,-428,-901,-902,-645,-587,-1896,-903,1196,1196,1196,-802,1196,1196,-806,1196,-809,-835,1196,-820,1196,-822,1196,-824,-810,1196,-826,1196,-853,-854,1196,1196,-813,1196,-648,-904,-906,-650,-651,-647,1196,-707,-708,1196,-644,-905,-649,-652,-605,-716,1196,1196,-607,-588,1196,1196,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1196,1196,-711,-712,1196,-718,1196,736,736,736,1196,1196,-940,736,-441,-443,-749,1196,-893,1959,-717,-1896,1196,1196,736,736,1196,-444,-514,-525,1196,-730,-735,1196,-737,1196,-742,1196,-664,-670,1196,-680,-682,-684,-685,-692,-695,-699,-747,1196,1196,-876,1196,1196,-880,1196,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1196,-814,1196,-816,-803,1196,-804,-807,1196,-818,-821,-823,-825,-827,1196,-828,1196,-811,1196,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,736,-284,736,1196,736,1196,-457,1196,1196,-731,1196,-738,1196,-743,1196,-665,-673,1196,1196,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1196,-838,-53,736,1196,-732,1196,-739,1196,-744,-666,1196,-875,-54,736,736,-733,-740,-745,1196,736,1196,-874,]),'SPACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[737,737,737,1121,-1896,737,737,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,737,737,737,737,-277,-278,1121,-1427,1121,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1121,1121,1121,-492,1121,1121,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1121,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1121,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1960,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,737,-174,-175,-176,-177,-995,737,737,737,737,737,737,737,737,737,737,1121,1121,1121,1121,1121,-292,-293,-283,737,1121,1121,1121,1121,-330,-320,-334,-335,-336,1121,1121,-984,-985,-986,-987,-988,-989,-990,737,737,1121,1121,1121,1121,1121,1121,1121,1121,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1121,1121,1121,-355,-358,737,-325,-326,-143,1121,-144,1121,-145,1121,-432,-937,-938,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1896,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1896,1121,-1896,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1896,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1896,737,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1121,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1121,737,737,-193,-194,737,-996,1121,737,737,737,737,-279,-280,-281,-282,-367,1121,-310,1121,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1121,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1121,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1121,1121,1121,1121,1121,1121,-575,1121,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1121,1121,-725,-726,-727,1121,1960,737,737,737,737,-996,737,1121,-93,-94,737,737,737,1121,-311,-312,-322,1121,-309,-295,-296,-297,1121,737,1121,1121,-620,-635,-592,1121,737,-438,737,-439,1121,-446,-447,-448,-380,-381,1121,1121,1121,-508,1121,1121,-512,1121,1121,1121,1121,-517,-518,-519,-520,1121,1121,-523,-524,1121,-526,-527,-528,-529,-530,-531,-532,-533,1121,-535,1121,1121,1121,-541,-543,-544,1121,-546,-547,-548,-549,1121,1121,1121,1121,1121,1121,-654,-655,-656,-657,737,-659,-660,-661,1121,1121,1121,-667,1121,1121,-671,-672,1121,1121,-675,1121,-677,-678,1121,-681,1121,-683,1121,1121,-686,-687,-688,1121,-690,1121,1121,-693,1121,1121,-696,-697,-698,1121,-700,-701,-702,-703,1121,1121,-748,1121,-751,-752,-753,-754,-755,1121,-757,-758,-759,-760,-761,1121,-768,-769,-771,1121,-773,-774,-775,-784,-858,-860,-862,-864,1121,1121,1121,1121,-870,1121,-872,1121,1121,1121,1121,1121,1121,1121,-908,-909,1121,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1121,-923,-926,1121,-936,1121,-387,-388,-389,1121,1121,-392,-393,-394,-395,1121,-398,1121,-401,-402,1121,-403,1121,-408,-409,1121,-412,-413,-414,1121,-417,1121,-418,1121,-423,-424,1121,-427,1121,-430,-431,-1896,-1896,1121,-621,-622,-623,-624,-625,-636,-586,-626,-799,1121,1121,1121,1121,1121,-833,1121,1121,-808,1121,-834,1121,1121,1121,1121,-800,1121,-855,-801,1121,1121,1121,1121,1121,1121,-856,-857,1121,-836,-832,-837,1121,-627,1121,-628,-629,-630,-631,-576,1121,1121,-632,-633,-634,1121,1121,1121,1121,1121,1121,-637,-638,-639,-594,-1896,-604,1121,-640,-641,-715,-642,-606,1121,-574,-579,-582,-585,1121,1121,1121,-600,-603,1121,-610,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1121,737,737,-997,737,1121,737,737,737,1121,-308,-327,-321,-298,-377,-454,-455,-456,-460,737,-445,1121,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1121,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,737,737,737,737,737,737,737,737,1121,-318,-537,-510,-593,-939,-941,-942,-440,1121,-442,-382,-383,-385,-509,-511,-513,1121,-515,-516,-521,-522,1121,-534,-536,-539,-540,-545,-550,-728,1121,-729,1121,-734,1121,-736,1121,-741,-658,-662,-663,1121,-668,1121,-669,1121,-674,-676,1121,-679,1121,1121,1121,-689,-691,1121,-694,1121,1121,-746,1121,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1121,1121,1121,1121,1121,-879,1121,-882,-910,-922,-927,-390,-391,1121,-396,1121,-399,1121,-404,1121,-405,1121,-410,1121,-415,1121,-419,1121,-420,1121,-425,1121,-428,-901,-902,-645,-587,-1896,-903,1121,1121,1121,-802,1121,1121,-806,1121,-809,-835,1121,-820,1121,-822,1121,-824,-810,1121,-826,1121,-853,-854,1121,1121,-813,1121,-648,-904,-906,-650,-651,-647,1121,-707,-708,1121,-644,-905,-649,-652,-605,-716,1121,1121,-607,-588,1121,1121,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1121,1121,-711,-712,1121,-718,1121,737,737,737,1121,1121,-940,737,-441,-443,-749,1121,-893,1960,-717,-1896,1121,1121,737,737,1121,-444,-514,-525,1121,-730,-735,1121,-737,1121,-742,1121,-664,-670,1121,-680,-682,-684,-685,-692,-695,-699,-747,1121,1121,-876,1121,1121,-880,1121,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1121,-814,1121,-816,-803,1121,-804,-807,1121,-818,-821,-823,-825,-827,1121,-828,1121,-811,1121,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,737,-284,737,1121,737,1121,-457,1121,1121,-731,1121,-738,1121,-743,1121,-665,-673,1121,1121,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1121,-838,-53,737,1121,-732,1121,-739,1121,-744,-666,1121,-875,-54,737,737,-733,-740,-745,1121,737,1121,-874,]),'SPATIAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[738,738,738,738,-1896,738,738,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,738,738,738,738,-277,-278,738,-1427,738,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,738,738,738,-492,738,738,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,738,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,738,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,738,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,738,-174,-175,-176,-177,-995,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-292,-293,-283,738,738,738,738,738,-330,-320,-334,-335,-336,738,738,-984,-985,-986,-987,-988,-989,-990,738,738,738,738,738,738,738,738,738,738,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,738,738,738,-355,-358,738,-325,-326,-143,738,-144,738,-145,738,-432,-937,-938,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-1896,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-1896,738,-1896,738,738,738,738,738,738,738,738,738,738,738,738,-1896,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-1896,738,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,738,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,738,738,738,-193,-194,738,-996,738,738,738,738,738,-279,-280,-281,-282,-367,738,-310,738,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,738,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,738,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,738,738,738,738,738,738,-575,738,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,738,738,-725,-726,-727,738,738,738,738,738,738,-996,738,738,-93,-94,738,738,738,738,-311,-312,-322,738,-309,-295,-296,-297,738,738,738,738,-620,-635,-592,738,738,-438,738,-439,738,-446,-447,-448,-380,-381,738,738,738,-508,738,738,-512,738,738,738,738,-517,-518,-519,-520,738,738,-523,-524,738,-526,-527,-528,-529,-530,-531,-532,-533,738,-535,738,738,738,-541,-543,-544,738,-546,-547,-548,-549,738,738,738,738,738,738,-654,-655,-656,-657,738,-659,-660,-661,738,738,738,-667,738,738,-671,-672,738,738,-675,738,-677,-678,738,-681,738,-683,738,738,-686,-687,-688,738,-690,738,738,-693,738,738,-696,-697,-698,738,-700,-701,-702,-703,738,738,-748,738,-751,-752,-753,-754,-755,738,-757,-758,-759,-760,-761,738,-768,-769,-771,738,-773,-774,-775,-784,-858,-860,-862,-864,738,738,738,738,-870,738,-872,738,738,738,738,738,738,738,-908,-909,738,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,738,-923,-926,738,-936,738,-387,-388,-389,738,738,-392,-393,-394,-395,738,-398,738,-401,-402,738,-403,738,-408,-409,738,-412,-413,-414,738,-417,738,-418,738,-423,-424,738,-427,738,-430,-431,-1896,-1896,738,-621,-622,-623,-624,-625,-636,-586,-626,-799,738,738,738,738,738,-833,738,738,-808,738,-834,738,738,738,738,-800,738,-855,-801,738,738,738,738,738,738,-856,-857,738,-836,-832,-837,738,-627,738,-628,-629,-630,-631,-576,738,738,-632,-633,-634,738,738,738,738,738,738,-637,-638,-639,-594,-1896,-604,738,-640,-641,-715,-642,-606,738,-574,-579,-582,-585,738,738,738,-600,-603,738,-610,738,738,738,738,738,738,738,738,738,738,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,738,738,738,-997,738,738,738,738,738,738,-308,-327,-321,-298,-377,-454,-455,-456,-460,738,-445,738,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,738,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,738,738,738,738,738,738,738,738,738,-318,-537,-510,-593,-939,-941,-942,-440,738,-442,-382,-383,-385,-509,-511,-513,738,-515,-516,-521,-522,738,-534,-536,-539,-540,-545,-550,-728,738,-729,738,-734,738,-736,738,-741,-658,-662,-663,738,-668,738,-669,738,-674,-676,738,-679,738,738,738,-689,-691,738,-694,738,738,-746,738,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,738,738,738,738,738,-879,738,-882,-910,-922,-927,-390,-391,738,-396,738,-399,738,-404,738,-405,738,-410,738,-415,738,-419,738,-420,738,-425,738,-428,-901,-902,-645,-587,-1896,-903,738,738,738,-802,738,738,-806,738,-809,-835,738,-820,738,-822,738,-824,-810,738,-826,738,-853,-854,738,738,-813,738,-648,-904,-906,-650,-651,-647,738,-707,-708,738,-644,-905,-649,-652,-605,-716,738,738,-607,-588,738,738,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,738,738,-711,-712,738,-718,738,738,738,738,738,738,-940,738,-441,-443,-749,738,-893,738,-717,-1896,738,738,738,738,738,-444,-514,-525,738,-730,-735,738,-737,738,-742,738,-664,-670,738,-680,-682,-684,-685,-692,-695,-699,-747,738,738,-876,738,738,-880,738,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,738,-814,738,-816,-803,738,-804,-807,738,-818,-821,-823,-825,-827,738,-828,738,-811,738,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,738,-284,738,738,738,738,-457,738,738,-731,738,-738,738,-743,738,-665,-673,738,738,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,738,-838,-53,738,738,-732,738,-739,738,-744,-666,738,-875,-54,738,738,-733,-740,-745,738,738,738,-874,]),'SPECIFIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[739,739,739,739,-1896,739,739,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,739,739,739,739,-277,-278,739,-1427,739,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,739,739,739,-492,739,739,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,739,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,739,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,739,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,739,-174,-175,-176,-177,-995,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-292,-293,-283,739,739,739,739,739,-330,-320,-334,-335,-336,739,739,-984,-985,-986,-987,-988,-989,-990,739,739,739,739,739,739,739,739,739,739,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,739,739,739,-355,-358,739,-325,-326,-143,739,-144,739,-145,739,-432,-937,-938,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-1896,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-1896,739,-1896,739,739,739,739,739,739,739,739,739,739,739,739,-1896,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-1896,739,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,739,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,739,739,739,-193,-194,739,-996,739,739,739,739,739,-279,-280,-281,-282,-367,739,-310,739,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,739,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,739,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,739,739,739,739,739,739,-575,739,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,739,739,-725,-726,-727,739,739,739,739,739,739,-996,739,739,-93,-94,739,739,739,739,-311,-312,-322,739,-309,-295,-296,-297,739,739,739,739,-620,-635,-592,739,739,-438,739,-439,739,-446,-447,-448,-380,-381,739,739,739,-508,739,739,-512,739,739,739,739,-517,-518,-519,-520,739,739,-523,-524,739,-526,-527,-528,-529,-530,-531,-532,-533,739,-535,739,739,739,-541,-543,-544,739,-546,-547,-548,-549,739,739,739,739,739,739,-654,-655,-656,-657,739,-659,-660,-661,739,739,739,-667,739,739,-671,-672,739,739,-675,739,-677,-678,739,-681,739,-683,739,739,-686,-687,-688,739,-690,739,739,-693,739,739,-696,-697,-698,739,-700,-701,-702,-703,739,739,-748,739,-751,-752,-753,-754,-755,739,-757,-758,-759,-760,-761,739,-768,-769,-771,739,-773,-774,-775,-784,-858,-860,-862,-864,739,739,739,739,-870,739,-872,739,739,739,739,739,739,739,-908,-909,739,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,739,-923,-926,739,-936,739,-387,-388,-389,739,739,-392,-393,-394,-395,739,-398,739,-401,-402,739,-403,739,-408,-409,739,-412,-413,-414,739,-417,739,-418,739,-423,-424,739,-427,739,-430,-431,-1896,-1896,739,-621,-622,-623,-624,-625,-636,-586,-626,-799,739,739,739,739,739,-833,739,739,-808,739,-834,739,739,739,739,-800,739,-855,-801,739,739,739,739,739,739,-856,-857,739,-836,-832,-837,739,-627,739,-628,-629,-630,-631,-576,739,739,-632,-633,-634,739,739,739,739,739,739,-637,-638,-639,-594,-1896,-604,739,-640,-641,-715,-642,-606,739,-574,-579,-582,-585,739,739,739,-600,-603,739,-610,739,739,739,739,739,739,739,739,739,739,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,739,739,739,-997,739,739,739,739,739,739,-308,-327,-321,-298,-377,-454,-455,-456,-460,739,-445,739,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,739,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,739,739,739,739,739,739,739,739,739,-318,-537,-510,-593,-939,-941,-942,-440,739,-442,-382,-383,-385,-509,-511,-513,739,-515,-516,-521,-522,739,-534,-536,-539,-540,-545,-550,-728,739,-729,739,-734,739,-736,739,-741,-658,-662,-663,739,-668,739,-669,739,-674,-676,739,-679,739,739,739,-689,-691,739,-694,739,739,-746,739,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,739,739,739,739,739,-879,739,-882,-910,-922,-927,-390,-391,739,-396,739,-399,739,-404,739,-405,739,-410,739,-415,739,-419,739,-420,739,-425,739,-428,-901,-902,-645,-587,-1896,-903,739,739,739,-802,739,739,-806,739,-809,-835,739,-820,739,-822,739,-824,-810,739,-826,739,-853,-854,739,739,-813,739,-648,-904,-906,-650,-651,-647,739,-707,-708,739,-644,-905,-649,-652,-605,-716,739,739,-607,-588,739,739,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,739,739,-711,-712,739,-718,739,739,739,739,739,739,-940,739,-441,-443,-749,739,-893,739,-717,-1896,739,739,739,739,739,-444,-514,-525,739,-730,-735,739,-737,739,-742,739,-664,-670,739,-680,-682,-684,-685,-692,-695,-699,-747,739,739,-876,739,739,-880,739,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,739,-814,739,-816,-803,739,-804,-807,739,-818,-821,-823,-825,-827,739,-828,739,-811,739,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,739,-284,739,739,739,739,-457,739,739,-731,739,-738,739,-743,739,-665,-673,739,739,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,739,-838,-53,739,739,-732,739,-739,739,-744,-666,739,-875,-54,739,739,-733,-740,-745,739,739,739,-874,]),'SPFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[740,740,740,740,-1896,740,740,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,740,740,740,740,-277,-278,740,-1427,740,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,740,740,740,-492,740,740,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,740,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,740,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,740,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,740,-174,-175,-176,-177,-995,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-292,-293,-283,740,740,740,740,740,-330,-320,-334,-335,-336,740,740,-984,-985,-986,-987,-988,-989,-990,740,740,740,740,740,740,740,740,740,740,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,740,740,740,-355,-358,740,-325,-326,-143,740,-144,740,-145,740,-432,-937,-938,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-1896,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-1896,740,-1896,740,740,740,740,740,740,740,740,740,740,740,740,-1896,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-1896,740,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,740,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,740,740,740,-193,-194,740,-996,740,740,740,740,740,-279,-280,-281,-282,-367,740,-310,740,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,740,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,740,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,740,740,740,740,740,740,-575,740,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,740,740,-725,-726,-727,740,740,740,740,740,740,-996,740,740,-93,-94,740,740,740,740,-311,-312,-322,740,-309,-295,-296,-297,740,740,740,740,-620,-635,-592,740,740,-438,740,-439,740,-446,-447,-448,-380,-381,740,740,740,-508,740,740,-512,740,740,740,740,-517,-518,-519,-520,740,740,-523,-524,740,-526,-527,-528,-529,-530,-531,-532,-533,740,-535,740,740,740,-541,-543,-544,740,-546,-547,-548,-549,740,740,740,740,740,740,-654,-655,-656,-657,740,-659,-660,-661,740,740,740,-667,740,740,-671,-672,740,740,-675,740,-677,-678,740,-681,740,-683,740,740,-686,-687,-688,740,-690,740,740,-693,740,740,-696,-697,-698,740,-700,-701,-702,-703,740,740,-748,740,-751,-752,-753,-754,-755,740,-757,-758,-759,-760,-761,740,-768,-769,-771,740,-773,-774,-775,-784,-858,-860,-862,-864,740,740,740,740,-870,740,-872,740,740,740,740,740,740,740,-908,-909,740,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,740,-923,-926,740,-936,740,-387,-388,-389,740,740,-392,-393,-394,-395,740,-398,740,-401,-402,740,-403,740,-408,-409,740,-412,-413,-414,740,-417,740,-418,740,-423,-424,740,-427,740,-430,-431,-1896,-1896,740,-621,-622,-623,-624,-625,-636,-586,-626,-799,740,740,740,740,740,-833,740,740,-808,740,-834,740,740,740,740,-800,740,-855,-801,740,740,740,740,740,740,-856,-857,740,-836,-832,-837,740,-627,740,-628,-629,-630,-631,-576,740,740,-632,-633,-634,740,740,740,740,740,740,-637,-638,-639,-594,-1896,-604,740,-640,-641,-715,-642,-606,740,-574,-579,-582,-585,740,740,740,-600,-603,740,-610,740,740,740,740,740,740,740,740,740,740,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,740,740,740,-997,740,740,740,740,740,740,-308,-327,-321,-298,-377,-454,-455,-456,-460,740,-445,740,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,740,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,740,740,740,740,740,740,740,740,740,-318,-537,-510,-593,-939,-941,-942,-440,740,-442,-382,-383,-385,-509,-511,-513,740,-515,-516,-521,-522,740,-534,-536,-539,-540,-545,-550,-728,740,-729,740,-734,740,-736,740,-741,-658,-662,-663,740,-668,740,-669,740,-674,-676,740,-679,740,740,740,-689,-691,740,-694,740,740,-746,740,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,740,740,740,740,740,-879,740,-882,-910,-922,-927,-390,-391,740,-396,740,-399,740,-404,740,-405,740,-410,740,-415,740,-419,740,-420,740,-425,740,-428,-901,-902,-645,-587,-1896,-903,740,740,740,-802,740,740,-806,740,-809,-835,740,-820,740,-822,740,-824,-810,740,-826,740,-853,-854,740,740,-813,740,-648,-904,-906,-650,-651,-647,740,-707,-708,740,-644,-905,-649,-652,-605,-716,740,740,-607,-588,740,740,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,740,740,-711,-712,740,-718,740,740,740,740,740,740,-940,740,-441,-443,-749,740,-893,740,-717,-1896,740,740,740,740,740,-444,-514,-525,740,-730,-735,740,-737,740,-742,740,-664,-670,740,-680,-682,-684,-685,-692,-695,-699,-747,740,740,-876,740,740,-880,740,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,740,-814,740,-816,-803,740,-804,-807,740,-818,-821,-823,-825,-827,740,-828,740,-811,740,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,740,-284,740,740,740,740,-457,740,740,-731,740,-738,740,-743,740,-665,-673,740,740,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,740,-838,-53,740,740,-732,740,-739,740,-744,-666,740,-875,-54,740,740,-733,-740,-745,740,740,740,-874,]),'SPLIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[741,741,741,741,-1896,741,741,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,741,741,741,741,-277,-278,741,-1427,741,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,741,741,741,-492,741,741,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,741,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,741,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,741,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,741,-174,-175,-176,-177,-995,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-292,-293,-283,741,741,741,741,741,-330,-320,-334,-335,-336,741,741,-984,-985,-986,-987,-988,-989,-990,741,741,741,741,741,741,741,741,741,741,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,741,741,741,-355,-358,741,-325,-326,-143,741,-144,741,-145,741,-432,-937,-938,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-1896,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-1896,741,-1896,741,741,741,741,741,741,741,741,741,741,741,741,-1896,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-1896,741,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,741,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,741,741,741,-193,-194,741,-996,741,741,741,741,741,-279,-280,-281,-282,-367,741,-310,741,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,741,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,741,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,741,741,741,741,741,741,-575,741,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,741,741,-725,-726,-727,741,741,741,741,741,741,-996,741,741,-93,-94,741,741,741,741,-311,-312,-322,741,-309,-295,-296,-297,741,741,741,741,-620,-635,-592,741,741,-438,741,-439,741,-446,-447,-448,-380,-381,741,741,741,-508,741,741,-512,741,741,741,741,-517,-518,-519,-520,741,741,-523,-524,741,-526,-527,-528,-529,-530,-531,-532,-533,741,-535,741,741,741,-541,-543,-544,741,-546,-547,-548,-549,741,741,741,741,741,741,-654,-655,-656,-657,741,-659,-660,-661,741,741,741,-667,741,741,-671,-672,741,741,-675,741,-677,-678,741,-681,741,-683,741,741,-686,-687,-688,741,-690,741,741,-693,741,741,-696,-697,-698,741,-700,-701,-702,-703,741,741,-748,741,-751,-752,-753,-754,-755,741,-757,-758,-759,-760,-761,741,-768,-769,-771,741,-773,-774,-775,-784,-858,-860,-862,-864,741,741,741,741,-870,741,-872,741,741,741,741,741,741,741,-908,-909,741,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,741,-923,-926,741,-936,741,-387,-388,-389,741,741,-392,-393,-394,-395,741,-398,741,-401,-402,741,-403,741,-408,-409,741,-412,-413,-414,741,-417,741,-418,741,-423,-424,741,-427,741,-430,-431,-1896,-1896,741,-621,-622,-623,-624,-625,-636,-586,-626,-799,741,741,741,741,741,-833,741,741,-808,741,-834,741,741,741,741,-800,741,-855,-801,741,741,741,741,741,741,-856,-857,741,-836,-832,-837,741,-627,741,-628,-629,-630,-631,-576,741,741,-632,-633,-634,741,741,741,741,741,741,-637,-638,-639,-594,-1896,-604,741,-640,-641,-715,-642,-606,741,-574,-579,-582,-585,741,741,741,-600,-603,741,-610,741,741,741,741,741,741,741,741,741,741,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,741,741,741,-997,741,741,741,741,741,741,-308,-327,-321,-298,-377,-454,-455,-456,-460,741,-445,741,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,741,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,741,741,741,741,741,741,741,741,741,-318,-537,-510,-593,-939,-941,-942,-440,741,-442,-382,-383,-385,-509,-511,-513,741,-515,-516,-521,-522,741,-534,-536,-539,-540,-545,-550,-728,741,-729,741,-734,741,-736,741,-741,-658,-662,-663,741,-668,741,-669,741,-674,-676,741,-679,741,741,741,-689,-691,741,-694,741,741,-746,741,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,741,741,741,741,741,-879,741,-882,-910,-922,-927,-390,-391,741,-396,741,-399,741,-404,741,-405,741,-410,741,-415,741,-419,741,-420,741,-425,741,-428,-901,-902,-645,-587,-1896,-903,741,741,741,-802,741,741,-806,741,-809,-835,741,-820,741,-822,741,-824,-810,741,-826,741,-853,-854,741,741,-813,741,-648,-904,-906,-650,-651,-647,741,-707,-708,741,-644,-905,-649,-652,-605,-716,741,741,-607,-588,741,741,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,741,741,-711,-712,741,-718,741,741,741,741,741,741,-940,741,-441,-443,-749,741,-893,741,-717,-1896,741,741,741,741,741,-444,-514,-525,741,-730,-735,741,-737,741,-742,741,-664,-670,741,-680,-682,-684,-685,-692,-695,-699,-747,741,741,-876,741,741,-880,741,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,741,-814,741,-816,-803,741,-804,-807,741,-818,-821,-823,-825,-827,741,-828,741,-811,741,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,741,-284,741,741,741,741,-457,741,741,-731,741,-738,741,-743,741,-665,-673,741,741,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,741,-838,-53,741,741,-732,741,-739,741,-744,-666,741,-875,-54,741,741,-733,-740,-745,741,741,741,-874,]),'SQL_AFTER_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[742,742,742,742,-1896,742,742,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,742,742,742,742,-277,-278,742,-1427,742,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,742,742,742,-492,742,742,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,742,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,742,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,742,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,742,-174,-175,-176,-177,-995,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-292,-293,-283,742,742,742,742,742,-330,-320,-334,-335,-336,742,742,-984,-985,-986,-987,-988,-989,-990,742,742,742,742,742,742,742,742,742,742,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,742,742,742,-355,-358,742,-325,-326,-143,742,-144,742,-145,742,-432,-937,-938,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-1896,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-1896,742,-1896,742,742,742,742,742,742,742,742,742,742,742,742,-1896,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-1896,742,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,742,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,742,742,742,-193,-194,742,-996,742,742,742,742,742,-279,-280,-281,-282,-367,742,-310,742,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,742,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,742,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,742,742,742,742,742,742,-575,742,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,742,742,-725,-726,-727,742,742,742,742,742,742,-996,742,742,-93,-94,742,742,742,742,-311,-312,-322,742,-309,-295,-296,-297,742,742,742,742,-620,-635,-592,742,742,-438,742,-439,742,-446,-447,-448,-380,-381,742,742,742,-508,742,742,-512,742,742,742,742,-517,-518,-519,-520,742,742,-523,-524,742,-526,-527,-528,-529,-530,-531,-532,-533,742,-535,742,742,742,-541,-543,-544,742,-546,-547,-548,-549,742,742,742,742,742,742,-654,-655,-656,-657,742,-659,-660,-661,742,742,742,-667,742,742,-671,-672,742,742,-675,742,-677,-678,742,-681,742,-683,742,742,-686,-687,-688,742,-690,742,742,-693,742,742,-696,-697,-698,742,-700,-701,-702,-703,742,742,-748,742,-751,-752,-753,-754,-755,742,-757,-758,-759,-760,-761,742,-768,-769,-771,742,-773,-774,-775,-784,-858,-860,-862,-864,742,742,742,742,-870,742,-872,742,742,742,742,742,742,742,-908,-909,742,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,742,-923,-926,742,-936,742,-387,-388,-389,742,742,-392,-393,-394,-395,742,-398,742,-401,-402,742,-403,742,-408,-409,742,-412,-413,-414,742,-417,742,-418,742,-423,-424,742,-427,742,-430,-431,-1896,-1896,742,-621,-622,-623,-624,-625,-636,-586,-626,-799,742,742,742,742,742,-833,742,742,-808,742,-834,742,742,742,742,-800,742,-855,-801,742,742,742,742,742,742,-856,-857,742,-836,-832,-837,742,-627,742,-628,-629,-630,-631,-576,742,742,-632,-633,-634,742,742,742,742,742,742,-637,-638,-639,-594,-1896,-604,742,-640,-641,-715,-642,-606,742,-574,-579,-582,-585,742,742,742,-600,-603,742,-610,742,742,742,742,742,742,742,742,742,742,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,742,742,742,-997,742,742,742,742,742,742,-308,-327,-321,-298,-377,-454,-455,-456,-460,742,-445,742,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,742,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,742,742,742,742,742,742,742,742,742,-318,-537,-510,-593,-939,-941,-942,-440,742,-442,-382,-383,-385,-509,-511,-513,742,-515,-516,-521,-522,742,-534,-536,-539,-540,-545,-550,-728,742,-729,742,-734,742,-736,742,-741,-658,-662,-663,742,-668,742,-669,742,-674,-676,742,-679,742,742,742,-689,-691,742,-694,742,742,-746,742,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,742,742,742,742,742,-879,742,-882,-910,-922,-927,-390,-391,742,-396,742,-399,742,-404,742,-405,742,-410,742,-415,742,-419,742,-420,742,-425,742,-428,-901,-902,-645,-587,-1896,-903,742,742,742,-802,742,742,-806,742,-809,-835,742,-820,742,-822,742,-824,-810,742,-826,742,-853,-854,742,742,-813,742,-648,-904,-906,-650,-651,-647,742,-707,-708,742,-644,-905,-649,-652,-605,-716,742,742,-607,-588,742,742,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,742,742,-711,-712,742,-718,742,742,742,742,742,742,-940,742,-441,-443,-749,742,-893,742,-717,-1896,742,742,742,742,742,-444,-514,-525,742,-730,-735,742,-737,742,-742,742,-664,-670,742,-680,-682,-684,-685,-692,-695,-699,-747,742,742,-876,742,742,-880,742,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,742,-814,742,-816,-803,742,-804,-807,742,-818,-821,-823,-825,-827,742,-828,742,-811,742,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,742,-284,742,742,742,742,-457,742,742,-731,742,-738,742,-743,742,-665,-673,742,742,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,742,-838,-53,742,742,-732,742,-739,742,-744,-666,742,-875,-54,742,742,-733,-740,-745,742,742,742,-874,]),'SQL_AFTER_MTS_GAPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[743,743,743,743,-1896,743,743,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,743,743,743,743,-277,-278,743,-1427,743,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,743,743,743,-492,743,743,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,743,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,743,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,743,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,743,-174,-175,-176,-177,-995,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-292,-293,-283,743,743,743,743,743,-330,-320,-334,-335,-336,743,743,-984,-985,-986,-987,-988,-989,-990,743,743,743,743,743,743,743,743,743,743,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,743,743,743,-355,-358,743,-325,-326,-143,743,-144,743,-145,743,-432,-937,-938,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-1896,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-1896,743,-1896,743,743,743,743,743,743,743,743,743,743,743,743,-1896,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-1896,743,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,743,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,743,743,743,-193,-194,743,-996,743,743,743,743,743,-279,-280,-281,-282,-367,743,-310,743,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,743,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,743,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,743,743,743,743,743,743,-575,743,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,743,743,-725,-726,-727,743,743,743,743,743,743,-996,743,743,-93,-94,743,743,743,743,-311,-312,-322,743,-309,-295,-296,-297,743,743,743,743,-620,-635,-592,743,743,-438,743,-439,743,-446,-447,-448,-380,-381,743,743,743,-508,743,743,-512,743,743,743,743,-517,-518,-519,-520,743,743,-523,-524,743,-526,-527,-528,-529,-530,-531,-532,-533,743,-535,743,743,743,-541,-543,-544,743,-546,-547,-548,-549,743,743,743,743,743,743,-654,-655,-656,-657,743,-659,-660,-661,743,743,743,-667,743,743,-671,-672,743,743,-675,743,-677,-678,743,-681,743,-683,743,743,-686,-687,-688,743,-690,743,743,-693,743,743,-696,-697,-698,743,-700,-701,-702,-703,743,743,-748,743,-751,-752,-753,-754,-755,743,-757,-758,-759,-760,-761,743,-768,-769,-771,743,-773,-774,-775,-784,-858,-860,-862,-864,743,743,743,743,-870,743,-872,743,743,743,743,743,743,743,-908,-909,743,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,743,-923,-926,743,-936,743,-387,-388,-389,743,743,-392,-393,-394,-395,743,-398,743,-401,-402,743,-403,743,-408,-409,743,-412,-413,-414,743,-417,743,-418,743,-423,-424,743,-427,743,-430,-431,-1896,-1896,743,-621,-622,-623,-624,-625,-636,-586,-626,-799,743,743,743,743,743,-833,743,743,-808,743,-834,743,743,743,743,-800,743,-855,-801,743,743,743,743,743,743,-856,-857,743,-836,-832,-837,743,-627,743,-628,-629,-630,-631,-576,743,743,-632,-633,-634,743,743,743,743,743,743,-637,-638,-639,-594,-1896,-604,743,-640,-641,-715,-642,-606,743,-574,-579,-582,-585,743,743,743,-600,-603,743,-610,743,743,743,743,743,743,743,743,743,743,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,743,743,743,-997,743,743,743,743,743,743,-308,-327,-321,-298,-377,-454,-455,-456,-460,743,-445,743,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,743,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,743,743,743,743,743,743,743,743,743,-318,-537,-510,-593,-939,-941,-942,-440,743,-442,-382,-383,-385,-509,-511,-513,743,-515,-516,-521,-522,743,-534,-536,-539,-540,-545,-550,-728,743,-729,743,-734,743,-736,743,-741,-658,-662,-663,743,-668,743,-669,743,-674,-676,743,-679,743,743,743,-689,-691,743,-694,743,743,-746,743,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,743,743,743,743,743,-879,743,-882,-910,-922,-927,-390,-391,743,-396,743,-399,743,-404,743,-405,743,-410,743,-415,743,-419,743,-420,743,-425,743,-428,-901,-902,-645,-587,-1896,-903,743,743,743,-802,743,743,-806,743,-809,-835,743,-820,743,-822,743,-824,-810,743,-826,743,-853,-854,743,743,-813,743,-648,-904,-906,-650,-651,-647,743,-707,-708,743,-644,-905,-649,-652,-605,-716,743,743,-607,-588,743,743,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,743,743,-711,-712,743,-718,743,743,743,743,743,743,-940,743,-441,-443,-749,743,-893,743,-717,-1896,743,743,743,743,743,-444,-514,-525,743,-730,-735,743,-737,743,-742,743,-664,-670,743,-680,-682,-684,-685,-692,-695,-699,-747,743,743,-876,743,743,-880,743,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,743,-814,743,-816,-803,743,-804,-807,743,-818,-821,-823,-825,-827,743,-828,743,-811,743,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,743,-284,743,743,743,743,-457,743,743,-731,743,-738,743,-743,743,-665,-673,743,743,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,743,-838,-53,743,743,-732,743,-739,743,-744,-666,743,-875,-54,743,743,-733,-740,-745,743,743,743,-874,]),'SQL_BEFORE_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[744,744,744,744,-1896,744,744,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,744,744,744,744,-277,-278,744,-1427,744,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,744,744,744,-492,744,744,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,744,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,744,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,744,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,744,-174,-175,-176,-177,-995,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-292,-293,-283,744,744,744,744,744,-330,-320,-334,-335,-336,744,744,-984,-985,-986,-987,-988,-989,-990,744,744,744,744,744,744,744,744,744,744,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,744,744,744,-355,-358,744,-325,-326,-143,744,-144,744,-145,744,-432,-937,-938,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-1896,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-1896,744,-1896,744,744,744,744,744,744,744,744,744,744,744,744,-1896,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-1896,744,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,744,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,744,744,744,-193,-194,744,-996,744,744,744,744,744,-279,-280,-281,-282,-367,744,-310,744,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,744,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,744,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,744,744,744,744,744,744,-575,744,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,744,744,-725,-726,-727,744,744,744,744,744,744,-996,744,744,-93,-94,744,744,744,744,-311,-312,-322,744,-309,-295,-296,-297,744,744,744,744,-620,-635,-592,744,744,-438,744,-439,744,-446,-447,-448,-380,-381,744,744,744,-508,744,744,-512,744,744,744,744,-517,-518,-519,-520,744,744,-523,-524,744,-526,-527,-528,-529,-530,-531,-532,-533,744,-535,744,744,744,-541,-543,-544,744,-546,-547,-548,-549,744,744,744,744,744,744,-654,-655,-656,-657,744,-659,-660,-661,744,744,744,-667,744,744,-671,-672,744,744,-675,744,-677,-678,744,-681,744,-683,744,744,-686,-687,-688,744,-690,744,744,-693,744,744,-696,-697,-698,744,-700,-701,-702,-703,744,744,-748,744,-751,-752,-753,-754,-755,744,-757,-758,-759,-760,-761,744,-768,-769,-771,744,-773,-774,-775,-784,-858,-860,-862,-864,744,744,744,744,-870,744,-872,744,744,744,744,744,744,744,-908,-909,744,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,744,-923,-926,744,-936,744,-387,-388,-389,744,744,-392,-393,-394,-395,744,-398,744,-401,-402,744,-403,744,-408,-409,744,-412,-413,-414,744,-417,744,-418,744,-423,-424,744,-427,744,-430,-431,-1896,-1896,744,-621,-622,-623,-624,-625,-636,-586,-626,-799,744,744,744,744,744,-833,744,744,-808,744,-834,744,744,744,744,-800,744,-855,-801,744,744,744,744,744,744,-856,-857,744,-836,-832,-837,744,-627,744,-628,-629,-630,-631,-576,744,744,-632,-633,-634,744,744,744,744,744,744,-637,-638,-639,-594,-1896,-604,744,-640,-641,-715,-642,-606,744,-574,-579,-582,-585,744,744,744,-600,-603,744,-610,744,744,744,744,744,744,744,744,744,744,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,744,744,744,-997,744,744,744,744,744,744,-308,-327,-321,-298,-377,-454,-455,-456,-460,744,-445,744,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,744,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,744,744,744,744,744,744,744,744,744,-318,-537,-510,-593,-939,-941,-942,-440,744,-442,-382,-383,-385,-509,-511,-513,744,-515,-516,-521,-522,744,-534,-536,-539,-540,-545,-550,-728,744,-729,744,-734,744,-736,744,-741,-658,-662,-663,744,-668,744,-669,744,-674,-676,744,-679,744,744,744,-689,-691,744,-694,744,744,-746,744,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,744,744,744,744,744,-879,744,-882,-910,-922,-927,-390,-391,744,-396,744,-399,744,-404,744,-405,744,-410,744,-415,744,-419,744,-420,744,-425,744,-428,-901,-902,-645,-587,-1896,-903,744,744,744,-802,744,744,-806,744,-809,-835,744,-820,744,-822,744,-824,-810,744,-826,744,-853,-854,744,744,-813,744,-648,-904,-906,-650,-651,-647,744,-707,-708,744,-644,-905,-649,-652,-605,-716,744,744,-607,-588,744,744,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,744,744,-711,-712,744,-718,744,744,744,744,744,744,-940,744,-441,-443,-749,744,-893,744,-717,-1896,744,744,744,744,744,-444,-514,-525,744,-730,-735,744,-737,744,-742,744,-664,-670,744,-680,-682,-684,-685,-692,-695,-699,-747,744,744,-876,744,744,-880,744,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,744,-814,744,-816,-803,744,-804,-807,744,-818,-821,-823,-825,-827,744,-828,744,-811,744,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,744,-284,744,744,744,744,-457,744,744,-731,744,-738,744,-743,744,-665,-673,744,744,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,744,-838,-53,744,744,-732,744,-739,744,-744,-666,744,-875,-54,744,744,-733,-740,-745,744,744,744,-874,]),'SQL_BUFFER_RESULT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[745,745,745,745,1358,745,745,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,745,745,745,745,-277,-278,745,-1427,745,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,745,745,745,-492,745,745,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,745,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,745,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,745,1358,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,745,-174,-175,-176,-177,-995,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-292,-293,-283,745,745,745,745,745,-330,-320,-334,-335,-336,745,745,-984,-985,-986,-987,-988,-989,-990,745,745,745,745,745,745,745,745,745,745,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,745,745,745,-355,-358,745,-325,-326,-143,745,-144,745,-145,745,-432,-937,-938,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-1896,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-1896,745,-1896,745,745,745,745,745,745,745,745,745,745,745,745,-1896,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-1896,745,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,745,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,745,745,745,-193,-194,745,-996,745,745,745,745,745,-279,-280,-281,-282,-367,745,-310,745,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,745,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,745,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,745,745,745,745,745,745,-575,745,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,745,745,-725,-726,-727,745,745,745,745,745,745,-996,745,745,-93,-94,745,745,745,745,-311,-312,-322,745,-309,-295,-296,-297,745,745,745,745,-620,-635,-592,745,745,-438,745,-439,745,-446,-447,-448,-380,-381,745,745,745,-508,745,745,-512,745,745,745,745,-517,-518,-519,-520,745,745,-523,-524,745,-526,-527,-528,-529,-530,-531,-532,-533,745,-535,745,745,745,-541,-543,-544,745,-546,-547,-548,-549,745,745,745,745,745,745,-654,-655,-656,-657,745,-659,-660,-661,745,745,745,-667,745,745,-671,-672,745,745,-675,745,-677,-678,745,-681,745,-683,745,745,-686,-687,-688,745,-690,745,745,-693,745,745,-696,-697,-698,745,-700,-701,-702,-703,745,745,-748,745,-751,-752,-753,-754,-755,745,-757,-758,-759,-760,-761,745,-768,-769,-771,745,-773,-774,-775,-784,-858,-860,-862,-864,745,745,745,745,-870,745,-872,745,745,745,745,745,745,745,-908,-909,745,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,745,-923,-926,745,-936,745,-387,-388,-389,745,745,-392,-393,-394,-395,745,-398,745,-401,-402,745,-403,745,-408,-409,745,-412,-413,-414,745,-417,745,-418,745,-423,-424,745,-427,745,-430,-431,-1896,-1896,745,-621,-622,-623,-624,-625,-636,-586,-626,-799,745,745,745,745,745,-833,745,745,-808,745,-834,745,745,745,745,-800,745,-855,-801,745,745,745,745,745,745,-856,-857,745,-836,-832,-837,745,-627,745,-628,-629,-630,-631,-576,745,745,-632,-633,-634,745,745,745,745,745,745,-637,-638,-639,-594,-1896,-604,745,-640,-641,-715,-642,-606,745,-574,-579,-582,-585,745,745,745,-600,-603,745,-610,745,745,745,745,745,745,745,745,745,745,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,745,745,745,-997,745,745,745,745,745,745,-308,-327,-321,-298,-377,-454,-455,-456,-460,745,-445,745,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,745,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,745,745,745,745,745,745,745,745,745,-318,-537,-510,-593,-939,-941,-942,-440,745,-442,-382,-383,-385,-509,-511,-513,745,-515,-516,-521,-522,745,-534,-536,-539,-540,-545,-550,-728,745,-729,745,-734,745,-736,745,-741,-658,-662,-663,745,-668,745,-669,745,-674,-676,745,-679,745,745,745,-689,-691,745,-694,745,745,-746,745,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,745,745,745,745,745,-879,745,-882,-910,-922,-927,-390,-391,745,-396,745,-399,745,-404,745,-405,745,-410,745,-415,745,-419,745,-420,745,-425,745,-428,-901,-902,-645,-587,-1896,-903,745,745,745,-802,745,745,-806,745,-809,-835,745,-820,745,-822,745,-824,-810,745,-826,745,-853,-854,745,745,-813,745,-648,-904,-906,-650,-651,-647,745,-707,-708,745,-644,-905,-649,-652,-605,-716,745,745,-607,-588,745,745,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,745,745,-711,-712,745,-718,745,745,745,745,745,745,-940,745,-441,-443,-749,745,-893,745,-717,-1896,745,745,745,745,745,-444,-514,-525,745,-730,-735,745,-737,745,-742,745,-664,-670,745,-680,-682,-684,-685,-692,-695,-699,-747,745,745,-876,745,745,-880,745,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,745,-814,745,-816,-803,745,-804,-807,745,-818,-821,-823,-825,-827,745,-828,745,-811,745,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,745,-284,745,745,745,745,-457,745,745,-731,745,-738,745,-743,745,-665,-673,745,745,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,745,-838,-53,745,745,-732,745,-739,745,-744,-666,745,-875,-54,745,745,-733,-740,-745,745,745,745,-874,]),'SQL_CACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[746,746,746,746,-1896,746,746,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,746,746,746,746,-277,-278,746,-1427,746,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,746,746,746,-492,746,746,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,746,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,746,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,746,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,746,-174,-175,-176,-177,-995,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-292,-293,-283,746,746,746,746,746,-330,-320,-334,-335,-336,746,746,-984,-985,-986,-987,-988,-989,-990,746,746,746,746,746,746,746,746,746,746,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,746,746,746,-355,-358,746,-325,-326,-143,746,-144,746,-145,746,-432,-937,-938,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-1896,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-1896,746,-1896,746,746,746,746,746,746,746,746,746,746,746,746,-1896,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-1896,746,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,746,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,746,746,746,-193,-194,746,-996,746,746,746,746,746,-279,-280,-281,-282,-367,746,-310,746,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,746,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,746,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,746,746,746,746,746,746,-575,746,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,746,746,-725,-726,-727,746,746,746,746,746,746,-996,746,746,-93,-94,746,746,746,746,-311,-312,-322,746,-309,-295,-296,-297,746,746,746,746,-620,-635,-592,746,746,-438,746,-439,746,-446,-447,-448,-380,-381,746,746,746,-508,746,746,-512,746,746,746,746,-517,-518,-519,-520,746,746,-523,-524,746,-526,-527,-528,-529,-530,-531,-532,-533,746,-535,746,746,746,-541,-543,-544,746,-546,-547,-548,-549,746,746,746,746,746,746,-654,-655,-656,-657,746,-659,-660,-661,746,746,746,-667,746,746,-671,-672,746,746,-675,746,-677,-678,746,-681,746,-683,746,746,-686,-687,-688,746,-690,746,746,-693,746,746,-696,-697,-698,746,-700,-701,-702,-703,746,746,-748,746,-751,-752,-753,-754,-755,746,-757,-758,-759,-760,-761,746,-768,-769,-771,746,-773,-774,-775,-784,-858,-860,-862,-864,746,746,746,746,-870,746,-872,746,746,746,746,746,746,746,-908,-909,746,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,746,-923,-926,746,-936,746,-387,-388,-389,746,746,-392,-393,-394,-395,746,-398,746,-401,-402,746,-403,746,-408,-409,746,-412,-413,-414,746,-417,746,-418,746,-423,-424,746,-427,746,-430,-431,-1896,-1896,746,-621,-622,-623,-624,-625,-636,-586,-626,-799,746,746,746,746,746,-833,746,746,-808,746,-834,746,746,746,746,-800,746,-855,-801,746,746,746,746,746,746,-856,-857,746,-836,-832,-837,746,-627,746,-628,-629,-630,-631,-576,746,746,-632,-633,-634,746,746,746,746,746,746,-637,-638,-639,-594,-1896,-604,746,-640,-641,-715,-642,-606,746,-574,-579,-582,-585,746,746,746,-600,-603,746,-610,746,746,746,746,746,746,746,746,746,746,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,746,746,746,-997,746,746,746,746,746,746,-308,-327,-321,-298,-377,-454,-455,-456,-460,746,-445,746,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,746,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,746,746,746,746,746,746,746,746,746,-318,-537,-510,-593,-939,-941,-942,-440,746,-442,-382,-383,-385,-509,-511,-513,746,-515,-516,-521,-522,746,-534,-536,-539,-540,-545,-550,-728,746,-729,746,-734,746,-736,746,-741,-658,-662,-663,746,-668,746,-669,746,-674,-676,746,-679,746,746,746,-689,-691,746,-694,746,746,-746,746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,746,746,746,746,746,-879,746,-882,-910,-922,-927,-390,-391,746,-396,746,-399,746,-404,746,-405,746,-410,746,-415,746,-419,746,-420,746,-425,746,-428,-901,-902,-645,-587,-1896,-903,746,746,746,-802,746,746,-806,746,-809,-835,746,-820,746,-822,746,-824,-810,746,-826,746,-853,-854,746,746,-813,746,-648,-904,-906,-650,-651,-647,746,-707,-708,746,-644,-905,-649,-652,-605,-716,746,746,-607,-588,746,746,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,746,746,-711,-712,746,-718,746,746,746,746,746,746,-940,746,-441,-443,-749,746,-893,746,-717,-1896,746,746,746,746,746,-444,-514,-525,746,-730,-735,746,-737,746,-742,746,-664,-670,746,-680,-682,-684,-685,-692,-695,-699,-747,746,746,-876,746,746,-880,746,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,746,-814,746,-816,-803,746,-804,-807,746,-818,-821,-823,-825,-827,746,-828,746,-811,746,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,746,-284,746,746,746,746,-457,746,746,-731,746,-738,746,-743,746,-665,-673,746,746,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,746,-838,-53,746,746,-732,746,-739,746,-744,-666,746,-875,-54,746,746,-733,-740,-745,746,746,746,-874,]),'SQL_CALC_FOUND_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[747,747,747,747,1360,747,747,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,747,747,747,747,-277,-278,747,-1427,747,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,747,747,747,-492,747,747,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,747,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,747,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,747,1360,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,747,-174,-175,-176,-177,-995,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-292,-293,-283,747,747,747,747,747,-330,-320,-334,-335,-336,747,747,-984,-985,-986,-987,-988,-989,-990,747,747,747,747,747,747,747,747,747,747,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,747,747,747,-355,-358,747,-325,-326,-143,747,-144,747,-145,747,-432,-937,-938,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-1896,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-1896,747,-1896,747,747,747,747,747,747,747,747,747,747,747,747,-1896,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-1896,747,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,747,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,747,747,747,-193,-194,747,-996,747,747,747,747,747,-279,-280,-281,-282,-367,747,-310,747,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,747,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,747,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,747,747,747,747,747,747,-575,747,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,747,747,-725,-726,-727,747,747,747,747,747,747,-996,747,747,-93,-94,747,747,747,747,-311,-312,-322,747,-309,-295,-296,-297,747,747,747,747,-620,-635,-592,747,747,-438,747,-439,747,-446,-447,-448,-380,-381,747,747,747,-508,747,747,-512,747,747,747,747,-517,-518,-519,-520,747,747,-523,-524,747,-526,-527,-528,-529,-530,-531,-532,-533,747,-535,747,747,747,-541,-543,-544,747,-546,-547,-548,-549,747,747,747,747,747,747,-654,-655,-656,-657,747,-659,-660,-661,747,747,747,-667,747,747,-671,-672,747,747,-675,747,-677,-678,747,-681,747,-683,747,747,-686,-687,-688,747,-690,747,747,-693,747,747,-696,-697,-698,747,-700,-701,-702,-703,747,747,-748,747,-751,-752,-753,-754,-755,747,-757,-758,-759,-760,-761,747,-768,-769,-771,747,-773,-774,-775,-784,-858,-860,-862,-864,747,747,747,747,-870,747,-872,747,747,747,747,747,747,747,-908,-909,747,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,747,-923,-926,747,-936,747,-387,-388,-389,747,747,-392,-393,-394,-395,747,-398,747,-401,-402,747,-403,747,-408,-409,747,-412,-413,-414,747,-417,747,-418,747,-423,-424,747,-427,747,-430,-431,-1896,-1896,747,-621,-622,-623,-624,-625,-636,-586,-626,-799,747,747,747,747,747,-833,747,747,-808,747,-834,747,747,747,747,-800,747,-855,-801,747,747,747,747,747,747,-856,-857,747,-836,-832,-837,747,-627,747,-628,-629,-630,-631,-576,747,747,-632,-633,-634,747,747,747,747,747,747,-637,-638,-639,-594,-1896,-604,747,-640,-641,-715,-642,-606,747,-574,-579,-582,-585,747,747,747,-600,-603,747,-610,747,747,747,747,747,747,747,747,747,747,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,747,747,747,-997,747,747,747,747,747,747,-308,-327,-321,-298,-377,-454,-455,-456,-460,747,-445,747,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,747,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,747,747,747,747,747,747,747,747,747,-318,-537,-510,-593,-939,-941,-942,-440,747,-442,-382,-383,-385,-509,-511,-513,747,-515,-516,-521,-522,747,-534,-536,-539,-540,-545,-550,-728,747,-729,747,-734,747,-736,747,-741,-658,-662,-663,747,-668,747,-669,747,-674,-676,747,-679,747,747,747,-689,-691,747,-694,747,747,-746,747,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,747,747,747,747,747,-879,747,-882,-910,-922,-927,-390,-391,747,-396,747,-399,747,-404,747,-405,747,-410,747,-415,747,-419,747,-420,747,-425,747,-428,-901,-902,-645,-587,-1896,-903,747,747,747,-802,747,747,-806,747,-809,-835,747,-820,747,-822,747,-824,-810,747,-826,747,-853,-854,747,747,-813,747,-648,-904,-906,-650,-651,-647,747,-707,-708,747,-644,-905,-649,-652,-605,-716,747,747,-607,-588,747,747,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,747,747,-711,-712,747,-718,747,747,747,747,747,747,-940,747,-441,-443,-749,747,-893,747,-717,-1896,747,747,747,747,747,-444,-514,-525,747,-730,-735,747,-737,747,-742,747,-664,-670,747,-680,-682,-684,-685,-692,-695,-699,-747,747,747,-876,747,747,-880,747,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,747,-814,747,-816,-803,747,-804,-807,747,-818,-821,-823,-825,-827,747,-828,747,-811,747,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,747,-284,747,747,747,747,-457,747,747,-731,747,-738,747,-743,747,-665,-673,747,747,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,747,-838,-53,747,747,-732,747,-739,747,-744,-666,747,-875,-54,747,747,-733,-740,-745,747,747,747,-874,]),'SQL_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[748,748,748,748,-1896,748,748,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,748,748,748,748,-277,-278,748,-1427,748,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,748,748,748,-492,748,748,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,748,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,748,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,748,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,748,-174,-175,-176,-177,-995,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-292,-293,-283,748,748,748,748,748,-330,-320,-334,-335,-336,748,748,-984,-985,-986,-987,-988,-989,-990,748,748,748,748,748,748,748,748,748,748,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,748,748,748,-355,-358,748,-325,-326,-143,748,-144,748,-145,748,-432,-937,-938,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-1896,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-1896,748,-1896,748,748,748,748,748,748,748,748,748,748,748,748,-1896,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-1896,748,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,748,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,748,748,748,-193,-194,748,-996,748,748,748,748,748,-279,-280,-281,-282,-367,748,-310,748,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,748,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,748,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,748,748,748,748,748,748,-575,748,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,748,748,-725,-726,-727,748,748,748,748,748,748,-996,748,748,-93,-94,748,748,748,748,-311,-312,-322,748,-309,-295,-296,-297,748,748,748,748,-620,-635,-592,748,748,-438,748,-439,748,-446,-447,-448,-380,-381,748,748,748,-508,748,748,-512,748,748,748,748,-517,-518,-519,-520,748,748,-523,-524,748,-526,-527,-528,-529,-530,-531,-532,-533,748,-535,748,748,748,-541,-543,-544,748,-546,-547,-548,-549,748,748,748,748,748,748,-654,-655,-656,-657,748,-659,-660,-661,748,748,748,-667,748,748,-671,-672,748,748,-675,748,-677,-678,748,-681,748,-683,748,748,-686,-687,-688,748,-690,748,748,-693,748,748,-696,-697,-698,748,-700,-701,-702,-703,748,748,-748,748,-751,-752,-753,-754,-755,748,-757,-758,-759,-760,-761,748,-768,-769,-771,748,-773,-774,-775,-784,-858,-860,-862,-864,748,748,748,748,-870,748,-872,748,748,748,748,748,748,748,-908,-909,748,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,748,-923,-926,748,-936,748,-387,-388,-389,748,748,-392,-393,-394,-395,748,-398,748,-401,-402,748,-403,748,-408,-409,748,-412,-413,-414,748,-417,748,-418,748,-423,-424,748,-427,748,-430,-431,-1896,-1896,748,-621,-622,-623,-624,-625,-636,-586,-626,-799,748,748,748,748,748,-833,748,748,-808,748,-834,748,748,748,748,-800,748,-855,-801,748,748,748,748,748,748,-856,-857,748,-836,-832,-837,748,-627,748,-628,-629,-630,-631,-576,748,748,-632,-633,-634,748,748,748,748,748,748,-637,-638,-639,-594,-1896,-604,748,-640,-641,-715,-642,-606,748,-574,-579,-582,-585,748,748,748,-600,-603,748,-610,748,748,748,748,748,748,748,748,748,748,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,748,748,748,-997,748,748,748,748,748,748,-308,-327,-321,-298,-377,-454,-455,-456,-460,748,-445,748,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,748,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,748,748,748,748,748,748,748,748,748,-318,-537,-510,-593,-939,-941,-942,-440,748,-442,-382,-383,-385,-509,-511,-513,748,-515,-516,-521,-522,748,-534,-536,-539,-540,-545,-550,-728,748,-729,748,-734,748,-736,748,-741,-658,-662,-663,748,-668,748,-669,748,-674,-676,748,-679,748,748,748,-689,-691,748,-694,748,748,-746,748,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,748,748,748,748,748,-879,748,-882,-910,-922,-927,-390,-391,748,-396,748,-399,748,-404,748,-405,748,-410,748,-415,748,-419,748,-420,748,-425,748,-428,-901,-902,-645,-587,-1896,-903,748,748,748,-802,748,748,-806,748,-809,-835,748,-820,748,-822,748,-824,-810,748,-826,748,-853,-854,748,748,-813,748,-648,-904,-906,-650,-651,-647,748,-707,-708,748,-644,-905,-649,-652,-605,-716,748,748,-607,-588,748,748,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,748,748,-711,-712,748,-718,748,748,748,748,748,748,-940,748,-441,-443,-749,748,-893,748,-717,-1896,748,748,748,748,748,-444,-514,-525,748,-730,-735,748,-737,748,-742,748,-664,-670,748,-680,-682,-684,-685,-692,-695,-699,-747,748,748,-876,748,748,-880,748,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,748,-814,748,-816,-803,748,-804,-807,748,-818,-821,-823,-825,-827,748,-828,748,-811,748,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,748,-284,748,748,748,748,-457,748,748,-731,748,-738,748,-743,748,-665,-673,748,748,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,748,-838,-53,748,748,-732,748,-739,748,-744,-666,748,-875,-54,748,748,-733,-740,-745,748,748,748,-874,]),'SQL_NO_CACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[749,749,749,749,1359,749,749,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,749,749,749,749,-277,-278,749,-1427,749,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,749,749,749,-492,749,749,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,749,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,749,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,749,1359,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,749,-174,-175,-176,-177,-995,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-292,-293,-283,749,749,749,749,749,-330,-320,-334,-335,-336,749,749,-984,-985,-986,-987,-988,-989,-990,749,749,749,749,749,749,749,749,749,749,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,749,749,749,-355,-358,749,-325,-326,-143,749,-144,749,-145,749,-432,-937,-938,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-1896,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-1896,749,-1896,749,749,749,749,749,749,749,749,749,749,749,749,-1896,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-1896,749,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,749,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,749,749,749,-193,-194,749,-996,749,749,749,749,749,-279,-280,-281,-282,-367,749,-310,749,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,749,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,749,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,749,749,749,749,749,749,-575,749,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,749,749,-725,-726,-727,749,749,749,749,749,749,-996,749,749,-93,-94,749,749,749,749,-311,-312,-322,749,-309,-295,-296,-297,749,749,749,749,-620,-635,-592,749,749,-438,749,-439,749,-446,-447,-448,-380,-381,749,749,749,-508,749,749,-512,749,749,749,749,-517,-518,-519,-520,749,749,-523,-524,749,-526,-527,-528,-529,-530,-531,-532,-533,749,-535,749,749,749,-541,-543,-544,749,-546,-547,-548,-549,749,749,749,749,749,749,-654,-655,-656,-657,749,-659,-660,-661,749,749,749,-667,749,749,-671,-672,749,749,-675,749,-677,-678,749,-681,749,-683,749,749,-686,-687,-688,749,-690,749,749,-693,749,749,-696,-697,-698,749,-700,-701,-702,-703,749,749,-748,749,-751,-752,-753,-754,-755,749,-757,-758,-759,-760,-761,749,-768,-769,-771,749,-773,-774,-775,-784,-858,-860,-862,-864,749,749,749,749,-870,749,-872,749,749,749,749,749,749,749,-908,-909,749,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,749,-923,-926,749,-936,749,-387,-388,-389,749,749,-392,-393,-394,-395,749,-398,749,-401,-402,749,-403,749,-408,-409,749,-412,-413,-414,749,-417,749,-418,749,-423,-424,749,-427,749,-430,-431,-1896,-1896,749,-621,-622,-623,-624,-625,-636,-586,-626,-799,749,749,749,749,749,-833,749,749,-808,749,-834,749,749,749,749,-800,749,-855,-801,749,749,749,749,749,749,-856,-857,749,-836,-832,-837,749,-627,749,-628,-629,-630,-631,-576,749,749,-632,-633,-634,749,749,749,749,749,749,-637,-638,-639,-594,-1896,-604,749,-640,-641,-715,-642,-606,749,-574,-579,-582,-585,749,749,749,-600,-603,749,-610,749,749,749,749,749,749,749,749,749,749,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,749,749,749,-997,749,749,749,749,749,749,-308,-327,-321,-298,-377,-454,-455,-456,-460,749,-445,749,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,749,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,749,749,749,749,749,749,749,749,749,-318,-537,-510,-593,-939,-941,-942,-440,749,-442,-382,-383,-385,-509,-511,-513,749,-515,-516,-521,-522,749,-534,-536,-539,-540,-545,-550,-728,749,-729,749,-734,749,-736,749,-741,-658,-662,-663,749,-668,749,-669,749,-674,-676,749,-679,749,749,749,-689,-691,749,-694,749,749,-746,749,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,749,749,749,749,749,-879,749,-882,-910,-922,-927,-390,-391,749,-396,749,-399,749,-404,749,-405,749,-410,749,-415,749,-419,749,-420,749,-425,749,-428,-901,-902,-645,-587,-1896,-903,749,749,749,-802,749,749,-806,749,-809,-835,749,-820,749,-822,749,-824,-810,749,-826,749,-853,-854,749,749,-813,749,-648,-904,-906,-650,-651,-647,749,-707,-708,749,-644,-905,-649,-652,-605,-716,749,749,-607,-588,749,749,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,749,749,-711,-712,749,-718,749,749,749,749,749,749,-940,749,-441,-443,-749,749,-893,749,-717,-1896,749,749,749,749,749,-444,-514,-525,749,-730,-735,749,-737,749,-742,749,-664,-670,749,-680,-682,-684,-685,-692,-695,-699,-747,749,749,-876,749,749,-880,749,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,749,-814,749,-816,-803,749,-804,-807,749,-818,-821,-823,-825,-827,749,-828,749,-811,749,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,749,-284,749,749,749,749,-457,749,749,-731,749,-738,749,-743,749,-665,-673,749,749,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,749,-838,-53,749,749,-732,749,-739,749,-744,-666,749,-875,-54,749,749,-733,-740,-745,749,749,749,-874,]),'SQL_SMALL_RESULT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[750,750,750,750,1356,750,750,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,750,750,750,750,-277,-278,750,-1427,750,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,750,750,750,-492,750,750,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,750,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,750,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,750,1356,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,750,-174,-175,-176,-177,-995,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-292,-293,-283,750,750,750,750,750,-330,-320,-334,-335,-336,750,750,-984,-985,-986,-987,-988,-989,-990,750,750,750,750,750,750,750,750,750,750,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,750,750,750,-355,-358,750,-325,-326,-143,750,-144,750,-145,750,-432,-937,-938,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-1896,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-1896,750,-1896,750,750,750,750,750,750,750,750,750,750,750,750,-1896,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-1896,750,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,750,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,750,750,750,-193,-194,750,-996,750,750,750,750,750,-279,-280,-281,-282,-367,750,-310,750,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,750,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,750,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,750,750,750,750,750,750,-575,750,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,750,750,-725,-726,-727,750,750,750,750,750,750,-996,750,750,-93,-94,750,750,750,750,-311,-312,-322,750,-309,-295,-296,-297,750,750,750,750,-620,-635,-592,750,750,-438,750,-439,750,-446,-447,-448,-380,-381,750,750,750,-508,750,750,-512,750,750,750,750,-517,-518,-519,-520,750,750,-523,-524,750,-526,-527,-528,-529,-530,-531,-532,-533,750,-535,750,750,750,-541,-543,-544,750,-546,-547,-548,-549,750,750,750,750,750,750,-654,-655,-656,-657,750,-659,-660,-661,750,750,750,-667,750,750,-671,-672,750,750,-675,750,-677,-678,750,-681,750,-683,750,750,-686,-687,-688,750,-690,750,750,-693,750,750,-696,-697,-698,750,-700,-701,-702,-703,750,750,-748,750,-751,-752,-753,-754,-755,750,-757,-758,-759,-760,-761,750,-768,-769,-771,750,-773,-774,-775,-784,-858,-860,-862,-864,750,750,750,750,-870,750,-872,750,750,750,750,750,750,750,-908,-909,750,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,750,-923,-926,750,-936,750,-387,-388,-389,750,750,-392,-393,-394,-395,750,-398,750,-401,-402,750,-403,750,-408,-409,750,-412,-413,-414,750,-417,750,-418,750,-423,-424,750,-427,750,-430,-431,-1896,-1896,750,-621,-622,-623,-624,-625,-636,-586,-626,-799,750,750,750,750,750,-833,750,750,-808,750,-834,750,750,750,750,-800,750,-855,-801,750,750,750,750,750,750,-856,-857,750,-836,-832,-837,750,-627,750,-628,-629,-630,-631,-576,750,750,-632,-633,-634,750,750,750,750,750,750,-637,-638,-639,-594,-1896,-604,750,-640,-641,-715,-642,-606,750,-574,-579,-582,-585,750,750,750,-600,-603,750,-610,750,750,750,750,750,750,750,750,750,750,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,750,750,750,-997,750,750,750,750,750,750,-308,-327,-321,-298,-377,-454,-455,-456,-460,750,-445,750,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,750,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,750,750,750,750,750,750,750,750,750,-318,-537,-510,-593,-939,-941,-942,-440,750,-442,-382,-383,-385,-509,-511,-513,750,-515,-516,-521,-522,750,-534,-536,-539,-540,-545,-550,-728,750,-729,750,-734,750,-736,750,-741,-658,-662,-663,750,-668,750,-669,750,-674,-676,750,-679,750,750,750,-689,-691,750,-694,750,750,-746,750,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,750,750,750,750,750,-879,750,-882,-910,-922,-927,-390,-391,750,-396,750,-399,750,-404,750,-405,750,-410,750,-415,750,-419,750,-420,750,-425,750,-428,-901,-902,-645,-587,-1896,-903,750,750,750,-802,750,750,-806,750,-809,-835,750,-820,750,-822,750,-824,-810,750,-826,750,-853,-854,750,750,-813,750,-648,-904,-906,-650,-651,-647,750,-707,-708,750,-644,-905,-649,-652,-605,-716,750,750,-607,-588,750,750,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,750,750,-711,-712,750,-718,750,750,750,750,750,750,-940,750,-441,-443,-749,750,-893,750,-717,-1896,750,750,750,750,750,-444,-514,-525,750,-730,-735,750,-737,750,-742,750,-664,-670,750,-680,-682,-684,-685,-692,-695,-699,-747,750,750,-876,750,750,-880,750,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,750,-814,750,-816,-803,750,-804,-807,750,-818,-821,-823,-825,-827,750,-828,750,-811,750,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,750,-284,750,750,750,750,-457,750,750,-731,750,-738,750,-743,750,-665,-673,750,750,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,750,-838,-53,750,750,-732,750,-739,750,-744,-666,750,-875,-54,750,750,-733,-740,-745,750,750,750,-874,]),'SQL_THREAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[751,751,751,751,-1896,751,751,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,751,751,751,751,-277,-278,751,-1427,751,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,751,751,751,-492,751,751,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,751,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,751,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,751,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,751,-174,-175,-176,-177,-995,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-292,-293,-283,751,751,751,751,751,-330,-320,-334,-335,-336,751,751,-984,-985,-986,-987,-988,-989,-990,751,751,751,751,751,751,751,751,751,751,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,751,751,751,-355,-358,751,-325,-326,-143,751,-144,751,-145,751,-432,-937,-938,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-1896,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-1896,751,-1896,751,751,751,751,751,751,751,751,751,751,751,751,-1896,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-1896,751,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,751,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,751,751,751,-193,-194,751,-996,751,751,751,751,751,-279,-280,-281,-282,-367,751,-310,751,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,751,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,751,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,751,751,751,751,751,751,-575,751,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,751,751,-725,-726,-727,751,751,751,751,751,751,-996,751,751,-93,-94,751,751,751,751,-311,-312,-322,751,-309,-295,-296,-297,751,751,751,751,-620,-635,-592,751,751,-438,751,-439,751,-446,-447,-448,-380,-381,751,751,751,-508,751,751,-512,751,751,751,751,-517,-518,-519,-520,751,751,-523,-524,751,-526,-527,-528,-529,-530,-531,-532,-533,751,-535,751,751,751,-541,-543,-544,751,-546,-547,-548,-549,751,751,751,751,751,751,-654,-655,-656,-657,751,-659,-660,-661,751,751,751,-667,751,751,-671,-672,751,751,-675,751,-677,-678,751,-681,751,-683,751,751,-686,-687,-688,751,-690,751,751,-693,751,751,-696,-697,-698,751,-700,-701,-702,-703,751,751,-748,751,-751,-752,-753,-754,-755,751,-757,-758,-759,-760,-761,751,-768,-769,-771,751,-773,-774,-775,-784,-858,-860,-862,-864,751,751,751,751,-870,751,-872,751,751,751,751,751,751,751,-908,-909,751,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,751,-923,-926,751,-936,751,-387,-388,-389,751,751,-392,-393,-394,-395,751,-398,751,-401,-402,751,-403,751,-408,-409,751,-412,-413,-414,751,-417,751,-418,751,-423,-424,751,-427,751,-430,-431,-1896,-1896,751,-621,-622,-623,-624,-625,-636,-586,-626,-799,751,751,751,751,751,-833,751,751,-808,751,-834,751,751,751,751,-800,751,-855,-801,751,751,751,751,751,751,-856,-857,751,-836,-832,-837,751,-627,751,-628,-629,-630,-631,-576,751,751,-632,-633,-634,751,751,751,751,751,751,-637,-638,-639,-594,-1896,-604,751,-640,-641,-715,-642,-606,751,-574,-579,-582,-585,751,751,751,-600,-603,751,-610,751,751,751,751,751,751,751,751,751,751,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,751,751,751,-997,751,751,751,751,751,751,-308,-327,-321,-298,-377,-454,-455,-456,-460,751,-445,751,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,751,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,751,751,751,751,751,751,751,751,751,-318,-537,-510,-593,-939,-941,-942,-440,751,-442,-382,-383,-385,-509,-511,-513,751,-515,-516,-521,-522,751,-534,-536,-539,-540,-545,-550,-728,751,-729,751,-734,751,-736,751,-741,-658,-662,-663,751,-668,751,-669,751,-674,-676,751,-679,751,751,751,-689,-691,751,-694,751,751,-746,751,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,751,751,751,751,751,-879,751,-882,-910,-922,-927,-390,-391,751,-396,751,-399,751,-404,751,-405,751,-410,751,-415,751,-419,751,-420,751,-425,751,-428,-901,-902,-645,-587,-1896,-903,751,751,751,-802,751,751,-806,751,-809,-835,751,-820,751,-822,751,-824,-810,751,-826,751,-853,-854,751,751,-813,751,-648,-904,-906,-650,-651,-647,751,-707,-708,751,-644,-905,-649,-652,-605,-716,751,751,-607,-588,751,751,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,751,751,-711,-712,751,-718,751,751,751,751,751,751,-940,751,-441,-443,-749,751,-893,751,-717,-1896,751,751,751,751,751,-444,-514,-525,751,-730,-735,751,-737,751,-742,751,-664,-670,751,-680,-682,-684,-685,-692,-695,-699,-747,751,751,-876,751,751,-880,751,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,751,-814,751,-816,-803,751,-804,-807,751,-818,-821,-823,-825,-827,751,-828,751,-811,751,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,751,-284,751,751,751,751,-457,751,751,-731,751,-738,751,-743,751,-665,-673,751,751,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,751,-838,-53,751,751,-732,751,-739,751,-744,-666,751,-875,-54,751,751,-733,-740,-745,751,751,751,-874,]),'SQL_TSI_DAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[752,752,752,752,-1896,752,752,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,752,752,752,752,-277,-278,752,-1427,752,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,752,752,752,-492,752,752,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,752,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,752,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,752,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,752,-174,-175,-176,-177,-995,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-292,-293,-283,752,752,752,752,752,-330,-320,-334,-335,-336,752,752,-984,-985,-986,-987,-988,-989,-990,752,752,752,752,752,752,752,752,752,752,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,752,752,2116,752,-355,-358,752,-325,-326,-143,752,-144,752,-145,752,-432,-937,-938,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-1896,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-1896,752,-1896,752,752,752,752,752,752,752,752,752,752,752,752,-1896,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,2116,2116,752,752,2116,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-1896,752,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,752,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,752,752,752,-193,-194,752,-996,752,752,752,752,752,-279,-280,-281,-282,-367,752,-310,752,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,752,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,752,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,752,752,752,752,752,752,-575,752,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,752,752,-725,-726,-727,752,752,752,752,752,752,-996,752,752,-93,-94,752,752,752,752,-311,-312,-322,752,-309,-295,-296,-297,752,752,752,752,-620,-635,-592,752,752,-438,752,-439,752,-446,-447,-448,-380,-381,752,752,752,-508,752,752,-512,752,752,752,752,-517,-518,-519,-520,752,752,-523,-524,752,-526,-527,-528,-529,-530,-531,-532,-533,752,-535,752,752,752,-541,-543,-544,752,-546,-547,-548,-549,752,752,752,752,752,752,-654,-655,-656,-657,752,-659,-660,-661,752,752,752,-667,752,752,-671,-672,752,752,-675,752,-677,-678,752,-681,752,-683,752,752,-686,-687,-688,752,-690,752,752,-693,752,752,-696,-697,-698,752,-700,-701,-702,-703,752,752,-748,752,-751,-752,-753,-754,-755,752,-757,-758,-759,-760,-761,752,-768,-769,-771,752,-773,-774,-775,-784,-858,-860,-862,-864,752,752,752,752,-870,752,-872,752,752,752,752,752,752,752,-908,-909,752,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,752,-923,-926,752,-936,752,-387,-388,-389,752,752,-392,-393,-394,-395,752,-398,752,-401,-402,752,-403,752,-408,-409,752,-412,-413,-414,752,-417,752,-418,752,-423,-424,752,-427,752,-430,-431,-1896,-1896,752,-621,-622,-623,-624,-625,-636,-586,-626,-799,752,752,752,752,752,-833,752,752,-808,752,-834,752,752,752,752,-800,752,-855,-801,752,752,752,752,752,752,-856,-857,752,-836,-832,-837,752,-627,752,-628,-629,-630,-631,-576,752,752,-632,-633,-634,752,752,752,752,752,752,-637,-638,-639,-594,-1896,-604,752,-640,-641,-715,-642,-606,752,-574,-579,-582,-585,752,752,752,-600,-603,752,-610,752,752,752,752,752,752,752,752,752,752,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,752,752,752,-997,752,752,752,752,752,752,-308,-327,-321,-298,-377,-454,-455,-456,-460,752,-445,752,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,752,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,752,752,752,752,752,752,752,752,752,-318,-537,-510,-593,-939,-941,-942,-440,752,-442,-382,-383,-385,-509,-511,-513,752,-515,-516,-521,-522,752,-534,-536,-539,-540,-545,-550,-728,752,-729,752,-734,752,-736,752,-741,-658,-662,-663,752,-668,752,-669,752,-674,-676,752,-679,752,752,752,-689,-691,752,-694,752,752,-746,752,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,752,752,752,752,752,-879,752,-882,-910,-922,-927,-390,-391,752,-396,752,-399,752,-404,752,-405,752,-410,752,-415,752,-419,752,-420,752,-425,752,-428,-901,-902,-645,-587,-1896,-903,752,752,752,-802,752,752,-806,752,-809,-835,752,-820,752,-822,752,-824,-810,752,-826,752,-853,-854,752,752,-813,752,-648,-904,-906,-650,-651,-647,752,-707,-708,752,-644,-905,-649,-652,-605,-716,752,752,-607,-588,752,752,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,752,752,-711,-712,752,-718,752,752,752,752,752,752,-940,752,-441,-443,-749,752,-893,752,-717,-1896,752,752,752,752,752,-444,-514,-525,752,-730,-735,752,-737,752,-742,752,-664,-670,752,-680,-682,-684,-685,-692,-695,-699,-747,752,752,-876,752,752,-880,752,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,752,-814,752,-816,-803,752,-804,-807,752,-818,-821,-823,-825,-827,752,-828,752,-811,752,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,752,-284,752,752,752,752,-457,752,752,-731,752,-738,752,-743,752,-665,-673,752,752,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,752,-838,-53,752,752,-732,752,-739,752,-744,-666,752,-875,-54,752,752,-733,-740,-745,752,752,752,-874,]),'SQL_TSI_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[753,753,753,753,-1896,753,753,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,753,753,753,753,-277,-278,753,-1427,753,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,753,753,753,-492,753,753,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,753,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,753,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,753,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,753,-174,-175,-176,-177,-995,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-292,-293,-283,753,753,753,753,753,-330,-320,-334,-335,-336,753,753,-984,-985,-986,-987,-988,-989,-990,753,753,753,753,753,753,753,753,753,753,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,753,753,2115,753,-355,-358,753,-325,-326,-143,753,-144,753,-145,753,-432,-937,-938,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-1896,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-1896,753,-1896,753,753,753,753,753,753,753,753,753,753,753,753,-1896,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,2115,2115,753,753,2115,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-1896,753,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,753,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,753,753,753,-193,-194,753,-996,753,753,753,753,753,-279,-280,-281,-282,-367,753,-310,753,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,753,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,753,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,753,753,753,753,753,753,-575,753,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,753,753,-725,-726,-727,753,753,753,753,753,753,-996,753,753,-93,-94,753,753,753,753,-311,-312,-322,753,-309,-295,-296,-297,753,753,753,753,-620,-635,-592,753,753,-438,753,-439,753,-446,-447,-448,-380,-381,753,753,753,-508,753,753,-512,753,753,753,753,-517,-518,-519,-520,753,753,-523,-524,753,-526,-527,-528,-529,-530,-531,-532,-533,753,-535,753,753,753,-541,-543,-544,753,-546,-547,-548,-549,753,753,753,753,753,753,-654,-655,-656,-657,753,-659,-660,-661,753,753,753,-667,753,753,-671,-672,753,753,-675,753,-677,-678,753,-681,753,-683,753,753,-686,-687,-688,753,-690,753,753,-693,753,753,-696,-697,-698,753,-700,-701,-702,-703,753,753,-748,753,-751,-752,-753,-754,-755,753,-757,-758,-759,-760,-761,753,-768,-769,-771,753,-773,-774,-775,-784,-858,-860,-862,-864,753,753,753,753,-870,753,-872,753,753,753,753,753,753,753,-908,-909,753,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,753,-923,-926,753,-936,753,-387,-388,-389,753,753,-392,-393,-394,-395,753,-398,753,-401,-402,753,-403,753,-408,-409,753,-412,-413,-414,753,-417,753,-418,753,-423,-424,753,-427,753,-430,-431,-1896,-1896,753,-621,-622,-623,-624,-625,-636,-586,-626,-799,753,753,753,753,753,-833,753,753,-808,753,-834,753,753,753,753,-800,753,-855,-801,753,753,753,753,753,753,-856,-857,753,-836,-832,-837,753,-627,753,-628,-629,-630,-631,-576,753,753,-632,-633,-634,753,753,753,753,753,753,-637,-638,-639,-594,-1896,-604,753,-640,-641,-715,-642,-606,753,-574,-579,-582,-585,753,753,753,-600,-603,753,-610,753,753,753,753,753,753,753,753,753,753,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,753,753,753,-997,753,753,753,753,753,753,-308,-327,-321,-298,-377,-454,-455,-456,-460,753,-445,753,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,753,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,753,753,753,753,753,753,753,753,753,-318,-537,-510,-593,-939,-941,-942,-440,753,-442,-382,-383,-385,-509,-511,-513,753,-515,-516,-521,-522,753,-534,-536,-539,-540,-545,-550,-728,753,-729,753,-734,753,-736,753,-741,-658,-662,-663,753,-668,753,-669,753,-674,-676,753,-679,753,753,753,-689,-691,753,-694,753,753,-746,753,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,753,753,753,753,753,-879,753,-882,-910,-922,-927,-390,-391,753,-396,753,-399,753,-404,753,-405,753,-410,753,-415,753,-419,753,-420,753,-425,753,-428,-901,-902,-645,-587,-1896,-903,753,753,753,-802,753,753,-806,753,-809,-835,753,-820,753,-822,753,-824,-810,753,-826,753,-853,-854,753,753,-813,753,-648,-904,-906,-650,-651,-647,753,-707,-708,753,-644,-905,-649,-652,-605,-716,753,753,-607,-588,753,753,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,753,753,-711,-712,753,-718,753,753,753,753,753,753,-940,753,-441,-443,-749,753,-893,753,-717,-1896,753,753,753,753,753,-444,-514,-525,753,-730,-735,753,-737,753,-742,753,-664,-670,753,-680,-682,-684,-685,-692,-695,-699,-747,753,753,-876,753,753,-880,753,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,753,-814,753,-816,-803,753,-804,-807,753,-818,-821,-823,-825,-827,753,-828,753,-811,753,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,753,-284,753,753,753,753,-457,753,753,-731,753,-738,753,-743,753,-665,-673,753,753,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,753,-838,-53,753,753,-732,753,-739,753,-744,-666,753,-875,-54,753,753,-733,-740,-745,753,753,753,-874,]),'SQL_TSI_MINUTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[754,754,754,754,-1896,754,754,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,754,754,754,754,-277,-278,754,-1427,754,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,754,754,754,-492,754,754,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,754,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,754,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,754,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,754,-174,-175,-176,-177,-995,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-292,-293,-283,754,754,754,754,754,-330,-320,-334,-335,-336,754,754,-984,-985,-986,-987,-988,-989,-990,754,754,754,754,754,754,754,754,754,754,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,754,754,2114,754,-355,-358,754,-325,-326,-143,754,-144,754,-145,754,-432,-937,-938,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-1896,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-1896,754,-1896,754,754,754,754,754,754,754,754,754,754,754,754,-1896,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,2114,2114,754,754,2114,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-1896,754,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,754,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,754,754,754,-193,-194,754,-996,754,754,754,754,754,-279,-280,-281,-282,-367,754,-310,754,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,754,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,754,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,754,754,754,754,754,754,-575,754,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,754,754,-725,-726,-727,754,754,754,754,754,754,-996,754,754,-93,-94,754,754,754,754,-311,-312,-322,754,-309,-295,-296,-297,754,754,754,754,-620,-635,-592,754,754,-438,754,-439,754,-446,-447,-448,-380,-381,754,754,754,-508,754,754,-512,754,754,754,754,-517,-518,-519,-520,754,754,-523,-524,754,-526,-527,-528,-529,-530,-531,-532,-533,754,-535,754,754,754,-541,-543,-544,754,-546,-547,-548,-549,754,754,754,754,754,754,-654,-655,-656,-657,754,-659,-660,-661,754,754,754,-667,754,754,-671,-672,754,754,-675,754,-677,-678,754,-681,754,-683,754,754,-686,-687,-688,754,-690,754,754,-693,754,754,-696,-697,-698,754,-700,-701,-702,-703,754,754,-748,754,-751,-752,-753,-754,-755,754,-757,-758,-759,-760,-761,754,-768,-769,-771,754,-773,-774,-775,-784,-858,-860,-862,-864,754,754,754,754,-870,754,-872,754,754,754,754,754,754,754,-908,-909,754,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,754,-923,-926,754,-936,754,-387,-388,-389,754,754,-392,-393,-394,-395,754,-398,754,-401,-402,754,-403,754,-408,-409,754,-412,-413,-414,754,-417,754,-418,754,-423,-424,754,-427,754,-430,-431,-1896,-1896,754,-621,-622,-623,-624,-625,-636,-586,-626,-799,754,754,754,754,754,-833,754,754,-808,754,-834,754,754,754,754,-800,754,-855,-801,754,754,754,754,754,754,-856,-857,754,-836,-832,-837,754,-627,754,-628,-629,-630,-631,-576,754,754,-632,-633,-634,754,754,754,754,754,754,-637,-638,-639,-594,-1896,-604,754,-640,-641,-715,-642,-606,754,-574,-579,-582,-585,754,754,754,-600,-603,754,-610,754,754,754,754,754,754,754,754,754,754,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,754,754,754,-997,754,754,754,754,754,754,-308,-327,-321,-298,-377,-454,-455,-456,-460,754,-445,754,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,754,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,754,754,754,754,754,754,754,754,754,-318,-537,-510,-593,-939,-941,-942,-440,754,-442,-382,-383,-385,-509,-511,-513,754,-515,-516,-521,-522,754,-534,-536,-539,-540,-545,-550,-728,754,-729,754,-734,754,-736,754,-741,-658,-662,-663,754,-668,754,-669,754,-674,-676,754,-679,754,754,754,-689,-691,754,-694,754,754,-746,754,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,754,754,754,754,754,-879,754,-882,-910,-922,-927,-390,-391,754,-396,754,-399,754,-404,754,-405,754,-410,754,-415,754,-419,754,-420,754,-425,754,-428,-901,-902,-645,-587,-1896,-903,754,754,754,-802,754,754,-806,754,-809,-835,754,-820,754,-822,754,-824,-810,754,-826,754,-853,-854,754,754,-813,754,-648,-904,-906,-650,-651,-647,754,-707,-708,754,-644,-905,-649,-652,-605,-716,754,754,-607,-588,754,754,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,754,754,-711,-712,754,-718,754,754,754,754,754,754,-940,754,-441,-443,-749,754,-893,754,-717,-1896,754,754,754,754,754,-444,-514,-525,754,-730,-735,754,-737,754,-742,754,-664,-670,754,-680,-682,-684,-685,-692,-695,-699,-747,754,754,-876,754,754,-880,754,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,754,-814,754,-816,-803,754,-804,-807,754,-818,-821,-823,-825,-827,754,-828,754,-811,754,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,754,-284,754,754,754,754,-457,754,754,-731,754,-738,754,-743,754,-665,-673,754,754,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,754,-838,-53,754,754,-732,754,-739,754,-744,-666,754,-875,-54,754,754,-733,-740,-745,754,754,754,-874,]),'SQL_TSI_MONTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[755,755,755,755,-1896,755,755,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,755,755,755,755,-277,-278,755,-1427,755,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,755,755,755,-492,755,755,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,755,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,755,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,755,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,755,-174,-175,-176,-177,-995,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-292,-293,-283,755,755,755,755,755,-330,-320,-334,-335,-336,755,755,-984,-985,-986,-987,-988,-989,-990,755,755,755,755,755,755,755,755,755,755,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,755,755,2118,755,-355,-358,755,-325,-326,-143,755,-144,755,-145,755,-432,-937,-938,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-1896,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-1896,755,-1896,755,755,755,755,755,755,755,755,755,755,755,755,-1896,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,2118,2118,755,755,2118,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-1896,755,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,755,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,755,755,755,-193,-194,755,-996,755,755,755,755,755,-279,-280,-281,-282,-367,755,-310,755,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,755,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,755,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,755,755,755,755,755,755,-575,755,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,755,755,-725,-726,-727,755,755,755,755,755,755,-996,755,755,-93,-94,755,755,755,755,-311,-312,-322,755,-309,-295,-296,-297,755,755,755,755,-620,-635,-592,755,755,-438,755,-439,755,-446,-447,-448,-380,-381,755,755,755,-508,755,755,-512,755,755,755,755,-517,-518,-519,-520,755,755,-523,-524,755,-526,-527,-528,-529,-530,-531,-532,-533,755,-535,755,755,755,-541,-543,-544,755,-546,-547,-548,-549,755,755,755,755,755,755,-654,-655,-656,-657,755,-659,-660,-661,755,755,755,-667,755,755,-671,-672,755,755,-675,755,-677,-678,755,-681,755,-683,755,755,-686,-687,-688,755,-690,755,755,-693,755,755,-696,-697,-698,755,-700,-701,-702,-703,755,755,-748,755,-751,-752,-753,-754,-755,755,-757,-758,-759,-760,-761,755,-768,-769,-771,755,-773,-774,-775,-784,-858,-860,-862,-864,755,755,755,755,-870,755,-872,755,755,755,755,755,755,755,-908,-909,755,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,755,-923,-926,755,-936,755,-387,-388,-389,755,755,-392,-393,-394,-395,755,-398,755,-401,-402,755,-403,755,-408,-409,755,-412,-413,-414,755,-417,755,-418,755,-423,-424,755,-427,755,-430,-431,-1896,-1896,755,-621,-622,-623,-624,-625,-636,-586,-626,-799,755,755,755,755,755,-833,755,755,-808,755,-834,755,755,755,755,-800,755,-855,-801,755,755,755,755,755,755,-856,-857,755,-836,-832,-837,755,-627,755,-628,-629,-630,-631,-576,755,755,-632,-633,-634,755,755,755,755,755,755,-637,-638,-639,-594,-1896,-604,755,-640,-641,-715,-642,-606,755,-574,-579,-582,-585,755,755,755,-600,-603,755,-610,755,755,755,755,755,755,755,755,755,755,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,755,755,755,-997,755,755,755,755,755,755,-308,-327,-321,-298,-377,-454,-455,-456,-460,755,-445,755,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,755,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,755,755,755,755,755,755,755,755,755,-318,-537,-510,-593,-939,-941,-942,-440,755,-442,-382,-383,-385,-509,-511,-513,755,-515,-516,-521,-522,755,-534,-536,-539,-540,-545,-550,-728,755,-729,755,-734,755,-736,755,-741,-658,-662,-663,755,-668,755,-669,755,-674,-676,755,-679,755,755,755,-689,-691,755,-694,755,755,-746,755,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,755,755,755,755,755,-879,755,-882,-910,-922,-927,-390,-391,755,-396,755,-399,755,-404,755,-405,755,-410,755,-415,755,-419,755,-420,755,-425,755,-428,-901,-902,-645,-587,-1896,-903,755,755,755,-802,755,755,-806,755,-809,-835,755,-820,755,-822,755,-824,-810,755,-826,755,-853,-854,755,755,-813,755,-648,-904,-906,-650,-651,-647,755,-707,-708,755,-644,-905,-649,-652,-605,-716,755,755,-607,-588,755,755,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,755,755,-711,-712,755,-718,755,755,755,755,755,755,-940,755,-441,-443,-749,755,-893,755,-717,-1896,755,755,755,755,755,-444,-514,-525,755,-730,-735,755,-737,755,-742,755,-664,-670,755,-680,-682,-684,-685,-692,-695,-699,-747,755,755,-876,755,755,-880,755,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,755,-814,755,-816,-803,755,-804,-807,755,-818,-821,-823,-825,-827,755,-828,755,-811,755,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,755,-284,755,755,755,755,-457,755,755,-731,755,-738,755,-743,755,-665,-673,755,755,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,755,-838,-53,755,755,-732,755,-739,755,-744,-666,755,-875,-54,755,755,-733,-740,-745,755,755,755,-874,]),'SQL_TSI_QUARTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[756,756,756,756,-1896,756,756,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,756,756,756,756,-277,-278,756,-1427,756,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,756,756,756,-492,756,756,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,756,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,756,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,756,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,756,-174,-175,-176,-177,-995,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-292,-293,-283,756,756,756,756,756,-330,-320,-334,-335,-336,756,756,-984,-985,-986,-987,-988,-989,-990,756,756,756,756,756,756,756,756,756,756,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,756,756,2119,756,-355,-358,756,-325,-326,-143,756,-144,756,-145,756,-432,-937,-938,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-1896,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-1896,756,-1896,756,756,756,756,756,756,756,756,756,756,756,756,-1896,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,2119,2119,756,756,2119,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-1896,756,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,756,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,756,756,756,-193,-194,756,-996,756,756,756,756,756,-279,-280,-281,-282,-367,756,-310,756,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,756,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,756,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,756,756,756,756,756,756,-575,756,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,756,756,-725,-726,-727,756,756,756,756,756,756,-996,756,756,-93,-94,756,756,756,756,-311,-312,-322,756,-309,-295,-296,-297,756,756,756,756,-620,-635,-592,756,756,-438,756,-439,756,-446,-447,-448,-380,-381,756,756,756,-508,756,756,-512,756,756,756,756,-517,-518,-519,-520,756,756,-523,-524,756,-526,-527,-528,-529,-530,-531,-532,-533,756,-535,756,756,756,-541,-543,-544,756,-546,-547,-548,-549,756,756,756,756,756,756,-654,-655,-656,-657,756,-659,-660,-661,756,756,756,-667,756,756,-671,-672,756,756,-675,756,-677,-678,756,-681,756,-683,756,756,-686,-687,-688,756,-690,756,756,-693,756,756,-696,-697,-698,756,-700,-701,-702,-703,756,756,-748,756,-751,-752,-753,-754,-755,756,-757,-758,-759,-760,-761,756,-768,-769,-771,756,-773,-774,-775,-784,-858,-860,-862,-864,756,756,756,756,-870,756,-872,756,756,756,756,756,756,756,-908,-909,756,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,756,-923,-926,756,-936,756,-387,-388,-389,756,756,-392,-393,-394,-395,756,-398,756,-401,-402,756,-403,756,-408,-409,756,-412,-413,-414,756,-417,756,-418,756,-423,-424,756,-427,756,-430,-431,-1896,-1896,756,-621,-622,-623,-624,-625,-636,-586,-626,-799,756,756,756,756,756,-833,756,756,-808,756,-834,756,756,756,756,-800,756,-855,-801,756,756,756,756,756,756,-856,-857,756,-836,-832,-837,756,-627,756,-628,-629,-630,-631,-576,756,756,-632,-633,-634,756,756,756,756,756,756,-637,-638,-639,-594,-1896,-604,756,-640,-641,-715,-642,-606,756,-574,-579,-582,-585,756,756,756,-600,-603,756,-610,756,756,756,756,756,756,756,756,756,756,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,756,756,756,-997,756,756,756,756,756,756,-308,-327,-321,-298,-377,-454,-455,-456,-460,756,-445,756,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,756,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,756,756,756,756,756,756,756,756,756,-318,-537,-510,-593,-939,-941,-942,-440,756,-442,-382,-383,-385,-509,-511,-513,756,-515,-516,-521,-522,756,-534,-536,-539,-540,-545,-550,-728,756,-729,756,-734,756,-736,756,-741,-658,-662,-663,756,-668,756,-669,756,-674,-676,756,-679,756,756,756,-689,-691,756,-694,756,756,-746,756,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,756,756,756,756,756,-879,756,-882,-910,-922,-927,-390,-391,756,-396,756,-399,756,-404,756,-405,756,-410,756,-415,756,-419,756,-420,756,-425,756,-428,-901,-902,-645,-587,-1896,-903,756,756,756,-802,756,756,-806,756,-809,-835,756,-820,756,-822,756,-824,-810,756,-826,756,-853,-854,756,756,-813,756,-648,-904,-906,-650,-651,-647,756,-707,-708,756,-644,-905,-649,-652,-605,-716,756,756,-607,-588,756,756,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,756,756,-711,-712,756,-718,756,756,756,756,756,756,-940,756,-441,-443,-749,756,-893,756,-717,-1896,756,756,756,756,756,-444,-514,-525,756,-730,-735,756,-737,756,-742,756,-664,-670,756,-680,-682,-684,-685,-692,-695,-699,-747,756,756,-876,756,756,-880,756,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,756,-814,756,-816,-803,756,-804,-807,756,-818,-821,-823,-825,-827,756,-828,756,-811,756,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,756,-284,756,756,756,756,-457,756,756,-731,756,-738,756,-743,756,-665,-673,756,756,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,756,-838,-53,756,756,-732,756,-739,756,-744,-666,756,-875,-54,756,756,-733,-740,-745,756,756,756,-874,]),'SQL_TSI_SECOND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[757,757,757,757,-1896,757,757,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,757,757,757,757,-277,-278,757,-1427,757,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,757,757,757,-492,757,757,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,757,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,757,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,757,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,757,-174,-175,-176,-177,-995,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-292,-293,-283,757,757,757,757,757,-330,-320,-334,-335,-336,757,757,-984,-985,-986,-987,-988,-989,-990,757,757,757,757,757,757,757,757,757,757,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,757,757,2113,757,-355,-358,757,-325,-326,-143,757,-144,757,-145,757,-432,-937,-938,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-1896,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-1896,757,-1896,757,757,757,757,757,757,757,757,757,757,757,757,-1896,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,2113,2113,757,757,2113,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-1896,757,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,757,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,757,757,757,-193,-194,757,-996,757,757,757,757,757,-279,-280,-281,-282,-367,757,-310,757,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,757,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,757,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,757,757,757,757,757,757,-575,757,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,757,757,-725,-726,-727,757,757,757,757,757,757,-996,757,757,-93,-94,757,757,757,757,-311,-312,-322,757,-309,-295,-296,-297,757,757,757,757,-620,-635,-592,757,757,-438,757,-439,757,-446,-447,-448,-380,-381,757,757,757,-508,757,757,-512,757,757,757,757,-517,-518,-519,-520,757,757,-523,-524,757,-526,-527,-528,-529,-530,-531,-532,-533,757,-535,757,757,757,-541,-543,-544,757,-546,-547,-548,-549,757,757,757,757,757,757,-654,-655,-656,-657,757,-659,-660,-661,757,757,757,-667,757,757,-671,-672,757,757,-675,757,-677,-678,757,-681,757,-683,757,757,-686,-687,-688,757,-690,757,757,-693,757,757,-696,-697,-698,757,-700,-701,-702,-703,757,757,-748,757,-751,-752,-753,-754,-755,757,-757,-758,-759,-760,-761,757,-768,-769,-771,757,-773,-774,-775,-784,-858,-860,-862,-864,757,757,757,757,-870,757,-872,757,757,757,757,757,757,757,-908,-909,757,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,757,-923,-926,757,-936,757,-387,-388,-389,757,757,-392,-393,-394,-395,757,-398,757,-401,-402,757,-403,757,-408,-409,757,-412,-413,-414,757,-417,757,-418,757,-423,-424,757,-427,757,-430,-431,-1896,-1896,757,-621,-622,-623,-624,-625,-636,-586,-626,-799,757,757,757,757,757,-833,757,757,-808,757,-834,757,757,757,757,-800,757,-855,-801,757,757,757,757,757,757,-856,-857,757,-836,-832,-837,757,-627,757,-628,-629,-630,-631,-576,757,757,-632,-633,-634,757,757,757,757,757,757,-637,-638,-639,-594,-1896,-604,757,-640,-641,-715,-642,-606,757,-574,-579,-582,-585,757,757,757,-600,-603,757,-610,757,757,757,757,757,757,757,757,757,757,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,757,757,757,-997,757,757,757,757,757,757,-308,-327,-321,-298,-377,-454,-455,-456,-460,757,-445,757,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,757,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,757,757,757,757,757,757,757,757,757,-318,-537,-510,-593,-939,-941,-942,-440,757,-442,-382,-383,-385,-509,-511,-513,757,-515,-516,-521,-522,757,-534,-536,-539,-540,-545,-550,-728,757,-729,757,-734,757,-736,757,-741,-658,-662,-663,757,-668,757,-669,757,-674,-676,757,-679,757,757,757,-689,-691,757,-694,757,757,-746,757,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,757,757,757,757,757,-879,757,-882,-910,-922,-927,-390,-391,757,-396,757,-399,757,-404,757,-405,757,-410,757,-415,757,-419,757,-420,757,-425,757,-428,-901,-902,-645,-587,-1896,-903,757,757,757,-802,757,757,-806,757,-809,-835,757,-820,757,-822,757,-824,-810,757,-826,757,-853,-854,757,757,-813,757,-648,-904,-906,-650,-651,-647,757,-707,-708,757,-644,-905,-649,-652,-605,-716,757,757,-607,-588,757,757,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,757,757,-711,-712,757,-718,757,757,757,757,757,757,-940,757,-441,-443,-749,757,-893,757,-717,-1896,757,757,757,757,757,-444,-514,-525,757,-730,-735,757,-737,757,-742,757,-664,-670,757,-680,-682,-684,-685,-692,-695,-699,-747,757,757,-876,757,757,-880,757,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,757,-814,757,-816,-803,757,-804,-807,757,-818,-821,-823,-825,-827,757,-828,757,-811,757,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,757,-284,757,757,757,757,-457,757,757,-731,757,-738,757,-743,757,-665,-673,757,757,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,757,-838,-53,757,757,-732,757,-739,757,-744,-666,757,-875,-54,757,757,-733,-740,-745,757,757,757,-874,]),'SQL_TSI_WEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[758,758,758,758,-1896,758,758,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,758,758,758,758,-277,-278,758,-1427,758,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,758,758,758,-492,758,758,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,758,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,758,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,758,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,758,-174,-175,-176,-177,-995,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-292,-293,-283,758,758,758,758,758,-330,-320,-334,-335,-336,758,758,-984,-985,-986,-987,-988,-989,-990,758,758,758,758,758,758,758,758,758,758,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,758,758,2117,758,-355,-358,758,-325,-326,-143,758,-144,758,-145,758,-432,-937,-938,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-1896,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-1896,758,-1896,758,758,758,758,758,758,758,758,758,758,758,758,-1896,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,2117,2117,758,758,2117,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-1896,758,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,758,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,758,758,758,-193,-194,758,-996,758,758,758,758,758,-279,-280,-281,-282,-367,758,-310,758,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,758,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,758,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,758,758,758,758,758,758,-575,758,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,758,758,-725,-726,-727,758,758,758,758,758,758,-996,758,758,-93,-94,758,758,758,758,-311,-312,-322,758,-309,-295,-296,-297,758,758,758,758,-620,-635,-592,758,758,-438,758,-439,758,-446,-447,-448,-380,-381,758,758,758,-508,758,758,-512,758,758,758,758,-517,-518,-519,-520,758,758,-523,-524,758,-526,-527,-528,-529,-530,-531,-532,-533,758,-535,758,758,758,-541,-543,-544,758,-546,-547,-548,-549,758,758,758,758,758,758,-654,-655,-656,-657,758,-659,-660,-661,758,758,758,-667,758,758,-671,-672,758,758,-675,758,-677,-678,758,-681,758,-683,758,758,-686,-687,-688,758,-690,758,758,-693,758,758,-696,-697,-698,758,-700,-701,-702,-703,758,758,-748,758,-751,-752,-753,-754,-755,758,-757,-758,-759,-760,-761,758,-768,-769,-771,758,-773,-774,-775,-784,-858,-860,-862,-864,758,758,758,758,-870,758,-872,758,758,758,758,758,758,758,-908,-909,758,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,758,-923,-926,758,-936,758,-387,-388,-389,758,758,-392,-393,-394,-395,758,-398,758,-401,-402,758,-403,758,-408,-409,758,-412,-413,-414,758,-417,758,-418,758,-423,-424,758,-427,758,-430,-431,-1896,-1896,758,-621,-622,-623,-624,-625,-636,-586,-626,-799,758,758,758,758,758,-833,758,758,-808,758,-834,758,758,758,758,-800,758,-855,-801,758,758,758,758,758,758,-856,-857,758,-836,-832,-837,758,-627,758,-628,-629,-630,-631,-576,758,758,-632,-633,-634,758,758,758,758,758,758,-637,-638,-639,-594,-1896,-604,758,-640,-641,-715,-642,-606,758,-574,-579,-582,-585,758,758,758,-600,-603,758,-610,758,758,758,758,758,758,758,758,758,758,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,758,758,758,-997,758,758,758,758,758,758,-308,-327,-321,-298,-377,-454,-455,-456,-460,758,-445,758,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,758,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,758,758,758,758,758,758,758,758,758,-318,-537,-510,-593,-939,-941,-942,-440,758,-442,-382,-383,-385,-509,-511,-513,758,-515,-516,-521,-522,758,-534,-536,-539,-540,-545,-550,-728,758,-729,758,-734,758,-736,758,-741,-658,-662,-663,758,-668,758,-669,758,-674,-676,758,-679,758,758,758,-689,-691,758,-694,758,758,-746,758,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,758,758,758,758,758,-879,758,-882,-910,-922,-927,-390,-391,758,-396,758,-399,758,-404,758,-405,758,-410,758,-415,758,-419,758,-420,758,-425,758,-428,-901,-902,-645,-587,-1896,-903,758,758,758,-802,758,758,-806,758,-809,-835,758,-820,758,-822,758,-824,-810,758,-826,758,-853,-854,758,758,-813,758,-648,-904,-906,-650,-651,-647,758,-707,-708,758,-644,-905,-649,-652,-605,-716,758,758,-607,-588,758,758,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,758,758,-711,-712,758,-718,758,758,758,758,758,758,-940,758,-441,-443,-749,758,-893,758,-717,-1896,758,758,758,758,758,-444,-514,-525,758,-730,-735,758,-737,758,-742,758,-664,-670,758,-680,-682,-684,-685,-692,-695,-699,-747,758,758,-876,758,758,-880,758,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,758,-814,758,-816,-803,758,-804,-807,758,-818,-821,-823,-825,-827,758,-828,758,-811,758,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,758,-284,758,758,758,758,-457,758,758,-731,758,-738,758,-743,758,-665,-673,758,758,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,758,-838,-53,758,758,-732,758,-739,758,-744,-666,758,-875,-54,758,758,-733,-740,-745,758,758,758,-874,]),'SQL_TSI_YEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[759,759,759,759,-1896,759,759,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,759,759,759,759,-277,-278,759,-1427,759,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,759,759,759,-492,759,759,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,759,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,759,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,759,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,759,-174,-175,-176,-177,-995,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-292,-293,-283,759,759,759,759,759,-330,-320,-334,-335,-336,759,759,-984,-985,-986,-987,-988,-989,-990,759,759,759,759,759,759,759,759,759,759,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,759,759,2120,759,-355,-358,759,-325,-326,-143,759,-144,759,-145,759,-432,-937,-938,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-1896,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-1896,759,-1896,759,759,759,759,759,759,759,759,759,759,759,759,-1896,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,2120,2120,759,759,2120,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-1896,759,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,759,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,759,759,759,-193,-194,759,-996,759,759,759,759,759,-279,-280,-281,-282,-367,759,-310,759,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,759,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,759,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,759,759,759,759,759,759,-575,759,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,759,759,-725,-726,-727,759,759,759,759,759,759,-996,759,759,-93,-94,759,759,759,759,-311,-312,-322,759,-309,-295,-296,-297,759,759,759,759,-620,-635,-592,759,759,-438,759,-439,759,-446,-447,-448,-380,-381,759,759,759,-508,759,759,-512,759,759,759,759,-517,-518,-519,-520,759,759,-523,-524,759,-526,-527,-528,-529,-530,-531,-532,-533,759,-535,759,759,759,-541,-543,-544,759,-546,-547,-548,-549,759,759,759,759,759,759,-654,-655,-656,-657,759,-659,-660,-661,759,759,759,-667,759,759,-671,-672,759,759,-675,759,-677,-678,759,-681,759,-683,759,759,-686,-687,-688,759,-690,759,759,-693,759,759,-696,-697,-698,759,-700,-701,-702,-703,759,759,-748,759,-751,-752,-753,-754,-755,759,-757,-758,-759,-760,-761,759,-768,-769,-771,759,-773,-774,-775,-784,-858,-860,-862,-864,759,759,759,759,-870,759,-872,759,759,759,759,759,759,759,-908,-909,759,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,759,-923,-926,759,-936,759,-387,-388,-389,759,759,-392,-393,-394,-395,759,-398,759,-401,-402,759,-403,759,-408,-409,759,-412,-413,-414,759,-417,759,-418,759,-423,-424,759,-427,759,-430,-431,-1896,-1896,759,-621,-622,-623,-624,-625,-636,-586,-626,-799,759,759,759,759,759,-833,759,759,-808,759,-834,759,759,759,759,-800,759,-855,-801,759,759,759,759,759,759,-856,-857,759,-836,-832,-837,759,-627,759,-628,-629,-630,-631,-576,759,759,-632,-633,-634,759,759,759,759,759,759,-637,-638,-639,-594,-1896,-604,759,-640,-641,-715,-642,-606,759,-574,-579,-582,-585,759,759,759,-600,-603,759,-610,759,759,759,759,759,759,759,759,759,759,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,759,759,759,-997,759,759,759,759,759,759,-308,-327,-321,-298,-377,-454,-455,-456,-460,759,-445,759,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,759,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,759,759,759,759,759,759,759,759,759,-318,-537,-510,-593,-939,-941,-942,-440,759,-442,-382,-383,-385,-509,-511,-513,759,-515,-516,-521,-522,759,-534,-536,-539,-540,-545,-550,-728,759,-729,759,-734,759,-736,759,-741,-658,-662,-663,759,-668,759,-669,759,-674,-676,759,-679,759,759,759,-689,-691,759,-694,759,759,-746,759,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,759,759,759,759,759,-879,759,-882,-910,-922,-927,-390,-391,759,-396,759,-399,759,-404,759,-405,759,-410,759,-415,759,-419,759,-420,759,-425,759,-428,-901,-902,-645,-587,-1896,-903,759,759,759,-802,759,759,-806,759,-809,-835,759,-820,759,-822,759,-824,-810,759,-826,759,-853,-854,759,759,-813,759,-648,-904,-906,-650,-651,-647,759,-707,-708,759,-644,-905,-649,-652,-605,-716,759,759,-607,-588,759,759,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,759,759,-711,-712,759,-718,759,759,759,759,759,759,-940,759,-441,-443,-749,759,-893,759,-717,-1896,759,759,759,759,759,-444,-514,-525,759,-730,-735,759,-737,759,-742,759,-664,-670,759,-680,-682,-684,-685,-692,-695,-699,-747,759,759,-876,759,759,-880,759,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,759,-814,759,-816,-803,759,-804,-807,759,-818,-821,-823,-825,-827,759,-828,759,-811,759,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,759,-284,759,759,759,759,-457,759,759,-731,759,-738,759,-743,759,-665,-673,759,759,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,759,-838,-53,759,759,-732,759,-739,759,-744,-666,759,-875,-54,759,759,-733,-740,-745,759,759,759,-874,]),'STANDBY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[760,760,760,760,-1896,760,760,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,760,760,760,760,-277,-278,760,-1427,760,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,760,760,760,-492,760,760,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,760,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,760,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,760,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,760,-174,-175,-176,-177,-995,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-292,-293,-283,760,760,760,760,760,-330,-320,-334,-335,-336,760,760,-984,-985,-986,-987,-988,-989,-990,760,760,760,760,760,760,760,760,760,760,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,760,760,760,-355,-358,760,-325,-326,-143,760,-144,760,-145,760,-432,-937,-938,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-1896,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-1896,760,-1896,760,760,760,760,760,760,760,760,760,760,760,760,-1896,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-1896,760,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,760,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,760,760,760,-193,-194,760,-996,760,760,760,760,760,-279,-280,-281,-282,-367,760,-310,760,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,760,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,760,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,760,760,760,760,760,760,-575,760,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,760,760,-725,-726,-727,760,760,760,760,760,760,-996,760,760,-93,-94,760,760,760,760,-311,-312,-322,760,-309,-295,-296,-297,760,760,760,760,-620,-635,-592,760,760,-438,760,-439,760,-446,-447,-448,-380,-381,760,760,760,-508,760,760,-512,760,760,760,760,-517,-518,-519,-520,760,760,-523,-524,760,-526,-527,-528,-529,-530,-531,-532,-533,760,-535,760,760,760,-541,-543,-544,760,-546,-547,-548,-549,760,760,760,760,760,760,-654,-655,-656,-657,760,-659,-660,-661,760,760,760,-667,760,760,-671,-672,760,760,-675,760,-677,-678,760,-681,760,-683,760,760,-686,-687,-688,760,-690,760,760,-693,760,760,-696,-697,-698,760,-700,-701,-702,-703,760,760,-748,760,-751,-752,-753,-754,-755,760,-757,-758,-759,-760,-761,760,-768,-769,-771,760,-773,-774,-775,-784,-858,-860,-862,-864,760,760,760,760,-870,760,-872,760,760,760,760,760,760,760,-908,-909,760,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,760,-923,-926,760,-936,760,-387,-388,-389,760,760,-392,-393,-394,-395,760,-398,760,-401,-402,760,-403,760,-408,-409,760,-412,-413,-414,760,-417,760,-418,760,-423,-424,760,-427,760,-430,-431,-1896,-1896,760,-621,-622,-623,-624,-625,-636,-586,-626,-799,760,760,760,760,760,-833,760,760,-808,760,-834,760,760,760,760,-800,760,-855,-801,760,760,760,760,760,760,-856,-857,760,-836,-832,-837,760,-627,760,-628,-629,-630,-631,-576,760,760,-632,-633,-634,760,760,760,760,760,760,-637,-638,-639,-594,-1896,-604,760,-640,-641,-715,-642,-606,760,-574,-579,-582,-585,760,760,760,-600,-603,760,-610,760,760,760,760,760,760,760,760,760,760,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,760,760,760,-997,760,760,760,760,760,760,-308,-327,-321,-298,-377,-454,-455,-456,-460,760,-445,760,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,760,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,760,760,760,760,760,760,760,760,760,-318,-537,-510,-593,-939,-941,-942,-440,760,-442,-382,-383,-385,-509,-511,-513,760,-515,-516,-521,-522,760,-534,-536,-539,-540,-545,-550,-728,760,-729,760,-734,760,-736,760,-741,-658,-662,-663,760,-668,760,-669,760,-674,-676,760,-679,760,760,760,-689,-691,760,-694,760,760,-746,760,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,760,760,760,760,760,-879,760,-882,-910,-922,-927,-390,-391,760,-396,760,-399,760,-404,760,-405,760,-410,760,-415,760,-419,760,-420,760,-425,760,-428,-901,-902,-645,-587,-1896,-903,760,760,760,-802,760,760,-806,760,-809,-835,760,-820,760,-822,760,-824,-810,760,-826,760,-853,-854,760,760,-813,760,-648,-904,-906,-650,-651,-647,760,-707,-708,760,-644,-905,-649,-652,-605,-716,760,760,-607,-588,760,760,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,760,760,-711,-712,760,-718,760,760,760,760,760,760,-940,760,-441,-443,-749,760,-893,760,-717,-1896,760,760,760,760,760,-444,-514,-525,760,-730,-735,760,-737,760,-742,760,-664,-670,760,-680,-682,-684,-685,-692,-695,-699,-747,760,760,-876,760,760,-880,760,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,760,-814,760,-816,-803,760,-804,-807,760,-818,-821,-823,-825,-827,760,-828,760,-811,760,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,760,-284,760,760,760,760,-457,760,760,-731,760,-738,760,-743,760,-665,-673,760,760,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,760,-838,-53,760,760,-732,760,-739,760,-744,-666,760,-875,-54,760,760,-733,-740,-745,760,760,760,-874,]),'START':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[761,761,761,761,-1896,761,761,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,761,761,761,761,-277,-278,761,-1427,761,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,761,761,761,-492,761,761,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,761,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,761,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,761,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,761,-174,-175,-176,-177,-995,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-292,-293,-283,761,761,761,761,761,-330,-320,-334,-335,-336,761,761,-984,-985,-986,-987,-988,-989,-990,761,761,761,761,761,761,761,761,761,761,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,761,761,761,-355,-358,761,-325,-326,-143,761,-144,761,-145,761,-432,-937,-938,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-1896,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-1896,761,-1896,761,761,761,761,761,761,761,761,761,761,761,761,-1896,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-1896,761,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,761,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,761,761,761,-193,-194,761,-996,761,761,761,761,761,-279,-280,-281,-282,-367,761,-310,761,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,761,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,761,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,761,761,761,761,761,761,-575,761,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,761,761,-725,-726,-727,761,761,761,761,761,761,-996,761,761,-93,-94,761,761,761,761,-311,-312,-322,761,-309,-295,-296,-297,761,761,761,761,-620,-635,-592,761,761,-438,761,-439,761,-446,-447,-448,-380,-381,761,761,761,-508,761,761,-512,761,761,761,761,-517,-518,-519,-520,761,761,-523,-524,761,-526,-527,-528,-529,-530,-531,-532,-533,761,-535,761,761,761,-541,-543,-544,761,-546,-547,-548,-549,761,761,761,761,761,761,-654,-655,-656,-657,761,-659,-660,-661,761,761,761,-667,761,761,-671,-672,761,761,-675,761,-677,-678,761,-681,761,-683,761,761,-686,-687,-688,761,-690,761,761,-693,761,761,-696,-697,-698,761,-700,-701,-702,-703,761,761,-748,761,-751,-752,-753,-754,-755,761,-757,-758,-759,-760,-761,761,-768,-769,-771,761,-773,-774,-775,-784,-858,-860,-862,-864,761,761,761,761,-870,761,-872,761,761,761,761,761,761,761,-908,-909,761,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,761,-923,-926,761,-936,761,-387,-388,-389,761,761,-392,-393,-394,-395,761,-398,761,-401,-402,761,-403,761,-408,-409,761,-412,-413,-414,761,-417,761,-418,761,-423,-424,761,-427,761,-430,-431,-1896,-1896,761,-621,-622,-623,-624,-625,-636,-586,-626,-799,761,761,761,761,761,-833,761,761,-808,761,-834,761,761,761,761,-800,761,-855,-801,761,761,761,761,761,761,-856,-857,761,-836,-832,-837,761,-627,761,-628,-629,-630,-631,-576,761,761,-632,-633,-634,761,761,761,761,761,761,-637,-638,-639,-594,-1896,-604,761,-640,-641,-715,-642,-606,761,-574,-579,-582,-585,761,761,761,-600,-603,761,-610,761,761,761,761,761,761,761,761,761,761,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,761,761,761,-997,761,761,761,761,761,761,-308,-327,-321,-298,-377,-454,-455,-456,-460,761,-445,761,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,761,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,761,761,761,761,761,761,761,761,761,-318,-537,-510,-593,-939,-941,-942,-440,761,-442,-382,-383,-385,-509,-511,-513,761,-515,-516,-521,-522,761,-534,-536,-539,-540,-545,-550,-728,761,-729,761,-734,761,-736,761,-741,-658,-662,-663,761,-668,761,-669,761,-674,-676,761,-679,761,761,761,-689,-691,761,-694,761,761,-746,761,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,761,761,761,761,761,-879,761,-882,-910,-922,-927,-390,-391,761,-396,761,-399,761,-404,761,-405,761,-410,761,-415,761,-419,761,-420,761,-425,761,-428,-901,-902,-645,-587,-1896,-903,761,761,761,-802,761,761,-806,761,-809,-835,761,-820,761,-822,761,-824,-810,761,-826,761,-853,-854,761,761,-813,761,-648,-904,-906,-650,-651,-647,761,-707,-708,761,-644,-905,-649,-652,-605,-716,761,761,-607,-588,761,761,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,761,761,-711,-712,761,-718,761,761,761,761,761,761,-940,761,-441,-443,-749,761,-893,761,-717,-1896,761,761,761,761,761,-444,-514,-525,761,-730,-735,761,-737,761,-742,761,-664,-670,761,-680,-682,-684,-685,-692,-695,-699,-747,761,761,-876,761,761,-880,761,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,761,-814,761,-816,-803,761,-804,-807,761,-818,-821,-823,-825,-827,761,-828,761,-811,761,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,761,-284,761,761,761,761,-457,761,761,-731,761,-738,761,-743,761,-665,-673,761,761,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,761,-838,-53,761,761,-732,761,-739,761,-744,-666,761,-875,-54,761,761,-733,-740,-745,761,761,761,-874,]),'STARTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[762,762,762,762,-1896,762,762,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,762,762,762,762,-277,-278,762,-1427,762,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,762,762,762,-492,762,762,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,762,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,762,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,762,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,762,-174,-175,-176,-177,-995,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-292,-293,-283,762,762,762,762,762,-330,-320,-334,-335,-336,762,762,-984,-985,-986,-987,-988,-989,-990,762,762,762,762,762,762,762,762,762,762,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,762,762,762,-355,-358,762,-325,-326,-143,762,-144,762,-145,762,-432,-937,-938,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-1896,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-1896,762,-1896,762,762,762,762,762,762,762,762,762,762,762,762,-1896,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-1896,762,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,762,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,762,762,762,-193,-194,762,-996,762,762,762,762,762,-279,-280,-281,-282,-367,762,-310,762,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,762,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,762,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,762,762,762,762,762,762,-575,762,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,762,762,-725,-726,-727,762,762,762,762,762,762,-996,762,762,-93,-94,762,762,762,762,-311,-312,-322,762,-309,-295,-296,-297,762,762,762,762,-620,-635,-592,762,762,-438,762,-439,762,-446,-447,-448,-380,-381,762,762,762,-508,762,762,-512,762,762,762,762,-517,-518,-519,-520,762,762,-523,-524,762,-526,-527,-528,-529,-530,-531,-532,-533,762,-535,762,762,762,-541,-543,-544,762,-546,-547,-548,-549,762,762,762,762,762,762,-654,-655,-656,-657,762,-659,-660,-661,762,762,762,-667,762,762,-671,-672,762,762,-675,762,-677,-678,762,-681,762,-683,762,762,-686,-687,-688,762,-690,762,762,-693,762,762,-696,-697,-698,762,-700,-701,-702,-703,762,762,-748,762,-751,-752,-753,-754,-755,762,-757,-758,-759,-760,-761,762,-768,-769,-771,762,-773,-774,-775,-784,-858,-860,-862,-864,762,762,762,762,-870,762,-872,762,762,762,762,762,762,762,-908,-909,762,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,762,-923,-926,762,-936,762,-387,-388,-389,762,762,-392,-393,-394,-395,762,-398,762,-401,-402,762,-403,762,-408,-409,762,-412,-413,-414,762,-417,762,-418,762,-423,-424,762,-427,762,-430,-431,-1896,-1896,762,-621,-622,-623,-624,-625,-636,-586,-626,-799,762,762,762,762,762,-833,762,762,-808,762,-834,762,762,762,762,-800,762,-855,-801,762,762,762,762,762,762,-856,-857,762,-836,-832,-837,762,-627,762,-628,-629,-630,-631,-576,762,762,-632,-633,-634,762,762,762,762,762,762,-637,-638,-639,-594,-1896,-604,762,-640,-641,-715,-642,-606,762,-574,-579,-582,-585,762,762,762,-600,-603,762,-610,762,762,762,762,762,762,762,762,762,762,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,762,762,762,-997,762,762,762,762,762,762,-308,-327,-321,-298,-377,-454,-455,-456,-460,762,-445,762,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,762,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,762,762,762,762,762,762,762,762,762,-318,-537,-510,-593,-939,-941,-942,-440,762,-442,-382,-383,-385,-509,-511,-513,762,-515,-516,-521,-522,762,-534,-536,-539,-540,-545,-550,-728,762,-729,762,-734,762,-736,762,-741,-658,-662,-663,762,-668,762,-669,762,-674,-676,762,-679,762,762,762,-689,-691,762,-694,762,762,-746,762,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,762,762,762,762,762,-879,762,-882,-910,-922,-927,-390,-391,762,-396,762,-399,762,-404,762,-405,762,-410,762,-415,762,-419,762,-420,762,-425,762,-428,-901,-902,-645,-587,-1896,-903,762,762,762,-802,762,762,-806,762,-809,-835,762,-820,762,-822,762,-824,-810,762,-826,762,-853,-854,762,762,-813,762,-648,-904,-906,-650,-651,-647,762,-707,-708,762,-644,-905,-649,-652,-605,-716,762,762,-607,-588,762,762,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,762,762,-711,-712,762,-718,762,762,762,762,762,762,-940,762,-441,-443,-749,762,-893,762,-717,-1896,762,762,762,762,762,-444,-514,-525,762,-730,-735,762,-737,762,-742,762,-664,-670,762,-680,-682,-684,-685,-692,-695,-699,-747,762,762,-876,762,762,-880,762,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,762,-814,762,-816,-803,762,-804,-807,762,-818,-821,-823,-825,-827,762,-828,762,-811,762,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,762,-284,762,762,762,762,-457,762,762,-731,762,-738,762,-743,762,-665,-673,762,762,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,762,-838,-53,762,762,-732,762,-739,762,-744,-666,762,-875,-54,762,762,-733,-740,-745,762,762,762,-874,]),'STAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[763,763,763,763,-1896,763,763,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,763,763,763,763,-277,-278,763,-1427,763,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,763,763,763,-492,763,763,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,763,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,763,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,763,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,763,-174,-175,-176,-177,-995,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-292,-293,-283,763,763,763,763,763,-330,-320,-334,-335,-336,763,763,-984,-985,-986,-987,-988,-989,-990,763,763,763,763,763,763,763,763,763,763,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,763,763,763,-355,-358,763,-325,-326,-143,763,-144,763,-145,763,-432,-937,-938,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-1896,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-1896,763,-1896,763,763,763,763,763,763,763,763,763,763,763,763,-1896,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-1896,763,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,763,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,763,763,763,-193,-194,763,-996,763,763,763,763,763,-279,-280,-281,-282,-367,763,-310,763,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,763,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,763,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,763,763,763,763,763,763,-575,763,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,763,763,-725,-726,-727,763,763,763,763,763,763,-996,763,763,-93,-94,763,763,763,763,-311,-312,-322,763,-309,-295,-296,-297,763,763,763,763,-620,-635,-592,763,763,-438,763,-439,763,-446,-447,-448,-380,-381,763,763,763,-508,763,763,-512,763,763,763,763,-517,-518,-519,-520,763,763,-523,-524,763,-526,-527,-528,-529,-530,-531,-532,-533,763,-535,763,763,763,-541,-543,-544,763,-546,-547,-548,-549,763,763,763,763,763,763,-654,-655,-656,-657,763,-659,-660,-661,763,763,763,-667,763,763,-671,-672,763,763,-675,763,-677,-678,763,-681,763,-683,763,763,-686,-687,-688,763,-690,763,763,-693,763,763,-696,-697,-698,763,-700,-701,-702,-703,763,763,-748,763,-751,-752,-753,-754,-755,763,-757,-758,-759,-760,-761,763,-768,-769,-771,763,-773,-774,-775,-784,-858,-860,-862,-864,763,763,763,763,-870,763,-872,763,763,763,763,763,763,763,-908,-909,763,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,763,-923,-926,763,-936,763,-387,-388,-389,763,763,-392,-393,-394,-395,763,-398,763,-401,-402,763,-403,763,-408,-409,763,-412,-413,-414,763,-417,763,-418,763,-423,-424,763,-427,763,-430,-431,-1896,-1896,763,-621,-622,-623,-624,-625,-636,-586,-626,-799,763,763,763,763,763,-833,763,763,-808,763,-834,763,763,763,763,-800,763,-855,-801,763,763,763,763,763,763,-856,-857,763,-836,-832,-837,763,-627,763,-628,-629,-630,-631,-576,763,763,-632,-633,-634,763,763,763,763,763,763,-637,-638,-639,-594,-1896,-604,763,-640,-641,-715,-642,-606,763,-574,-579,-582,-585,763,763,763,-600,-603,763,-610,763,763,763,763,763,763,763,763,763,763,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,763,763,763,-997,763,763,763,763,763,763,-308,-327,-321,-298,-377,-454,-455,-456,-460,763,-445,763,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,763,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,763,763,763,763,763,763,763,763,763,-318,-537,-510,-593,-939,-941,-942,-440,763,-442,-382,-383,-385,-509,-511,-513,763,-515,-516,-521,-522,763,-534,-536,-539,-540,-545,-550,-728,763,-729,763,-734,763,-736,763,-741,-658,-662,-663,763,-668,763,-669,763,-674,-676,763,-679,763,763,763,-689,-691,763,-694,763,763,-746,763,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,763,763,763,763,763,-879,763,-882,-910,-922,-927,-390,-391,763,-396,763,-399,763,-404,763,-405,763,-410,763,-415,763,-419,763,-420,763,-425,763,-428,-901,-902,-645,-587,-1896,-903,763,763,763,-802,763,763,-806,763,-809,-835,763,-820,763,-822,763,-824,-810,763,-826,763,-853,-854,763,763,-813,763,-648,-904,-906,-650,-651,-647,763,-707,-708,763,-644,-905,-649,-652,-605,-716,763,763,-607,-588,763,763,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,763,763,-711,-712,763,-718,763,763,763,763,763,763,-940,763,-441,-443,-749,763,-893,763,-717,-1896,763,763,763,763,763,-444,-514,-525,763,-730,-735,763,-737,763,-742,763,-664,-670,763,-680,-682,-684,-685,-692,-695,-699,-747,763,763,-876,763,763,-880,763,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,763,-814,763,-816,-803,763,-804,-807,763,-818,-821,-823,-825,-827,763,-828,763,-811,763,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,763,-284,763,763,763,763,-457,763,763,-731,763,-738,763,-743,763,-665,-673,763,763,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,763,-838,-53,763,763,-732,763,-739,763,-744,-666,763,-875,-54,763,763,-733,-740,-745,763,763,763,-874,]),'STATEMENT_DIGEST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[764,764,764,1141,-1896,764,764,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,764,764,764,764,-277,-278,1141,-1427,1141,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1141,1141,1141,-492,1141,1141,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1141,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1141,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1961,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,764,-174,-175,-176,-177,-995,764,764,764,764,764,764,764,764,764,764,1141,1141,1141,1141,1141,-292,-293,-283,764,1141,1141,1141,1141,-330,-320,-334,-335,-336,1141,1141,-984,-985,-986,-987,-988,-989,-990,764,764,1141,1141,1141,1141,1141,1141,1141,1141,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1141,1141,1141,-355,-358,764,-325,-326,-143,1141,-144,1141,-145,1141,-432,-937,-938,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1896,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1896,1141,-1896,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1896,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1896,764,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1141,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1141,764,764,-193,-194,764,-996,1141,764,764,764,764,-279,-280,-281,-282,-367,1141,-310,1141,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1141,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1141,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1141,1141,1141,1141,1141,1141,-575,1141,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1141,1141,-725,-726,-727,1141,1961,764,764,764,764,-996,764,1141,-93,-94,764,764,764,1141,-311,-312,-322,1141,-309,-295,-296,-297,1141,764,1141,1141,-620,-635,-592,1141,764,-438,764,-439,1141,-446,-447,-448,-380,-381,1141,1141,1141,-508,1141,1141,-512,1141,1141,1141,1141,-517,-518,-519,-520,1141,1141,-523,-524,1141,-526,-527,-528,-529,-530,-531,-532,-533,1141,-535,1141,1141,1141,-541,-543,-544,1141,-546,-547,-548,-549,1141,1141,1141,1141,1141,1141,-654,-655,-656,-657,764,-659,-660,-661,1141,1141,1141,-667,1141,1141,-671,-672,1141,1141,-675,1141,-677,-678,1141,-681,1141,-683,1141,1141,-686,-687,-688,1141,-690,1141,1141,-693,1141,1141,-696,-697,-698,1141,-700,-701,-702,-703,1141,1141,-748,1141,-751,-752,-753,-754,-755,1141,-757,-758,-759,-760,-761,1141,-768,-769,-771,1141,-773,-774,-775,-784,-858,-860,-862,-864,1141,1141,1141,1141,-870,1141,-872,1141,1141,1141,1141,1141,1141,1141,-908,-909,1141,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1141,-923,-926,1141,-936,1141,-387,-388,-389,1141,1141,-392,-393,-394,-395,1141,-398,1141,-401,-402,1141,-403,1141,-408,-409,1141,-412,-413,-414,1141,-417,1141,-418,1141,-423,-424,1141,-427,1141,-430,-431,-1896,-1896,1141,-621,-622,-623,-624,-625,-636,-586,-626,-799,1141,1141,1141,1141,1141,-833,1141,1141,-808,1141,-834,1141,1141,1141,1141,-800,1141,-855,-801,1141,1141,1141,1141,1141,1141,-856,-857,1141,-836,-832,-837,1141,-627,1141,-628,-629,-630,-631,-576,1141,1141,-632,-633,-634,1141,1141,1141,1141,1141,1141,-637,-638,-639,-594,-1896,-604,1141,-640,-641,-715,-642,-606,1141,-574,-579,-582,-585,1141,1141,1141,-600,-603,1141,-610,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1141,764,764,-997,764,1141,764,764,764,1141,-308,-327,-321,-298,-377,-454,-455,-456,-460,764,-445,1141,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1141,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,764,764,764,764,764,764,764,764,1141,-318,-537,-510,-593,-939,-941,-942,-440,1141,-442,-382,-383,-385,-509,-511,-513,1141,-515,-516,-521,-522,1141,-534,-536,-539,-540,-545,-550,-728,1141,-729,1141,-734,1141,-736,1141,-741,-658,-662,-663,1141,-668,1141,-669,1141,-674,-676,1141,-679,1141,1141,1141,-689,-691,1141,-694,1141,1141,-746,1141,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1141,1141,1141,1141,1141,-879,1141,-882,-910,-922,-927,-390,-391,1141,-396,1141,-399,1141,-404,1141,-405,1141,-410,1141,-415,1141,-419,1141,-420,1141,-425,1141,-428,-901,-902,-645,-587,-1896,-903,1141,1141,1141,-802,1141,1141,-806,1141,-809,-835,1141,-820,1141,-822,1141,-824,-810,1141,-826,1141,-853,-854,1141,1141,-813,1141,-648,-904,-906,-650,-651,-647,1141,-707,-708,1141,-644,-905,-649,-652,-605,-716,1141,1141,-607,-588,1141,1141,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1141,1141,-711,-712,1141,-718,1141,764,764,764,1141,1141,-940,764,-441,-443,-749,1141,-893,1961,-717,-1896,1141,1141,764,764,1141,-444,-514,-525,1141,-730,-735,1141,-737,1141,-742,1141,-664,-670,1141,-680,-682,-684,-685,-692,-695,-699,-747,1141,1141,-876,1141,1141,-880,1141,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1141,-814,1141,-816,-803,1141,-804,-807,1141,-818,-821,-823,-825,-827,1141,-828,1141,-811,1141,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,764,-284,764,1141,764,1141,-457,1141,1141,-731,1141,-738,1141,-743,1141,-665,-673,1141,1141,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1141,-838,-53,764,1141,-732,1141,-739,1141,-744,-666,1141,-875,-54,764,764,-733,-740,-745,1141,764,1141,-874,]),'STATEMENT_DIGEST_TEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[765,765,765,1142,-1896,765,765,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,765,765,765,765,-277,-278,1142,-1427,1142,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1142,1142,1142,-492,1142,1142,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1142,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1142,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1962,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,765,-174,-175,-176,-177,-995,765,765,765,765,765,765,765,765,765,765,1142,1142,1142,1142,1142,-292,-293,-283,765,1142,1142,1142,1142,-330,-320,-334,-335,-336,1142,1142,-984,-985,-986,-987,-988,-989,-990,765,765,1142,1142,1142,1142,1142,1142,1142,1142,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1142,1142,1142,-355,-358,765,-325,-326,-143,1142,-144,1142,-145,1142,-432,-937,-938,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1896,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1896,1142,-1896,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1896,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1896,765,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1142,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1142,765,765,-193,-194,765,-996,1142,765,765,765,765,-279,-280,-281,-282,-367,1142,-310,1142,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1142,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1142,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1142,1142,1142,1142,1142,1142,-575,1142,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1142,1142,-725,-726,-727,1142,1962,765,765,765,765,-996,765,1142,-93,-94,765,765,765,1142,-311,-312,-322,1142,-309,-295,-296,-297,1142,765,1142,1142,-620,-635,-592,1142,765,-438,765,-439,1142,-446,-447,-448,-380,-381,1142,1142,1142,-508,1142,1142,-512,1142,1142,1142,1142,-517,-518,-519,-520,1142,1142,-523,-524,1142,-526,-527,-528,-529,-530,-531,-532,-533,1142,-535,1142,1142,1142,-541,-543,-544,1142,-546,-547,-548,-549,1142,1142,1142,1142,1142,1142,-654,-655,-656,-657,765,-659,-660,-661,1142,1142,1142,-667,1142,1142,-671,-672,1142,1142,-675,1142,-677,-678,1142,-681,1142,-683,1142,1142,-686,-687,-688,1142,-690,1142,1142,-693,1142,1142,-696,-697,-698,1142,-700,-701,-702,-703,1142,1142,-748,1142,-751,-752,-753,-754,-755,1142,-757,-758,-759,-760,-761,1142,-768,-769,-771,1142,-773,-774,-775,-784,-858,-860,-862,-864,1142,1142,1142,1142,-870,1142,-872,1142,1142,1142,1142,1142,1142,1142,-908,-909,1142,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1142,-923,-926,1142,-936,1142,-387,-388,-389,1142,1142,-392,-393,-394,-395,1142,-398,1142,-401,-402,1142,-403,1142,-408,-409,1142,-412,-413,-414,1142,-417,1142,-418,1142,-423,-424,1142,-427,1142,-430,-431,-1896,-1896,1142,-621,-622,-623,-624,-625,-636,-586,-626,-799,1142,1142,1142,1142,1142,-833,1142,1142,-808,1142,-834,1142,1142,1142,1142,-800,1142,-855,-801,1142,1142,1142,1142,1142,1142,-856,-857,1142,-836,-832,-837,1142,-627,1142,-628,-629,-630,-631,-576,1142,1142,-632,-633,-634,1142,1142,1142,1142,1142,1142,-637,-638,-639,-594,-1896,-604,1142,-640,-641,-715,-642,-606,1142,-574,-579,-582,-585,1142,1142,1142,-600,-603,1142,-610,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1142,765,765,-997,765,1142,765,765,765,1142,-308,-327,-321,-298,-377,-454,-455,-456,-460,765,-445,1142,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1142,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,765,765,765,765,765,765,765,765,1142,-318,-537,-510,-593,-939,-941,-942,-440,1142,-442,-382,-383,-385,-509,-511,-513,1142,-515,-516,-521,-522,1142,-534,-536,-539,-540,-545,-550,-728,1142,-729,1142,-734,1142,-736,1142,-741,-658,-662,-663,1142,-668,1142,-669,1142,-674,-676,1142,-679,1142,1142,1142,-689,-691,1142,-694,1142,1142,-746,1142,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1142,1142,1142,1142,1142,-879,1142,-882,-910,-922,-927,-390,-391,1142,-396,1142,-399,1142,-404,1142,-405,1142,-410,1142,-415,1142,-419,1142,-420,1142,-425,1142,-428,-901,-902,-645,-587,-1896,-903,1142,1142,1142,-802,1142,1142,-806,1142,-809,-835,1142,-820,1142,-822,1142,-824,-810,1142,-826,1142,-853,-854,1142,1142,-813,1142,-648,-904,-906,-650,-651,-647,1142,-707,-708,1142,-644,-905,-649,-652,-605,-716,1142,1142,-607,-588,1142,1142,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1142,1142,-711,-712,1142,-718,1142,765,765,765,1142,1142,-940,765,-441,-443,-749,1142,-893,1962,-717,-1896,1142,1142,765,765,1142,-444,-514,-525,1142,-730,-735,1142,-737,1142,-742,1142,-664,-670,1142,-680,-682,-684,-685,-692,-695,-699,-747,1142,1142,-876,1142,1142,-880,1142,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1142,-814,1142,-816,-803,1142,-804,-807,1142,-818,-821,-823,-825,-827,1142,-828,1142,-811,1142,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,765,-284,765,1142,765,1142,-457,1142,1142,-731,1142,-738,1142,-743,1142,-665,-673,1142,1142,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1142,-838,-53,765,1142,-732,1142,-739,1142,-744,-666,1142,-875,-54,765,765,-733,-740,-745,1142,765,1142,-874,]),'STATS_AUTO_RECALC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[766,766,766,766,-1896,766,766,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,766,766,766,766,-277,-278,766,-1427,766,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,766,766,766,-492,766,766,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,766,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,766,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,766,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,766,-174,-175,-176,-177,-995,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-292,-293,-283,766,766,766,766,766,-330,-320,-334,-335,-336,766,766,-984,-985,-986,-987,-988,-989,-990,766,766,766,766,766,766,766,766,766,766,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,766,766,766,-355,-358,766,-325,-326,-143,766,-144,766,-145,766,-432,-937,-938,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-1896,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-1896,766,-1896,766,766,766,766,766,766,766,766,766,766,766,766,-1896,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-1896,766,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,766,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,766,766,766,-193,-194,766,-996,766,766,766,766,766,-279,-280,-281,-282,-367,766,-310,766,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,766,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,766,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,766,766,766,766,766,766,-575,766,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,766,766,-725,-726,-727,766,766,766,766,766,766,-996,766,766,-93,-94,766,766,766,766,-311,-312,-322,766,-309,-295,-296,-297,766,766,766,766,-620,-635,-592,766,766,-438,766,-439,766,-446,-447,-448,-380,-381,766,766,766,-508,766,766,-512,766,766,766,766,-517,-518,-519,-520,766,766,-523,-524,766,-526,-527,-528,-529,-530,-531,-532,-533,766,-535,766,766,766,-541,-543,-544,766,-546,-547,-548,-549,766,766,766,766,766,766,-654,-655,-656,-657,766,-659,-660,-661,766,766,766,-667,766,766,-671,-672,766,766,-675,766,-677,-678,766,-681,766,-683,766,766,-686,-687,-688,766,-690,766,766,-693,766,766,-696,-697,-698,766,-700,-701,-702,-703,766,766,-748,766,-751,-752,-753,-754,-755,766,-757,-758,-759,-760,-761,766,-768,-769,-771,766,-773,-774,-775,-784,-858,-860,-862,-864,766,766,766,766,-870,766,-872,766,766,766,766,766,766,766,-908,-909,766,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,766,-923,-926,766,-936,766,-387,-388,-389,766,766,-392,-393,-394,-395,766,-398,766,-401,-402,766,-403,766,-408,-409,766,-412,-413,-414,766,-417,766,-418,766,-423,-424,766,-427,766,-430,-431,-1896,-1896,766,-621,-622,-623,-624,-625,-636,-586,-626,-799,766,766,766,766,766,-833,766,766,-808,766,-834,766,766,766,766,-800,766,-855,-801,766,766,766,766,766,766,-856,-857,766,-836,-832,-837,766,-627,766,-628,-629,-630,-631,-576,766,766,-632,-633,-634,766,766,766,766,766,766,-637,-638,-639,-594,-1896,-604,766,-640,-641,-715,-642,-606,766,-574,-579,-582,-585,766,766,766,-600,-603,766,-610,766,766,766,766,766,766,766,766,766,766,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,766,766,766,-997,766,766,766,766,766,766,-308,-327,-321,-298,-377,-454,-455,-456,-460,766,-445,766,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,766,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,766,766,766,766,766,766,766,766,766,-318,-537,-510,-593,-939,-941,-942,-440,766,-442,-382,-383,-385,-509,-511,-513,766,-515,-516,-521,-522,766,-534,-536,-539,-540,-545,-550,-728,766,-729,766,-734,766,-736,766,-741,-658,-662,-663,766,-668,766,-669,766,-674,-676,766,-679,766,766,766,-689,-691,766,-694,766,766,-746,766,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,766,766,766,766,766,-879,766,-882,-910,-922,-927,-390,-391,766,-396,766,-399,766,-404,766,-405,766,-410,766,-415,766,-419,766,-420,766,-425,766,-428,-901,-902,-645,-587,-1896,-903,766,766,766,-802,766,766,-806,766,-809,-835,766,-820,766,-822,766,-824,-810,766,-826,766,-853,-854,766,766,-813,766,-648,-904,-906,-650,-651,-647,766,-707,-708,766,-644,-905,-649,-652,-605,-716,766,766,-607,-588,766,766,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,766,766,-711,-712,766,-718,766,766,766,766,766,766,-940,766,-441,-443,-749,766,-893,766,-717,-1896,766,766,766,766,766,-444,-514,-525,766,-730,-735,766,-737,766,-742,766,-664,-670,766,-680,-682,-684,-685,-692,-695,-699,-747,766,766,-876,766,766,-880,766,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,766,-814,766,-816,-803,766,-804,-807,766,-818,-821,-823,-825,-827,766,-828,766,-811,766,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,766,-284,766,766,766,766,-457,766,766,-731,766,-738,766,-743,766,-665,-673,766,766,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,766,-838,-53,766,766,-732,766,-739,766,-744,-666,766,-875,-54,766,766,-733,-740,-745,766,766,766,-874,]),'STATS_PERSISTENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[767,767,767,767,-1896,767,767,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,767,767,767,767,-277,-278,767,-1427,767,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,767,767,767,-492,767,767,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,767,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,767,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,767,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,767,-174,-175,-176,-177,-995,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-292,-293,-283,767,767,767,767,767,-330,-320,-334,-335,-336,767,767,-984,-985,-986,-987,-988,-989,-990,767,767,767,767,767,767,767,767,767,767,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,767,767,767,-355,-358,767,-325,-326,-143,767,-144,767,-145,767,-432,-937,-938,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-1896,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-1896,767,-1896,767,767,767,767,767,767,767,767,767,767,767,767,-1896,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-1896,767,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,767,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,767,767,767,-193,-194,767,-996,767,767,767,767,767,-279,-280,-281,-282,-367,767,-310,767,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,767,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,767,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,767,767,767,767,767,767,-575,767,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,767,767,-725,-726,-727,767,767,767,767,767,767,-996,767,767,-93,-94,767,767,767,767,-311,-312,-322,767,-309,-295,-296,-297,767,767,767,767,-620,-635,-592,767,767,-438,767,-439,767,-446,-447,-448,-380,-381,767,767,767,-508,767,767,-512,767,767,767,767,-517,-518,-519,-520,767,767,-523,-524,767,-526,-527,-528,-529,-530,-531,-532,-533,767,-535,767,767,767,-541,-543,-544,767,-546,-547,-548,-549,767,767,767,767,767,767,-654,-655,-656,-657,767,-659,-660,-661,767,767,767,-667,767,767,-671,-672,767,767,-675,767,-677,-678,767,-681,767,-683,767,767,-686,-687,-688,767,-690,767,767,-693,767,767,-696,-697,-698,767,-700,-701,-702,-703,767,767,-748,767,-751,-752,-753,-754,-755,767,-757,-758,-759,-760,-761,767,-768,-769,-771,767,-773,-774,-775,-784,-858,-860,-862,-864,767,767,767,767,-870,767,-872,767,767,767,767,767,767,767,-908,-909,767,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,767,-923,-926,767,-936,767,-387,-388,-389,767,767,-392,-393,-394,-395,767,-398,767,-401,-402,767,-403,767,-408,-409,767,-412,-413,-414,767,-417,767,-418,767,-423,-424,767,-427,767,-430,-431,-1896,-1896,767,-621,-622,-623,-624,-625,-636,-586,-626,-799,767,767,767,767,767,-833,767,767,-808,767,-834,767,767,767,767,-800,767,-855,-801,767,767,767,767,767,767,-856,-857,767,-836,-832,-837,767,-627,767,-628,-629,-630,-631,-576,767,767,-632,-633,-634,767,767,767,767,767,767,-637,-638,-639,-594,-1896,-604,767,-640,-641,-715,-642,-606,767,-574,-579,-582,-585,767,767,767,-600,-603,767,-610,767,767,767,767,767,767,767,767,767,767,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,767,767,767,-997,767,767,767,767,767,767,-308,-327,-321,-298,-377,-454,-455,-456,-460,767,-445,767,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,767,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,767,767,767,767,767,767,767,767,767,-318,-537,-510,-593,-939,-941,-942,-440,767,-442,-382,-383,-385,-509,-511,-513,767,-515,-516,-521,-522,767,-534,-536,-539,-540,-545,-550,-728,767,-729,767,-734,767,-736,767,-741,-658,-662,-663,767,-668,767,-669,767,-674,-676,767,-679,767,767,767,-689,-691,767,-694,767,767,-746,767,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,767,767,767,767,767,-879,767,-882,-910,-922,-927,-390,-391,767,-396,767,-399,767,-404,767,-405,767,-410,767,-415,767,-419,767,-420,767,-425,767,-428,-901,-902,-645,-587,-1896,-903,767,767,767,-802,767,767,-806,767,-809,-835,767,-820,767,-822,767,-824,-810,767,-826,767,-853,-854,767,767,-813,767,-648,-904,-906,-650,-651,-647,767,-707,-708,767,-644,-905,-649,-652,-605,-716,767,767,-607,-588,767,767,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,767,767,-711,-712,767,-718,767,767,767,767,767,767,-940,767,-441,-443,-749,767,-893,767,-717,-1896,767,767,767,767,767,-444,-514,-525,767,-730,-735,767,-737,767,-742,767,-664,-670,767,-680,-682,-684,-685,-692,-695,-699,-747,767,767,-876,767,767,-880,767,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,767,-814,767,-816,-803,767,-804,-807,767,-818,-821,-823,-825,-827,767,-828,767,-811,767,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,767,-284,767,767,767,767,-457,767,767,-731,767,-738,767,-743,767,-665,-673,767,767,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,767,-838,-53,767,767,-732,767,-739,767,-744,-666,767,-875,-54,767,767,-733,-740,-745,767,767,767,-874,]),'STATS_SAMPLE_PAGES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[768,768,768,768,-1896,768,768,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,768,768,768,768,-277,-278,768,-1427,768,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,768,768,768,-492,768,768,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,768,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,768,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,768,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,768,-174,-175,-176,-177,-995,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-292,-293,-283,768,768,768,768,768,-330,-320,-334,-335,-336,768,768,-984,-985,-986,-987,-988,-989,-990,768,768,768,768,768,768,768,768,768,768,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,768,768,768,-355,-358,768,-325,-326,-143,768,-144,768,-145,768,-432,-937,-938,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-1896,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-1896,768,-1896,768,768,768,768,768,768,768,768,768,768,768,768,-1896,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-1896,768,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,768,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,768,768,768,-193,-194,768,-996,768,768,768,768,768,-279,-280,-281,-282,-367,768,-310,768,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,768,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,768,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,768,768,768,768,768,768,-575,768,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,768,768,-725,-726,-727,768,768,768,768,768,768,-996,768,768,-93,-94,768,768,768,768,-311,-312,-322,768,-309,-295,-296,-297,768,768,768,768,-620,-635,-592,768,768,-438,768,-439,768,-446,-447,-448,-380,-381,768,768,768,-508,768,768,-512,768,768,768,768,-517,-518,-519,-520,768,768,-523,-524,768,-526,-527,-528,-529,-530,-531,-532,-533,768,-535,768,768,768,-541,-543,-544,768,-546,-547,-548,-549,768,768,768,768,768,768,-654,-655,-656,-657,768,-659,-660,-661,768,768,768,-667,768,768,-671,-672,768,768,-675,768,-677,-678,768,-681,768,-683,768,768,-686,-687,-688,768,-690,768,768,-693,768,768,-696,-697,-698,768,-700,-701,-702,-703,768,768,-748,768,-751,-752,-753,-754,-755,768,-757,-758,-759,-760,-761,768,-768,-769,-771,768,-773,-774,-775,-784,-858,-860,-862,-864,768,768,768,768,-870,768,-872,768,768,768,768,768,768,768,-908,-909,768,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,768,-923,-926,768,-936,768,-387,-388,-389,768,768,-392,-393,-394,-395,768,-398,768,-401,-402,768,-403,768,-408,-409,768,-412,-413,-414,768,-417,768,-418,768,-423,-424,768,-427,768,-430,-431,-1896,-1896,768,-621,-622,-623,-624,-625,-636,-586,-626,-799,768,768,768,768,768,-833,768,768,-808,768,-834,768,768,768,768,-800,768,-855,-801,768,768,768,768,768,768,-856,-857,768,-836,-832,-837,768,-627,768,-628,-629,-630,-631,-576,768,768,-632,-633,-634,768,768,768,768,768,768,-637,-638,-639,-594,-1896,-604,768,-640,-641,-715,-642,-606,768,-574,-579,-582,-585,768,768,768,-600,-603,768,-610,768,768,768,768,768,768,768,768,768,768,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,768,768,768,-997,768,768,768,768,768,768,-308,-327,-321,-298,-377,-454,-455,-456,-460,768,-445,768,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,768,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,768,768,768,768,768,768,768,768,768,-318,-537,-510,-593,-939,-941,-942,-440,768,-442,-382,-383,-385,-509,-511,-513,768,-515,-516,-521,-522,768,-534,-536,-539,-540,-545,-550,-728,768,-729,768,-734,768,-736,768,-741,-658,-662,-663,768,-668,768,-669,768,-674,-676,768,-679,768,768,768,-689,-691,768,-694,768,768,-746,768,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,768,768,768,768,768,-879,768,-882,-910,-922,-927,-390,-391,768,-396,768,-399,768,-404,768,-405,768,-410,768,-415,768,-419,768,-420,768,-425,768,-428,-901,-902,-645,-587,-1896,-903,768,768,768,-802,768,768,-806,768,-809,-835,768,-820,768,-822,768,-824,-810,768,-826,768,-853,-854,768,768,-813,768,-648,-904,-906,-650,-651,-647,768,-707,-708,768,-644,-905,-649,-652,-605,-716,768,768,-607,-588,768,768,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,768,768,-711,-712,768,-718,768,768,768,768,768,768,-940,768,-441,-443,-749,768,-893,768,-717,-1896,768,768,768,768,768,-444,-514,-525,768,-730,-735,768,-737,768,-742,768,-664,-670,768,-680,-682,-684,-685,-692,-695,-699,-747,768,768,-876,768,768,-880,768,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,768,-814,768,-816,-803,768,-804,-807,768,-818,-821,-823,-825,-827,768,-828,768,-811,768,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,768,-284,768,768,768,768,-457,768,768,-731,768,-738,768,-743,768,-665,-673,768,768,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,768,-838,-53,768,768,-732,768,-739,768,-744,-666,768,-875,-54,768,768,-733,-740,-745,768,768,768,-874,]),'STATUS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[769,769,769,769,-1896,769,769,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,769,769,769,769,-277,-278,769,-1427,769,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,769,769,769,-492,769,769,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,769,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,769,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,769,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,769,-174,-175,-176,-177,-995,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-292,-293,-283,769,769,769,769,769,-330,-320,-334,-335,-336,769,769,-984,-985,-986,-987,-988,-989,-990,769,769,769,769,769,769,769,769,769,769,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,769,769,769,-355,-358,769,-325,-326,-143,769,-144,769,-145,769,-432,-937,-938,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-1896,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-1896,769,-1896,769,769,769,769,769,769,769,769,769,769,769,769,-1896,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-1896,769,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,769,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,769,769,769,-193,-194,769,-996,769,769,769,769,769,-279,-280,-281,-282,-367,769,-310,769,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,769,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,769,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,769,769,769,769,769,769,-575,769,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,769,769,-725,-726,-727,769,769,769,769,769,769,-996,769,769,-93,-94,769,769,769,769,-311,-312,-322,769,-309,-295,-296,-297,769,769,769,769,-620,-635,-592,769,769,-438,769,-439,769,-446,-447,-448,-380,-381,769,769,769,-508,769,769,-512,769,769,769,769,-517,-518,-519,-520,769,769,-523,-524,769,-526,-527,-528,-529,-530,-531,-532,-533,769,-535,769,769,769,-541,-543,-544,769,-546,-547,-548,-549,769,769,769,769,769,769,-654,-655,-656,-657,769,-659,-660,-661,769,769,769,-667,769,769,-671,-672,769,769,-675,769,-677,-678,769,-681,769,-683,769,769,-686,-687,-688,769,-690,769,769,-693,769,769,-696,-697,-698,769,-700,-701,-702,-703,769,769,-748,769,-751,-752,-753,-754,-755,769,-757,-758,-759,-760,-761,769,-768,-769,-771,769,-773,-774,-775,-784,-858,-860,-862,-864,769,769,769,769,-870,769,-872,769,769,769,769,769,769,769,-908,-909,769,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,769,-923,-926,769,-936,769,-387,-388,-389,769,769,-392,-393,-394,-395,769,-398,769,-401,-402,769,-403,769,-408,-409,769,-412,-413,-414,769,-417,769,-418,769,-423,-424,769,-427,769,-430,-431,-1896,-1896,769,-621,-622,-623,-624,-625,-636,-586,-626,-799,769,769,769,769,769,-833,769,769,-808,769,-834,769,769,769,769,-800,769,-855,-801,769,769,769,769,769,769,-856,-857,769,-836,-832,-837,769,-627,769,-628,-629,-630,-631,-576,769,769,-632,-633,-634,769,769,769,769,769,769,-637,-638,-639,-594,-1896,-604,769,-640,-641,-715,-642,-606,769,-574,-579,-582,-585,769,769,769,-600,-603,769,-610,769,769,769,769,769,769,769,769,769,769,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,769,769,769,-997,769,769,769,769,769,769,-308,-327,-321,-298,-377,-454,-455,-456,-460,769,-445,769,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,769,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,769,769,769,769,769,769,769,769,769,-318,-537,-510,-593,-939,-941,-942,-440,769,-442,-382,-383,-385,-509,-511,-513,769,-515,-516,-521,-522,769,-534,-536,-539,-540,-545,-550,-728,769,-729,769,-734,769,-736,769,-741,-658,-662,-663,769,-668,769,-669,769,-674,-676,769,-679,769,769,769,-689,-691,769,-694,769,769,-746,769,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,769,769,769,769,769,-879,769,-882,-910,-922,-927,-390,-391,769,-396,769,-399,769,-404,769,-405,769,-410,769,-415,769,-419,769,-420,769,-425,769,-428,-901,-902,-645,-587,-1896,-903,769,769,769,-802,769,769,-806,769,-809,-835,769,-820,769,-822,769,-824,-810,769,-826,769,-853,-854,769,769,-813,769,-648,-904,-906,-650,-651,-647,769,-707,-708,769,-644,-905,-649,-652,-605,-716,769,769,-607,-588,769,769,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,769,769,-711,-712,769,-718,769,769,769,769,769,769,-940,769,-441,-443,-749,769,-893,769,-717,-1896,769,769,769,769,769,-444,-514,-525,769,-730,-735,769,-737,769,-742,769,-664,-670,769,-680,-682,-684,-685,-692,-695,-699,-747,769,769,-876,769,769,-880,769,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,769,-814,769,-816,-803,769,-804,-807,769,-818,-821,-823,-825,-827,769,-828,769,-811,769,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,769,-284,769,769,769,769,-457,769,769,-731,769,-738,769,-743,769,-665,-673,769,769,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,769,-838,-53,769,769,-732,769,-739,769,-744,-666,769,-875,-54,769,769,-733,-740,-745,769,769,769,-874,]),'STOP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[770,770,770,770,-1896,770,770,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,770,770,770,770,-277,-278,770,-1427,770,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,770,770,770,-492,770,770,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,770,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,770,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,770,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,770,-174,-175,-176,-177,-995,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-292,-293,-283,770,770,770,770,770,-330,-320,-334,-335,-336,770,770,-984,-985,-986,-987,-988,-989,-990,770,770,770,770,770,770,770,770,770,770,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,770,770,770,-355,-358,770,-325,-326,-143,770,-144,770,-145,770,-432,-937,-938,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-1896,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-1896,770,-1896,770,770,770,770,770,770,770,770,770,770,770,770,-1896,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-1896,770,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,770,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,770,770,770,-193,-194,770,-996,770,770,770,770,770,-279,-280,-281,-282,-367,770,-310,770,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,770,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,770,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,770,770,770,770,770,770,-575,770,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,770,770,-725,-726,-727,770,770,770,770,770,770,-996,770,770,-93,-94,770,770,770,770,-311,-312,-322,770,-309,-295,-296,-297,770,770,770,770,-620,-635,-592,770,770,-438,770,-439,770,-446,-447,-448,-380,-381,770,770,770,-508,770,770,-512,770,770,770,770,-517,-518,-519,-520,770,770,-523,-524,770,-526,-527,-528,-529,-530,-531,-532,-533,770,-535,770,770,770,-541,-543,-544,770,-546,-547,-548,-549,770,770,770,770,770,770,-654,-655,-656,-657,770,-659,-660,-661,770,770,770,-667,770,770,-671,-672,770,770,-675,770,-677,-678,770,-681,770,-683,770,770,-686,-687,-688,770,-690,770,770,-693,770,770,-696,-697,-698,770,-700,-701,-702,-703,770,770,-748,770,-751,-752,-753,-754,-755,770,-757,-758,-759,-760,-761,770,-768,-769,-771,770,-773,-774,-775,-784,-858,-860,-862,-864,770,770,770,770,-870,770,-872,770,770,770,770,770,770,770,-908,-909,770,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,770,-923,-926,770,-936,770,-387,-388,-389,770,770,-392,-393,-394,-395,770,-398,770,-401,-402,770,-403,770,-408,-409,770,-412,-413,-414,770,-417,770,-418,770,-423,-424,770,-427,770,-430,-431,-1896,-1896,770,-621,-622,-623,-624,-625,-636,-586,-626,-799,770,770,770,770,770,-833,770,770,-808,770,-834,770,770,770,770,-800,770,-855,-801,770,770,770,770,770,770,-856,-857,770,-836,-832,-837,770,-627,770,-628,-629,-630,-631,-576,770,770,-632,-633,-634,770,770,770,770,770,770,-637,-638,-639,-594,-1896,-604,770,-640,-641,-715,-642,-606,770,-574,-579,-582,-585,770,770,770,-600,-603,770,-610,770,770,770,770,770,770,770,770,770,770,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,770,770,770,-997,770,770,770,770,770,770,-308,-327,-321,-298,-377,-454,-455,-456,-460,770,-445,770,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,770,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,770,770,770,770,770,770,770,770,770,-318,-537,-510,-593,-939,-941,-942,-440,770,-442,-382,-383,-385,-509,-511,-513,770,-515,-516,-521,-522,770,-534,-536,-539,-540,-545,-550,-728,770,-729,770,-734,770,-736,770,-741,-658,-662,-663,770,-668,770,-669,770,-674,-676,770,-679,770,770,770,-689,-691,770,-694,770,770,-746,770,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,770,770,770,770,770,-879,770,-882,-910,-922,-927,-390,-391,770,-396,770,-399,770,-404,770,-405,770,-410,770,-415,770,-419,770,-420,770,-425,770,-428,-901,-902,-645,-587,-1896,-903,770,770,770,-802,770,770,-806,770,-809,-835,770,-820,770,-822,770,-824,-810,770,-826,770,-853,-854,770,770,-813,770,-648,-904,-906,-650,-651,-647,770,-707,-708,770,-644,-905,-649,-652,-605,-716,770,770,-607,-588,770,770,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,770,770,-711,-712,770,-718,770,770,770,770,770,770,-940,770,-441,-443,-749,770,-893,770,-717,-1896,770,770,770,770,770,-444,-514,-525,770,-730,-735,770,-737,770,-742,770,-664,-670,770,-680,-682,-684,-685,-692,-695,-699,-747,770,770,-876,770,770,-880,770,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,770,-814,770,-816,-803,770,-804,-807,770,-818,-821,-823,-825,-827,770,-828,770,-811,770,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,770,-284,770,770,770,770,-457,770,770,-731,770,-738,770,-743,770,-665,-673,770,770,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,770,-838,-53,770,770,-732,770,-739,770,-744,-666,770,-875,-54,770,770,-733,-740,-745,770,770,770,-874,]),'STORAGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[771,771,771,771,-1896,771,771,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,771,771,771,771,-277,-278,771,-1427,771,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,771,771,771,-492,771,771,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,771,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,771,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,771,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,771,-174,-175,-176,-177,-995,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-292,-293,-283,771,771,771,771,771,-330,-320,-334,-335,-336,771,771,-984,-985,-986,-987,-988,-989,-990,771,771,771,771,771,771,771,771,771,771,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,771,771,771,-355,-358,771,-325,-326,-143,771,-144,771,-145,771,-432,-937,-938,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-1896,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-1896,771,-1896,771,771,771,771,771,771,771,771,771,771,771,771,-1896,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-1896,771,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,771,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,771,771,771,-193,-194,771,-996,771,771,771,771,771,-279,-280,-281,-282,-367,771,-310,771,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,771,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,771,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,771,771,771,771,771,771,-575,771,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,771,771,-725,-726,-727,771,771,771,771,771,771,-996,771,771,-93,-94,771,771,771,771,-311,-312,-322,771,-309,-295,-296,-297,771,771,771,771,-620,-635,-592,771,771,-438,771,-439,771,-446,-447,-448,-380,-381,771,771,771,-508,771,771,-512,771,771,771,771,-517,-518,-519,-520,771,771,-523,-524,771,-526,-527,-528,-529,-530,-531,-532,-533,771,-535,771,771,771,-541,-543,-544,771,-546,-547,-548,-549,771,771,771,771,771,771,-654,-655,-656,-657,771,-659,-660,-661,771,771,771,-667,771,771,-671,-672,771,771,-675,771,-677,-678,771,-681,771,-683,771,771,-686,-687,-688,771,-690,771,771,-693,771,771,-696,-697,-698,771,-700,-701,-702,-703,771,771,-748,771,-751,-752,-753,-754,-755,771,-757,-758,-759,-760,-761,771,-768,-769,-771,771,-773,-774,-775,-784,-858,-860,-862,-864,771,771,771,771,-870,771,-872,771,771,771,771,771,771,771,-908,-909,771,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,771,-923,-926,771,-936,771,-387,-388,-389,771,771,-392,-393,-394,-395,771,-398,771,-401,-402,771,-403,771,-408,-409,771,-412,-413,-414,771,-417,771,-418,771,-423,-424,771,-427,771,-430,-431,-1896,-1896,771,-621,-622,-623,-624,-625,-636,-586,-626,-799,771,771,771,771,771,-833,771,771,-808,771,-834,771,771,771,771,-800,771,-855,-801,771,771,771,771,771,771,-856,-857,771,-836,-832,-837,771,-627,771,-628,-629,-630,-631,-576,771,771,-632,-633,-634,771,771,771,771,771,771,-637,-638,-639,-594,-1896,-604,771,-640,-641,-715,-642,-606,771,-574,-579,-582,-585,771,771,771,-600,-603,771,-610,771,771,771,771,771,771,771,771,771,771,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,771,771,771,-997,771,771,771,771,771,771,-308,-327,-321,-298,-377,-454,-455,-456,-460,771,-445,771,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,771,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,771,771,771,771,771,771,771,771,771,-318,-537,-510,-593,-939,-941,-942,-440,771,-442,-382,-383,-385,-509,-511,-513,771,-515,-516,-521,-522,771,-534,-536,-539,-540,-545,-550,-728,771,-729,771,-734,771,-736,771,-741,-658,-662,-663,771,-668,771,-669,771,-674,-676,771,-679,771,771,771,-689,-691,771,-694,771,771,-746,771,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,771,771,771,771,771,-879,771,-882,-910,-922,-927,-390,-391,771,-396,771,-399,771,-404,771,-405,771,-410,771,-415,771,-419,771,-420,771,-425,771,-428,-901,-902,-645,-587,-1896,-903,771,771,771,-802,771,771,-806,771,-809,-835,771,-820,771,-822,771,-824,-810,771,-826,771,-853,-854,771,771,-813,771,-648,-904,-906,-650,-651,-647,771,-707,-708,771,-644,-905,-649,-652,-605,-716,771,771,-607,-588,771,771,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,771,771,-711,-712,771,-718,771,771,771,771,771,771,-940,771,-441,-443,-749,771,-893,771,-717,-1896,771,771,771,771,771,-444,-514,-525,771,-730,-735,771,-737,771,-742,771,-664,-670,771,-680,-682,-684,-685,-692,-695,-699,-747,771,771,-876,771,771,-880,771,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,771,-814,771,-816,-803,771,-804,-807,771,-818,-821,-823,-825,-827,771,-828,771,-811,771,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,771,-284,771,771,771,771,-457,771,771,-731,771,-738,771,-743,771,-665,-673,771,771,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,771,-838,-53,771,771,-732,771,-739,771,-744,-666,771,-875,-54,771,771,-733,-740,-745,771,771,771,-874,]),'STORAGE_FORMAT_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[772,772,772,772,-1896,772,772,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,772,772,772,772,-277,-278,772,-1427,772,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,772,772,772,-492,772,772,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,772,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,772,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,772,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,772,-174,-175,-176,-177,-995,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-292,-293,-283,772,772,772,772,772,-330,-320,-334,-335,-336,772,772,-984,-985,-986,-987,-988,-989,-990,772,772,772,772,772,772,772,772,772,772,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,772,772,772,-355,-358,772,-325,-326,-143,772,-144,772,-145,772,-432,-937,-938,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-1896,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-1896,772,-1896,772,772,772,772,772,772,772,772,772,772,772,772,-1896,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-1896,772,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,772,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,772,772,772,-193,-194,772,-996,772,772,772,772,772,-279,-280,-281,-282,-367,772,-310,772,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,772,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,772,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,772,772,772,772,772,772,-575,772,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,772,772,-725,-726,-727,772,772,772,772,772,772,-996,772,772,-93,-94,772,772,772,772,-311,-312,-322,772,-309,-295,-296,-297,772,772,772,772,-620,-635,-592,772,772,-438,772,-439,772,-446,-447,-448,-380,-381,772,772,772,-508,772,772,-512,772,772,772,772,-517,-518,-519,-520,772,772,-523,-524,772,-526,-527,-528,-529,-530,-531,-532,-533,772,-535,772,772,772,-541,-543,-544,772,-546,-547,-548,-549,772,772,772,772,772,772,-654,-655,-656,-657,772,-659,-660,-661,772,772,772,-667,772,772,-671,-672,772,772,-675,772,-677,-678,772,-681,772,-683,772,772,-686,-687,-688,772,-690,772,772,-693,772,772,-696,-697,-698,772,-700,-701,-702,-703,772,772,-748,772,-751,-752,-753,-754,-755,772,-757,-758,-759,-760,-761,772,-768,-769,-771,772,-773,-774,-775,-784,-858,-860,-862,-864,772,772,772,772,-870,772,-872,772,772,772,772,772,772,772,-908,-909,772,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,772,-923,-926,772,-936,772,-387,-388,-389,772,772,-392,-393,-394,-395,772,-398,772,-401,-402,772,-403,772,-408,-409,772,-412,-413,-414,772,-417,772,-418,772,-423,-424,772,-427,772,-430,-431,-1896,-1896,772,-621,-622,-623,-624,-625,-636,-586,-626,-799,772,772,772,772,772,-833,772,772,-808,772,-834,772,772,772,772,-800,772,-855,-801,772,772,772,772,772,772,-856,-857,772,-836,-832,-837,772,-627,772,-628,-629,-630,-631,-576,772,772,-632,-633,-634,772,772,772,772,772,772,-637,-638,-639,-594,-1896,-604,772,-640,-641,-715,-642,-606,772,-574,-579,-582,-585,772,772,772,-600,-603,772,-610,772,772,772,772,772,772,772,772,772,772,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,772,772,772,-997,772,772,772,772,772,772,-308,-327,-321,-298,-377,-454,-455,-456,-460,772,-445,772,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,772,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,772,772,772,772,772,772,772,772,772,-318,-537,-510,-593,-939,-941,-942,-440,772,-442,-382,-383,-385,-509,-511,-513,772,-515,-516,-521,-522,772,-534,-536,-539,-540,-545,-550,-728,772,-729,772,-734,772,-736,772,-741,-658,-662,-663,772,-668,772,-669,772,-674,-676,772,-679,772,772,772,-689,-691,772,-694,772,772,-746,772,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,772,772,772,772,772,-879,772,-882,-910,-922,-927,-390,-391,772,-396,772,-399,772,-404,772,-405,772,-410,772,-415,772,-419,772,-420,772,-425,772,-428,-901,-902,-645,-587,-1896,-903,772,772,772,-802,772,772,-806,772,-809,-835,772,-820,772,-822,772,-824,-810,772,-826,772,-853,-854,772,772,-813,772,-648,-904,-906,-650,-651,-647,772,-707,-708,772,-644,-905,-649,-652,-605,-716,772,772,-607,-588,772,772,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,772,772,-711,-712,772,-718,772,772,772,772,772,772,-940,772,-441,-443,-749,772,-893,772,-717,-1896,772,772,772,772,772,-444,-514,-525,772,-730,-735,772,-737,772,-742,772,-664,-670,772,-680,-682,-684,-685,-692,-695,-699,-747,772,772,-876,772,772,-880,772,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,772,-814,772,-816,-803,772,-804,-807,772,-818,-821,-823,-825,-827,772,-828,772,-811,772,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,772,-284,772,772,772,772,-457,772,772,-731,772,-738,772,-743,772,-665,-673,772,772,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,772,-838,-53,772,772,-732,772,-739,772,-744,-666,772,-875,-54,772,772,-733,-740,-745,772,772,772,-874,]),'STORAGE_FORMAT_WORK_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[773,773,773,773,-1896,773,773,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,773,773,773,773,-277,-278,773,-1427,773,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,773,773,773,-492,773,773,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,773,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,773,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,773,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,773,-174,-175,-176,-177,-995,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-292,-293,-283,773,773,773,773,773,-330,-320,-334,-335,-336,773,773,-984,-985,-986,-987,-988,-989,-990,773,773,773,773,773,773,773,773,773,773,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,773,773,773,-355,-358,773,-325,-326,-143,773,-144,773,-145,773,-432,-937,-938,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-1896,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-1896,773,-1896,773,773,773,773,773,773,773,773,773,773,773,773,-1896,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-1896,773,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,773,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,773,773,773,-193,-194,773,-996,773,773,773,773,773,-279,-280,-281,-282,-367,773,-310,773,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,773,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,773,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,773,773,773,773,773,773,-575,773,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,773,773,-725,-726,-727,773,773,773,773,773,773,-996,773,773,-93,-94,773,773,773,773,-311,-312,-322,773,-309,-295,-296,-297,773,773,773,773,-620,-635,-592,773,773,-438,773,-439,773,-446,-447,-448,-380,-381,773,773,773,-508,773,773,-512,773,773,773,773,-517,-518,-519,-520,773,773,-523,-524,773,-526,-527,-528,-529,-530,-531,-532,-533,773,-535,773,773,773,-541,-543,-544,773,-546,-547,-548,-549,773,773,773,773,773,773,-654,-655,-656,-657,773,-659,-660,-661,773,773,773,-667,773,773,-671,-672,773,773,-675,773,-677,-678,773,-681,773,-683,773,773,-686,-687,-688,773,-690,773,773,-693,773,773,-696,-697,-698,773,-700,-701,-702,-703,773,773,-748,773,-751,-752,-753,-754,-755,773,-757,-758,-759,-760,-761,773,-768,-769,-771,773,-773,-774,-775,-784,-858,-860,-862,-864,773,773,773,773,-870,773,-872,773,773,773,773,773,773,773,-908,-909,773,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,773,-923,-926,773,-936,773,-387,-388,-389,773,773,-392,-393,-394,-395,773,-398,773,-401,-402,773,-403,773,-408,-409,773,-412,-413,-414,773,-417,773,-418,773,-423,-424,773,-427,773,-430,-431,-1896,-1896,773,-621,-622,-623,-624,-625,-636,-586,-626,-799,773,773,773,773,773,-833,773,773,-808,773,-834,773,773,773,773,-800,773,-855,-801,773,773,773,773,773,773,-856,-857,773,-836,-832,-837,773,-627,773,-628,-629,-630,-631,-576,773,773,-632,-633,-634,773,773,773,773,773,773,-637,-638,-639,-594,-1896,-604,773,-640,-641,-715,-642,-606,773,-574,-579,-582,-585,773,773,773,-600,-603,773,-610,773,773,773,773,773,773,773,773,773,773,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,773,773,773,-997,773,773,773,773,773,773,-308,-327,-321,-298,-377,-454,-455,-456,-460,773,-445,773,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,773,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,773,773,773,773,773,773,773,773,773,-318,-537,-510,-593,-939,-941,-942,-440,773,-442,-382,-383,-385,-509,-511,-513,773,-515,-516,-521,-522,773,-534,-536,-539,-540,-545,-550,-728,773,-729,773,-734,773,-736,773,-741,-658,-662,-663,773,-668,773,-669,773,-674,-676,773,-679,773,773,773,-689,-691,773,-694,773,773,-746,773,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,773,773,773,773,773,-879,773,-882,-910,-922,-927,-390,-391,773,-396,773,-399,773,-404,773,-405,773,-410,773,-415,773,-419,773,-420,773,-425,773,-428,-901,-902,-645,-587,-1896,-903,773,773,773,-802,773,773,-806,773,-809,-835,773,-820,773,-822,773,-824,-810,773,-826,773,-853,-854,773,773,-813,773,-648,-904,-906,-650,-651,-647,773,-707,-708,773,-644,-905,-649,-652,-605,-716,773,773,-607,-588,773,773,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,773,773,-711,-712,773,-718,773,773,773,773,773,773,-940,773,-441,-443,-749,773,-893,773,-717,-1896,773,773,773,773,773,-444,-514,-525,773,-730,-735,773,-737,773,-742,773,-664,-670,773,-680,-682,-684,-685,-692,-695,-699,-747,773,773,-876,773,773,-880,773,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,773,-814,773,-816,-803,773,-804,-807,773,-818,-821,-823,-825,-827,773,-828,773,-811,773,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,773,-284,773,773,773,773,-457,773,773,-731,773,-738,773,-743,773,-665,-673,773,773,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,773,-838,-53,773,773,-732,773,-739,773,-744,-666,773,-875,-54,773,773,-733,-740,-745,773,773,773,-874,]),'STORED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[774,774,774,774,-1896,774,774,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,774,774,774,774,-277,-278,774,-1427,774,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,774,774,774,-492,774,774,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,774,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,774,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,774,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,774,-174,-175,-176,-177,-995,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-292,-293,-283,774,774,774,774,774,-330,-320,-334,-335,-336,774,774,-984,-985,-986,-987,-988,-989,-990,774,774,774,774,774,774,774,774,774,774,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,774,774,774,-355,-358,774,-325,-326,-143,774,-144,774,-145,774,-432,-937,-938,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-1896,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-1896,774,-1896,774,774,774,774,774,774,774,774,774,774,774,774,-1896,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-1896,774,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,774,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,774,774,774,-193,-194,774,-996,774,774,774,774,774,-279,-280,-281,-282,-367,774,-310,774,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,774,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,774,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,774,774,774,774,774,774,-575,774,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,774,774,-725,-726,-727,774,774,774,774,774,774,-996,774,774,-93,-94,774,774,774,774,-311,-312,-322,774,-309,-295,-296,-297,774,774,774,774,-620,-635,-592,774,774,-438,774,-439,774,-446,-447,-448,-380,-381,774,774,774,-508,774,774,-512,774,774,774,774,-517,-518,-519,-520,774,774,-523,-524,774,-526,-527,-528,-529,-530,-531,-532,-533,774,-535,774,774,774,-541,-543,-544,774,-546,-547,-548,-549,774,774,774,774,774,774,-654,-655,-656,-657,774,-659,-660,-661,774,774,774,-667,774,774,-671,-672,774,774,-675,774,-677,-678,774,-681,774,-683,774,774,-686,-687,-688,774,-690,774,774,-693,774,774,-696,-697,-698,774,-700,-701,-702,-703,774,774,-748,774,-751,-752,-753,-754,-755,774,-757,-758,-759,-760,-761,774,-768,-769,-771,774,-773,-774,-775,-784,-858,-860,-862,-864,774,774,774,774,-870,774,-872,774,774,774,774,774,774,774,-908,-909,774,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,774,-923,-926,774,-936,774,-387,-388,-389,774,774,-392,-393,-394,-395,774,-398,774,-401,-402,774,-403,774,-408,-409,774,-412,-413,-414,774,-417,774,-418,774,-423,-424,774,-427,774,-430,-431,-1896,-1896,774,-621,-622,-623,-624,-625,-636,-586,-626,-799,774,774,774,774,774,-833,774,774,-808,774,-834,774,774,774,774,-800,774,-855,-801,774,774,774,774,774,774,-856,-857,774,-836,-832,-837,774,-627,774,-628,-629,-630,-631,-576,774,774,-632,-633,-634,774,774,774,774,774,774,-637,-638,-639,-594,-1896,-604,774,-640,-641,-715,-642,-606,774,-574,-579,-582,-585,774,774,774,-600,-603,774,-610,774,774,774,774,774,774,774,774,774,774,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,774,774,774,-997,774,774,774,774,774,774,-308,-327,-321,-298,-377,-454,-455,-456,-460,774,-445,774,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,774,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,774,774,774,774,774,774,774,774,774,-318,-537,-510,-593,-939,-941,-942,-440,774,-442,-382,-383,-385,-509,-511,-513,774,-515,-516,-521,-522,774,-534,-536,-539,-540,-545,-550,-728,774,-729,774,-734,774,-736,774,-741,-658,-662,-663,774,-668,774,-669,774,-674,-676,774,-679,774,774,774,-689,-691,774,-694,774,774,-746,774,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,774,774,774,774,774,-879,774,-882,-910,-922,-927,-390,-391,774,-396,774,-399,774,-404,774,-405,774,-410,774,-415,774,-419,774,-420,774,-425,774,-428,-901,-902,-645,-587,-1896,-903,774,774,774,-802,774,774,-806,774,-809,-835,774,-820,774,-822,774,-824,-810,774,-826,774,-853,-854,774,774,-813,774,-648,-904,-906,-650,-651,-647,774,-707,-708,774,-644,-905,-649,-652,-605,-716,774,774,-607,-588,774,774,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,774,774,-711,-712,774,-718,774,774,774,774,774,774,-940,774,-441,-443,-749,774,-893,774,-717,-1896,774,774,774,774,774,-444,-514,-525,774,-730,-735,774,-737,774,-742,774,-664,-670,774,-680,-682,-684,-685,-692,-695,-699,-747,774,774,-876,774,774,-880,774,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,774,-814,774,-816,-803,774,-804,-807,774,-818,-821,-823,-825,-827,774,-828,774,-811,774,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,774,-284,774,774,774,774,-457,774,774,-731,774,-738,774,-743,774,-665,-673,774,774,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,774,-838,-53,774,774,-732,774,-739,774,-744,-666,774,-875,-54,774,774,-733,-740,-745,774,774,774,-874,]),'STORING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[775,775,775,775,-1896,775,775,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,775,775,775,775,-277,-278,775,-1427,775,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,775,775,775,-492,775,775,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,775,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,775,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,775,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,775,-174,-175,-176,-177,-995,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-292,-293,-283,775,775,775,775,775,-330,-320,-334,-335,-336,775,775,-984,-985,-986,-987,-988,-989,-990,775,775,775,775,775,775,775,775,775,775,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,775,775,775,-355,-358,775,-325,-326,-143,775,-144,775,-145,775,-432,-937,-938,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-1896,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-1896,775,-1896,775,775,775,775,775,775,775,775,775,775,775,775,-1896,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-1896,775,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,775,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,775,775,775,-193,-194,775,-996,775,775,775,775,775,-279,-280,-281,-282,-367,775,-310,775,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,775,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,775,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,775,775,775,775,775,775,-575,775,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,775,775,-725,-726,-727,775,775,775,775,775,775,-996,775,775,-93,-94,775,775,775,775,-311,-312,-322,775,-309,-295,-296,-297,775,775,775,775,-620,-635,-592,775,775,-438,775,-439,775,-446,-447,-448,-380,-381,775,775,775,-508,775,775,-512,775,775,775,775,-517,-518,-519,-520,775,775,-523,-524,775,-526,-527,-528,-529,-530,-531,-532,-533,775,-535,775,775,775,-541,-543,-544,775,-546,-547,-548,-549,775,775,775,775,775,775,-654,-655,-656,-657,775,-659,-660,-661,775,775,775,-667,775,775,-671,-672,775,775,-675,775,-677,-678,775,-681,775,-683,775,775,-686,-687,-688,775,-690,775,775,-693,775,775,-696,-697,-698,775,-700,-701,-702,-703,775,775,-748,775,-751,-752,-753,-754,-755,775,-757,-758,-759,-760,-761,775,-768,-769,-771,775,-773,-774,-775,-784,-858,-860,-862,-864,775,775,775,775,-870,775,-872,775,775,775,775,775,775,775,-908,-909,775,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,775,-923,-926,775,-936,775,-387,-388,-389,775,775,-392,-393,-394,-395,775,-398,775,-401,-402,775,-403,775,-408,-409,775,-412,-413,-414,775,-417,775,-418,775,-423,-424,775,-427,775,-430,-431,-1896,-1896,775,-621,-622,-623,-624,-625,-636,-586,-626,-799,775,775,775,775,775,-833,775,775,-808,775,-834,775,775,775,775,-800,775,-855,-801,775,775,775,775,775,775,-856,-857,775,-836,-832,-837,775,-627,775,-628,-629,-630,-631,-576,775,775,-632,-633,-634,775,775,775,775,775,775,-637,-638,-639,-594,-1896,-604,775,-640,-641,-715,-642,-606,775,-574,-579,-582,-585,775,775,775,-600,-603,775,-610,775,775,775,775,775,775,775,775,775,775,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,775,775,775,-997,775,775,775,775,775,775,-308,-327,-321,-298,-377,-454,-455,-456,-460,775,-445,775,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,775,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,775,775,775,775,775,775,775,775,775,-318,-537,-510,-593,-939,-941,-942,-440,775,-442,-382,-383,-385,-509,-511,-513,775,-515,-516,-521,-522,775,-534,-536,-539,-540,-545,-550,-728,775,-729,775,-734,775,-736,775,-741,-658,-662,-663,775,-668,775,-669,775,-674,-676,775,-679,775,775,775,-689,-691,775,-694,775,775,-746,775,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,775,775,775,775,775,-879,775,-882,-910,-922,-927,-390,-391,775,-396,775,-399,775,-404,775,-405,775,-410,775,-415,775,-419,775,-420,775,-425,775,-428,-901,-902,-645,-587,-1896,-903,775,775,775,-802,775,775,-806,775,-809,-835,775,-820,775,-822,775,-824,-810,775,-826,775,-853,-854,775,775,-813,775,-648,-904,-906,-650,-651,-647,775,-707,-708,775,-644,-905,-649,-652,-605,-716,775,775,-607,-588,775,775,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,775,775,-711,-712,775,-718,775,775,775,775,775,775,-940,775,-441,-443,-749,775,-893,775,-717,-1896,775,775,775,775,775,-444,-514,-525,775,-730,-735,775,-737,775,-742,775,-664,-670,775,-680,-682,-684,-685,-692,-695,-699,-747,775,775,-876,775,775,-880,775,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,775,-814,775,-816,-803,775,-804,-807,775,-818,-821,-823,-825,-827,775,-828,775,-811,775,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,775,-284,775,775,775,775,-457,775,775,-731,775,-738,775,-743,775,-665,-673,775,775,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,775,-838,-53,775,775,-732,775,-739,775,-744,-666,775,-875,-54,775,775,-733,-740,-745,775,775,775,-874,]),'STRAIGHT_JOIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[776,776,776,776,1361,776,776,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,776,776,776,776,-277,-278,776,-1427,776,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,776,776,776,-492,776,776,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,776,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,776,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,776,1361,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,776,-174,-175,-176,-177,-995,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-292,-293,-283,776,776,776,776,776,-330,-320,-334,-335,-336,776,776,-984,-985,-986,-987,-988,-989,-990,776,776,776,776,776,776,776,776,776,776,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,776,776,776,-355,-358,776,-325,-326,-143,776,-144,776,-145,776,-432,-937,-938,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-1896,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-1896,776,-1896,776,776,776,776,776,776,776,776,776,776,776,776,-1896,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-1896,776,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,776,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,776,776,776,-193,-194,776,-996,776,776,776,776,776,-279,-280,-281,-282,-367,776,-310,776,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,776,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,776,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,776,776,776,776,776,776,-575,776,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,776,776,-725,-726,-727,776,776,776,776,776,776,-996,776,776,-93,-94,776,776,776,776,-311,-312,-322,776,-309,-295,-296,-297,776,776,776,776,-620,-635,-592,776,776,-438,776,-439,776,-446,-447,-448,-380,-381,776,776,776,-508,776,776,-512,776,776,776,776,-517,-518,-519,-520,776,776,-523,-524,776,-526,-527,-528,-529,-530,-531,-532,-533,776,-535,776,776,776,-541,-543,-544,776,-546,-547,-548,-549,776,776,776,776,776,776,-654,-655,-656,-657,776,-659,-660,-661,776,776,776,-667,776,776,-671,-672,776,776,-675,776,-677,-678,776,-681,776,-683,776,776,-686,-687,-688,776,-690,776,776,-693,776,776,-696,-697,-698,776,-700,-701,-702,-703,776,776,-748,776,-751,-752,-753,-754,-755,776,-757,-758,-759,-760,-761,776,-768,-769,-771,776,-773,-774,-775,-784,-858,-860,-862,-864,776,776,776,776,-870,776,-872,776,776,776,776,776,776,776,-908,-909,776,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,776,-923,-926,776,-936,776,-387,-388,-389,776,776,-392,-393,-394,-395,776,-398,776,-401,-402,776,-403,776,-408,-409,776,-412,-413,-414,776,-417,776,-418,776,-423,-424,776,-427,776,-430,-431,-1896,-1896,776,-621,-622,-623,-624,-625,-636,-586,-626,-799,776,776,776,776,776,-833,776,776,-808,776,-834,776,776,776,776,-800,776,-855,-801,776,776,776,776,776,776,-856,-857,776,-836,-832,-837,776,-627,776,-628,-629,-630,-631,-576,776,776,-632,-633,-634,776,776,776,776,776,776,-637,-638,-639,-594,-1896,-604,776,-640,-641,-715,-642,-606,776,-574,-579,-582,-585,776,776,776,-600,-603,776,-610,776,776,776,776,776,776,776,776,776,776,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,776,776,776,-997,776,776,776,776,776,776,-308,-327,-321,-298,-377,-454,-455,-456,-460,776,-445,776,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,776,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,776,776,776,776,776,776,776,776,776,-318,-537,-510,-593,-939,-941,-942,-440,776,-442,-382,-383,-385,-509,-511,-513,776,-515,-516,-521,-522,776,-534,-536,-539,-540,-545,-550,-728,776,-729,776,-734,776,-736,776,-741,-658,-662,-663,776,-668,776,-669,776,-674,-676,776,-679,776,776,776,-689,-691,776,-694,776,776,-746,776,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,776,776,776,776,776,-879,776,-882,-910,-922,-927,-390,-391,776,-396,776,-399,776,-404,776,-405,776,-410,776,-415,776,-419,776,-420,776,-425,776,-428,-901,-902,-645,-587,-1896,-903,776,776,776,-802,776,776,-806,776,-809,-835,776,-820,776,-822,776,-824,-810,776,-826,776,-853,-854,776,776,-813,776,-648,-904,-906,-650,-651,-647,776,-707,-708,776,-644,-905,-649,-652,-605,-716,776,776,-607,-588,776,776,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,776,776,-711,-712,776,-718,776,776,776,776,776,776,-940,776,-441,-443,-749,776,-893,776,-717,-1896,776,776,776,776,776,-444,-514,-525,776,-730,-735,776,-737,776,-742,776,-664,-670,776,-680,-682,-684,-685,-692,-695,-699,-747,776,776,-876,776,776,-880,776,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,776,-814,776,-816,-803,776,-804,-807,776,-818,-821,-823,-825,-827,776,-828,776,-811,776,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,776,-284,776,776,776,776,-457,776,776,-731,776,-738,776,-743,776,-665,-673,776,776,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,776,-838,-53,776,776,-732,776,-739,776,-744,-666,776,-875,-54,776,776,-733,-740,-745,776,776,776,-874,]),'STRCMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[777,777,777,1077,-1896,777,777,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,777,777,777,777,-277,-278,1077,-1427,1077,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1077,1077,1077,-492,1077,1077,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1077,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1077,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1963,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,777,-174,-175,-176,-177,-995,777,777,777,777,777,777,777,777,777,777,1077,1077,1077,1077,1077,-292,-293,-283,777,1077,1077,1077,1077,-330,-320,-334,-335,-336,1077,1077,-984,-985,-986,-987,-988,-989,-990,777,777,1077,1077,1077,1077,1077,1077,1077,1077,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1077,1077,1077,-355,-358,777,-325,-326,-143,1077,-144,1077,-145,1077,-432,-937,-938,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1896,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1896,1077,-1896,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1896,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1896,777,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1077,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1077,777,777,-193,-194,777,-996,1077,777,777,777,777,-279,-280,-281,-282,-367,1077,-310,1077,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1077,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1077,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1077,1077,1077,1077,1077,1077,-575,1077,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1077,1077,-725,-726,-727,1077,1963,777,777,777,777,-996,777,1077,-93,-94,777,777,777,1077,-311,-312,-322,1077,-309,-295,-296,-297,1077,777,1077,1077,-620,-635,-592,1077,777,-438,777,-439,1077,-446,-447,-448,-380,-381,1077,1077,1077,-508,1077,1077,-512,1077,1077,1077,1077,-517,-518,-519,-520,1077,1077,-523,-524,1077,-526,-527,-528,-529,-530,-531,-532,-533,1077,-535,1077,1077,1077,-541,-543,-544,1077,-546,-547,-548,-549,1077,1077,1077,1077,1077,1077,-654,-655,-656,-657,777,-659,-660,-661,1077,1077,1077,-667,1077,1077,-671,-672,1077,1077,-675,1077,-677,-678,1077,-681,1077,-683,1077,1077,-686,-687,-688,1077,-690,1077,1077,-693,1077,1077,-696,-697,-698,1077,-700,-701,-702,-703,1077,1077,-748,1077,-751,-752,-753,-754,-755,1077,-757,-758,-759,-760,-761,1077,-768,-769,-771,1077,-773,-774,-775,-784,-858,-860,-862,-864,1077,1077,1077,1077,-870,1077,-872,1077,1077,1077,1077,1077,1077,1077,-908,-909,1077,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1077,-923,-926,1077,-936,1077,-387,-388,-389,1077,1077,-392,-393,-394,-395,1077,-398,1077,-401,-402,1077,-403,1077,-408,-409,1077,-412,-413,-414,1077,-417,1077,-418,1077,-423,-424,1077,-427,1077,-430,-431,-1896,-1896,1077,-621,-622,-623,-624,-625,-636,-586,-626,-799,1077,1077,1077,1077,1077,-833,1077,1077,-808,1077,-834,1077,1077,1077,1077,-800,1077,-855,-801,1077,1077,1077,1077,1077,1077,-856,-857,1077,-836,-832,-837,1077,-627,1077,-628,-629,-630,-631,-576,1077,1077,-632,-633,-634,1077,1077,1077,1077,1077,1077,-637,-638,-639,-594,-1896,-604,1077,-640,-641,-715,-642,-606,1077,-574,-579,-582,-585,1077,1077,1077,-600,-603,1077,-610,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1077,777,777,-997,777,1077,777,777,777,1077,-308,-327,-321,-298,-377,-454,-455,-456,-460,777,-445,1077,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1077,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,777,777,777,777,777,777,777,777,1077,-318,-537,-510,-593,-939,-941,-942,-440,1077,-442,-382,-383,-385,-509,-511,-513,1077,-515,-516,-521,-522,1077,-534,-536,-539,-540,-545,-550,-728,1077,-729,1077,-734,1077,-736,1077,-741,-658,-662,-663,1077,-668,1077,-669,1077,-674,-676,1077,-679,1077,1077,1077,-689,-691,1077,-694,1077,1077,-746,1077,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1077,1077,1077,1077,1077,-879,1077,-882,-910,-922,-927,-390,-391,1077,-396,1077,-399,1077,-404,1077,-405,1077,-410,1077,-415,1077,-419,1077,-420,1077,-425,1077,-428,-901,-902,-645,-587,-1896,-903,1077,1077,1077,-802,1077,1077,-806,1077,-809,-835,1077,-820,1077,-822,1077,-824,-810,1077,-826,1077,-853,-854,1077,1077,-813,1077,-648,-904,-906,-650,-651,-647,1077,-707,-708,1077,-644,-905,-649,-652,-605,-716,1077,1077,-607,-588,1077,1077,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1077,1077,-711,-712,1077,-718,1077,777,777,777,1077,1077,-940,777,-441,-443,-749,1077,-893,1963,-717,-1896,1077,1077,777,777,1077,-444,-514,-525,1077,-730,-735,1077,-737,1077,-742,1077,-664,-670,1077,-680,-682,-684,-685,-692,-695,-699,-747,1077,1077,-876,1077,1077,-880,1077,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1077,-814,1077,-816,-803,1077,-804,-807,1077,-818,-821,-823,-825,-827,1077,-828,1077,-811,1077,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,777,-284,777,1077,777,1077,-457,1077,1077,-731,1077,-738,1077,-743,1077,-665,-673,1077,1077,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1077,-838,-53,777,1077,-732,1077,-739,1077,-744,-666,1077,-875,-54,777,777,-733,-740,-745,1077,777,1077,-874,]),'STR_TO_DATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[778,778,778,1299,-1896,778,778,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,778,778,778,778,-277,-278,1299,-1427,1299,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1299,1299,1299,-492,1299,1299,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1299,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1299,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1299,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,778,-174,-175,-176,-177,-995,778,778,778,778,778,778,778,778,778,778,1299,1299,1299,1299,1299,-292,-293,-283,778,1299,1299,1299,1299,-330,-320,-334,-335,-336,1299,1299,-984,-985,-986,-987,-988,-989,-990,778,778,1299,1299,1299,1299,1299,1299,1299,1299,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1299,1299,1299,-355,-358,778,-325,-326,-143,1299,-144,1299,-145,1299,-432,-937,-938,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1896,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1896,1299,-1896,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1896,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1896,778,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1299,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1299,778,778,-193,-194,778,-996,1299,778,778,778,778,-279,-280,-281,-282,-367,1299,-310,1299,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1299,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1299,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1299,1299,1299,1299,1299,1299,-575,1299,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1299,1299,-725,-726,-727,1299,1299,778,778,778,778,-996,778,1299,-93,-94,778,778,778,1299,-311,-312,-322,1299,-309,-295,-296,-297,1299,778,1299,1299,-620,-635,-592,1299,778,-438,778,-439,1299,-446,-447,-448,-380,-381,1299,1299,1299,-508,1299,1299,-512,1299,1299,1299,1299,-517,-518,-519,-520,1299,1299,-523,-524,1299,-526,-527,-528,-529,-530,-531,-532,-533,1299,-535,1299,1299,1299,-541,-543,-544,1299,-546,-547,-548,-549,1299,1299,1299,1299,1299,1299,-654,-655,-656,-657,778,-659,-660,-661,1299,1299,1299,-667,1299,1299,-671,-672,1299,1299,-675,1299,-677,-678,1299,-681,1299,-683,1299,1299,-686,-687,-688,1299,-690,1299,1299,-693,1299,1299,-696,-697,-698,1299,-700,-701,-702,-703,1299,1299,-748,1299,-751,-752,-753,-754,-755,1299,-757,-758,-759,-760,-761,1299,-768,-769,-771,1299,-773,-774,-775,-784,-858,-860,-862,-864,1299,1299,1299,1299,-870,1299,-872,1299,1299,1299,1299,1299,1299,1299,-908,-909,1299,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1299,-923,-926,1299,-936,1299,-387,-388,-389,1299,1299,-392,-393,-394,-395,1299,-398,1299,-401,-402,1299,-403,1299,-408,-409,1299,-412,-413,-414,1299,-417,1299,-418,1299,-423,-424,1299,-427,1299,-430,-431,-1896,-1896,1299,-621,-622,-623,-624,-625,-636,-586,-626,-799,1299,1299,1299,1299,1299,-833,1299,1299,-808,1299,-834,1299,1299,1299,1299,-800,1299,-855,-801,1299,1299,1299,1299,1299,1299,-856,-857,1299,-836,-832,-837,1299,-627,1299,-628,-629,-630,-631,-576,1299,1299,-632,-633,-634,1299,1299,1299,1299,1299,1299,-637,-638,-639,-594,-1896,-604,1299,-640,-641,-715,-642,-606,1299,-574,-579,-582,-585,1299,1299,1299,-600,-603,1299,-610,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1299,778,778,-997,778,1299,778,778,778,1299,-308,-327,-321,-298,-377,-454,-455,-456,-460,778,-445,1299,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1299,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,778,778,778,778,778,778,778,778,1299,-318,-537,-510,-593,-939,-941,-942,-440,1299,-442,-382,-383,-385,-509,-511,-513,1299,-515,-516,-521,-522,1299,-534,-536,-539,-540,-545,-550,-728,1299,-729,1299,-734,1299,-736,1299,-741,-658,-662,-663,1299,-668,1299,-669,1299,-674,-676,1299,-679,1299,1299,1299,-689,-691,1299,-694,1299,1299,-746,1299,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1299,1299,1299,1299,1299,-879,1299,-882,-910,-922,-927,-390,-391,1299,-396,1299,-399,1299,-404,1299,-405,1299,-410,1299,-415,1299,-419,1299,-420,1299,-425,1299,-428,-901,-902,-645,-587,-1896,-903,1299,1299,1299,-802,1299,1299,-806,1299,-809,-835,1299,-820,1299,-822,1299,-824,-810,1299,-826,1299,-853,-854,1299,1299,-813,1299,-648,-904,-906,-650,-651,-647,1299,-707,-708,1299,-644,-905,-649,-652,-605,-716,1299,1299,-607,-588,1299,1299,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1299,1299,-711,-712,1299,-718,1299,778,778,778,1299,1299,-940,778,-441,-443,-749,1299,-893,1299,-717,-1896,1299,1299,778,778,1299,-444,-514,-525,1299,-730,-735,1299,-737,1299,-742,1299,-664,-670,1299,-680,-682,-684,-685,-692,-695,-699,-747,1299,1299,-876,1299,1299,-880,1299,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1299,-814,1299,-816,-803,1299,-804,-807,1299,-818,-821,-823,-825,-827,1299,-828,1299,-811,1299,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,778,-284,778,1299,778,1299,-457,1299,1299,-731,1299,-738,1299,-743,1299,-665,-673,1299,1299,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1299,-838,-53,778,1299,-732,1299,-739,1299,-744,-666,1299,-875,-54,778,778,-733,-740,-745,1299,778,1299,-874,]),'SUBCLASS_ORIGIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[779,779,779,779,-1896,779,779,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,779,779,779,779,-277,-278,779,-1427,779,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,779,779,779,-492,779,779,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,779,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,779,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,779,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,779,-174,-175,-176,-177,-995,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-292,-293,-283,779,779,779,779,779,-330,-320,-334,-335,-336,779,779,-984,-985,-986,-987,-988,-989,-990,779,779,779,779,779,779,779,779,779,779,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,779,779,779,-355,-358,779,-325,-326,-143,779,-144,779,-145,779,-432,-937,-938,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-1896,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-1896,779,-1896,779,779,779,779,779,779,779,779,779,779,779,779,-1896,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-1896,779,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,779,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,779,779,779,-193,-194,779,-996,779,779,779,779,779,-279,-280,-281,-282,-367,779,-310,779,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,779,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,779,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,779,779,779,779,779,779,-575,779,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,779,779,-725,-726,-727,779,779,779,779,779,779,-996,779,779,-93,-94,779,779,779,779,-311,-312,-322,779,-309,-295,-296,-297,779,779,779,779,-620,-635,-592,779,779,-438,779,-439,779,-446,-447,-448,-380,-381,779,779,779,-508,779,779,-512,779,779,779,779,-517,-518,-519,-520,779,779,-523,-524,779,-526,-527,-528,-529,-530,-531,-532,-533,779,-535,779,779,779,-541,-543,-544,779,-546,-547,-548,-549,779,779,779,779,779,779,-654,-655,-656,-657,779,-659,-660,-661,779,779,779,-667,779,779,-671,-672,779,779,-675,779,-677,-678,779,-681,779,-683,779,779,-686,-687,-688,779,-690,779,779,-693,779,779,-696,-697,-698,779,-700,-701,-702,-703,779,779,-748,779,-751,-752,-753,-754,-755,779,-757,-758,-759,-760,-761,779,-768,-769,-771,779,-773,-774,-775,-784,-858,-860,-862,-864,779,779,779,779,-870,779,-872,779,779,779,779,779,779,779,-908,-909,779,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,779,-923,-926,779,-936,779,-387,-388,-389,779,779,-392,-393,-394,-395,779,-398,779,-401,-402,779,-403,779,-408,-409,779,-412,-413,-414,779,-417,779,-418,779,-423,-424,779,-427,779,-430,-431,-1896,-1896,779,-621,-622,-623,-624,-625,-636,-586,-626,-799,779,779,779,779,779,-833,779,779,-808,779,-834,779,779,779,779,-800,779,-855,-801,779,779,779,779,779,779,-856,-857,779,-836,-832,-837,779,-627,779,-628,-629,-630,-631,-576,779,779,-632,-633,-634,779,779,779,779,779,779,-637,-638,-639,-594,-1896,-604,779,-640,-641,-715,-642,-606,779,-574,-579,-582,-585,779,779,779,-600,-603,779,-610,779,779,779,779,779,779,779,779,779,779,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,779,779,779,-997,779,779,779,779,779,779,-308,-327,-321,-298,-377,-454,-455,-456,-460,779,-445,779,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,779,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,779,779,779,779,779,779,779,779,779,-318,-537,-510,-593,-939,-941,-942,-440,779,-442,-382,-383,-385,-509,-511,-513,779,-515,-516,-521,-522,779,-534,-536,-539,-540,-545,-550,-728,779,-729,779,-734,779,-736,779,-741,-658,-662,-663,779,-668,779,-669,779,-674,-676,779,-679,779,779,779,-689,-691,779,-694,779,779,-746,779,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,779,779,779,779,779,-879,779,-882,-910,-922,-927,-390,-391,779,-396,779,-399,779,-404,779,-405,779,-410,779,-415,779,-419,779,-420,779,-425,779,-428,-901,-902,-645,-587,-1896,-903,779,779,779,-802,779,779,-806,779,-809,-835,779,-820,779,-822,779,-824,-810,779,-826,779,-853,-854,779,779,-813,779,-648,-904,-906,-650,-651,-647,779,-707,-708,779,-644,-905,-649,-652,-605,-716,779,779,-607,-588,779,779,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,779,779,-711,-712,779,-718,779,779,779,779,779,779,-940,779,-441,-443,-749,779,-893,779,-717,-1896,779,779,779,779,779,-444,-514,-525,779,-730,-735,779,-737,779,-742,779,-664,-670,779,-680,-682,-684,-685,-692,-695,-699,-747,779,779,-876,779,779,-880,779,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,779,-814,779,-816,-803,779,-804,-807,779,-818,-821,-823,-825,-827,779,-828,779,-811,779,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,779,-284,779,779,779,779,-457,779,779,-731,779,-738,779,-743,779,-665,-673,779,779,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,779,-838,-53,779,779,-732,779,-739,779,-744,-666,779,-875,-54,779,779,-733,-740,-745,779,779,779,-874,]),'SUBJECT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[780,780,780,780,-1896,780,780,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,780,780,780,780,-277,-278,780,-1427,780,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,780,780,780,-492,780,780,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,780,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,780,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,780,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,780,-174,-175,-176,-177,-995,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-292,-293,-283,780,780,780,780,780,-330,-320,-334,-335,-336,780,780,-984,-985,-986,-987,-988,-989,-990,780,780,780,780,780,780,780,780,780,780,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,780,780,780,-355,-358,780,-325,-326,-143,780,-144,780,-145,780,-432,-937,-938,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-1896,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-1896,780,-1896,780,780,780,780,780,780,780,780,780,780,780,780,-1896,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-1896,780,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,780,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,780,780,780,-193,-194,780,-996,780,780,780,780,780,-279,-280,-281,-282,-367,780,-310,780,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,780,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,780,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,780,780,780,780,780,780,-575,780,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,780,780,-725,-726,-727,780,780,780,780,780,780,-996,780,780,-93,-94,780,780,780,780,-311,-312,-322,780,-309,-295,-296,-297,780,780,780,780,-620,-635,-592,780,780,-438,780,-439,780,-446,-447,-448,-380,-381,780,780,780,-508,780,780,-512,780,780,780,780,-517,-518,-519,-520,780,780,-523,-524,780,-526,-527,-528,-529,-530,-531,-532,-533,780,-535,780,780,780,-541,-543,-544,780,-546,-547,-548,-549,780,780,780,780,780,780,-654,-655,-656,-657,780,-659,-660,-661,780,780,780,-667,780,780,-671,-672,780,780,-675,780,-677,-678,780,-681,780,-683,780,780,-686,-687,-688,780,-690,780,780,-693,780,780,-696,-697,-698,780,-700,-701,-702,-703,780,780,-748,780,-751,-752,-753,-754,-755,780,-757,-758,-759,-760,-761,780,-768,-769,-771,780,-773,-774,-775,-784,-858,-860,-862,-864,780,780,780,780,-870,780,-872,780,780,780,780,780,780,780,-908,-909,780,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,780,-923,-926,780,-936,780,-387,-388,-389,780,780,-392,-393,-394,-395,780,-398,780,-401,-402,780,-403,780,-408,-409,780,-412,-413,-414,780,-417,780,-418,780,-423,-424,780,-427,780,-430,-431,-1896,-1896,780,-621,-622,-623,-624,-625,-636,-586,-626,-799,780,780,780,780,780,-833,780,780,-808,780,-834,780,780,780,780,-800,780,-855,-801,780,780,780,780,780,780,-856,-857,780,-836,-832,-837,780,-627,780,-628,-629,-630,-631,-576,780,780,-632,-633,-634,780,780,780,780,780,780,-637,-638,-639,-594,-1896,-604,780,-640,-641,-715,-642,-606,780,-574,-579,-582,-585,780,780,780,-600,-603,780,-610,780,780,780,780,780,780,780,780,780,780,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,780,780,780,-997,780,780,780,780,780,780,-308,-327,-321,-298,-377,-454,-455,-456,-460,780,-445,780,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,780,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,780,780,780,780,780,780,780,780,780,-318,-537,-510,-593,-939,-941,-942,-440,780,-442,-382,-383,-385,-509,-511,-513,780,-515,-516,-521,-522,780,-534,-536,-539,-540,-545,-550,-728,780,-729,780,-734,780,-736,780,-741,-658,-662,-663,780,-668,780,-669,780,-674,-676,780,-679,780,780,780,-689,-691,780,-694,780,780,-746,780,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,780,780,780,780,780,-879,780,-882,-910,-922,-927,-390,-391,780,-396,780,-399,780,-404,780,-405,780,-410,780,-415,780,-419,780,-420,780,-425,780,-428,-901,-902,-645,-587,-1896,-903,780,780,780,-802,780,780,-806,780,-809,-835,780,-820,780,-822,780,-824,-810,780,-826,780,-853,-854,780,780,-813,780,-648,-904,-906,-650,-651,-647,780,-707,-708,780,-644,-905,-649,-652,-605,-716,780,780,-607,-588,780,780,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,780,780,-711,-712,780,-718,780,780,780,780,780,780,-940,780,-441,-443,-749,780,-893,780,-717,-1896,780,780,780,780,780,-444,-514,-525,780,-730,-735,780,-737,780,-742,780,-664,-670,780,-680,-682,-684,-685,-692,-695,-699,-747,780,780,-876,780,780,-880,780,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,780,-814,780,-816,-803,780,-804,-807,780,-818,-821,-823,-825,-827,780,-828,780,-811,780,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,780,-284,780,780,780,780,-457,780,780,-731,780,-738,780,-743,780,-665,-673,780,780,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,780,-838,-53,780,780,-732,780,-739,780,-744,-666,780,-875,-54,780,780,-733,-740,-745,780,780,780,-874,]),'SUBPARTITION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[781,781,781,781,-1896,781,781,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,781,781,781,781,-277,-278,781,-1427,781,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,781,781,781,-492,781,781,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,781,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,781,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,781,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,781,-174,-175,-176,-177,-995,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-292,-293,-283,781,781,781,781,781,-330,-320,-334,-335,-336,781,781,-984,-985,-986,-987,-988,-989,-990,781,781,781,781,781,781,781,781,781,781,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,781,781,781,-355,-358,781,-325,-326,-143,781,-144,781,-145,781,-432,-937,-938,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-1896,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-1896,781,-1896,781,781,781,781,781,781,781,781,781,781,781,781,-1896,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-1896,781,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,781,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,781,781,781,-193,-194,781,-996,781,781,781,781,781,-279,-280,-281,-282,-367,781,-310,781,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,781,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,781,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,781,781,781,781,781,781,-575,781,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,781,781,-725,-726,-727,781,781,781,781,781,781,-996,781,781,-93,-94,781,781,781,781,-311,-312,-322,781,-309,-295,-296,-297,781,781,781,781,-620,-635,-592,781,781,-438,781,-439,781,-446,-447,-448,-380,-381,781,781,781,-508,781,781,-512,781,781,781,781,-517,-518,-519,-520,781,781,-523,-524,781,-526,-527,-528,-529,-530,-531,-532,-533,781,-535,781,781,781,-541,-543,-544,781,-546,-547,-548,-549,781,781,781,781,781,781,-654,-655,-656,-657,781,-659,-660,-661,781,781,781,-667,781,781,-671,-672,781,781,-675,781,-677,-678,781,-681,781,-683,781,781,-686,-687,-688,781,-690,781,781,-693,781,781,-696,-697,-698,781,-700,-701,-702,-703,781,781,-748,781,-751,-752,-753,-754,-755,781,-757,-758,-759,-760,-761,781,-768,-769,-771,781,-773,-774,-775,-784,-858,-860,-862,-864,781,781,781,781,-870,781,-872,781,781,781,781,781,781,781,-908,-909,781,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,781,-923,-926,781,-936,781,-387,-388,-389,781,781,-392,-393,-394,-395,781,-398,781,-401,-402,781,-403,781,-408,-409,781,-412,-413,-414,781,-417,781,-418,781,-423,-424,781,-427,781,-430,-431,-1896,-1896,781,-621,-622,-623,-624,-625,-636,-586,-626,-799,781,781,781,781,781,-833,781,781,-808,781,-834,781,781,781,781,-800,781,-855,-801,781,781,781,781,781,781,-856,-857,781,-836,-832,-837,781,-627,781,-628,-629,-630,-631,-576,781,781,-632,-633,-634,781,781,781,781,781,781,-637,-638,-639,-594,-1896,-604,781,-640,-641,-715,-642,-606,781,-574,-579,-582,-585,781,781,781,-600,-603,781,-610,781,781,781,781,781,781,781,781,781,781,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,781,781,781,-997,781,781,781,781,781,781,-308,-327,-321,-298,-377,-454,-455,-456,-460,781,-445,781,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,781,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,781,781,781,781,781,781,781,781,781,-318,-537,-510,-593,-939,-941,-942,-440,781,-442,-382,-383,-385,-509,-511,-513,781,-515,-516,-521,-522,781,-534,-536,-539,-540,-545,-550,-728,781,-729,781,-734,781,-736,781,-741,-658,-662,-663,781,-668,781,-669,781,-674,-676,781,-679,781,781,781,-689,-691,781,-694,781,781,-746,781,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,781,781,781,781,781,-879,781,-882,-910,-922,-927,-390,-391,781,-396,781,-399,781,-404,781,-405,781,-410,781,-415,781,-419,781,-420,781,-425,781,-428,-901,-902,-645,-587,-1896,-903,781,781,781,-802,781,781,-806,781,-809,-835,781,-820,781,-822,781,-824,-810,781,-826,781,-853,-854,781,781,-813,781,-648,-904,-906,-650,-651,-647,781,-707,-708,781,-644,-905,-649,-652,-605,-716,781,781,-607,-588,781,781,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,781,781,-711,-712,781,-718,781,781,781,781,781,781,-940,781,-441,-443,-749,781,-893,781,-717,-1896,781,781,781,781,781,-444,-514,-525,781,-730,-735,781,-737,781,-742,781,-664,-670,781,-680,-682,-684,-685,-692,-695,-699,-747,781,781,-876,781,781,-880,781,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,781,-814,781,-816,-803,781,-804,-807,781,-818,-821,-823,-825,-827,781,-828,781,-811,781,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,781,-284,781,781,781,781,-457,781,781,-731,781,-738,781,-743,781,-665,-673,781,781,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,781,-838,-53,781,781,-732,781,-739,781,-744,-666,781,-875,-54,781,781,-733,-740,-745,781,781,781,-874,]),'SUBPARTITIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[782,782,782,782,-1896,782,782,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,782,782,782,782,-277,-278,782,-1427,782,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,782,782,782,-492,782,782,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,782,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,782,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,782,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,782,-174,-175,-176,-177,-995,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-292,-293,-283,782,782,782,782,782,-330,-320,-334,-335,-336,782,782,-984,-985,-986,-987,-988,-989,-990,782,782,782,782,782,782,782,782,782,782,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,782,782,782,-355,-358,782,-325,-326,-143,782,-144,782,-145,782,-432,-937,-938,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-1896,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-1896,782,-1896,782,782,782,782,782,782,782,782,782,782,782,782,-1896,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-1896,782,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,782,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,782,782,782,-193,-194,782,-996,782,782,782,782,782,-279,-280,-281,-282,-367,782,-310,782,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,782,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,782,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,782,782,782,782,782,782,-575,782,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,782,782,-725,-726,-727,782,782,782,782,782,782,-996,782,782,-93,-94,782,782,782,782,-311,-312,-322,782,-309,-295,-296,-297,782,782,782,782,-620,-635,-592,782,782,-438,782,-439,782,-446,-447,-448,-380,-381,782,782,782,-508,782,782,-512,782,782,782,782,-517,-518,-519,-520,782,782,-523,-524,782,-526,-527,-528,-529,-530,-531,-532,-533,782,-535,782,782,782,-541,-543,-544,782,-546,-547,-548,-549,782,782,782,782,782,782,-654,-655,-656,-657,782,-659,-660,-661,782,782,782,-667,782,782,-671,-672,782,782,-675,782,-677,-678,782,-681,782,-683,782,782,-686,-687,-688,782,-690,782,782,-693,782,782,-696,-697,-698,782,-700,-701,-702,-703,782,782,-748,782,-751,-752,-753,-754,-755,782,-757,-758,-759,-760,-761,782,-768,-769,-771,782,-773,-774,-775,-784,-858,-860,-862,-864,782,782,782,782,-870,782,-872,782,782,782,782,782,782,782,-908,-909,782,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,782,-923,-926,782,-936,782,-387,-388,-389,782,782,-392,-393,-394,-395,782,-398,782,-401,-402,782,-403,782,-408,-409,782,-412,-413,-414,782,-417,782,-418,782,-423,-424,782,-427,782,-430,-431,-1896,-1896,782,-621,-622,-623,-624,-625,-636,-586,-626,-799,782,782,782,782,782,-833,782,782,-808,782,-834,782,782,782,782,-800,782,-855,-801,782,782,782,782,782,782,-856,-857,782,-836,-832,-837,782,-627,782,-628,-629,-630,-631,-576,782,782,-632,-633,-634,782,782,782,782,782,782,-637,-638,-639,-594,-1896,-604,782,-640,-641,-715,-642,-606,782,-574,-579,-582,-585,782,782,782,-600,-603,782,-610,782,782,782,782,782,782,782,782,782,782,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,782,782,782,-997,782,782,782,782,782,782,-308,-327,-321,-298,-377,-454,-455,-456,-460,782,-445,782,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,782,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,782,782,782,782,782,782,782,782,782,-318,-537,-510,-593,-939,-941,-942,-440,782,-442,-382,-383,-385,-509,-511,-513,782,-515,-516,-521,-522,782,-534,-536,-539,-540,-545,-550,-728,782,-729,782,-734,782,-736,782,-741,-658,-662,-663,782,-668,782,-669,782,-674,-676,782,-679,782,782,782,-689,-691,782,-694,782,782,-746,782,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,782,782,782,782,782,-879,782,-882,-910,-922,-927,-390,-391,782,-396,782,-399,782,-404,782,-405,782,-410,782,-415,782,-419,782,-420,782,-425,782,-428,-901,-902,-645,-587,-1896,-903,782,782,782,-802,782,782,-806,782,-809,-835,782,-820,782,-822,782,-824,-810,782,-826,782,-853,-854,782,782,-813,782,-648,-904,-906,-650,-651,-647,782,-707,-708,782,-644,-905,-649,-652,-605,-716,782,782,-607,-588,782,782,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,782,782,-711,-712,782,-718,782,782,782,782,782,782,-940,782,-441,-443,-749,782,-893,782,-717,-1896,782,782,782,782,782,-444,-514,-525,782,-730,-735,782,-737,782,-742,782,-664,-670,782,-680,-682,-684,-685,-692,-695,-699,-747,782,782,-876,782,782,-880,782,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,782,-814,782,-816,-803,782,-804,-807,782,-818,-821,-823,-825,-827,782,-828,782,-811,782,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,782,-284,782,782,782,782,-457,782,782,-731,782,-738,782,-743,782,-665,-673,782,782,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,782,-838,-53,782,782,-732,782,-739,782,-744,-666,782,-875,-54,782,782,-733,-740,-745,782,782,782,-874,]),'SUBSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[783,783,783,1300,-1896,783,783,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,783,783,783,783,-277,-278,1300,-1427,1300,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1300,1300,1300,-492,1300,1300,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1300,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1300,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1300,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,783,-174,-175,-176,-177,-995,783,783,783,783,783,783,783,783,783,783,1300,1300,1300,1300,1300,-292,-293,-283,783,1300,1300,1300,1300,-330,-320,-334,-335,-336,1300,1300,-984,-985,-986,-987,-988,-989,-990,783,783,1300,1300,1300,1300,1300,1300,1300,1300,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1300,1300,1300,-355,-358,783,-325,-326,-143,1300,-144,1300,-145,1300,-432,-937,-938,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1896,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1896,1300,-1896,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1896,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1896,783,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1300,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1300,783,783,-193,-194,783,-996,1300,783,783,783,783,-279,-280,-281,-282,-367,1300,-310,1300,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1300,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1300,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1300,1300,1300,1300,1300,1300,-575,1300,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1300,1300,-725,-726,-727,1300,1300,783,783,783,783,-996,783,1300,-93,-94,783,783,783,1300,-311,-312,-322,1300,-309,-295,-296,-297,1300,783,1300,1300,-620,-635,-592,1300,783,-438,783,-439,1300,-446,-447,-448,-380,-381,1300,1300,1300,-508,1300,1300,-512,1300,1300,1300,1300,-517,-518,-519,-520,1300,1300,-523,-524,1300,-526,-527,-528,-529,-530,-531,-532,-533,1300,-535,1300,1300,1300,-541,-543,-544,1300,-546,-547,-548,-549,1300,1300,1300,1300,1300,1300,-654,-655,-656,-657,783,-659,-660,-661,1300,1300,1300,-667,1300,1300,-671,-672,1300,1300,-675,1300,-677,-678,1300,-681,1300,-683,1300,1300,-686,-687,-688,1300,-690,1300,1300,-693,1300,1300,-696,-697,-698,1300,-700,-701,-702,-703,1300,1300,-748,1300,-751,-752,-753,-754,-755,1300,-757,-758,-759,-760,-761,1300,-768,-769,-771,1300,-773,-774,-775,-784,-858,-860,-862,-864,1300,1300,1300,1300,-870,1300,-872,1300,1300,1300,1300,1300,1300,1300,-908,-909,1300,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1300,-923,-926,1300,-936,1300,-387,-388,-389,1300,1300,-392,-393,-394,-395,1300,-398,1300,-401,-402,1300,-403,1300,-408,-409,1300,-412,-413,-414,1300,-417,1300,-418,1300,-423,-424,1300,-427,1300,-430,-431,-1896,-1896,1300,-621,-622,-623,-624,-625,-636,-586,-626,-799,1300,1300,1300,1300,1300,-833,1300,1300,-808,1300,-834,1300,1300,1300,1300,-800,1300,-855,-801,1300,1300,1300,1300,1300,1300,-856,-857,1300,-836,-832,-837,1300,-627,1300,-628,-629,-630,-631,-576,1300,1300,-632,-633,-634,1300,1300,1300,1300,1300,1300,-637,-638,-639,-594,-1896,-604,1300,-640,-641,-715,-642,-606,1300,-574,-579,-582,-585,1300,1300,1300,-600,-603,1300,-610,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1300,783,783,-997,783,1300,783,783,783,1300,-308,-327,-321,-298,-377,-454,-455,-456,-460,783,-445,1300,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1300,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,783,783,783,783,783,783,783,783,1300,-318,-537,-510,-593,-939,-941,-942,-440,1300,-442,-382,-383,-385,-509,-511,-513,1300,-515,-516,-521,-522,1300,-534,-536,-539,-540,-545,-550,-728,1300,-729,1300,-734,1300,-736,1300,-741,-658,-662,-663,1300,-668,1300,-669,1300,-674,-676,1300,-679,1300,1300,1300,-689,-691,1300,-694,1300,1300,-746,1300,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1300,1300,1300,1300,1300,-879,1300,-882,-910,-922,-927,-390,-391,1300,-396,1300,-399,1300,-404,1300,-405,1300,-410,1300,-415,1300,-419,1300,-420,1300,-425,1300,-428,-901,-902,-645,-587,-1896,-903,1300,1300,1300,-802,1300,1300,-806,1300,-809,-835,1300,-820,1300,-822,1300,-824,-810,1300,-826,1300,-853,-854,1300,1300,-813,1300,-648,-904,-906,-650,-651,-647,1300,-707,-708,1300,-644,-905,-649,-652,-605,-716,1300,1300,-607,-588,1300,1300,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1300,1300,-711,-712,1300,-718,1300,783,783,783,1300,1300,-940,783,-441,-443,-749,1300,-893,1300,-717,-1896,1300,1300,783,783,1300,-444,-514,-525,1300,-730,-735,1300,-737,1300,-742,1300,-664,-670,1300,-680,-682,-684,-685,-692,-695,-699,-747,1300,1300,-876,1300,1300,-880,1300,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1300,-814,1300,-816,-803,1300,-804,-807,1300,-818,-821,-823,-825,-827,1300,-828,1300,-811,1300,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,783,-284,783,1300,783,1300,-457,1300,1300,-731,1300,-738,1300,-743,1300,-665,-673,1300,1300,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1300,-838,-53,783,1300,-732,1300,-739,1300,-744,-666,1300,-875,-54,783,783,-733,-740,-745,1300,783,1300,-874,]),'SUBSTRING_INDEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[784,784,784,1122,-1896,784,784,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,784,784,784,784,-277,-278,1122,-1427,1122,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1122,1122,1122,-492,1122,1122,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1122,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1122,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1964,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,784,-174,-175,-176,-177,-995,784,784,784,784,784,784,784,784,784,784,1122,1122,1122,1122,1122,-292,-293,-283,784,1122,1122,1122,1122,-330,-320,-334,-335,-336,1122,1122,-984,-985,-986,-987,-988,-989,-990,784,784,1122,1122,1122,1122,1122,1122,1122,1122,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1122,1122,1122,-355,-358,784,-325,-326,-143,1122,-144,1122,-145,1122,-432,-937,-938,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1896,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1896,1122,-1896,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1896,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1896,784,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1122,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1122,784,784,-193,-194,784,-996,1122,784,784,784,784,-279,-280,-281,-282,-367,1122,-310,1122,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1122,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1122,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1122,1122,1122,1122,1122,1122,-575,1122,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1122,1122,-725,-726,-727,1122,1964,784,784,784,784,-996,784,1122,-93,-94,784,784,784,1122,-311,-312,-322,1122,-309,-295,-296,-297,1122,784,1122,1122,-620,-635,-592,1122,784,-438,784,-439,1122,-446,-447,-448,-380,-381,1122,1122,1122,-508,1122,1122,-512,1122,1122,1122,1122,-517,-518,-519,-520,1122,1122,-523,-524,1122,-526,-527,-528,-529,-530,-531,-532,-533,1122,-535,1122,1122,1122,-541,-543,-544,1122,-546,-547,-548,-549,1122,1122,1122,1122,1122,1122,-654,-655,-656,-657,784,-659,-660,-661,1122,1122,1122,-667,1122,1122,-671,-672,1122,1122,-675,1122,-677,-678,1122,-681,1122,-683,1122,1122,-686,-687,-688,1122,-690,1122,1122,-693,1122,1122,-696,-697,-698,1122,-700,-701,-702,-703,1122,1122,-748,1122,-751,-752,-753,-754,-755,1122,-757,-758,-759,-760,-761,1122,-768,-769,-771,1122,-773,-774,-775,-784,-858,-860,-862,-864,1122,1122,1122,1122,-870,1122,-872,1122,1122,1122,1122,1122,1122,1122,-908,-909,1122,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1122,-923,-926,1122,-936,1122,-387,-388,-389,1122,1122,-392,-393,-394,-395,1122,-398,1122,-401,-402,1122,-403,1122,-408,-409,1122,-412,-413,-414,1122,-417,1122,-418,1122,-423,-424,1122,-427,1122,-430,-431,-1896,-1896,1122,-621,-622,-623,-624,-625,-636,-586,-626,-799,1122,1122,1122,1122,1122,-833,1122,1122,-808,1122,-834,1122,1122,1122,1122,-800,1122,-855,-801,1122,1122,1122,1122,1122,1122,-856,-857,1122,-836,-832,-837,1122,-627,1122,-628,-629,-630,-631,-576,1122,1122,-632,-633,-634,1122,1122,1122,1122,1122,1122,-637,-638,-639,-594,-1896,-604,1122,-640,-641,-715,-642,-606,1122,-574,-579,-582,-585,1122,1122,1122,-600,-603,1122,-610,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1122,784,784,-997,784,1122,784,784,784,1122,-308,-327,-321,-298,-377,-454,-455,-456,-460,784,-445,1122,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1122,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,784,784,784,784,784,784,784,784,1122,-318,-537,-510,-593,-939,-941,-942,-440,1122,-442,-382,-383,-385,-509,-511,-513,1122,-515,-516,-521,-522,1122,-534,-536,-539,-540,-545,-550,-728,1122,-729,1122,-734,1122,-736,1122,-741,-658,-662,-663,1122,-668,1122,-669,1122,-674,-676,1122,-679,1122,1122,1122,-689,-691,1122,-694,1122,1122,-746,1122,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1122,1122,1122,1122,1122,-879,1122,-882,-910,-922,-927,-390,-391,1122,-396,1122,-399,1122,-404,1122,-405,1122,-410,1122,-415,1122,-419,1122,-420,1122,-425,1122,-428,-901,-902,-645,-587,-1896,-903,1122,1122,1122,-802,1122,1122,-806,1122,-809,-835,1122,-820,1122,-822,1122,-824,-810,1122,-826,1122,-853,-854,1122,1122,-813,1122,-648,-904,-906,-650,-651,-647,1122,-707,-708,1122,-644,-905,-649,-652,-605,-716,1122,1122,-607,-588,1122,1122,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1122,1122,-711,-712,1122,-718,1122,784,784,784,1122,1122,-940,784,-441,-443,-749,1122,-893,1964,-717,-1896,1122,1122,784,784,1122,-444,-514,-525,1122,-730,-735,1122,-737,1122,-742,1122,-664,-670,1122,-680,-682,-684,-685,-692,-695,-699,-747,1122,1122,-876,1122,1122,-880,1122,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1122,-814,1122,-816,-803,1122,-804,-807,1122,-818,-821,-823,-825,-827,1122,-828,1122,-811,1122,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,784,-284,784,1122,784,1122,-457,1122,1122,-731,1122,-738,1122,-743,1122,-665,-673,1122,1122,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1122,-838,-53,784,1122,-732,1122,-739,1122,-744,-666,1122,-875,-54,784,784,-733,-740,-745,1122,784,1122,-874,]),'SUBTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[785,785,785,1301,-1896,785,785,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,785,785,785,785,-277,-278,1301,-1427,1301,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1301,1301,1301,-492,1301,1301,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1301,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1301,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1301,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,785,-174,-175,-176,-177,-995,785,785,785,785,785,785,785,785,785,785,1301,1301,1301,1301,1301,-292,-293,-283,785,1301,1301,1301,1301,-330,-320,-334,-335,-336,1301,1301,-984,-985,-986,-987,-988,-989,-990,785,785,1301,1301,1301,1301,1301,1301,1301,1301,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1301,1301,1301,-355,-358,785,-325,-326,-143,1301,-144,1301,-145,1301,-432,-937,-938,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1896,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1896,1301,-1896,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1896,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1896,785,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1301,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1301,785,785,-193,-194,785,-996,1301,785,785,785,785,-279,-280,-281,-282,-367,1301,-310,1301,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1301,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1301,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1301,1301,1301,1301,1301,1301,-575,1301,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1301,1301,-725,-726,-727,1301,1301,785,785,785,785,-996,785,1301,-93,-94,785,785,785,1301,-311,-312,-322,1301,-309,-295,-296,-297,1301,785,1301,1301,-620,-635,-592,1301,785,-438,785,-439,1301,-446,-447,-448,-380,-381,1301,1301,1301,-508,1301,1301,-512,1301,1301,1301,1301,-517,-518,-519,-520,1301,1301,-523,-524,1301,-526,-527,-528,-529,-530,-531,-532,-533,1301,-535,1301,1301,1301,-541,-543,-544,1301,-546,-547,-548,-549,1301,1301,1301,1301,1301,1301,-654,-655,-656,-657,785,-659,-660,-661,1301,1301,1301,-667,1301,1301,-671,-672,1301,1301,-675,1301,-677,-678,1301,-681,1301,-683,1301,1301,-686,-687,-688,1301,-690,1301,1301,-693,1301,1301,-696,-697,-698,1301,-700,-701,-702,-703,1301,1301,-748,1301,-751,-752,-753,-754,-755,1301,-757,-758,-759,-760,-761,1301,-768,-769,-771,1301,-773,-774,-775,-784,-858,-860,-862,-864,1301,1301,1301,1301,-870,1301,-872,1301,1301,1301,1301,1301,1301,1301,-908,-909,1301,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1301,-923,-926,1301,-936,1301,-387,-388,-389,1301,1301,-392,-393,-394,-395,1301,-398,1301,-401,-402,1301,-403,1301,-408,-409,1301,-412,-413,-414,1301,-417,1301,-418,1301,-423,-424,1301,-427,1301,-430,-431,-1896,-1896,1301,-621,-622,-623,-624,-625,-636,-586,-626,-799,1301,1301,1301,1301,1301,-833,1301,1301,-808,1301,-834,1301,1301,1301,1301,-800,1301,-855,-801,1301,1301,1301,1301,1301,1301,-856,-857,1301,-836,-832,-837,1301,-627,1301,-628,-629,-630,-631,-576,1301,1301,-632,-633,-634,1301,1301,1301,1301,1301,1301,-637,-638,-639,-594,-1896,-604,1301,-640,-641,-715,-642,-606,1301,-574,-579,-582,-585,1301,1301,1301,-600,-603,1301,-610,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1301,785,785,-997,785,1301,785,785,785,1301,-308,-327,-321,-298,-377,-454,-455,-456,-460,785,-445,1301,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1301,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,785,785,785,785,785,785,785,785,1301,-318,-537,-510,-593,-939,-941,-942,-440,1301,-442,-382,-383,-385,-509,-511,-513,1301,-515,-516,-521,-522,1301,-534,-536,-539,-540,-545,-550,-728,1301,-729,1301,-734,1301,-736,1301,-741,-658,-662,-663,1301,-668,1301,-669,1301,-674,-676,1301,-679,1301,1301,1301,-689,-691,1301,-694,1301,1301,-746,1301,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1301,1301,1301,1301,1301,-879,1301,-882,-910,-922,-927,-390,-391,1301,-396,1301,-399,1301,-404,1301,-405,1301,-410,1301,-415,1301,-419,1301,-420,1301,-425,1301,-428,-901,-902,-645,-587,-1896,-903,1301,1301,1301,-802,1301,1301,-806,1301,-809,-835,1301,-820,1301,-822,1301,-824,-810,1301,-826,1301,-853,-854,1301,1301,-813,1301,-648,-904,-906,-650,-651,-647,1301,-707,-708,1301,-644,-905,-649,-652,-605,-716,1301,1301,-607,-588,1301,1301,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1301,1301,-711,-712,1301,-718,1301,785,785,785,1301,1301,-940,785,-441,-443,-749,1301,-893,1301,-717,-1896,1301,1301,785,785,1301,-444,-514,-525,1301,-730,-735,1301,-737,1301,-742,1301,-664,-670,1301,-680,-682,-684,-685,-692,-695,-699,-747,1301,1301,-876,1301,1301,-880,1301,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1301,-814,1301,-816,-803,1301,-804,-807,1301,-818,-821,-823,-825,-827,1301,-828,1301,-811,1301,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,785,-284,785,1301,785,1301,-457,1301,1301,-731,1301,-738,1301,-743,1301,-665,-673,1301,1301,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1301,-838,-53,785,1301,-732,1301,-739,1301,-744,-666,1301,-875,-54,785,785,-733,-740,-745,1301,785,1301,-874,]),'SUPER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[786,786,786,786,-1896,786,786,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,786,786,786,786,-277,-278,786,-1427,786,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,786,786,786,-492,786,786,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,786,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,786,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,786,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,786,-174,-175,-176,-177,-995,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-292,-293,-283,786,786,786,786,786,-330,-320,-334,-335,-336,786,786,-984,-985,-986,-987,-988,-989,-990,786,786,786,786,786,786,786,786,786,786,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,786,786,786,-355,-358,786,-325,-326,-143,786,-144,786,-145,786,-432,-937,-938,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-1896,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-1896,786,-1896,786,786,786,786,786,786,786,786,786,786,786,786,-1896,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-1896,786,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,786,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,786,786,786,-193,-194,786,-996,786,786,786,786,786,-279,-280,-281,-282,-367,786,-310,786,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,786,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,786,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,786,786,786,786,786,786,-575,786,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,786,786,-725,-726,-727,786,786,786,786,786,786,-996,786,786,-93,-94,786,786,786,786,-311,-312,-322,786,-309,-295,-296,-297,786,786,786,786,-620,-635,-592,786,786,-438,786,-439,786,-446,-447,-448,-380,-381,786,786,786,-508,786,786,-512,786,786,786,786,-517,-518,-519,-520,786,786,-523,-524,786,-526,-527,-528,-529,-530,-531,-532,-533,786,-535,786,786,786,-541,-543,-544,786,-546,-547,-548,-549,786,786,786,786,786,786,-654,-655,-656,-657,786,-659,-660,-661,786,786,786,-667,786,786,-671,-672,786,786,-675,786,-677,-678,786,-681,786,-683,786,786,-686,-687,-688,786,-690,786,786,-693,786,786,-696,-697,-698,786,-700,-701,-702,-703,786,786,-748,786,-751,-752,-753,-754,-755,786,-757,-758,-759,-760,-761,786,-768,-769,-771,786,-773,-774,-775,-784,-858,-860,-862,-864,786,786,786,786,-870,786,-872,786,786,786,786,786,786,786,-908,-909,786,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,786,-923,-926,786,-936,786,-387,-388,-389,786,786,-392,-393,-394,-395,786,-398,786,-401,-402,786,-403,786,-408,-409,786,-412,-413,-414,786,-417,786,-418,786,-423,-424,786,-427,786,-430,-431,-1896,-1896,786,-621,-622,-623,-624,-625,-636,-586,-626,-799,786,786,786,786,786,-833,786,786,-808,786,-834,786,786,786,786,-800,786,-855,-801,786,786,786,786,786,786,-856,-857,786,-836,-832,-837,786,-627,786,-628,-629,-630,-631,-576,786,786,-632,-633,-634,786,786,786,786,786,786,-637,-638,-639,-594,-1896,-604,786,-640,-641,-715,-642,-606,786,-574,-579,-582,-585,786,786,786,-600,-603,786,-610,786,786,786,786,786,786,786,786,786,786,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,786,786,786,-997,786,786,786,786,786,786,-308,-327,-321,-298,-377,-454,-455,-456,-460,786,-445,786,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,786,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,786,786,786,786,786,786,786,786,786,-318,-537,-510,-593,-939,-941,-942,-440,786,-442,-382,-383,-385,-509,-511,-513,786,-515,-516,-521,-522,786,-534,-536,-539,-540,-545,-550,-728,786,-729,786,-734,786,-736,786,-741,-658,-662,-663,786,-668,786,-669,786,-674,-676,786,-679,786,786,786,-689,-691,786,-694,786,786,-746,786,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,786,786,786,786,786,-879,786,-882,-910,-922,-927,-390,-391,786,-396,786,-399,786,-404,786,-405,786,-410,786,-415,786,-419,786,-420,786,-425,786,-428,-901,-902,-645,-587,-1896,-903,786,786,786,-802,786,786,-806,786,-809,-835,786,-820,786,-822,786,-824,-810,786,-826,786,-853,-854,786,786,-813,786,-648,-904,-906,-650,-651,-647,786,-707,-708,786,-644,-905,-649,-652,-605,-716,786,786,-607,-588,786,786,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,786,786,-711,-712,786,-718,786,786,786,786,786,786,-940,786,-441,-443,-749,786,-893,786,-717,-1896,786,786,786,786,786,-444,-514,-525,786,-730,-735,786,-737,786,-742,786,-664,-670,786,-680,-682,-684,-685,-692,-695,-699,-747,786,786,-876,786,786,-880,786,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,786,-814,786,-816,-803,786,-804,-807,786,-818,-821,-823,-825,-827,786,-828,786,-811,786,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,786,-284,786,786,786,786,-457,786,786,-731,786,-738,786,-743,786,-665,-673,786,786,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,786,-838,-53,786,786,-732,786,-739,786,-744,-666,786,-875,-54,786,786,-733,-740,-745,786,786,786,-874,]),'SUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[787,787,787,1302,-1896,787,787,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,787,787,787,787,-277,-278,1302,-1427,1302,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1302,1302,1302,-492,1302,1302,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1302,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1302,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1302,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,787,-174,-175,-176,-177,-995,787,787,787,787,787,787,787,787,787,787,1302,1302,1302,1302,1302,-292,-293,-283,787,1302,1302,1302,1302,-330,-320,-334,-335,-336,1302,1302,-984,-985,-986,-987,-988,-989,-990,787,787,1302,1302,1302,1302,1302,1302,1302,1302,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1302,1302,1302,-355,-358,787,-325,-326,-143,1302,-144,1302,-145,1302,-432,-937,-938,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1896,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1896,1302,-1896,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1896,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1896,787,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1302,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1302,787,787,-193,-194,787,-996,1302,787,787,787,787,-279,-280,-281,-282,-367,1302,-310,1302,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1302,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1302,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1302,1302,1302,1302,1302,1302,-575,1302,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1302,1302,-725,-726,-727,1302,1302,787,787,787,787,-996,787,1302,-93,-94,787,787,787,1302,-311,-312,-322,1302,-309,-295,-296,-297,1302,787,1302,1302,-620,-635,-592,1302,787,-438,787,-439,1302,-446,-447,-448,-380,-381,1302,1302,1302,-508,1302,1302,-512,1302,1302,1302,1302,-517,-518,-519,-520,1302,1302,-523,-524,1302,-526,-527,-528,-529,-530,-531,-532,-533,1302,-535,1302,1302,1302,-541,-543,-544,1302,-546,-547,-548,-549,1302,1302,1302,1302,1302,1302,-654,-655,-656,-657,787,-659,-660,-661,1302,1302,1302,-667,1302,1302,-671,-672,1302,1302,-675,1302,-677,-678,1302,-681,1302,-683,1302,1302,-686,-687,-688,1302,-690,1302,1302,-693,1302,1302,-696,-697,-698,1302,-700,-701,-702,-703,1302,1302,-748,1302,-751,-752,-753,-754,-755,1302,-757,-758,-759,-760,-761,1302,-768,-769,-771,1302,-773,-774,-775,-784,-858,-860,-862,-864,1302,1302,1302,1302,-870,1302,-872,1302,1302,1302,1302,1302,1302,1302,-908,-909,1302,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1302,-923,-926,1302,-936,1302,-387,-388,-389,1302,1302,-392,-393,-394,-395,1302,-398,1302,-401,-402,1302,-403,1302,-408,-409,1302,-412,-413,-414,1302,-417,1302,-418,1302,-423,-424,1302,-427,1302,-430,-431,-1896,-1896,1302,-621,-622,-623,-624,-625,-636,-586,-626,-799,1302,1302,1302,1302,1302,-833,1302,1302,-808,1302,-834,1302,1302,1302,1302,-800,1302,-855,-801,1302,1302,1302,1302,1302,1302,-856,-857,1302,-836,-832,-837,1302,-627,1302,-628,-629,-630,-631,-576,1302,1302,-632,-633,-634,1302,1302,1302,1302,1302,1302,-637,-638,-639,-594,-1896,-604,1302,-640,-641,-715,-642,-606,1302,-574,-579,-582,-585,1302,1302,1302,-600,-603,1302,-610,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1302,787,787,-997,787,1302,787,787,787,1302,-308,-327,-321,-298,-377,-454,-455,-456,-460,787,-445,1302,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1302,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,787,787,787,787,787,787,787,787,1302,-318,-537,-510,-593,-939,-941,-942,-440,1302,-442,-382,-383,-385,-509,-511,-513,1302,-515,-516,-521,-522,1302,-534,-536,-539,-540,-545,-550,-728,1302,-729,1302,-734,1302,-736,1302,-741,-658,-662,-663,1302,-668,1302,-669,1302,-674,-676,1302,-679,1302,1302,1302,-689,-691,1302,-694,1302,1302,-746,1302,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1302,1302,1302,1302,1302,-879,1302,-882,-910,-922,-927,-390,-391,1302,-396,1302,-399,1302,-404,1302,-405,1302,-410,1302,-415,1302,-419,1302,-420,1302,-425,1302,-428,-901,-902,-645,-587,-1896,-903,1302,1302,1302,-802,1302,1302,-806,1302,-809,-835,1302,-820,1302,-822,1302,-824,-810,1302,-826,1302,-853,-854,1302,1302,-813,1302,-648,-904,-906,-650,-651,-647,1302,-707,-708,1302,-644,-905,-649,-652,-605,-716,1302,1302,-607,-588,1302,1302,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1302,1302,-711,-712,1302,-718,1302,787,787,787,1302,1302,-940,787,-441,-443,-749,1302,-893,1302,-717,-1896,1302,1302,787,787,1302,-444,-514,-525,1302,-730,-735,1302,-737,1302,-742,1302,-664,-670,1302,-680,-682,-684,-685,-692,-695,-699,-747,1302,1302,-876,1302,1302,-880,1302,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1302,-814,1302,-816,-803,1302,-804,-807,1302,-818,-821,-823,-825,-827,1302,-828,1302,-811,1302,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,787,-284,787,1302,787,1302,-457,1302,1302,-731,1302,-738,1302,-743,1302,-665,-673,1302,1302,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1302,-838,-53,787,1302,-732,1302,-739,1302,-744,-666,1302,-875,-54,787,787,-733,-740,-745,1302,787,1302,-874,]),'SUSPEND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[788,788,788,788,-1896,788,788,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,788,788,788,788,-277,-278,788,-1427,788,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,788,788,788,-492,788,788,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,788,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,788,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,788,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,788,-174,-175,-176,-177,-995,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-292,-293,-283,788,788,788,788,788,-330,-320,-334,-335,-336,788,788,-984,-985,-986,-987,-988,-989,-990,788,788,788,788,788,788,788,788,788,788,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,788,788,788,-355,-358,788,-325,-326,-143,788,-144,788,-145,788,-432,-937,-938,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-1896,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-1896,788,-1896,788,788,788,788,788,788,788,788,788,788,788,788,-1896,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-1896,788,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,788,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,788,788,788,-193,-194,788,-996,788,788,788,788,788,-279,-280,-281,-282,-367,788,-310,788,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,788,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,788,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,788,788,788,788,788,788,-575,788,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,788,788,-725,-726,-727,788,788,788,788,788,788,-996,788,788,-93,-94,788,788,788,788,-311,-312,-322,788,-309,-295,-296,-297,788,788,788,788,-620,-635,-592,788,788,-438,788,-439,788,-446,-447,-448,-380,-381,788,788,788,-508,788,788,-512,788,788,788,788,-517,-518,-519,-520,788,788,-523,-524,788,-526,-527,-528,-529,-530,-531,-532,-533,788,-535,788,788,788,-541,-543,-544,788,-546,-547,-548,-549,788,788,788,788,788,788,-654,-655,-656,-657,788,-659,-660,-661,788,788,788,-667,788,788,-671,-672,788,788,-675,788,-677,-678,788,-681,788,-683,788,788,-686,-687,-688,788,-690,788,788,-693,788,788,-696,-697,-698,788,-700,-701,-702,-703,788,788,-748,788,-751,-752,-753,-754,-755,788,-757,-758,-759,-760,-761,788,-768,-769,-771,788,-773,-774,-775,-784,-858,-860,-862,-864,788,788,788,788,-870,788,-872,788,788,788,788,788,788,788,-908,-909,788,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,788,-923,-926,788,-936,788,-387,-388,-389,788,788,-392,-393,-394,-395,788,-398,788,-401,-402,788,-403,788,-408,-409,788,-412,-413,-414,788,-417,788,-418,788,-423,-424,788,-427,788,-430,-431,-1896,-1896,788,-621,-622,-623,-624,-625,-636,-586,-626,-799,788,788,788,788,788,-833,788,788,-808,788,-834,788,788,788,788,-800,788,-855,-801,788,788,788,788,788,788,-856,-857,788,-836,-832,-837,788,-627,788,-628,-629,-630,-631,-576,788,788,-632,-633,-634,788,788,788,788,788,788,-637,-638,-639,-594,-1896,-604,788,-640,-641,-715,-642,-606,788,-574,-579,-582,-585,788,788,788,-600,-603,788,-610,788,788,788,788,788,788,788,788,788,788,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,788,788,788,-997,788,788,788,788,788,788,-308,-327,-321,-298,-377,-454,-455,-456,-460,788,-445,788,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,788,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,788,788,788,788,788,788,788,788,788,-318,-537,-510,-593,-939,-941,-942,-440,788,-442,-382,-383,-385,-509,-511,-513,788,-515,-516,-521,-522,788,-534,-536,-539,-540,-545,-550,-728,788,-729,788,-734,788,-736,788,-741,-658,-662,-663,788,-668,788,-669,788,-674,-676,788,-679,788,788,788,-689,-691,788,-694,788,788,-746,788,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,788,788,788,788,788,-879,788,-882,-910,-922,-927,-390,-391,788,-396,788,-399,788,-404,788,-405,788,-410,788,-415,788,-419,788,-420,788,-425,788,-428,-901,-902,-645,-587,-1896,-903,788,788,788,-802,788,788,-806,788,-809,-835,788,-820,788,-822,788,-824,-810,788,-826,788,-853,-854,788,788,-813,788,-648,-904,-906,-650,-651,-647,788,-707,-708,788,-644,-905,-649,-652,-605,-716,788,788,-607,-588,788,788,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,788,788,-711,-712,788,-718,788,788,788,788,788,788,-940,788,-441,-443,-749,788,-893,788,-717,-1896,788,788,788,788,788,-444,-514,-525,788,-730,-735,788,-737,788,-742,788,-664,-670,788,-680,-682,-684,-685,-692,-695,-699,-747,788,788,-876,788,788,-880,788,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,788,-814,788,-816,-803,788,-804,-807,788,-818,-821,-823,-825,-827,788,-828,788,-811,788,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,788,-284,788,788,788,788,-457,788,788,-731,788,-738,788,-743,788,-665,-673,788,788,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,788,-838,-53,788,788,-732,788,-739,788,-744,-666,788,-875,-54,788,788,-733,-740,-745,788,788,788,-874,]),'SWAPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[789,789,789,789,-1896,789,789,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,789,789,789,789,-277,-278,789,-1427,789,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,789,789,789,-492,789,789,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,789,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,789,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,789,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,789,-174,-175,-176,-177,-995,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-292,-293,-283,789,789,789,789,789,-330,-320,-334,-335,-336,789,789,-984,-985,-986,-987,-988,-989,-990,789,789,789,789,789,789,789,789,789,789,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,789,789,789,-355,-358,789,-325,-326,-143,789,-144,789,-145,789,-432,-937,-938,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-1896,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-1896,789,-1896,789,789,789,789,789,789,789,789,789,789,789,789,-1896,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-1896,789,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,789,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,789,789,789,-193,-194,789,-996,789,789,789,789,789,-279,-280,-281,-282,-367,789,-310,789,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,789,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,789,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,789,789,789,789,789,789,-575,789,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,789,789,-725,-726,-727,789,789,789,789,789,789,-996,789,789,-93,-94,789,789,789,789,-311,-312,-322,789,-309,-295,-296,-297,789,789,789,789,-620,-635,-592,789,789,-438,789,-439,789,-446,-447,-448,-380,-381,789,789,789,-508,789,789,-512,789,789,789,789,-517,-518,-519,-520,789,789,-523,-524,789,-526,-527,-528,-529,-530,-531,-532,-533,789,-535,789,789,789,-541,-543,-544,789,-546,-547,-548,-549,789,789,789,789,789,789,-654,-655,-656,-657,789,-659,-660,-661,789,789,789,-667,789,789,-671,-672,789,789,-675,789,-677,-678,789,-681,789,-683,789,789,-686,-687,-688,789,-690,789,789,-693,789,789,-696,-697,-698,789,-700,-701,-702,-703,789,789,-748,789,-751,-752,-753,-754,-755,789,-757,-758,-759,-760,-761,789,-768,-769,-771,789,-773,-774,-775,-784,-858,-860,-862,-864,789,789,789,789,-870,789,-872,789,789,789,789,789,789,789,-908,-909,789,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,789,-923,-926,789,-936,789,-387,-388,-389,789,789,-392,-393,-394,-395,789,-398,789,-401,-402,789,-403,789,-408,-409,789,-412,-413,-414,789,-417,789,-418,789,-423,-424,789,-427,789,-430,-431,-1896,-1896,789,-621,-622,-623,-624,-625,-636,-586,-626,-799,789,789,789,789,789,-833,789,789,-808,789,-834,789,789,789,789,-800,789,-855,-801,789,789,789,789,789,789,-856,-857,789,-836,-832,-837,789,-627,789,-628,-629,-630,-631,-576,789,789,-632,-633,-634,789,789,789,789,789,789,-637,-638,-639,-594,-1896,-604,789,-640,-641,-715,-642,-606,789,-574,-579,-582,-585,789,789,789,-600,-603,789,-610,789,789,789,789,789,789,789,789,789,789,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,789,789,789,-997,789,789,789,789,789,789,-308,-327,-321,-298,-377,-454,-455,-456,-460,789,-445,789,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,789,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,789,789,789,789,789,789,789,789,789,-318,-537,-510,-593,-939,-941,-942,-440,789,-442,-382,-383,-385,-509,-511,-513,789,-515,-516,-521,-522,789,-534,-536,-539,-540,-545,-550,-728,789,-729,789,-734,789,-736,789,-741,-658,-662,-663,789,-668,789,-669,789,-674,-676,789,-679,789,789,789,-689,-691,789,-694,789,789,-746,789,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,789,789,789,789,789,-879,789,-882,-910,-922,-927,-390,-391,789,-396,789,-399,789,-404,789,-405,789,-410,789,-415,789,-419,789,-420,789,-425,789,-428,-901,-902,-645,-587,-1896,-903,789,789,789,-802,789,789,-806,789,-809,-835,789,-820,789,-822,789,-824,-810,789,-826,789,-853,-854,789,789,-813,789,-648,-904,-906,-650,-651,-647,789,-707,-708,789,-644,-905,-649,-652,-605,-716,789,789,-607,-588,789,789,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,789,789,-711,-712,789,-718,789,789,789,789,789,789,-940,789,-441,-443,-749,789,-893,789,-717,-1896,789,789,789,789,789,-444,-514,-525,789,-730,-735,789,-737,789,-742,789,-664,-670,789,-680,-682,-684,-685,-692,-695,-699,-747,789,789,-876,789,789,-880,789,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,789,-814,789,-816,-803,789,-804,-807,789,-818,-821,-823,-825,-827,789,-828,789,-811,789,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,789,-284,789,789,789,789,-457,789,789,-731,789,-738,789,-743,789,-665,-673,789,789,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,789,-838,-53,789,789,-732,789,-739,789,-744,-666,789,-875,-54,789,789,-733,-740,-745,789,789,789,-874,]),'SWITCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[790,790,790,790,-1896,790,790,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,790,790,790,790,-277,-278,790,-1427,790,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,790,790,790,-492,790,790,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,790,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,790,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,790,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,790,-174,-175,-176,-177,-995,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-292,-293,-283,790,790,790,790,790,-330,-320,-334,-335,-336,790,790,-984,-985,-986,-987,-988,-989,-990,790,790,790,790,790,790,790,790,790,790,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,790,790,790,-355,-358,790,-325,-326,-143,790,-144,790,-145,790,-432,-937,-938,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-1896,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-1896,790,-1896,790,790,790,790,790,790,790,790,790,790,790,790,-1896,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-1896,790,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,790,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,790,790,790,-193,-194,790,-996,790,790,790,790,790,-279,-280,-281,-282,-367,790,-310,790,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,790,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,790,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,790,790,790,790,790,790,-575,790,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,790,790,-725,-726,-727,790,790,790,790,790,790,-996,790,790,-93,-94,790,790,790,790,-311,-312,-322,790,-309,-295,-296,-297,790,790,790,790,-620,-635,-592,790,790,-438,790,-439,790,-446,-447,-448,-380,-381,790,790,790,-508,790,790,-512,790,790,790,790,-517,-518,-519,-520,790,790,-523,-524,790,-526,-527,-528,-529,-530,-531,-532,-533,790,-535,790,790,790,-541,-543,-544,790,-546,-547,-548,-549,790,790,790,790,790,790,-654,-655,-656,-657,790,-659,-660,-661,790,790,790,-667,790,790,-671,-672,790,790,-675,790,-677,-678,790,-681,790,-683,790,790,-686,-687,-688,790,-690,790,790,-693,790,790,-696,-697,-698,790,-700,-701,-702,-703,790,790,-748,790,-751,-752,-753,-754,-755,790,-757,-758,-759,-760,-761,790,-768,-769,-771,790,-773,-774,-775,-784,-858,-860,-862,-864,790,790,790,790,-870,790,-872,790,790,790,790,790,790,790,-908,-909,790,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,790,-923,-926,790,-936,790,-387,-388,-389,790,790,-392,-393,-394,-395,790,-398,790,-401,-402,790,-403,790,-408,-409,790,-412,-413,-414,790,-417,790,-418,790,-423,-424,790,-427,790,-430,-431,-1896,-1896,790,-621,-622,-623,-624,-625,-636,-586,-626,-799,790,790,790,790,790,-833,790,790,-808,790,-834,790,790,790,790,-800,790,-855,-801,790,790,790,790,790,790,-856,-857,790,-836,-832,-837,790,-627,790,-628,-629,-630,-631,-576,790,790,-632,-633,-634,790,790,790,790,790,790,-637,-638,-639,-594,-1896,-604,790,-640,-641,-715,-642,-606,790,-574,-579,-582,-585,790,790,790,-600,-603,790,-610,790,790,790,790,790,790,790,790,790,790,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,790,790,790,-997,790,790,790,790,790,790,-308,-327,-321,-298,-377,-454,-455,-456,-460,790,-445,790,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,790,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,790,790,790,790,790,790,790,790,790,-318,-537,-510,-593,-939,-941,-942,-440,790,-442,-382,-383,-385,-509,-511,-513,790,-515,-516,-521,-522,790,-534,-536,-539,-540,-545,-550,-728,790,-729,790,-734,790,-736,790,-741,-658,-662,-663,790,-668,790,-669,790,-674,-676,790,-679,790,790,790,-689,-691,790,-694,790,790,-746,790,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,790,790,790,790,790,-879,790,-882,-910,-922,-927,-390,-391,790,-396,790,-399,790,-404,790,-405,790,-410,790,-415,790,-419,790,-420,790,-425,790,-428,-901,-902,-645,-587,-1896,-903,790,790,790,-802,790,790,-806,790,-809,-835,790,-820,790,-822,790,-824,-810,790,-826,790,-853,-854,790,790,-813,790,-648,-904,-906,-650,-651,-647,790,-707,-708,790,-644,-905,-649,-652,-605,-716,790,790,-607,-588,790,790,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,790,790,-711,-712,790,-718,790,790,790,790,790,790,-940,790,-441,-443,-749,790,-893,790,-717,-1896,790,790,790,790,790,-444,-514,-525,790,-730,-735,790,-737,790,-742,790,-664,-670,790,-680,-682,-684,-685,-692,-695,-699,-747,790,790,-876,790,790,-880,790,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,790,-814,790,-816,-803,790,-804,-807,790,-818,-821,-823,-825,-827,790,-828,790,-811,790,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,790,-284,790,790,790,790,-457,790,790,-731,790,-738,790,-743,790,-665,-673,790,790,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,790,-838,-53,790,790,-732,790,-739,790,-744,-666,790,-875,-54,790,790,-733,-740,-745,790,790,790,-874,]),'SWITCHES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[791,791,791,791,-1896,791,791,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,791,791,791,791,-277,-278,791,-1427,791,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,791,791,791,-492,791,791,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,791,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,791,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,791,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,791,-174,-175,-176,-177,-995,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-292,-293,-283,791,791,791,791,791,-330,-320,-334,-335,-336,791,791,-984,-985,-986,-987,-988,-989,-990,791,791,791,791,791,791,791,791,791,791,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,791,791,791,-355,-358,791,-325,-326,-143,791,-144,791,-145,791,-432,-937,-938,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-1896,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-1896,791,-1896,791,791,791,791,791,791,791,791,791,791,791,791,-1896,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-1896,791,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,791,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,791,791,791,-193,-194,791,-996,791,791,791,791,791,-279,-280,-281,-282,-367,791,-310,791,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,791,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,791,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,791,791,791,791,791,791,-575,791,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,791,791,-725,-726,-727,791,791,791,791,791,791,-996,791,791,-93,-94,791,791,791,791,-311,-312,-322,791,-309,-295,-296,-297,791,791,791,791,-620,-635,-592,791,791,-438,791,-439,791,-446,-447,-448,-380,-381,791,791,791,-508,791,791,-512,791,791,791,791,-517,-518,-519,-520,791,791,-523,-524,791,-526,-527,-528,-529,-530,-531,-532,-533,791,-535,791,791,791,-541,-543,-544,791,-546,-547,-548,-549,791,791,791,791,791,791,-654,-655,-656,-657,791,-659,-660,-661,791,791,791,-667,791,791,-671,-672,791,791,-675,791,-677,-678,791,-681,791,-683,791,791,-686,-687,-688,791,-690,791,791,-693,791,791,-696,-697,-698,791,-700,-701,-702,-703,791,791,-748,791,-751,-752,-753,-754,-755,791,-757,-758,-759,-760,-761,791,-768,-769,-771,791,-773,-774,-775,-784,-858,-860,-862,-864,791,791,791,791,-870,791,-872,791,791,791,791,791,791,791,-908,-909,791,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,791,-923,-926,791,-936,791,-387,-388,-389,791,791,-392,-393,-394,-395,791,-398,791,-401,-402,791,-403,791,-408,-409,791,-412,-413,-414,791,-417,791,-418,791,-423,-424,791,-427,791,-430,-431,-1896,-1896,791,-621,-622,-623,-624,-625,-636,-586,-626,-799,791,791,791,791,791,-833,791,791,-808,791,-834,791,791,791,791,-800,791,-855,-801,791,791,791,791,791,791,-856,-857,791,-836,-832,-837,791,-627,791,-628,-629,-630,-631,-576,791,791,-632,-633,-634,791,791,791,791,791,791,-637,-638,-639,-594,-1896,-604,791,-640,-641,-715,-642,-606,791,-574,-579,-582,-585,791,791,791,-600,-603,791,-610,791,791,791,791,791,791,791,791,791,791,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,791,791,791,-997,791,791,791,791,791,791,-308,-327,-321,-298,-377,-454,-455,-456,-460,791,-445,791,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,791,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,791,791,791,791,791,791,791,791,791,-318,-537,-510,-593,-939,-941,-942,-440,791,-442,-382,-383,-385,-509,-511,-513,791,-515,-516,-521,-522,791,-534,-536,-539,-540,-545,-550,-728,791,-729,791,-734,791,-736,791,-741,-658,-662,-663,791,-668,791,-669,791,-674,-676,791,-679,791,791,791,-689,-691,791,-694,791,791,-746,791,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,791,791,791,791,791,-879,791,-882,-910,-922,-927,-390,-391,791,-396,791,-399,791,-404,791,-405,791,-410,791,-415,791,-419,791,-420,791,-425,791,-428,-901,-902,-645,-587,-1896,-903,791,791,791,-802,791,791,-806,791,-809,-835,791,-820,791,-822,791,-824,-810,791,-826,791,-853,-854,791,791,-813,791,-648,-904,-906,-650,-651,-647,791,-707,-708,791,-644,-905,-649,-652,-605,-716,791,791,-607,-588,791,791,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,791,791,-711,-712,791,-718,791,791,791,791,791,791,-940,791,-441,-443,-749,791,-893,791,-717,-1896,791,791,791,791,791,-444,-514,-525,791,-730,-735,791,-737,791,-742,791,-664,-670,791,-680,-682,-684,-685,-692,-695,-699,-747,791,791,-876,791,791,-880,791,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,791,-814,791,-816,-803,791,-804,-807,791,-818,-821,-823,-825,-827,791,-828,791,-811,791,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,791,-284,791,791,791,791,-457,791,791,-731,791,-738,791,-743,791,-665,-673,791,791,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,791,-838,-53,791,791,-732,791,-739,791,-744,-666,791,-875,-54,791,791,-733,-740,-745,791,791,791,-874,]),'SWITCHOVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[792,792,792,792,-1896,792,792,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,792,792,792,792,-277,-278,792,-1427,792,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,792,792,792,-492,792,792,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,792,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,792,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,792,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,792,-174,-175,-176,-177,-995,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-292,-293,-283,792,792,792,792,792,-330,-320,-334,-335,-336,792,792,-984,-985,-986,-987,-988,-989,-990,792,792,792,792,792,792,792,792,792,792,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,792,792,792,-355,-358,792,-325,-326,-143,792,-144,792,-145,792,-432,-937,-938,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-1896,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-1896,792,-1896,792,792,792,792,792,792,792,792,792,792,792,792,-1896,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-1896,792,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,792,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,792,792,792,-193,-194,792,-996,792,792,792,792,792,-279,-280,-281,-282,-367,792,-310,792,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,792,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,792,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,792,792,792,792,792,792,-575,792,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,792,792,-725,-726,-727,792,792,792,792,792,792,-996,792,792,-93,-94,792,792,792,792,-311,-312,-322,792,-309,-295,-296,-297,792,792,792,792,-620,-635,-592,792,792,-438,792,-439,792,-446,-447,-448,-380,-381,792,792,792,-508,792,792,-512,792,792,792,792,-517,-518,-519,-520,792,792,-523,-524,792,-526,-527,-528,-529,-530,-531,-532,-533,792,-535,792,792,792,-541,-543,-544,792,-546,-547,-548,-549,792,792,792,792,792,792,-654,-655,-656,-657,792,-659,-660,-661,792,792,792,-667,792,792,-671,-672,792,792,-675,792,-677,-678,792,-681,792,-683,792,792,-686,-687,-688,792,-690,792,792,-693,792,792,-696,-697,-698,792,-700,-701,-702,-703,792,792,-748,792,-751,-752,-753,-754,-755,792,-757,-758,-759,-760,-761,792,-768,-769,-771,792,-773,-774,-775,-784,-858,-860,-862,-864,792,792,792,792,-870,792,-872,792,792,792,792,792,792,792,-908,-909,792,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,792,-923,-926,792,-936,792,-387,-388,-389,792,792,-392,-393,-394,-395,792,-398,792,-401,-402,792,-403,792,-408,-409,792,-412,-413,-414,792,-417,792,-418,792,-423,-424,792,-427,792,-430,-431,-1896,-1896,792,-621,-622,-623,-624,-625,-636,-586,-626,-799,792,792,792,792,792,-833,792,792,-808,792,-834,792,792,792,792,-800,792,-855,-801,792,792,792,792,792,792,-856,-857,792,-836,-832,-837,792,-627,792,-628,-629,-630,-631,-576,792,792,-632,-633,-634,792,792,792,792,792,792,-637,-638,-639,-594,-1896,-604,792,-640,-641,-715,-642,-606,792,-574,-579,-582,-585,792,792,792,-600,-603,792,-610,792,792,792,792,792,792,792,792,792,792,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,792,792,792,-997,792,792,792,792,792,792,-308,-327,-321,-298,-377,-454,-455,-456,-460,792,-445,792,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,792,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,792,792,792,792,792,792,792,792,792,-318,-537,-510,-593,-939,-941,-942,-440,792,-442,-382,-383,-385,-509,-511,-513,792,-515,-516,-521,-522,792,-534,-536,-539,-540,-545,-550,-728,792,-729,792,-734,792,-736,792,-741,-658,-662,-663,792,-668,792,-669,792,-674,-676,792,-679,792,792,792,-689,-691,792,-694,792,792,-746,792,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,792,792,792,792,792,-879,792,-882,-910,-922,-927,-390,-391,792,-396,792,-399,792,-404,792,-405,792,-410,792,-415,792,-419,792,-420,792,-425,792,-428,-901,-902,-645,-587,-1896,-903,792,792,792,-802,792,792,-806,792,-809,-835,792,-820,792,-822,792,-824,-810,792,-826,792,-853,-854,792,792,-813,792,-648,-904,-906,-650,-651,-647,792,-707,-708,792,-644,-905,-649,-652,-605,-716,792,792,-607,-588,792,792,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,792,792,-711,-712,792,-718,792,792,792,792,792,792,-940,792,-441,-443,-749,792,-893,792,-717,-1896,792,792,792,792,792,-444,-514,-525,792,-730,-735,792,-737,792,-742,792,-664,-670,792,-680,-682,-684,-685,-692,-695,-699,-747,792,792,-876,792,792,-880,792,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,792,-814,792,-816,-803,792,-804,-807,792,-818,-821,-823,-825,-827,792,-828,792,-811,792,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,792,-284,792,792,792,792,-457,792,792,-731,792,-738,792,-743,792,-665,-673,792,792,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,792,-838,-53,792,792,-732,792,-739,792,-744,-666,792,-875,-54,792,792,-733,-740,-745,792,792,792,-874,]),'SYNCHRONIZATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[793,793,793,793,-1896,793,793,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,793,793,793,793,-277,-278,793,-1427,793,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,793,793,793,-492,793,793,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,793,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,793,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,793,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,793,-174,-175,-176,-177,-995,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-292,-293,-283,793,793,793,793,793,-330,-320,-334,-335,-336,793,793,-984,-985,-986,-987,-988,-989,-990,793,793,793,793,793,793,793,793,793,793,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,793,793,793,-355,-358,793,-325,-326,-143,793,-144,793,-145,793,-432,-937,-938,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-1896,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-1896,793,-1896,793,793,793,793,793,793,793,793,793,793,793,793,-1896,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-1896,793,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,793,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,793,793,793,-193,-194,793,-996,793,793,793,793,793,-279,-280,-281,-282,-367,793,-310,793,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,793,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,793,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,793,793,793,793,793,793,-575,793,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,793,793,-725,-726,-727,793,793,793,793,793,793,-996,793,793,-93,-94,793,793,793,793,-311,-312,-322,793,-309,-295,-296,-297,793,793,793,793,-620,-635,-592,793,793,-438,793,-439,793,-446,-447,-448,-380,-381,793,793,793,-508,793,793,-512,793,793,793,793,-517,-518,-519,-520,793,793,-523,-524,793,-526,-527,-528,-529,-530,-531,-532,-533,793,-535,793,793,793,-541,-543,-544,793,-546,-547,-548,-549,793,793,793,793,793,793,-654,-655,-656,-657,793,-659,-660,-661,793,793,793,-667,793,793,-671,-672,793,793,-675,793,-677,-678,793,-681,793,-683,793,793,-686,-687,-688,793,-690,793,793,-693,793,793,-696,-697,-698,793,-700,-701,-702,-703,793,793,-748,793,-751,-752,-753,-754,-755,793,-757,-758,-759,-760,-761,793,-768,-769,-771,793,-773,-774,-775,-784,-858,-860,-862,-864,793,793,793,793,-870,793,-872,793,793,793,793,793,793,793,-908,-909,793,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,793,-923,-926,793,-936,793,-387,-388,-389,793,793,-392,-393,-394,-395,793,-398,793,-401,-402,793,-403,793,-408,-409,793,-412,-413,-414,793,-417,793,-418,793,-423,-424,793,-427,793,-430,-431,-1896,-1896,793,-621,-622,-623,-624,-625,-636,-586,-626,-799,793,793,793,793,793,-833,793,793,-808,793,-834,793,793,793,793,-800,793,-855,-801,793,793,793,793,793,793,-856,-857,793,-836,-832,-837,793,-627,793,-628,-629,-630,-631,-576,793,793,-632,-633,-634,793,793,793,793,793,793,-637,-638,-639,-594,-1896,-604,793,-640,-641,-715,-642,-606,793,-574,-579,-582,-585,793,793,793,-600,-603,793,-610,793,793,793,793,793,793,793,793,793,793,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,793,793,793,-997,793,793,793,793,793,793,-308,-327,-321,-298,-377,-454,-455,-456,-460,793,-445,793,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,793,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,793,793,793,793,793,793,793,793,793,-318,-537,-510,-593,-939,-941,-942,-440,793,-442,-382,-383,-385,-509,-511,-513,793,-515,-516,-521,-522,793,-534,-536,-539,-540,-545,-550,-728,793,-729,793,-734,793,-736,793,-741,-658,-662,-663,793,-668,793,-669,793,-674,-676,793,-679,793,793,793,-689,-691,793,-694,793,793,-746,793,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,793,793,793,793,793,-879,793,-882,-910,-922,-927,-390,-391,793,-396,793,-399,793,-404,793,-405,793,-410,793,-415,793,-419,793,-420,793,-425,793,-428,-901,-902,-645,-587,-1896,-903,793,793,793,-802,793,793,-806,793,-809,-835,793,-820,793,-822,793,-824,-810,793,-826,793,-853,-854,793,793,-813,793,-648,-904,-906,-650,-651,-647,793,-707,-708,793,-644,-905,-649,-652,-605,-716,793,793,-607,-588,793,793,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,793,793,-711,-712,793,-718,793,793,793,793,793,793,-940,793,-441,-443,-749,793,-893,793,-717,-1896,793,793,793,793,793,-444,-514,-525,793,-730,-735,793,-737,793,-742,793,-664,-670,793,-680,-682,-684,-685,-692,-695,-699,-747,793,793,-876,793,793,-880,793,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,793,-814,793,-816,-803,793,-804,-807,793,-818,-821,-823,-825,-827,793,-828,793,-811,793,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,793,-284,793,793,793,793,-457,793,793,-731,793,-738,793,-743,793,-665,-673,793,793,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,793,-838,-53,793,793,-732,793,-739,793,-744,-666,793,-875,-54,793,793,-733,-740,-745,793,793,793,-874,]),'SYSTEM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[794,794,794,794,-1896,794,794,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,794,794,794,794,-277,-278,794,-1427,794,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,794,794,794,-492,794,794,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,794,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,794,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,794,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,794,-174,-175,-176,-177,-995,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-292,-293,-283,794,794,794,794,794,-330,-320,-334,-335,-336,794,794,-984,-985,-986,-987,-988,-989,-990,794,794,794,794,794,794,794,794,794,794,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,794,794,794,-355,-358,794,-325,-326,-143,794,-144,794,-145,794,-432,-937,-938,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-1896,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-1896,794,-1896,794,794,794,794,794,794,794,794,794,794,794,794,-1896,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-1896,794,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,794,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,794,794,794,-193,-194,794,-996,794,794,794,794,794,-279,-280,-281,-282,-367,794,-310,794,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,794,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,794,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,794,794,794,794,794,794,-575,794,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,794,794,-725,-726,-727,794,794,794,794,794,794,-996,794,794,-93,-94,794,794,794,794,-311,-312,-322,794,-309,-295,-296,-297,794,794,794,794,-620,-635,-592,794,794,-438,794,-439,794,-446,-447,-448,-380,-381,794,794,794,-508,794,794,-512,794,794,794,794,-517,-518,-519,-520,794,794,-523,-524,794,-526,-527,-528,-529,-530,-531,-532,-533,794,-535,794,794,794,-541,-543,-544,794,-546,-547,-548,-549,794,794,794,794,794,794,-654,-655,-656,-657,794,-659,-660,-661,794,794,794,-667,794,794,-671,-672,794,794,-675,794,-677,-678,794,-681,794,-683,794,794,-686,-687,-688,794,-690,794,794,-693,794,794,-696,-697,-698,794,-700,-701,-702,-703,794,794,-748,794,-751,-752,-753,-754,-755,794,-757,-758,-759,-760,-761,794,-768,-769,-771,794,-773,-774,-775,-784,-858,-860,-862,-864,794,794,794,794,-870,794,-872,794,794,794,794,794,794,794,-908,-909,794,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,794,-923,-926,794,-936,794,-387,-388,-389,794,794,-392,-393,-394,-395,794,-398,794,-401,-402,794,-403,794,-408,-409,794,-412,-413,-414,794,-417,794,-418,794,-423,-424,794,-427,794,-430,-431,-1896,-1896,794,-621,-622,-623,-624,-625,-636,-586,-626,-799,794,794,794,794,794,-833,794,794,-808,794,-834,794,794,794,794,-800,794,-855,-801,794,794,794,794,794,794,-856,-857,794,-836,-832,-837,794,-627,794,-628,-629,-630,-631,-576,794,794,-632,-633,-634,794,794,794,794,794,794,-637,-638,-639,-594,-1896,-604,794,-640,-641,-715,-642,-606,794,-574,-579,-582,-585,794,794,794,-600,-603,794,-610,794,794,794,794,794,794,794,794,794,794,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,794,794,794,-997,794,794,794,794,794,794,-308,-327,-321,-298,-377,-454,-455,-456,-460,794,-445,794,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,794,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,794,794,794,794,794,794,794,794,794,-318,-537,-510,-593,-939,-941,-942,-440,794,-442,-382,-383,-385,-509,-511,-513,794,-515,-516,-521,-522,794,-534,-536,-539,-540,-545,-550,-728,794,-729,794,-734,794,-736,794,-741,-658,-662,-663,794,-668,794,-669,794,-674,-676,794,-679,794,794,794,-689,-691,794,-694,794,794,-746,794,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,794,794,794,794,794,-879,794,-882,-910,-922,-927,-390,-391,794,-396,794,-399,794,-404,794,-405,794,-410,794,-415,794,-419,794,-420,794,-425,794,-428,-901,-902,-645,-587,-1896,-903,794,794,794,-802,794,794,-806,794,-809,-835,794,-820,794,-822,794,-824,-810,794,-826,794,-853,-854,794,794,-813,794,-648,-904,-906,-650,-651,-647,794,-707,-708,794,-644,-905,-649,-652,-605,-716,794,794,-607,-588,794,794,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,794,794,-711,-712,794,-718,794,794,794,794,794,794,-940,794,-441,-443,-749,794,-893,794,-717,-1896,794,794,794,794,794,-444,-514,-525,794,-730,-735,794,-737,794,-742,794,-664,-670,794,-680,-682,-684,-685,-692,-695,-699,-747,794,794,-876,794,794,-880,794,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,794,-814,794,-816,-803,794,-804,-807,794,-818,-821,-823,-825,-827,794,-828,794,-811,794,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,794,-284,794,794,794,794,-457,794,794,-731,794,-738,794,-743,794,-665,-673,794,794,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,794,-838,-53,794,794,-732,794,-739,794,-744,-666,794,-875,-54,794,794,-733,-740,-745,794,794,794,-874,]),'SYSTEM_USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[795,795,795,1173,-1896,795,795,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,795,795,795,795,-277,-278,1173,-1427,1173,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1173,1173,1173,-492,1173,1173,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1173,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1173,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1965,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,795,-174,-175,-176,-177,-995,795,795,795,795,795,795,795,795,795,795,1173,1173,1173,1173,1173,-292,-293,-283,795,1173,1173,1173,1173,-330,-320,-334,-335,-336,1173,1173,-984,-985,-986,-987,-988,-989,-990,795,795,1173,1173,1173,1173,1173,1173,1173,1173,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1173,1173,1173,-355,-358,795,-325,-326,-143,1173,-144,1173,-145,1173,-432,-937,-938,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1896,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1896,1173,-1896,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1896,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1896,795,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1173,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1173,795,795,-193,-194,795,-996,1173,795,795,795,795,-279,-280,-281,-282,-367,1173,-310,1173,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1173,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1173,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1173,1173,1173,1173,1173,1173,-575,1173,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1173,1173,-725,-726,-727,1173,1965,795,795,795,795,-996,795,1173,-93,-94,795,795,795,1173,-311,-312,-322,1173,-309,-295,-296,-297,1173,795,1173,1173,-620,-635,-592,1173,795,-438,795,-439,1173,-446,-447,-448,-380,-381,1173,1173,1173,-508,1173,1173,-512,1173,1173,1173,1173,-517,-518,-519,-520,1173,1173,-523,-524,1173,-526,-527,-528,-529,-530,-531,-532,-533,1173,-535,1173,1173,1173,-541,-543,-544,1173,-546,-547,-548,-549,1173,1173,1173,1173,1173,1173,-654,-655,-656,-657,795,-659,-660,-661,1173,1173,1173,-667,1173,1173,-671,-672,1173,1173,-675,1173,-677,-678,1173,-681,1173,-683,1173,1173,-686,-687,-688,1173,-690,1173,1173,-693,1173,1173,-696,-697,-698,1173,-700,-701,-702,-703,1173,1173,-748,1173,-751,-752,-753,-754,-755,1173,-757,-758,-759,-760,-761,1173,-768,-769,-771,1173,-773,-774,-775,-784,-858,-860,-862,-864,1173,1173,1173,1173,-870,1173,-872,1173,1173,1173,1173,1173,1173,1173,-908,-909,1173,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1173,-923,-926,1173,-936,1173,-387,-388,-389,1173,1173,-392,-393,-394,-395,1173,-398,1173,-401,-402,1173,-403,1173,-408,-409,1173,-412,-413,-414,1173,-417,1173,-418,1173,-423,-424,1173,-427,1173,-430,-431,-1896,-1896,1173,-621,-622,-623,-624,-625,-636,-586,-626,-799,1173,1173,1173,1173,1173,-833,1173,1173,-808,1173,-834,1173,1173,1173,1173,-800,1173,-855,-801,1173,1173,1173,1173,1173,1173,-856,-857,1173,-836,-832,-837,1173,-627,1173,-628,-629,-630,-631,-576,1173,1173,-632,-633,-634,1173,1173,1173,1173,1173,1173,-637,-638,-639,-594,-1896,-604,1173,-640,-641,-715,-642,-606,1173,-574,-579,-582,-585,1173,1173,1173,-600,-603,1173,-610,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1173,795,795,-997,795,1173,795,795,795,1173,-308,-327,-321,-298,-377,-454,-455,-456,-460,795,-445,1173,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1173,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,795,795,795,795,795,795,795,795,1173,-318,-537,-510,-593,-939,-941,-942,-440,1173,-442,-382,-383,-385,-509,-511,-513,1173,-515,-516,-521,-522,1173,-534,-536,-539,-540,-545,-550,-728,1173,-729,1173,-734,1173,-736,1173,-741,-658,-662,-663,1173,-668,1173,-669,1173,-674,-676,1173,-679,1173,1173,1173,-689,-691,1173,-694,1173,1173,-746,1173,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1173,1173,1173,1173,1173,-879,1173,-882,-910,-922,-927,-390,-391,1173,-396,1173,-399,1173,-404,1173,-405,1173,-410,1173,-415,1173,-419,1173,-420,1173,-425,1173,-428,-901,-902,-645,-587,-1896,-903,1173,1173,1173,-802,1173,1173,-806,1173,-809,-835,1173,-820,1173,-822,1173,-824,-810,1173,-826,1173,-853,-854,1173,1173,-813,1173,-648,-904,-906,-650,-651,-647,1173,-707,-708,1173,-644,-905,-649,-652,-605,-716,1173,1173,-607,-588,1173,1173,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1173,1173,-711,-712,1173,-718,1173,795,795,795,1173,1173,-940,795,-441,-443,-749,1173,-893,1965,-717,-1896,1173,1173,795,795,1173,-444,-514,-525,1173,-730,-735,1173,-737,1173,-742,1173,-664,-670,1173,-680,-682,-684,-685,-692,-695,-699,-747,1173,1173,-876,1173,1173,-880,1173,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1173,-814,1173,-816,-803,1173,-804,-807,1173,-818,-821,-823,-825,-827,1173,-828,1173,-811,1173,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,795,-284,795,1173,795,1173,-457,1173,1173,-731,1173,-738,1173,-743,1173,-665,-673,1173,1173,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1173,-838,-53,795,1173,-732,1173,-739,1173,-744,-666,1173,-875,-54,795,795,-733,-740,-745,1173,795,1173,-874,]),'TABLEGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[796,796,796,796,-1896,796,796,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,796,796,796,796,-277,-278,796,-1427,796,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,796,796,796,-492,796,796,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,796,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,796,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,796,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,796,-174,-175,-176,-177,-995,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-292,-293,-283,796,796,796,796,796,-330,-320,-334,-335,-336,796,796,-984,-985,-986,-987,-988,-989,-990,796,796,796,796,796,796,796,796,796,796,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,796,796,796,-355,-358,796,-325,-326,-143,796,-144,796,-145,796,-432,-937,-938,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-1896,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-1896,796,-1896,796,796,796,796,796,796,796,796,796,796,796,796,-1896,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-1896,796,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,796,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,796,796,796,-193,-194,796,-996,796,796,796,796,796,-279,-280,-281,-282,-367,796,-310,796,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,796,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,796,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,796,796,796,796,796,796,-575,796,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,796,796,-725,-726,-727,796,796,796,796,796,796,-996,796,796,-93,-94,796,796,796,796,-311,-312,-322,796,-309,-295,-296,-297,796,796,796,796,-620,-635,-592,796,796,-438,796,-439,796,-446,-447,-448,-380,-381,796,796,796,-508,796,796,-512,796,796,796,796,-517,-518,-519,-520,796,796,-523,-524,796,-526,-527,-528,-529,-530,-531,-532,-533,796,-535,796,796,796,-541,-543,-544,796,-546,-547,-548,-549,796,796,796,796,796,796,-654,-655,-656,-657,796,-659,-660,-661,796,796,796,-667,796,796,-671,-672,796,796,-675,796,-677,-678,796,-681,796,-683,796,796,-686,-687,-688,796,-690,796,796,-693,796,796,-696,-697,-698,796,-700,-701,-702,-703,796,796,-748,796,-751,-752,-753,-754,-755,796,-757,-758,-759,-760,-761,796,-768,-769,-771,796,-773,-774,-775,-784,-858,-860,-862,-864,796,796,796,796,-870,796,-872,796,796,796,796,796,796,796,-908,-909,796,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,796,-923,-926,796,-936,796,-387,-388,-389,796,796,-392,-393,-394,-395,796,-398,796,-401,-402,796,-403,796,-408,-409,796,-412,-413,-414,796,-417,796,-418,796,-423,-424,796,-427,796,-430,-431,-1896,-1896,796,-621,-622,-623,-624,-625,-636,-586,-626,-799,796,796,796,796,796,-833,796,796,-808,796,-834,796,796,796,796,-800,796,-855,-801,796,796,796,796,796,796,-856,-857,796,-836,-832,-837,796,-627,796,-628,-629,-630,-631,-576,796,796,-632,-633,-634,796,796,796,796,796,796,-637,-638,-639,-594,-1896,-604,796,-640,-641,-715,-642,-606,796,-574,-579,-582,-585,796,796,796,-600,-603,796,-610,796,796,796,796,796,796,796,796,796,796,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,796,796,796,-997,796,796,796,796,796,796,-308,-327,-321,-298,-377,-454,-455,-456,-460,796,-445,796,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,796,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,796,796,796,796,796,796,796,796,796,-318,-537,-510,-593,-939,-941,-942,-440,796,-442,-382,-383,-385,-509,-511,-513,796,-515,-516,-521,-522,796,-534,-536,-539,-540,-545,-550,-728,796,-729,796,-734,796,-736,796,-741,-658,-662,-663,796,-668,796,-669,796,-674,-676,796,-679,796,796,796,-689,-691,796,-694,796,796,-746,796,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,796,796,796,796,796,-879,796,-882,-910,-922,-927,-390,-391,796,-396,796,-399,796,-404,796,-405,796,-410,796,-415,796,-419,796,-420,796,-425,796,-428,-901,-902,-645,-587,-1896,-903,796,796,796,-802,796,796,-806,796,-809,-835,796,-820,796,-822,796,-824,-810,796,-826,796,-853,-854,796,796,-813,796,-648,-904,-906,-650,-651,-647,796,-707,-708,796,-644,-905,-649,-652,-605,-716,796,796,-607,-588,796,796,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,796,796,-711,-712,796,-718,796,796,796,796,796,796,-940,796,-441,-443,-749,796,-893,796,-717,-1896,796,796,796,796,796,-444,-514,-525,796,-730,-735,796,-737,796,-742,796,-664,-670,796,-680,-682,-684,-685,-692,-695,-699,-747,796,796,-876,796,796,-880,796,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,796,-814,796,-816,-803,796,-804,-807,796,-818,-821,-823,-825,-827,796,-828,796,-811,796,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,796,-284,796,796,796,796,-457,796,796,-731,796,-738,796,-743,796,-665,-673,796,796,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,796,-838,-53,796,796,-732,796,-739,796,-744,-666,796,-875,-54,796,796,-733,-740,-745,796,796,796,-874,]),'TABLEGROUPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[797,797,797,797,-1896,797,797,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,797,797,797,797,-277,-278,797,-1427,797,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,797,797,797,-492,797,797,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,797,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,797,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,797,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,797,-174,-175,-176,-177,-995,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-292,-293,-283,797,797,797,797,797,-330,-320,-334,-335,-336,797,797,-984,-985,-986,-987,-988,-989,-990,797,797,797,797,797,797,797,797,797,797,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,797,797,797,-355,-358,797,-325,-326,-143,797,-144,797,-145,797,-432,-937,-938,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-1896,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-1896,797,-1896,797,797,797,797,797,797,797,797,797,797,797,797,-1896,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-1896,797,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,797,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,797,797,797,-193,-194,797,-996,797,797,797,797,797,-279,-280,-281,-282,-367,797,-310,797,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,797,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,797,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,797,797,797,797,797,797,-575,797,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,797,797,-725,-726,-727,797,797,797,797,797,797,-996,797,797,-93,-94,797,797,797,797,-311,-312,-322,797,-309,-295,-296,-297,797,797,797,797,-620,-635,-592,797,797,-438,797,-439,797,-446,-447,-448,-380,-381,797,797,797,-508,797,797,-512,797,797,797,797,-517,-518,-519,-520,797,797,-523,-524,797,-526,-527,-528,-529,-530,-531,-532,-533,797,-535,797,797,797,-541,-543,-544,797,-546,-547,-548,-549,797,797,797,797,797,797,-654,-655,-656,-657,797,-659,-660,-661,797,797,797,-667,797,797,-671,-672,797,797,-675,797,-677,-678,797,-681,797,-683,797,797,-686,-687,-688,797,-690,797,797,-693,797,797,-696,-697,-698,797,-700,-701,-702,-703,797,797,-748,797,-751,-752,-753,-754,-755,797,-757,-758,-759,-760,-761,797,-768,-769,-771,797,-773,-774,-775,-784,-858,-860,-862,-864,797,797,797,797,-870,797,-872,797,797,797,797,797,797,797,-908,-909,797,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,797,-923,-926,797,-936,797,-387,-388,-389,797,797,-392,-393,-394,-395,797,-398,797,-401,-402,797,-403,797,-408,-409,797,-412,-413,-414,797,-417,797,-418,797,-423,-424,797,-427,797,-430,-431,-1896,-1896,797,-621,-622,-623,-624,-625,-636,-586,-626,-799,797,797,797,797,797,-833,797,797,-808,797,-834,797,797,797,797,-800,797,-855,-801,797,797,797,797,797,797,-856,-857,797,-836,-832,-837,797,-627,797,-628,-629,-630,-631,-576,797,797,-632,-633,-634,797,797,797,797,797,797,-637,-638,-639,-594,-1896,-604,797,-640,-641,-715,-642,-606,797,-574,-579,-582,-585,797,797,797,-600,-603,797,-610,797,797,797,797,797,797,797,797,797,797,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,797,797,797,-997,797,797,797,797,797,797,-308,-327,-321,-298,-377,-454,-455,-456,-460,797,-445,797,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,797,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,797,797,797,797,797,797,797,797,797,-318,-537,-510,-593,-939,-941,-942,-440,797,-442,-382,-383,-385,-509,-511,-513,797,-515,-516,-521,-522,797,-534,-536,-539,-540,-545,-550,-728,797,-729,797,-734,797,-736,797,-741,-658,-662,-663,797,-668,797,-669,797,-674,-676,797,-679,797,797,797,-689,-691,797,-694,797,797,-746,797,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,797,797,797,797,797,-879,797,-882,-910,-922,-927,-390,-391,797,-396,797,-399,797,-404,797,-405,797,-410,797,-415,797,-419,797,-420,797,-425,797,-428,-901,-902,-645,-587,-1896,-903,797,797,797,-802,797,797,-806,797,-809,-835,797,-820,797,-822,797,-824,-810,797,-826,797,-853,-854,797,797,-813,797,-648,-904,-906,-650,-651,-647,797,-707,-708,797,-644,-905,-649,-652,-605,-716,797,797,-607,-588,797,797,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,797,797,-711,-712,797,-718,797,797,797,797,797,797,-940,797,-441,-443,-749,797,-893,797,-717,-1896,797,797,797,797,797,-444,-514,-525,797,-730,-735,797,-737,797,-742,797,-664,-670,797,-680,-682,-684,-685,-692,-695,-699,-747,797,797,-876,797,797,-880,797,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,797,-814,797,-816,-803,797,-804,-807,797,-818,-821,-823,-825,-827,797,-828,797,-811,797,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,797,-284,797,797,797,797,-457,797,797,-731,797,-738,797,-743,797,-665,-673,797,797,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,797,-838,-53,797,797,-732,797,-739,797,-744,-666,797,-875,-54,797,797,-733,-740,-745,797,797,797,-874,]),'TABLEGROUP_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[798,798,798,798,-1896,798,798,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,798,798,798,798,-277,-278,798,-1427,798,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,798,798,798,-492,798,798,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,798,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,798,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,798,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,798,-174,-175,-176,-177,-995,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-292,-293,-283,798,798,798,798,798,-330,-320,-334,-335,-336,798,798,-984,-985,-986,-987,-988,-989,-990,798,798,798,798,798,798,798,798,798,798,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,798,798,798,-355,-358,798,-325,-326,-143,798,-144,798,-145,798,-432,-937,-938,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-1896,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-1896,798,-1896,798,798,798,798,798,798,798,798,798,798,798,798,-1896,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-1896,798,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,798,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,798,798,798,-193,-194,798,-996,798,798,798,798,798,-279,-280,-281,-282,-367,798,-310,798,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,798,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,798,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,798,798,798,798,798,798,-575,798,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,798,798,-725,-726,-727,798,798,798,798,798,798,-996,798,798,-93,-94,798,798,798,798,-311,-312,-322,798,-309,-295,-296,-297,798,798,798,798,-620,-635,-592,798,798,-438,798,-439,798,-446,-447,-448,-380,-381,798,798,798,-508,798,798,-512,798,798,798,798,-517,-518,-519,-520,798,798,-523,-524,798,-526,-527,-528,-529,-530,-531,-532,-533,798,-535,798,798,798,-541,-543,-544,798,-546,-547,-548,-549,798,798,798,798,798,798,-654,-655,-656,-657,798,-659,-660,-661,798,798,798,-667,798,798,-671,-672,798,798,-675,798,-677,-678,798,-681,798,-683,798,798,-686,-687,-688,798,-690,798,798,-693,798,798,-696,-697,-698,798,-700,-701,-702,-703,798,798,-748,798,-751,-752,-753,-754,-755,798,-757,-758,-759,-760,-761,798,-768,-769,-771,798,-773,-774,-775,-784,-858,-860,-862,-864,798,798,798,798,-870,798,-872,798,798,798,798,798,798,798,-908,-909,798,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,798,-923,-926,798,-936,798,-387,-388,-389,798,798,-392,-393,-394,-395,798,-398,798,-401,-402,798,-403,798,-408,-409,798,-412,-413,-414,798,-417,798,-418,798,-423,-424,798,-427,798,-430,-431,-1896,-1896,798,-621,-622,-623,-624,-625,-636,-586,-626,-799,798,798,798,798,798,-833,798,798,-808,798,-834,798,798,798,798,-800,798,-855,-801,798,798,798,798,798,798,-856,-857,798,-836,-832,-837,798,-627,798,-628,-629,-630,-631,-576,798,798,-632,-633,-634,798,798,798,798,798,798,-637,-638,-639,-594,-1896,-604,798,-640,-641,-715,-642,-606,798,-574,-579,-582,-585,798,798,798,-600,-603,798,-610,798,798,798,798,798,798,798,798,798,798,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,798,798,798,-997,798,798,798,798,798,798,-308,-327,-321,-298,-377,-454,-455,-456,-460,798,-445,798,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,798,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,798,798,798,798,798,798,798,798,798,-318,-537,-510,-593,-939,-941,-942,-440,798,-442,-382,-383,-385,-509,-511,-513,798,-515,-516,-521,-522,798,-534,-536,-539,-540,-545,-550,-728,798,-729,798,-734,798,-736,798,-741,-658,-662,-663,798,-668,798,-669,798,-674,-676,798,-679,798,798,798,-689,-691,798,-694,798,798,-746,798,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,798,798,798,798,798,-879,798,-882,-910,-922,-927,-390,-391,798,-396,798,-399,798,-404,798,-405,798,-410,798,-415,798,-419,798,-420,798,-425,798,-428,-901,-902,-645,-587,-1896,-903,798,798,798,-802,798,798,-806,798,-809,-835,798,-820,798,-822,798,-824,-810,798,-826,798,-853,-854,798,798,-813,798,-648,-904,-906,-650,-651,-647,798,-707,-708,798,-644,-905,-649,-652,-605,-716,798,798,-607,-588,798,798,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,798,798,-711,-712,798,-718,798,798,798,798,798,798,-940,798,-441,-443,-749,798,-893,798,-717,-1896,798,798,798,798,798,-444,-514,-525,798,-730,-735,798,-737,798,-742,798,-664,-670,798,-680,-682,-684,-685,-692,-695,-699,-747,798,798,-876,798,798,-880,798,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,798,-814,798,-816,-803,798,-804,-807,798,-818,-821,-823,-825,-827,798,-828,798,-811,798,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,798,-284,798,798,798,798,-457,798,798,-731,798,-738,798,-743,798,-665,-673,798,798,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,798,-838,-53,798,798,-732,798,-739,798,-744,-666,798,-875,-54,798,798,-733,-740,-745,798,798,798,-874,]),'TABLES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[799,799,799,799,-1896,799,799,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,799,799,799,799,-277,-278,799,-1427,799,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,799,799,799,-492,799,799,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,799,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,799,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,799,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,799,-174,-175,-176,-177,-995,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-292,-293,-283,799,799,799,799,799,-330,-320,-334,-335,-336,799,799,-984,-985,-986,-987,-988,-989,-990,799,799,799,799,799,799,799,799,799,799,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,799,799,799,-355,-358,799,-325,-326,-143,799,-144,799,-145,799,-432,-937,-938,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-1896,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-1896,799,-1896,799,799,799,799,799,799,799,799,799,799,799,799,-1896,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-1896,799,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,799,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,799,799,799,-193,-194,799,-996,799,799,799,799,799,-279,-280,-281,-282,-367,799,-310,799,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,799,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,799,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,799,799,799,799,799,799,-575,799,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,799,799,-725,-726,-727,799,799,799,799,799,799,-996,799,799,-93,-94,799,799,799,799,-311,-312,-322,799,-309,-295,-296,-297,799,799,799,799,-620,-635,-592,799,799,-438,799,-439,799,-446,-447,-448,-380,-381,799,799,799,-508,799,799,-512,799,799,799,799,-517,-518,-519,-520,799,799,-523,-524,799,-526,-527,-528,-529,-530,-531,-532,-533,799,-535,799,799,799,-541,-543,-544,799,-546,-547,-548,-549,799,799,799,799,799,799,-654,-655,-656,-657,799,-659,-660,-661,799,799,799,-667,799,799,-671,-672,799,799,-675,799,-677,-678,799,-681,799,-683,799,799,-686,-687,-688,799,-690,799,799,-693,799,799,-696,-697,-698,799,-700,-701,-702,-703,799,799,-748,799,-751,-752,-753,-754,-755,799,-757,-758,-759,-760,-761,799,-768,-769,-771,799,-773,-774,-775,-784,-858,-860,-862,-864,799,799,799,799,-870,799,-872,799,799,799,799,799,799,799,-908,-909,799,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,799,-923,-926,799,-936,799,-387,-388,-389,799,799,-392,-393,-394,-395,799,-398,799,-401,-402,799,-403,799,-408,-409,799,-412,-413,-414,799,-417,799,-418,799,-423,-424,799,-427,799,-430,-431,-1896,-1896,799,-621,-622,-623,-624,-625,-636,-586,-626,-799,799,799,799,799,799,-833,799,799,-808,799,-834,799,799,799,799,-800,799,-855,-801,799,799,799,799,799,799,-856,-857,799,-836,-832,-837,799,-627,799,-628,-629,-630,-631,-576,799,799,-632,-633,-634,799,799,799,799,799,799,-637,-638,-639,-594,-1896,-604,799,-640,-641,-715,-642,-606,799,-574,-579,-582,-585,799,799,799,-600,-603,799,-610,799,799,799,799,799,799,799,799,799,799,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,799,799,799,-997,799,799,799,799,799,799,-308,-327,-321,-298,-377,-454,-455,-456,-460,799,-445,799,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,799,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,799,799,799,799,799,799,799,799,799,-318,-537,-510,-593,-939,-941,-942,-440,799,-442,-382,-383,-385,-509,-511,-513,799,-515,-516,-521,-522,799,-534,-536,-539,-540,-545,-550,-728,799,-729,799,-734,799,-736,799,-741,-658,-662,-663,799,-668,799,-669,799,-674,-676,799,-679,799,799,799,-689,-691,799,-694,799,799,-746,799,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,799,799,799,799,799,-879,799,-882,-910,-922,-927,-390,-391,799,-396,799,-399,799,-404,799,-405,799,-410,799,-415,799,-419,799,-420,799,-425,799,-428,-901,-902,-645,-587,-1896,-903,799,799,799,-802,799,799,-806,799,-809,-835,799,-820,799,-822,799,-824,-810,799,-826,799,-853,-854,799,799,-813,799,-648,-904,-906,-650,-651,-647,799,-707,-708,799,-644,-905,-649,-652,-605,-716,799,799,-607,-588,799,799,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,799,799,-711,-712,799,-718,799,799,799,799,799,799,-940,799,-441,-443,-749,799,-893,799,-717,-1896,799,799,799,799,799,-444,-514,-525,799,-730,-735,799,-737,799,-742,799,-664,-670,799,-680,-682,-684,-685,-692,-695,-699,-747,799,799,-876,799,799,-880,799,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,799,-814,799,-816,-803,799,-804,-807,799,-818,-821,-823,-825,-827,799,-828,799,-811,799,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,799,-284,799,799,799,799,-457,799,799,-731,799,-738,799,-743,799,-665,-673,799,799,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,799,-838,-53,799,799,-732,799,-739,799,-744,-666,799,-875,-54,799,799,-733,-740,-745,799,799,799,-874,]),'TABLESPACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[800,800,800,800,-1896,800,800,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,800,800,800,800,-277,-278,800,-1427,800,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,800,800,800,-492,800,800,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,800,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,800,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,800,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,800,-174,-175,-176,-177,-995,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-292,-293,-283,800,800,800,800,800,-330,-320,-334,-335,-336,800,800,-984,-985,-986,-987,-988,-989,-990,800,800,800,800,800,800,800,800,800,800,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,800,800,800,-355,-358,800,-325,-326,-143,800,-144,800,-145,800,-432,-937,-938,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-1896,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-1896,800,-1896,800,800,800,800,800,800,800,800,800,800,800,800,-1896,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-1896,800,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,800,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,800,800,800,-193,-194,800,-996,800,800,800,800,800,-279,-280,-281,-282,-367,800,-310,800,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,800,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,800,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,800,800,800,800,800,800,-575,800,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,800,800,-725,-726,-727,800,800,800,800,800,800,-996,800,800,-93,-94,800,800,800,800,-311,-312,-322,800,-309,-295,-296,-297,800,800,800,800,-620,-635,-592,800,800,-438,800,-439,800,-446,-447,-448,-380,-381,800,800,800,-508,800,800,-512,800,800,800,800,-517,-518,-519,-520,800,800,-523,-524,800,-526,-527,-528,-529,-530,-531,-532,-533,800,-535,800,800,800,-541,-543,-544,800,-546,-547,-548,-549,800,800,800,800,800,800,-654,-655,-656,-657,800,-659,-660,-661,800,800,800,-667,800,800,-671,-672,800,800,-675,800,-677,-678,800,-681,800,-683,800,800,-686,-687,-688,800,-690,800,800,-693,800,800,-696,-697,-698,800,-700,-701,-702,-703,800,800,-748,800,-751,-752,-753,-754,-755,800,-757,-758,-759,-760,-761,800,-768,-769,-771,800,-773,-774,-775,-784,-858,-860,-862,-864,800,800,800,800,-870,800,-872,800,800,800,800,800,800,800,-908,-909,800,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,800,-923,-926,800,-936,800,-387,-388,-389,800,800,-392,-393,-394,-395,800,-398,800,-401,-402,800,-403,800,-408,-409,800,-412,-413,-414,800,-417,800,-418,800,-423,-424,800,-427,800,-430,-431,-1896,-1896,800,-621,-622,-623,-624,-625,-636,-586,-626,-799,800,800,800,800,800,-833,800,800,-808,800,-834,800,800,800,800,-800,800,-855,-801,800,800,800,800,800,800,-856,-857,800,-836,-832,-837,800,-627,800,-628,-629,-630,-631,-576,800,800,-632,-633,-634,800,800,800,800,800,800,-637,-638,-639,-594,-1896,-604,800,-640,-641,-715,-642,-606,800,-574,-579,-582,-585,800,800,800,-600,-603,800,-610,800,800,800,800,800,800,800,800,800,800,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,800,800,800,-997,800,800,800,800,800,800,-308,-327,-321,-298,-377,-454,-455,-456,-460,800,-445,800,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,800,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,800,800,800,800,800,800,800,800,800,-318,-537,-510,-593,-939,-941,-942,-440,800,-442,-382,-383,-385,-509,-511,-513,800,-515,-516,-521,-522,800,-534,-536,-539,-540,-545,-550,-728,800,-729,800,-734,800,-736,800,-741,-658,-662,-663,800,-668,800,-669,800,-674,-676,800,-679,800,800,800,-689,-691,800,-694,800,800,-746,800,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,800,800,800,800,800,-879,800,-882,-910,-922,-927,-390,-391,800,-396,800,-399,800,-404,800,-405,800,-410,800,-415,800,-419,800,-420,800,-425,800,-428,-901,-902,-645,-587,-1896,-903,800,800,800,-802,800,800,-806,800,-809,-835,800,-820,800,-822,800,-824,-810,800,-826,800,-853,-854,800,800,-813,800,-648,-904,-906,-650,-651,-647,800,-707,-708,800,-644,-905,-649,-652,-605,-716,800,800,-607,-588,800,800,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,800,800,-711,-712,800,-718,800,800,800,800,800,800,-940,800,-441,-443,-749,800,-893,800,-717,-1896,800,800,800,800,800,-444,-514,-525,800,-730,-735,800,-737,800,-742,800,-664,-670,800,-680,-682,-684,-685,-692,-695,-699,-747,800,800,-876,800,800,-880,800,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,800,-814,800,-816,-803,800,-804,-807,800,-818,-821,-823,-825,-827,800,-828,800,-811,800,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,800,-284,800,800,800,800,-457,800,800,-731,800,-738,800,-743,800,-665,-673,800,800,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,800,-838,-53,800,800,-732,800,-739,800,-744,-666,800,-875,-54,800,800,-733,-740,-745,800,800,800,-874,]),'TABLET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[801,801,801,801,-1896,801,801,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,801,801,801,801,-277,-278,801,-1427,801,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,801,801,801,-492,801,801,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,801,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,801,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,801,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,801,-174,-175,-176,-177,-995,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-292,-293,-283,801,801,801,801,801,-330,-320,-334,-335,-336,801,801,-984,-985,-986,-987,-988,-989,-990,801,801,801,801,801,801,801,801,801,801,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,801,801,801,-355,-358,801,-325,-326,-143,801,-144,801,-145,801,-432,-937,-938,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-1896,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-1896,801,-1896,801,801,801,801,801,801,801,801,801,801,801,801,-1896,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-1896,801,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,801,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,801,801,801,-193,-194,801,-996,801,801,801,801,801,-279,-280,-281,-282,-367,801,-310,801,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,801,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,801,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,801,801,801,801,801,801,-575,801,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,801,801,-725,-726,-727,801,801,801,801,801,801,-996,801,801,-93,-94,801,801,801,801,-311,-312,-322,801,-309,-295,-296,-297,801,801,801,801,-620,-635,-592,801,801,-438,801,-439,801,-446,-447,-448,-380,-381,801,801,801,-508,801,801,-512,801,801,801,801,-517,-518,-519,-520,801,801,-523,-524,801,-526,-527,-528,-529,-530,-531,-532,-533,801,-535,801,801,801,-541,-543,-544,801,-546,-547,-548,-549,801,801,801,801,801,801,-654,-655,-656,-657,801,-659,-660,-661,801,801,801,-667,801,801,-671,-672,801,801,-675,801,-677,-678,801,-681,801,-683,801,801,-686,-687,-688,801,-690,801,801,-693,801,801,-696,-697,-698,801,-700,-701,-702,-703,801,801,-748,801,-751,-752,-753,-754,-755,801,-757,-758,-759,-760,-761,801,-768,-769,-771,801,-773,-774,-775,-784,-858,-860,-862,-864,801,801,801,801,-870,801,-872,801,801,801,801,801,801,801,-908,-909,801,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,801,-923,-926,801,-936,801,-387,-388,-389,801,801,-392,-393,-394,-395,801,-398,801,-401,-402,801,-403,801,-408,-409,801,-412,-413,-414,801,-417,801,-418,801,-423,-424,801,-427,801,-430,-431,-1896,-1896,801,-621,-622,-623,-624,-625,-636,-586,-626,-799,801,801,801,801,801,-833,801,801,-808,801,-834,801,801,801,801,-800,801,-855,-801,801,801,801,801,801,801,-856,-857,801,-836,-832,-837,801,-627,801,-628,-629,-630,-631,-576,801,801,-632,-633,-634,801,801,801,801,801,801,-637,-638,-639,-594,-1896,-604,801,-640,-641,-715,-642,-606,801,-574,-579,-582,-585,801,801,801,-600,-603,801,-610,801,801,801,801,801,801,801,801,801,801,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,801,801,801,-997,801,801,801,801,801,801,-308,-327,-321,-298,-377,-454,-455,-456,-460,801,-445,801,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,801,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,801,801,801,801,801,801,801,801,801,-318,-537,-510,-593,-939,-941,-942,-440,801,-442,-382,-383,-385,-509,-511,-513,801,-515,-516,-521,-522,801,-534,-536,-539,-540,-545,-550,-728,801,-729,801,-734,801,-736,801,-741,-658,-662,-663,801,-668,801,-669,801,-674,-676,801,-679,801,801,801,-689,-691,801,-694,801,801,-746,801,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,801,801,801,801,801,-879,801,-882,-910,-922,-927,-390,-391,801,-396,801,-399,801,-404,801,-405,801,-410,801,-415,801,-419,801,-420,801,-425,801,-428,-901,-902,-645,-587,-1896,-903,801,801,801,-802,801,801,-806,801,-809,-835,801,-820,801,-822,801,-824,-810,801,-826,801,-853,-854,801,801,-813,801,-648,-904,-906,-650,-651,-647,801,-707,-708,801,-644,-905,-649,-652,-605,-716,801,801,-607,-588,801,801,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,801,801,-711,-712,801,-718,801,801,801,801,801,801,-940,801,-441,-443,-749,801,-893,801,-717,-1896,801,801,801,801,801,-444,-514,-525,801,-730,-735,801,-737,801,-742,801,-664,-670,801,-680,-682,-684,-685,-692,-695,-699,-747,801,801,-876,801,801,-880,801,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,801,-814,801,-816,-803,801,-804,-807,801,-818,-821,-823,-825,-827,801,-828,801,-811,801,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,801,-284,801,801,801,801,-457,801,801,-731,801,-738,801,-743,801,-665,-673,801,801,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,801,-838,-53,801,801,-732,801,-739,801,-744,-666,801,-875,-54,801,801,-733,-740,-745,801,801,801,-874,]),'TABLET_MAX_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[802,802,802,802,-1896,802,802,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,802,802,802,802,-277,-278,802,-1427,802,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,802,802,802,-492,802,802,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,802,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,802,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,802,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,802,-174,-175,-176,-177,-995,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-292,-293,-283,802,802,802,802,802,-330,-320,-334,-335,-336,802,802,-984,-985,-986,-987,-988,-989,-990,802,802,802,802,802,802,802,802,802,802,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,802,802,802,-355,-358,802,-325,-326,-143,802,-144,802,-145,802,-432,-937,-938,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-1896,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-1896,802,-1896,802,802,802,802,802,802,802,802,802,802,802,802,-1896,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-1896,802,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,802,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,802,802,802,-193,-194,802,-996,802,802,802,802,802,-279,-280,-281,-282,-367,802,-310,802,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,802,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,802,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,802,802,802,802,802,802,-575,802,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,802,802,-725,-726,-727,802,802,802,802,802,802,-996,802,802,-93,-94,802,802,802,802,-311,-312,-322,802,-309,-295,-296,-297,802,802,802,802,-620,-635,-592,802,802,-438,802,-439,802,-446,-447,-448,-380,-381,802,802,802,-508,802,802,-512,802,802,802,802,-517,-518,-519,-520,802,802,-523,-524,802,-526,-527,-528,-529,-530,-531,-532,-533,802,-535,802,802,802,-541,-543,-544,802,-546,-547,-548,-549,802,802,802,802,802,802,-654,-655,-656,-657,802,-659,-660,-661,802,802,802,-667,802,802,-671,-672,802,802,-675,802,-677,-678,802,-681,802,-683,802,802,-686,-687,-688,802,-690,802,802,-693,802,802,-696,-697,-698,802,-700,-701,-702,-703,802,802,-748,802,-751,-752,-753,-754,-755,802,-757,-758,-759,-760,-761,802,-768,-769,-771,802,-773,-774,-775,-784,-858,-860,-862,-864,802,802,802,802,-870,802,-872,802,802,802,802,802,802,802,-908,-909,802,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,802,-923,-926,802,-936,802,-387,-388,-389,802,802,-392,-393,-394,-395,802,-398,802,-401,-402,802,-403,802,-408,-409,802,-412,-413,-414,802,-417,802,-418,802,-423,-424,802,-427,802,-430,-431,-1896,-1896,802,-621,-622,-623,-624,-625,-636,-586,-626,-799,802,802,802,802,802,-833,802,802,-808,802,-834,802,802,802,802,-800,802,-855,-801,802,802,802,802,802,802,-856,-857,802,-836,-832,-837,802,-627,802,-628,-629,-630,-631,-576,802,802,-632,-633,-634,802,802,802,802,802,802,-637,-638,-639,-594,-1896,-604,802,-640,-641,-715,-642,-606,802,-574,-579,-582,-585,802,802,802,-600,-603,802,-610,802,802,802,802,802,802,802,802,802,802,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,802,802,802,-997,802,802,802,802,802,802,-308,-327,-321,-298,-377,-454,-455,-456,-460,802,-445,802,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,802,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,802,802,802,802,802,802,802,802,802,-318,-537,-510,-593,-939,-941,-942,-440,802,-442,-382,-383,-385,-509,-511,-513,802,-515,-516,-521,-522,802,-534,-536,-539,-540,-545,-550,-728,802,-729,802,-734,802,-736,802,-741,-658,-662,-663,802,-668,802,-669,802,-674,-676,802,-679,802,802,802,-689,-691,802,-694,802,802,-746,802,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,802,802,802,802,802,-879,802,-882,-910,-922,-927,-390,-391,802,-396,802,-399,802,-404,802,-405,802,-410,802,-415,802,-419,802,-420,802,-425,802,-428,-901,-902,-645,-587,-1896,-903,802,802,802,-802,802,802,-806,802,-809,-835,802,-820,802,-822,802,-824,-810,802,-826,802,-853,-854,802,802,-813,802,-648,-904,-906,-650,-651,-647,802,-707,-708,802,-644,-905,-649,-652,-605,-716,802,802,-607,-588,802,802,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,802,802,-711,-712,802,-718,802,802,802,802,802,802,-940,802,-441,-443,-749,802,-893,802,-717,-1896,802,802,802,802,802,-444,-514,-525,802,-730,-735,802,-737,802,-742,802,-664,-670,802,-680,-682,-684,-685,-692,-695,-699,-747,802,802,-876,802,802,-880,802,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,802,-814,802,-816,-803,802,-804,-807,802,-818,-821,-823,-825,-827,802,-828,802,-811,802,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,802,-284,802,802,802,802,-457,802,802,-731,802,-738,802,-743,802,-665,-673,802,802,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,802,-838,-53,802,802,-732,802,-739,802,-744,-666,802,-875,-54,802,802,-733,-740,-745,802,802,802,-874,]),'TABLET_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[803,803,803,803,-1896,803,803,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,803,803,803,803,-277,-278,803,-1427,803,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,803,803,803,-492,803,803,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,803,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,803,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,803,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,803,-174,-175,-176,-177,-995,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-292,-293,-283,803,803,803,803,803,-330,-320,-334,-335,-336,803,803,-984,-985,-986,-987,-988,-989,-990,803,803,803,803,803,803,803,803,803,803,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,803,803,803,-355,-358,803,-325,-326,-143,803,-144,803,-145,803,-432,-937,-938,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-1896,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-1896,803,-1896,803,803,803,803,803,803,803,803,803,803,803,803,-1896,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-1896,803,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,803,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,803,803,803,-193,-194,803,-996,803,803,803,803,803,-279,-280,-281,-282,-367,803,-310,803,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,803,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,803,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,803,803,803,803,803,803,-575,803,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,803,803,-725,-726,-727,803,803,803,803,803,803,-996,803,803,-93,-94,803,803,803,803,-311,-312,-322,803,-309,-295,-296,-297,803,803,803,803,-620,-635,-592,803,803,-438,803,-439,803,-446,-447,-448,-380,-381,803,803,803,-508,803,803,-512,803,803,803,803,-517,-518,-519,-520,803,803,-523,-524,803,-526,-527,-528,-529,-530,-531,-532,-533,803,-535,803,803,803,-541,-543,-544,803,-546,-547,-548,-549,803,803,803,803,803,803,-654,-655,-656,-657,803,-659,-660,-661,803,803,803,-667,803,803,-671,-672,803,803,-675,803,-677,-678,803,-681,803,-683,803,803,-686,-687,-688,803,-690,803,803,-693,803,803,-696,-697,-698,803,-700,-701,-702,-703,803,803,-748,803,-751,-752,-753,-754,-755,803,-757,-758,-759,-760,-761,803,-768,-769,-771,803,-773,-774,-775,-784,-858,-860,-862,-864,803,803,803,803,-870,803,-872,803,803,803,803,803,803,803,-908,-909,803,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,803,-923,-926,803,-936,803,-387,-388,-389,803,803,-392,-393,-394,-395,803,-398,803,-401,-402,803,-403,803,-408,-409,803,-412,-413,-414,803,-417,803,-418,803,-423,-424,803,-427,803,-430,-431,-1896,-1896,803,-621,-622,-623,-624,-625,-636,-586,-626,-799,803,803,803,803,803,-833,803,803,-808,803,-834,803,803,803,803,-800,803,-855,-801,803,803,803,803,803,803,-856,-857,803,-836,-832,-837,803,-627,803,-628,-629,-630,-631,-576,803,803,-632,-633,-634,803,803,803,803,803,803,-637,-638,-639,-594,-1896,-604,803,-640,-641,-715,-642,-606,803,-574,-579,-582,-585,803,803,803,-600,-603,803,-610,803,803,803,803,803,803,803,803,803,803,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,803,803,3191,803,-997,803,803,803,803,803,803,-308,-327,-321,-298,-377,-454,-455,-456,-460,803,-445,803,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,803,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,803,803,803,803,803,803,803,803,803,-318,-537,-510,-593,-939,-941,-942,-440,803,-442,-382,-383,-385,-509,-511,-513,803,-515,-516,-521,-522,803,-534,-536,-539,-540,-545,-550,-728,803,-729,803,-734,803,-736,803,-741,-658,-662,-663,803,-668,803,-669,803,-674,-676,803,-679,803,803,803,-689,-691,803,-694,803,803,-746,803,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,803,803,803,803,803,-879,803,-882,-910,-922,-927,-390,-391,803,-396,803,-399,803,-404,803,-405,803,-410,803,-415,803,-419,803,-420,803,-425,803,-428,-901,-902,-645,-587,-1896,-903,803,803,803,-802,803,803,-806,803,-809,-835,803,-820,803,-822,803,-824,-810,803,-826,803,-853,-854,803,803,-813,803,-648,-904,-906,-650,-651,-647,803,-707,-708,803,-644,-905,-649,-652,-605,-716,803,803,-607,-588,803,803,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,803,803,-711,-712,803,-718,803,803,803,803,3191,803,803,-940,803,-441,-443,-749,803,-893,803,-717,-1896,803,803,3191,803,3191,3191,3191,3191,3191,3191,3191,3191,3191,803,803,-444,-514,-525,803,-730,-735,803,-737,803,-742,803,-664,-670,803,-680,-682,-684,-685,-692,-695,-699,-747,803,803,-876,803,803,-880,803,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,803,-814,803,-816,-803,803,-804,-807,803,-818,-821,-823,-825,-827,803,-828,803,-811,803,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,803,3191,-284,803,803,803,803,-457,803,803,-731,803,-738,803,-743,803,-665,-673,803,803,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,803,-838,-53,803,803,-732,803,-739,803,-744,-666,803,-875,-54,803,803,-733,-740,-745,803,803,803,-874,]),'TABLE_CHECKSUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[804,804,804,804,-1896,804,804,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,804,804,804,804,-277,-278,804,-1427,804,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,804,804,804,-492,804,804,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,804,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,804,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,804,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,804,-174,-175,-176,-177,-995,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-292,-293,-283,804,804,804,804,804,-330,-320,-334,-335,-336,804,804,-984,-985,-986,-987,-988,-989,-990,804,804,804,804,804,804,804,804,804,804,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,804,804,804,-355,-358,804,-325,-326,-143,804,-144,804,-145,804,-432,-937,-938,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-1896,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-1896,804,-1896,804,804,804,804,804,804,804,804,804,804,804,804,-1896,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-1896,804,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,804,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,804,804,804,-193,-194,804,-996,804,804,804,804,804,-279,-280,-281,-282,-367,804,-310,804,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,804,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,804,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,804,804,804,804,804,804,-575,804,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,804,804,-725,-726,-727,804,804,804,804,804,804,-996,804,804,-93,-94,804,804,804,804,-311,-312,-322,804,-309,-295,-296,-297,804,804,804,804,-620,-635,-592,804,804,-438,804,-439,804,-446,-447,-448,-380,-381,804,804,804,-508,804,804,-512,804,804,804,804,-517,-518,-519,-520,804,804,-523,-524,804,-526,-527,-528,-529,-530,-531,-532,-533,804,-535,804,804,804,-541,-543,-544,804,-546,-547,-548,-549,804,804,804,804,804,804,-654,-655,-656,-657,804,-659,-660,-661,804,804,804,-667,804,804,-671,-672,804,804,-675,804,-677,-678,804,-681,804,-683,804,804,-686,-687,-688,804,-690,804,804,-693,804,804,-696,-697,-698,804,-700,-701,-702,-703,804,804,-748,804,-751,-752,-753,-754,-755,804,-757,-758,-759,-760,-761,804,-768,-769,-771,804,-773,-774,-775,-784,-858,-860,-862,-864,804,804,804,804,-870,804,-872,804,804,804,804,804,804,804,-908,-909,804,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,804,-923,-926,804,-936,804,-387,-388,-389,804,804,-392,-393,-394,-395,804,-398,804,-401,-402,804,-403,804,-408,-409,804,-412,-413,-414,804,-417,804,-418,804,-423,-424,804,-427,804,-430,-431,-1896,-1896,804,-621,-622,-623,-624,-625,-636,-586,-626,-799,804,804,804,804,804,-833,804,804,-808,804,-834,804,804,804,804,-800,804,-855,-801,804,804,804,804,804,804,-856,-857,804,-836,-832,-837,804,-627,804,-628,-629,-630,-631,-576,804,804,-632,-633,-634,804,804,804,804,804,804,-637,-638,-639,-594,-1896,-604,804,-640,-641,-715,-642,-606,804,-574,-579,-582,-585,804,804,804,-600,-603,804,-610,804,804,804,804,804,804,804,804,804,804,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,804,804,804,-997,804,804,804,804,804,804,-308,-327,-321,-298,-377,-454,-455,-456,-460,804,-445,804,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,804,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,804,804,804,804,804,804,804,804,804,-318,-537,-510,-593,-939,-941,-942,-440,804,-442,-382,-383,-385,-509,-511,-513,804,-515,-516,-521,-522,804,-534,-536,-539,-540,-545,-550,-728,804,-729,804,-734,804,-736,804,-741,-658,-662,-663,804,-668,804,-669,804,-674,-676,804,-679,804,804,804,-689,-691,804,-694,804,804,-746,804,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,804,804,804,804,804,-879,804,-882,-910,-922,-927,-390,-391,804,-396,804,-399,804,-404,804,-405,804,-410,804,-415,804,-419,804,-420,804,-425,804,-428,-901,-902,-645,-587,-1896,-903,804,804,804,-802,804,804,-806,804,-809,-835,804,-820,804,-822,804,-824,-810,804,-826,804,-853,-854,804,804,-813,804,-648,-904,-906,-650,-651,-647,804,-707,-708,804,-644,-905,-649,-652,-605,-716,804,804,-607,-588,804,804,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,804,804,-711,-712,804,-718,804,804,804,804,804,804,-940,804,-441,-443,-749,804,-893,804,-717,-1896,804,804,804,804,804,-444,-514,-525,804,-730,-735,804,-737,804,-742,804,-664,-670,804,-680,-682,-684,-685,-692,-695,-699,-747,804,804,-876,804,804,-880,804,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,804,-814,804,-816,-803,804,-804,-807,804,-818,-821,-823,-825,-827,804,-828,804,-811,804,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,804,-284,804,804,804,804,-457,804,804,-731,804,-738,804,-743,804,-665,-673,804,804,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,804,-838,-53,804,804,-732,804,-739,804,-744,-666,804,-875,-54,804,804,-733,-740,-745,804,804,804,-874,]),'TABLE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[805,805,805,805,-1896,805,805,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,805,805,805,805,-277,-278,805,-1427,805,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,805,805,805,-492,805,805,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,805,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,805,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,805,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,805,-174,-175,-176,-177,-995,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-292,-293,-283,805,805,805,805,805,-330,-320,-334,-335,-336,805,805,-984,-985,-986,-987,-988,-989,-990,805,805,805,805,805,805,805,805,805,805,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,805,805,805,-355,-358,805,-325,-326,-143,805,-144,805,-145,805,-432,-937,-938,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-1896,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-1896,805,-1896,805,805,805,805,805,805,805,805,805,805,805,805,-1896,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-1896,805,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,805,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,805,805,805,-193,-194,805,-996,805,805,805,805,805,-279,-280,-281,-282,-367,805,-310,805,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,805,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,805,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,805,805,805,805,805,805,-575,805,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,805,805,-725,-726,-727,805,805,805,805,805,805,-996,805,805,-93,-94,805,805,805,805,-311,-312,-322,805,-309,-295,-296,-297,805,805,805,805,-620,-635,-592,805,805,-438,805,-439,805,-446,-447,-448,-380,-381,805,805,805,-508,805,805,-512,805,805,805,805,-517,-518,-519,-520,805,805,-523,-524,805,-526,-527,-528,-529,-530,-531,-532,-533,805,-535,805,805,805,-541,-543,-544,805,-546,-547,-548,-549,805,805,805,805,805,805,-654,-655,-656,-657,805,-659,-660,-661,805,805,805,-667,805,805,-671,-672,805,805,-675,805,-677,-678,805,-681,805,-683,805,805,-686,-687,-688,805,-690,805,805,-693,805,805,-696,-697,-698,805,-700,-701,-702,-703,805,805,-748,805,-751,-752,-753,-754,-755,805,-757,-758,-759,-760,-761,805,-768,-769,-771,805,-773,-774,-775,-784,-858,-860,-862,-864,805,805,805,805,-870,805,-872,805,805,805,805,805,805,805,-908,-909,805,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,805,-923,-926,805,-936,805,-387,-388,-389,805,805,-392,-393,-394,-395,805,-398,805,-401,-402,805,-403,805,-408,-409,805,-412,-413,-414,805,-417,805,-418,805,-423,-424,805,-427,805,-430,-431,-1896,-1896,805,-621,-622,-623,-624,-625,-636,-586,-626,-799,805,805,805,805,805,-833,805,805,-808,805,-834,805,805,805,805,-800,805,-855,-801,805,805,805,805,805,805,-856,-857,805,-836,-832,-837,805,-627,805,-628,-629,-630,-631,-576,805,805,-632,-633,-634,805,805,805,805,805,805,-637,-638,-639,-594,-1896,-604,805,-640,-641,-715,-642,-606,805,-574,-579,-582,-585,805,805,805,-600,-603,805,-610,805,805,805,805,805,805,805,805,805,805,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,805,805,805,-997,805,805,805,805,805,805,-308,-327,-321,-298,-377,-454,-455,-456,-460,805,-445,805,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,805,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,805,805,805,805,805,805,805,805,805,-318,-537,-510,-593,-939,-941,-942,-440,805,-442,-382,-383,-385,-509,-511,-513,805,-515,-516,-521,-522,805,-534,-536,-539,-540,-545,-550,-728,805,-729,805,-734,805,-736,805,-741,-658,-662,-663,805,-668,805,-669,805,-674,-676,805,-679,805,805,805,-689,-691,805,-694,805,805,-746,805,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,805,805,805,805,805,-879,805,-882,-910,-922,-927,-390,-391,805,-396,805,-399,805,-404,805,-405,805,-410,805,-415,805,-419,805,-420,805,-425,805,-428,-901,-902,-645,-587,-1896,-903,805,805,805,-802,805,805,-806,805,-809,-835,805,-820,805,-822,805,-824,-810,805,-826,805,-853,-854,805,805,-813,805,-648,-904,-906,-650,-651,-647,805,-707,-708,805,-644,-905,-649,-652,-605,-716,805,805,-607,-588,805,805,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,805,805,-711,-712,805,-718,805,805,805,805,805,805,-940,805,-441,-443,-749,805,-893,805,-717,-1896,805,805,805,805,805,-444,-514,-525,805,-730,-735,805,-737,805,-742,805,-664,-670,805,-680,-682,-684,-685,-692,-695,-699,-747,805,805,-876,805,805,-880,805,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,805,-814,805,-816,-803,805,-804,-807,805,-818,-821,-823,-825,-827,805,-828,805,-811,805,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,805,-284,805,805,805,805,-457,805,805,-731,805,-738,805,-743,805,-665,-673,805,805,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,805,-838,-53,805,805,-732,805,-739,805,-744,-666,805,-875,-54,805,805,-733,-740,-745,805,805,805,-874,]),'TABLE_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[806,806,806,806,-1896,806,806,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,806,806,806,806,-277,-278,806,-1427,806,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,806,806,806,-492,806,806,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,806,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,806,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,806,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,806,-174,-175,-176,-177,-995,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-292,-293,-283,806,806,806,806,806,-330,-320,-334,-335,-336,806,806,-984,-985,-986,-987,-988,-989,-990,806,806,806,806,806,806,806,806,806,806,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,806,806,806,-355,-358,806,-325,-326,-143,806,-144,806,-145,806,-432,-937,-938,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-1896,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-1896,806,-1896,806,806,806,806,806,806,806,806,806,806,806,806,-1896,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-1896,806,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,806,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,806,806,806,-193,-194,806,-996,806,806,806,806,806,-279,-280,-281,-282,-367,806,-310,806,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,806,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,806,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,806,806,806,806,806,806,-575,806,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,806,806,-725,-726,-727,806,806,806,806,806,806,-996,806,806,-93,-94,806,806,806,806,-311,-312,-322,806,-309,-295,-296,-297,806,806,806,806,-620,-635,-592,806,806,-438,806,-439,806,-446,-447,-448,-380,-381,806,806,806,-508,806,806,-512,806,806,806,806,-517,-518,-519,-520,806,806,-523,-524,806,-526,-527,-528,-529,-530,-531,-532,-533,806,-535,806,806,806,-541,-543,-544,806,-546,-547,-548,-549,806,806,806,806,806,806,-654,-655,-656,-657,806,-659,-660,-661,806,806,806,-667,806,806,-671,-672,806,806,-675,806,-677,-678,806,-681,806,-683,806,806,-686,-687,-688,806,-690,806,806,-693,806,806,-696,-697,-698,806,-700,-701,-702,-703,806,806,-748,806,-751,-752,-753,-754,-755,806,-757,-758,-759,-760,-761,806,-768,-769,-771,806,-773,-774,-775,-784,-858,-860,-862,-864,806,806,806,806,-870,806,-872,806,806,806,806,806,806,806,-908,-909,806,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,806,-923,-926,806,-936,806,-387,-388,-389,806,806,-392,-393,-394,-395,806,-398,806,-401,-402,806,-403,806,-408,-409,806,-412,-413,-414,806,-417,806,-418,806,-423,-424,806,-427,806,-430,-431,-1896,-1896,806,-621,-622,-623,-624,-625,-636,-586,-626,-799,806,806,806,806,806,-833,806,806,-808,806,-834,806,806,806,806,-800,806,-855,-801,806,806,806,806,806,806,-856,-857,806,-836,-832,-837,806,-627,806,-628,-629,-630,-631,-576,806,806,-632,-633,-634,806,806,806,806,806,806,-637,-638,-639,-594,-1896,-604,806,-640,-641,-715,-642,-606,806,-574,-579,-582,-585,806,806,806,-600,-603,806,-610,806,806,806,806,806,806,806,806,806,806,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,806,806,806,-997,806,806,806,806,806,806,-308,-327,-321,-298,-377,-454,-455,-456,-460,806,-445,806,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,806,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,806,806,806,806,806,806,806,806,806,-318,-537,-510,-593,-939,-941,-942,-440,806,-442,-382,-383,-385,-509,-511,-513,806,-515,-516,-521,-522,806,-534,-536,-539,-540,-545,-550,-728,806,-729,806,-734,806,-736,806,-741,-658,-662,-663,806,-668,806,-669,806,-674,-676,806,-679,806,806,806,-689,-691,806,-694,806,806,-746,806,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,806,806,806,806,806,-879,806,-882,-910,-922,-927,-390,-391,806,-396,806,-399,806,-404,806,-405,806,-410,806,-415,806,-419,806,-420,806,-425,806,-428,-901,-902,-645,-587,-1896,-903,806,806,806,-802,806,806,-806,806,-809,-835,806,-820,806,-822,806,-824,-810,806,-826,806,-853,-854,806,806,-813,806,-648,-904,-906,-650,-651,-647,806,-707,-708,806,-644,-905,-649,-652,-605,-716,806,806,-607,-588,806,806,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,806,806,-711,-712,806,-718,806,806,806,806,806,806,-940,806,-441,-443,-749,806,-893,806,-717,-1896,806,806,806,806,806,-444,-514,-525,806,-730,-735,806,-737,806,-742,806,-664,-670,806,-680,-682,-684,-685,-692,-695,-699,-747,806,806,-876,806,806,-880,806,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,806,-814,806,-816,-803,806,-804,-807,806,-818,-821,-823,-825,-827,806,-828,806,-811,806,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,806,-284,806,806,806,806,-457,806,806,-731,806,-738,806,-743,806,-665,-673,806,806,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,806,-838,-53,806,806,-732,806,-739,806,-744,-666,806,-875,-54,806,806,-733,-740,-745,806,806,806,-874,]),'TABLE_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[807,807,807,807,-1896,807,807,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,807,807,807,807,-277,-278,807,-1427,807,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,807,807,807,-492,807,807,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,807,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,807,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,807,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,807,-174,-175,-176,-177,-995,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-292,-293,-283,807,807,807,807,807,-330,-320,-334,-335,-336,807,807,-984,-985,-986,-987,-988,-989,-990,807,807,807,807,807,807,807,807,807,807,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,807,807,807,-355,-358,807,-325,-326,-143,807,-144,807,-145,807,-432,-937,-938,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-1896,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-1896,807,-1896,807,807,807,807,807,807,807,807,807,807,807,807,-1896,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-1896,807,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,807,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,807,807,807,-193,-194,807,-996,807,807,807,807,807,-279,-280,-281,-282,-367,807,-310,807,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,807,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,807,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,807,807,807,807,807,807,-575,807,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,807,807,-725,-726,-727,807,807,807,807,807,807,-996,807,807,-93,-94,807,807,807,807,-311,-312,-322,807,-309,-295,-296,-297,807,807,807,807,-620,-635,-592,807,807,-438,807,-439,807,-446,-447,-448,-380,-381,807,807,807,-508,807,807,-512,807,807,807,807,-517,-518,-519,-520,807,807,-523,-524,807,-526,-527,-528,-529,-530,-531,-532,-533,807,-535,807,807,807,-541,-543,-544,807,-546,-547,-548,-549,807,807,807,807,807,807,-654,-655,-656,-657,807,-659,-660,-661,807,807,807,-667,807,807,-671,-672,807,807,-675,807,-677,-678,807,-681,807,-683,807,807,-686,-687,-688,807,-690,807,807,-693,807,807,-696,-697,-698,807,-700,-701,-702,-703,807,807,-748,807,-751,-752,-753,-754,-755,807,-757,-758,-759,-760,-761,807,-768,-769,-771,807,-773,-774,-775,-784,-858,-860,-862,-864,807,807,807,807,-870,807,-872,807,807,807,807,807,807,807,-908,-909,807,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,807,-923,-926,807,-936,807,-387,-388,-389,807,807,-392,-393,-394,-395,807,-398,807,-401,-402,807,-403,807,-408,-409,807,-412,-413,-414,807,-417,807,-418,807,-423,-424,807,-427,807,-430,-431,-1896,-1896,807,-621,-622,-623,-624,-625,-636,-586,-626,-799,807,807,807,807,807,-833,807,807,-808,807,-834,807,807,807,807,-800,807,-855,-801,807,807,807,807,807,807,-856,-857,807,-836,-832,-837,807,-627,807,-628,-629,-630,-631,-576,807,807,-632,-633,-634,807,807,807,807,807,807,-637,-638,-639,-594,-1896,-604,807,-640,-641,-715,-642,-606,807,-574,-579,-582,-585,807,807,807,-600,-603,807,-610,807,807,807,807,807,807,807,807,807,807,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,807,807,807,-997,807,807,807,807,807,807,-308,-327,-321,-298,-377,-454,-455,-456,-460,807,-445,807,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,807,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,807,807,807,807,807,807,807,807,807,-318,-537,-510,-593,-939,-941,-942,-440,807,-442,-382,-383,-385,-509,-511,-513,807,-515,-516,-521,-522,807,-534,-536,-539,-540,-545,-550,-728,807,-729,807,-734,807,-736,807,-741,-658,-662,-663,807,-668,807,-669,807,-674,-676,807,-679,807,807,807,-689,-691,807,-694,807,807,-746,807,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,807,807,807,807,807,-879,807,-882,-910,-922,-927,-390,-391,807,-396,807,-399,807,-404,807,-405,807,-410,807,-415,807,-419,807,-420,807,-425,807,-428,-901,-902,-645,-587,-1896,-903,807,807,807,-802,807,807,-806,807,-809,-835,807,-820,807,-822,807,-824,-810,807,-826,807,-853,-854,807,807,-813,807,-648,-904,-906,-650,-651,-647,807,-707,-708,807,-644,-905,-649,-652,-605,-716,807,807,-607,-588,807,807,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,807,807,-711,-712,807,-718,807,807,807,807,807,807,-940,807,-441,-443,-749,807,-893,807,-717,-1896,807,807,807,807,807,-444,-514,-525,807,-730,-735,807,-737,807,-742,807,-664,-670,807,-680,-682,-684,-685,-692,-695,-699,-747,807,807,-876,807,807,-880,807,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,807,-814,807,-816,-803,807,-804,-807,807,-818,-821,-823,-825,-827,807,-828,807,-811,807,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,807,-284,807,807,807,807,-457,807,807,-731,807,-738,807,-743,807,-665,-673,807,807,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,807,-838,-53,807,807,-732,807,-739,807,-744,-666,807,-875,-54,807,807,-733,-740,-745,807,807,807,-874,]),'TASK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[808,808,808,808,-1896,808,808,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,808,808,808,808,-277,-278,808,-1427,808,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,808,808,808,-492,808,808,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,808,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,808,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,808,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,808,-174,-175,-176,-177,-995,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-292,-293,-283,808,808,808,808,808,-330,-320,-334,-335,-336,808,808,-984,-985,-986,-987,-988,-989,-990,808,808,808,808,808,808,808,808,808,808,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,808,808,808,-355,-358,808,-325,-326,-143,808,-144,808,-145,808,-432,-937,-938,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-1896,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-1896,808,-1896,808,808,808,808,808,808,808,808,808,808,808,808,-1896,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-1896,808,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,808,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,808,808,808,-193,-194,808,-996,808,808,808,808,808,-279,-280,-281,-282,-367,808,-310,808,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,808,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,808,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,808,808,808,808,808,808,-575,808,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,808,808,-725,-726,-727,808,808,808,808,808,808,-996,808,808,-93,-94,808,808,808,808,-311,-312,-322,808,-309,-295,-296,-297,808,808,808,808,-620,-635,-592,808,808,-438,808,-439,808,-446,-447,-448,-380,-381,808,808,808,-508,808,808,-512,808,808,808,808,-517,-518,-519,-520,808,808,-523,-524,808,-526,-527,-528,-529,-530,-531,-532,-533,808,-535,808,808,808,-541,-543,-544,808,-546,-547,-548,-549,808,808,808,808,808,808,-654,-655,-656,-657,808,-659,-660,-661,808,808,808,-667,808,808,-671,-672,808,808,-675,808,-677,-678,808,-681,808,-683,808,808,-686,-687,-688,808,-690,808,808,-693,808,808,-696,-697,-698,808,-700,-701,-702,-703,808,808,-748,808,-751,-752,-753,-754,-755,808,-757,-758,-759,-760,-761,808,-768,-769,-771,808,-773,-774,-775,-784,-858,-860,-862,-864,808,808,808,808,-870,808,-872,808,808,808,808,808,808,808,-908,-909,808,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,808,-923,-926,808,-936,808,-387,-388,-389,808,808,-392,-393,-394,-395,808,-398,808,-401,-402,808,-403,808,-408,-409,808,-412,-413,-414,808,-417,808,-418,808,-423,-424,808,-427,808,-430,-431,-1896,-1896,808,-621,-622,-623,-624,-625,-636,-586,-626,-799,808,808,808,808,808,-833,808,808,-808,808,-834,808,808,808,808,-800,808,-855,-801,808,808,808,808,808,808,-856,-857,808,-836,-832,-837,808,-627,808,-628,-629,-630,-631,-576,808,808,-632,-633,-634,808,808,808,808,808,808,-637,-638,-639,-594,-1896,-604,808,-640,-641,-715,-642,-606,808,-574,-579,-582,-585,808,808,808,-600,-603,808,-610,808,808,808,808,808,808,808,808,808,808,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,808,808,808,-997,808,808,808,808,808,808,-308,-327,-321,-298,-377,-454,-455,-456,-460,808,-445,808,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,808,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,808,808,808,808,808,808,808,808,808,-318,-537,-510,-593,-939,-941,-942,-440,808,-442,-382,-383,-385,-509,-511,-513,808,-515,-516,-521,-522,808,-534,-536,-539,-540,-545,-550,-728,808,-729,808,-734,808,-736,808,-741,-658,-662,-663,808,-668,808,-669,808,-674,-676,808,-679,808,808,808,-689,-691,808,-694,808,808,-746,808,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,808,808,808,808,808,-879,808,-882,-910,-922,-927,-390,-391,808,-396,808,-399,808,-404,808,-405,808,-410,808,-415,808,-419,808,-420,808,-425,808,-428,-901,-902,-645,-587,-1896,-903,808,808,808,-802,808,808,-806,808,-809,-835,808,-820,808,-822,808,-824,-810,808,-826,808,-853,-854,808,808,-813,808,-648,-904,-906,-650,-651,-647,808,-707,-708,808,-644,-905,-649,-652,-605,-716,808,808,-607,-588,808,808,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,808,808,-711,-712,808,-718,808,808,808,808,808,808,-940,808,-441,-443,-749,808,-893,808,-717,-1896,808,808,808,808,808,-444,-514,-525,808,-730,-735,808,-737,808,-742,808,-664,-670,808,-680,-682,-684,-685,-692,-695,-699,-747,808,808,-876,808,808,-880,808,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,808,-814,808,-816,-803,808,-804,-807,808,-818,-821,-823,-825,-827,808,-828,808,-811,808,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,808,-284,808,808,808,808,-457,808,808,-731,808,-738,808,-743,808,-665,-673,808,808,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,808,-838,-53,808,808,-732,808,-739,808,-744,-666,808,-875,-54,808,808,-733,-740,-745,808,808,808,-874,]),'TATEMENT_DIGEST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[809,809,809,809,-1896,809,809,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,809,809,809,809,-277,-278,809,-1427,809,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,809,809,809,-492,809,809,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,809,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,809,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,809,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,809,-174,-175,-176,-177,-995,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-292,-293,-283,809,809,809,809,809,-330,-320,-334,-335,-336,809,809,-984,-985,-986,-987,-988,-989,-990,809,809,809,809,809,809,809,809,809,809,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,809,809,809,-355,-358,809,-325,-326,-143,809,-144,809,-145,809,-432,-937,-938,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-1896,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-1896,809,-1896,809,809,809,809,809,809,809,809,809,809,809,809,-1896,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-1896,809,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,809,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,809,809,809,-193,-194,809,-996,809,809,809,809,809,-279,-280,-281,-282,-367,809,-310,809,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,809,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,809,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,809,809,809,809,809,809,-575,809,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,809,809,-725,-726,-727,809,809,809,809,809,809,-996,809,809,-93,-94,809,809,809,809,-311,-312,-322,809,-309,-295,-296,-297,809,809,809,809,-620,-635,-592,809,809,-438,809,-439,809,-446,-447,-448,-380,-381,809,809,809,-508,809,809,-512,809,809,809,809,-517,-518,-519,-520,809,809,-523,-524,809,-526,-527,-528,-529,-530,-531,-532,-533,809,-535,809,809,809,-541,-543,-544,809,-546,-547,-548,-549,809,809,809,809,809,809,-654,-655,-656,-657,809,-659,-660,-661,809,809,809,-667,809,809,-671,-672,809,809,-675,809,-677,-678,809,-681,809,-683,809,809,-686,-687,-688,809,-690,809,809,-693,809,809,-696,-697,-698,809,-700,-701,-702,-703,809,809,-748,809,-751,-752,-753,-754,-755,809,-757,-758,-759,-760,-761,809,-768,-769,-771,809,-773,-774,-775,-784,-858,-860,-862,-864,809,809,809,809,-870,809,-872,809,809,809,809,809,809,809,-908,-909,809,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,809,-923,-926,809,-936,809,-387,-388,-389,809,809,-392,-393,-394,-395,809,-398,809,-401,-402,809,-403,809,-408,-409,809,-412,-413,-414,809,-417,809,-418,809,-423,-424,809,-427,809,-430,-431,-1896,-1896,809,-621,-622,-623,-624,-625,-636,-586,-626,-799,809,809,809,809,809,-833,809,809,-808,809,-834,809,809,809,809,-800,809,-855,-801,809,809,809,809,809,809,-856,-857,809,-836,-832,-837,809,-627,809,-628,-629,-630,-631,-576,809,809,-632,-633,-634,809,809,809,809,809,809,-637,-638,-639,-594,-1896,-604,809,-640,-641,-715,-642,-606,809,-574,-579,-582,-585,809,809,809,-600,-603,809,-610,809,809,809,809,809,809,809,809,809,809,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,809,809,809,-997,809,809,809,809,809,809,-308,-327,-321,-298,-377,-454,-455,-456,-460,809,-445,809,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,809,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,809,809,809,809,809,809,809,809,809,-318,-537,-510,-593,-939,-941,-942,-440,809,-442,-382,-383,-385,-509,-511,-513,809,-515,-516,-521,-522,809,-534,-536,-539,-540,-545,-550,-728,809,-729,809,-734,809,-736,809,-741,-658,-662,-663,809,-668,809,-669,809,-674,-676,809,-679,809,809,809,-689,-691,809,-694,809,809,-746,809,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,809,809,809,809,809,-879,809,-882,-910,-922,-927,-390,-391,809,-396,809,-399,809,-404,809,-405,809,-410,809,-415,809,-419,809,-420,809,-425,809,-428,-901,-902,-645,-587,-1896,-903,809,809,809,-802,809,809,-806,809,-809,-835,809,-820,809,-822,809,-824,-810,809,-826,809,-853,-854,809,809,-813,809,-648,-904,-906,-650,-651,-647,809,-707,-708,809,-644,-905,-649,-652,-605,-716,809,809,-607,-588,809,809,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,809,809,-711,-712,809,-718,809,809,809,809,809,809,-940,809,-441,-443,-749,809,-893,809,-717,-1896,809,809,809,809,809,-444,-514,-525,809,-730,-735,809,-737,809,-742,809,-664,-670,809,-680,-682,-684,-685,-692,-695,-699,-747,809,809,-876,809,809,-880,809,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,809,-814,809,-816,-803,809,-804,-807,809,-818,-821,-823,-825,-827,809,-828,809,-811,809,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,809,-284,809,809,809,809,-457,809,809,-731,809,-738,809,-743,809,-665,-673,809,809,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,809,-838,-53,809,809,-732,809,-739,809,-744,-666,809,-875,-54,809,809,-733,-740,-745,809,809,809,-874,]),'TEMPLATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[810,810,810,810,-1896,810,810,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,810,810,810,810,-277,-278,810,-1427,810,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,810,810,810,-492,810,810,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,810,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,810,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,810,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,810,-174,-175,-176,-177,-995,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-292,-293,-283,810,810,810,810,810,-330,-320,-334,-335,-336,810,810,-984,-985,-986,-987,-988,-989,-990,810,810,810,810,810,810,810,810,810,810,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,810,810,810,-355,-358,810,-325,-326,-143,810,-144,810,-145,810,-432,-937,-938,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-1896,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-1896,810,-1896,810,810,810,810,810,810,810,810,810,810,810,810,-1896,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-1896,810,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,810,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,810,810,810,-193,-194,810,-996,810,810,810,810,810,-279,-280,-281,-282,-367,810,-310,810,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,810,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,810,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,810,810,810,810,810,810,-575,810,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,810,810,-725,-726,-727,810,810,810,810,810,810,-996,810,810,-93,-94,810,810,810,810,-311,-312,-322,810,-309,-295,-296,-297,810,810,810,810,-620,-635,-592,810,810,-438,810,-439,810,-446,-447,-448,-380,-381,810,810,810,-508,810,810,-512,810,810,810,810,-517,-518,-519,-520,810,810,-523,-524,810,-526,-527,-528,-529,-530,-531,-532,-533,810,-535,810,810,810,-541,-543,-544,810,-546,-547,-548,-549,810,810,810,810,810,810,-654,-655,-656,-657,810,-659,-660,-661,810,810,810,-667,810,810,-671,-672,810,810,-675,810,-677,-678,810,-681,810,-683,810,810,-686,-687,-688,810,-690,810,810,-693,810,810,-696,-697,-698,810,-700,-701,-702,-703,810,810,-748,810,-751,-752,-753,-754,-755,810,-757,-758,-759,-760,-761,810,-768,-769,-771,810,-773,-774,-775,-784,-858,-860,-862,-864,810,810,810,810,-870,810,-872,810,810,810,810,810,810,810,-908,-909,810,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,810,-923,-926,810,-936,810,-387,-388,-389,810,810,-392,-393,-394,-395,810,-398,810,-401,-402,810,-403,810,-408,-409,810,-412,-413,-414,810,-417,810,-418,810,-423,-424,810,-427,810,-430,-431,-1896,-1896,810,-621,-622,-623,-624,-625,-636,-586,-626,-799,810,810,810,810,810,-833,810,810,-808,810,-834,810,810,810,810,-800,810,-855,-801,810,810,810,810,810,810,-856,-857,810,-836,-832,-837,810,-627,810,-628,-629,-630,-631,-576,810,810,-632,-633,-634,810,810,810,810,810,810,-637,-638,-639,-594,-1896,-604,810,-640,-641,-715,-642,-606,810,-574,-579,-582,-585,810,810,810,-600,-603,810,-610,810,810,810,810,810,810,810,810,810,810,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,810,810,810,-997,810,810,810,810,810,810,-308,-327,-321,-298,-377,-454,-455,-456,-460,810,-445,810,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,810,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,810,810,810,810,810,810,810,810,810,-318,-537,-510,-593,-939,-941,-942,-440,810,-442,-382,-383,-385,-509,-511,-513,810,-515,-516,-521,-522,810,-534,-536,-539,-540,-545,-550,-728,810,-729,810,-734,810,-736,810,-741,-658,-662,-663,810,-668,810,-669,810,-674,-676,810,-679,810,810,810,-689,-691,810,-694,810,810,-746,810,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,810,810,810,810,810,-879,810,-882,-910,-922,-927,-390,-391,810,-396,810,-399,810,-404,810,-405,810,-410,810,-415,810,-419,810,-420,810,-425,810,-428,-901,-902,-645,-587,-1896,-903,810,810,810,-802,810,810,-806,810,-809,-835,810,-820,810,-822,810,-824,-810,810,-826,810,-853,-854,810,810,-813,810,-648,-904,-906,-650,-651,-647,810,-707,-708,810,-644,-905,-649,-652,-605,-716,810,810,-607,-588,810,810,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,810,810,-711,-712,810,-718,810,810,810,810,810,810,-940,810,-441,-443,-749,810,-893,810,-717,-1896,810,810,810,810,810,-444,-514,-525,810,-730,-735,810,-737,810,-742,810,-664,-670,810,-680,-682,-684,-685,-692,-695,-699,-747,810,810,-876,810,810,-880,810,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,810,-814,810,-816,-803,810,-804,-807,810,-818,-821,-823,-825,-827,810,-828,810,-811,810,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,810,-284,810,810,810,810,-457,810,810,-731,810,-738,810,-743,810,-665,-673,810,810,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,810,-838,-53,810,810,-732,810,-739,810,-744,-666,810,-875,-54,810,810,-733,-740,-745,810,810,810,-874,]),'TEMPORARY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[811,811,811,811,-1896,811,811,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,811,811,811,811,-277,-278,811,-1427,811,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,811,811,811,-492,811,811,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,811,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,811,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,811,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,811,-174,-175,-176,-177,-995,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-292,-293,-283,811,811,811,811,811,-330,-320,-334,-335,-336,811,811,-984,-985,-986,-987,-988,-989,-990,811,811,811,811,811,811,811,811,811,811,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,811,811,811,-355,-358,811,-325,-326,-143,811,-144,811,-145,811,-432,-937,-938,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-1896,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-1896,811,-1896,811,811,811,811,811,811,811,811,811,811,811,811,-1896,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-1896,811,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,811,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,811,811,811,-193,-194,811,-996,811,811,811,811,811,-279,-280,-281,-282,-367,811,-310,811,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,811,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,811,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,811,811,811,811,811,811,-575,811,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,811,811,-725,-726,-727,811,811,811,811,811,811,-996,811,811,-93,-94,811,811,811,811,-311,-312,-322,811,-309,-295,-296,-297,811,811,811,811,-620,-635,-592,811,811,-438,811,-439,811,-446,-447,-448,-380,-381,811,811,811,-508,811,811,-512,811,811,811,811,-517,-518,-519,-520,811,811,-523,-524,811,-526,-527,-528,-529,-530,-531,-532,-533,811,-535,811,811,811,-541,-543,-544,811,-546,-547,-548,-549,811,811,811,811,811,811,-654,-655,-656,-657,811,-659,-660,-661,811,811,811,-667,811,811,-671,-672,811,811,-675,811,-677,-678,811,-681,811,-683,811,811,-686,-687,-688,811,-690,811,811,-693,811,811,-696,-697,-698,811,-700,-701,-702,-703,811,811,-748,811,-751,-752,-753,-754,-755,811,-757,-758,-759,-760,-761,811,-768,-769,-771,811,-773,-774,-775,-784,-858,-860,-862,-864,811,811,811,811,-870,811,-872,811,811,811,811,811,811,811,-908,-909,811,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,811,-923,-926,811,-936,811,-387,-388,-389,811,811,-392,-393,-394,-395,811,-398,811,-401,-402,811,-403,811,-408,-409,811,-412,-413,-414,811,-417,811,-418,811,-423,-424,811,-427,811,-430,-431,-1896,-1896,811,-621,-622,-623,-624,-625,-636,-586,-626,-799,811,811,811,811,811,-833,811,811,-808,811,-834,811,811,811,811,-800,811,-855,-801,811,811,811,811,811,811,-856,-857,811,-836,-832,-837,811,-627,811,-628,-629,-630,-631,-576,811,811,-632,-633,-634,811,811,811,811,811,811,-637,-638,-639,-594,-1896,-604,811,-640,-641,-715,-642,-606,811,-574,-579,-582,-585,811,811,811,-600,-603,811,-610,811,811,811,811,811,811,811,811,811,811,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,811,811,811,-997,811,811,811,811,811,811,-308,-327,-321,-298,-377,-454,-455,-456,-460,811,-445,811,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,811,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,811,811,811,811,811,811,811,811,811,-318,-537,-510,-593,-939,-941,-942,-440,811,-442,-382,-383,-385,-509,-511,-513,811,-515,-516,-521,-522,811,-534,-536,-539,-540,-545,-550,-728,811,-729,811,-734,811,-736,811,-741,-658,-662,-663,811,-668,811,-669,811,-674,-676,811,-679,811,811,811,-689,-691,811,-694,811,811,-746,811,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,811,811,811,811,811,-879,811,-882,-910,-922,-927,-390,-391,811,-396,811,-399,811,-404,811,-405,811,-410,811,-415,811,-419,811,-420,811,-425,811,-428,-901,-902,-645,-587,-1896,-903,811,811,811,-802,811,811,-806,811,-809,-835,811,-820,811,-822,811,-824,-810,811,-826,811,-853,-854,811,811,-813,811,-648,-904,-906,-650,-651,-647,811,-707,-708,811,-644,-905,-649,-652,-605,-716,811,811,-607,-588,811,811,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,811,811,-711,-712,811,-718,811,811,811,811,811,811,-940,811,-441,-443,-749,811,-893,811,-717,-1896,811,811,811,811,811,-444,-514,-525,811,-730,-735,811,-737,811,-742,811,-664,-670,811,-680,-682,-684,-685,-692,-695,-699,-747,811,811,-876,811,811,-880,811,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,811,-814,811,-816,-803,811,-804,-807,811,-818,-821,-823,-825,-827,811,-828,811,-811,811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,811,-284,811,811,811,811,-457,811,811,-731,811,-738,811,-743,811,-665,-673,811,811,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,811,-838,-53,811,811,-732,811,-739,811,-744,-666,811,-875,-54,811,811,-733,-740,-745,811,811,811,-874,]),'TEMPTABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[812,812,812,812,-1896,812,812,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,812,812,812,812,-277,-278,812,-1427,812,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,812,812,812,-492,812,812,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,812,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,812,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,812,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,812,-174,-175,-176,-177,-995,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-292,-293,-283,812,812,812,812,812,-330,-320,-334,-335,-336,812,812,-984,-985,-986,-987,-988,-989,-990,812,812,812,812,812,812,812,812,812,812,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,812,812,812,-355,-358,812,-325,-326,-143,812,-144,812,-145,812,-432,-937,-938,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-1896,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-1896,812,-1896,812,812,812,812,812,812,812,812,812,812,812,812,-1896,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-1896,812,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,812,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,812,812,812,-193,-194,812,-996,812,812,812,812,812,-279,-280,-281,-282,-367,812,-310,812,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,812,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,812,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,812,812,812,812,812,812,-575,812,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,812,812,-725,-726,-727,812,812,812,812,812,812,-996,812,812,-93,-94,812,812,812,812,-311,-312,-322,812,-309,-295,-296,-297,812,812,812,812,-620,-635,-592,812,812,-438,812,-439,812,-446,-447,-448,-380,-381,812,812,812,-508,812,812,-512,812,812,812,812,-517,-518,-519,-520,812,812,-523,-524,812,-526,-527,-528,-529,-530,-531,-532,-533,812,-535,812,812,812,-541,-543,-544,812,-546,-547,-548,-549,812,812,812,812,812,812,-654,-655,-656,-657,812,-659,-660,-661,812,812,812,-667,812,812,-671,-672,812,812,-675,812,-677,-678,812,-681,812,-683,812,812,-686,-687,-688,812,-690,812,812,-693,812,812,-696,-697,-698,812,-700,-701,-702,-703,812,812,-748,812,-751,-752,-753,-754,-755,812,-757,-758,-759,-760,-761,812,-768,-769,-771,812,-773,-774,-775,-784,-858,-860,-862,-864,812,812,812,812,-870,812,-872,812,812,812,812,812,812,812,-908,-909,812,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,812,-923,-926,812,-936,812,-387,-388,-389,812,812,-392,-393,-394,-395,812,-398,812,-401,-402,812,-403,812,-408,-409,812,-412,-413,-414,812,-417,812,-418,812,-423,-424,812,-427,812,-430,-431,-1896,-1896,812,-621,-622,-623,-624,-625,-636,-586,-626,-799,812,812,812,812,812,-833,812,812,-808,812,-834,812,812,812,812,-800,812,-855,-801,812,812,812,812,812,812,-856,-857,812,-836,-832,-837,812,-627,812,-628,-629,-630,-631,-576,812,812,-632,-633,-634,812,812,812,812,812,812,-637,-638,-639,-594,-1896,-604,812,-640,-641,-715,-642,-606,812,-574,-579,-582,-585,812,812,812,-600,-603,812,-610,812,812,812,812,812,812,812,812,812,812,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,812,812,812,-997,812,812,812,812,812,812,-308,-327,-321,-298,-377,-454,-455,-456,-460,812,-445,812,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,812,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,812,812,812,812,812,812,812,812,812,-318,-537,-510,-593,-939,-941,-942,-440,812,-442,-382,-383,-385,-509,-511,-513,812,-515,-516,-521,-522,812,-534,-536,-539,-540,-545,-550,-728,812,-729,812,-734,812,-736,812,-741,-658,-662,-663,812,-668,812,-669,812,-674,-676,812,-679,812,812,812,-689,-691,812,-694,812,812,-746,812,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,812,812,812,812,812,-879,812,-882,-910,-922,-927,-390,-391,812,-396,812,-399,812,-404,812,-405,812,-410,812,-415,812,-419,812,-420,812,-425,812,-428,-901,-902,-645,-587,-1896,-903,812,812,812,-802,812,812,-806,812,-809,-835,812,-820,812,-822,812,-824,-810,812,-826,812,-853,-854,812,812,-813,812,-648,-904,-906,-650,-651,-647,812,-707,-708,812,-644,-905,-649,-652,-605,-716,812,812,-607,-588,812,812,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,812,812,-711,-712,812,-718,812,812,812,812,812,812,-940,812,-441,-443,-749,812,-893,812,-717,-1896,812,812,812,812,812,-444,-514,-525,812,-730,-735,812,-737,812,-742,812,-664,-670,812,-680,-682,-684,-685,-692,-695,-699,-747,812,812,-876,812,812,-880,812,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,812,-814,812,-816,-803,812,-804,-807,812,-818,-821,-823,-825,-827,812,-828,812,-811,812,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,812,-284,812,812,812,812,-457,812,812,-731,812,-738,812,-743,812,-665,-673,812,812,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,812,-838,-53,812,812,-732,812,-739,812,-744,-666,812,-875,-54,812,812,-733,-740,-745,812,812,812,-874,]),'TENANT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[813,813,813,813,-1896,813,813,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,813,813,813,813,-277,-278,813,-1427,813,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,813,813,813,-492,813,813,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,813,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,813,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,813,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,813,-174,-175,-176,-177,-995,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-292,-293,-283,813,813,813,813,813,-330,-320,-334,-335,-336,813,813,-984,-985,-986,-987,-988,-989,-990,813,813,813,813,813,813,813,813,813,813,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,813,813,813,-355,-358,813,-325,-326,-143,813,-144,813,-145,813,-432,-937,-938,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-1896,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-1896,813,-1896,813,813,813,813,813,813,813,813,813,813,813,813,-1896,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-1896,813,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,813,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,813,813,813,-193,-194,813,-996,813,813,813,813,813,-279,-280,-281,-282,-367,813,-310,813,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,813,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,813,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,813,813,813,813,813,813,-575,813,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,813,813,-725,-726,-727,813,813,813,813,813,813,-996,813,813,-93,-94,813,813,813,813,-311,-312,-322,813,-309,-295,-296,-297,813,813,813,813,-620,-635,-592,813,813,-438,813,-439,813,-446,-447,-448,-380,-381,813,813,813,-508,813,813,-512,813,813,813,813,-517,-518,-519,-520,813,813,-523,-524,813,-526,-527,-528,-529,-530,-531,-532,-533,813,-535,813,813,813,-541,-543,-544,813,-546,-547,-548,-549,813,813,813,813,813,813,-654,-655,-656,-657,813,-659,-660,-661,813,813,813,-667,813,813,-671,-672,813,813,-675,813,-677,-678,813,-681,813,-683,813,813,-686,-687,-688,813,-690,813,813,-693,813,813,-696,-697,-698,813,-700,-701,-702,-703,813,813,-748,813,-751,-752,-753,-754,-755,813,-757,-758,-759,-760,-761,813,-768,-769,-771,813,-773,-774,-775,-784,-858,-860,-862,-864,813,813,813,813,-870,813,-872,813,813,813,813,813,813,813,-908,-909,813,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,813,-923,-926,813,-936,813,-387,-388,-389,813,813,-392,-393,-394,-395,813,-398,813,-401,-402,813,-403,813,-408,-409,813,-412,-413,-414,813,-417,813,-418,813,-423,-424,813,-427,813,-430,-431,-1896,-1896,813,-621,-622,-623,-624,-625,-636,-586,-626,-799,813,813,813,813,813,-833,813,813,-808,813,-834,813,813,813,813,-800,813,-855,-801,813,813,813,813,813,813,-856,-857,813,-836,-832,-837,813,-627,813,-628,-629,-630,-631,-576,813,813,-632,-633,-634,813,813,813,813,813,813,-637,-638,-639,-594,-1896,-604,813,-640,-641,-715,-642,-606,813,-574,-579,-582,-585,813,813,813,-600,-603,813,-610,813,813,813,813,813,813,813,813,813,813,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,813,813,813,-997,813,813,813,813,813,813,-308,-327,-321,-298,-377,-454,-455,-456,-460,813,-445,813,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,813,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,813,813,813,813,813,813,813,813,813,-318,-537,-510,-593,-939,-941,-942,-440,813,-442,-382,-383,-385,-509,-511,-513,813,-515,-516,-521,-522,813,-534,-536,-539,-540,-545,-550,-728,813,-729,813,-734,813,-736,813,-741,-658,-662,-663,813,-668,813,-669,813,-674,-676,813,-679,813,813,813,-689,-691,813,-694,813,813,-746,813,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,813,813,813,813,813,-879,813,-882,-910,-922,-927,-390,-391,813,-396,813,-399,813,-404,813,-405,813,-410,813,-415,813,-419,813,-420,813,-425,813,-428,-901,-902,-645,-587,-1896,-903,813,813,813,-802,813,813,-806,813,-809,-835,813,-820,813,-822,813,-824,-810,813,-826,813,-853,-854,813,813,-813,813,-648,-904,-906,-650,-651,-647,813,-707,-708,813,-644,-905,-649,-652,-605,-716,813,813,-607,-588,813,813,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,813,813,-711,-712,813,-718,813,813,813,813,813,813,-940,813,-441,-443,-749,813,-893,813,-717,-1896,813,813,813,813,813,-444,-514,-525,813,-730,-735,813,-737,813,-742,813,-664,-670,813,-680,-682,-684,-685,-692,-695,-699,-747,813,813,-876,813,813,-880,813,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,813,-814,813,-816,-803,813,-804,-807,813,-818,-821,-823,-825,-827,813,-828,813,-811,813,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,813,-284,813,813,813,813,-457,813,813,-731,813,-738,813,-743,813,-665,-673,813,813,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,813,-838,-53,813,813,-732,813,-739,813,-744,-666,813,-875,-54,813,813,-733,-740,-745,813,813,813,-874,]),'TENANT_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[814,814,814,814,-1896,814,814,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,814,814,814,814,-277,-278,814,-1427,814,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,814,814,814,-492,814,814,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,814,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,814,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,814,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,814,-174,-175,-176,-177,-995,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-292,-293,-283,814,814,814,814,814,-330,-320,-334,-335,-336,814,814,-984,-985,-986,-987,-988,-989,-990,814,814,814,814,814,814,814,814,814,814,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,814,814,814,-355,-358,814,-325,-326,-143,814,-144,814,-145,814,-432,-937,-938,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-1896,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-1896,814,-1896,814,814,814,814,814,814,814,814,814,814,814,814,-1896,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-1896,814,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,814,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,814,814,814,-193,-194,814,-996,814,814,814,814,814,-279,-280,-281,-282,-367,814,-310,814,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,814,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,814,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,814,814,814,814,814,814,-575,814,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,814,814,-725,-726,-727,814,814,814,814,814,814,-996,814,814,-93,-94,814,814,814,814,-311,-312,-322,814,-309,-295,-296,-297,814,814,814,814,-620,-635,-592,814,814,-438,814,-439,814,-446,-447,-448,-380,-381,814,814,814,-508,814,814,-512,814,814,814,814,-517,-518,-519,-520,814,814,-523,-524,814,-526,-527,-528,-529,-530,-531,-532,-533,814,-535,814,814,814,-541,-543,-544,814,-546,-547,-548,-549,814,814,814,814,814,814,-654,-655,-656,-657,814,-659,-660,-661,814,814,814,-667,814,814,-671,-672,814,814,-675,814,-677,-678,814,-681,814,-683,814,814,-686,-687,-688,814,-690,814,814,-693,814,814,-696,-697,-698,814,-700,-701,-702,-703,814,814,-748,814,-751,-752,-753,-754,-755,814,-757,-758,-759,-760,-761,814,-768,-769,-771,814,-773,-774,-775,-784,-858,-860,-862,-864,814,814,814,814,-870,814,-872,814,814,814,814,814,814,814,-908,-909,814,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,814,-923,-926,814,-936,814,-387,-388,-389,814,814,-392,-393,-394,-395,814,-398,814,-401,-402,814,-403,814,-408,-409,814,-412,-413,-414,814,-417,814,-418,814,-423,-424,814,-427,814,-430,-431,-1896,-1896,814,-621,-622,-623,-624,-625,-636,-586,-626,-799,814,814,814,814,814,-833,814,814,-808,814,-834,814,814,814,814,-800,814,-855,-801,814,814,814,814,814,814,-856,-857,814,-836,-832,-837,814,-627,814,-628,-629,-630,-631,-576,814,814,-632,-633,-634,814,814,814,814,814,814,-637,-638,-639,-594,-1896,-604,814,-640,-641,-715,-642,-606,814,-574,-579,-582,-585,814,814,814,-600,-603,814,-610,814,814,814,814,814,814,814,814,814,814,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,814,814,814,-997,814,814,814,814,814,814,-308,-327,-321,-298,-377,-454,-455,-456,-460,814,-445,814,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,814,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,814,814,814,814,814,814,814,814,814,-318,-537,-510,-593,-939,-941,-942,-440,814,-442,-382,-383,-385,-509,-511,-513,814,-515,-516,-521,-522,814,-534,-536,-539,-540,-545,-550,-728,814,-729,814,-734,814,-736,814,-741,-658,-662,-663,814,-668,814,-669,814,-674,-676,814,-679,814,814,814,-689,-691,814,-694,814,814,-746,814,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,814,814,814,814,814,-879,814,-882,-910,-922,-927,-390,-391,814,-396,814,-399,814,-404,814,-405,814,-410,814,-415,814,-419,814,-420,814,-425,814,-428,-901,-902,-645,-587,-1896,-903,814,814,814,-802,814,814,-806,814,-809,-835,814,-820,814,-822,814,-824,-810,814,-826,814,-853,-854,814,814,-813,814,-648,-904,-906,-650,-651,-647,814,-707,-708,814,-644,-905,-649,-652,-605,-716,814,814,-607,-588,814,814,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,814,814,-711,-712,814,-718,814,814,814,814,814,814,-940,814,-441,-443,-749,814,-893,814,-717,-1896,814,814,814,814,814,-444,-514,-525,814,-730,-735,814,-737,814,-742,814,-664,-670,814,-680,-682,-684,-685,-692,-695,-699,-747,814,814,-876,814,814,-880,814,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,814,-814,814,-816,-803,814,-804,-807,814,-818,-821,-823,-825,-827,814,-828,814,-811,814,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,814,-284,814,814,814,814,-457,814,814,-731,814,-738,814,-743,814,-665,-673,814,814,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,814,-838,-53,814,814,-732,814,-739,814,-744,-666,814,-875,-54,814,814,-733,-740,-745,814,814,814,-874,]),'TEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[815,815,815,815,-1896,815,815,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,815,815,815,815,-277,-278,815,-1427,815,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,815,815,815,-492,815,815,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,815,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,815,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,815,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,815,-174,-175,-176,-177,-995,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-292,-293,-283,815,815,815,815,815,-330,-320,-334,-335,-336,815,815,-984,-985,-986,-987,-988,-989,-990,815,815,815,815,815,815,815,815,815,815,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,815,815,815,-355,-358,815,-325,-326,-143,815,-144,815,-145,815,-432,-937,-938,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-1896,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-1896,815,-1896,815,815,815,815,815,815,815,815,815,815,815,815,-1896,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-1896,815,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,815,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,815,815,815,-193,-194,815,-996,815,815,815,815,815,-279,-280,-281,-282,-367,815,-310,815,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,815,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,815,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,815,815,815,815,815,815,-575,815,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,815,815,-725,-726,-727,815,815,815,815,815,815,-996,815,815,-93,-94,815,815,815,815,-311,-312,-322,815,-309,-295,-296,-297,815,815,815,815,-620,-635,-592,815,815,-438,815,-439,815,-446,-447,-448,-380,-381,815,815,815,-508,815,815,-512,815,815,815,815,-517,-518,-519,-520,815,815,-523,-524,815,-526,-527,-528,-529,-530,-531,-532,-533,815,-535,815,815,815,-541,-543,-544,815,-546,-547,-548,-549,815,815,815,815,815,815,-654,-655,-656,-657,815,-659,-660,-661,815,815,815,-667,815,815,-671,-672,815,815,-675,815,-677,-678,815,-681,815,-683,815,815,-686,-687,-688,815,-690,815,815,-693,815,815,-696,-697,-698,815,-700,-701,-702,-703,815,815,-748,815,-751,-752,-753,-754,-755,815,-757,-758,-759,-760,-761,815,-768,-769,-771,815,-773,-774,-775,-784,-858,-860,-862,-864,815,815,815,815,-870,815,-872,815,815,815,815,815,815,815,-908,-909,815,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,815,-923,-926,815,-936,815,-387,-388,-389,815,815,-392,-393,-394,-395,815,-398,815,-401,-402,815,-403,815,-408,-409,815,-412,-413,-414,815,-417,815,-418,815,-423,-424,815,-427,815,-430,-431,-1896,-1896,815,-621,-622,-623,-624,-625,-636,-586,-626,-799,815,815,815,815,815,-833,815,815,-808,815,-834,815,815,815,815,-800,815,-855,-801,815,815,815,815,815,815,-856,-857,815,-836,-832,-837,815,-627,815,-628,-629,-630,-631,-576,815,815,-632,-633,-634,815,815,815,815,815,815,-637,-638,-639,-594,-1896,-604,815,-640,-641,-715,-642,-606,815,-574,-579,-582,-585,815,815,815,-600,-603,815,-610,815,815,815,815,815,815,815,815,815,815,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,815,815,815,-997,815,815,815,815,815,815,-308,-327,-321,-298,-377,-454,-455,-456,-460,815,-445,815,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,815,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,815,815,815,815,815,815,815,815,815,-318,-537,-510,-593,-939,-941,-942,-440,815,-442,-382,-383,-385,-509,-511,-513,815,-515,-516,-521,-522,815,-534,-536,-539,-540,-545,-550,-728,815,-729,815,-734,815,-736,815,-741,-658,-662,-663,815,-668,815,-669,815,-674,-676,815,-679,815,815,815,-689,-691,815,-694,815,815,-746,815,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,815,815,815,815,815,-879,815,-882,-910,-922,-927,-390,-391,815,-396,815,-399,815,-404,815,-405,815,-410,815,-415,815,-419,815,-420,815,-425,815,-428,-901,-902,-645,-587,-1896,-903,815,815,815,-802,815,815,-806,815,-809,-835,815,-820,815,-822,815,-824,-810,815,-826,815,-853,-854,815,815,-813,815,-648,-904,-906,-650,-651,-647,815,-707,-708,815,-644,-905,-649,-652,-605,-716,815,815,-607,-588,815,815,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,815,815,-711,-712,815,-718,815,815,815,815,815,815,-940,815,-441,-443,-749,815,-893,815,-717,-1896,815,815,815,815,815,-444,-514,-525,815,-730,-735,815,-737,815,-742,815,-664,-670,815,-680,-682,-684,-685,-692,-695,-699,-747,815,815,-876,815,815,-880,815,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,815,-814,815,-816,-803,815,-804,-807,815,-818,-821,-823,-825,-827,815,-828,815,-811,815,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,815,-284,815,815,815,815,-457,815,815,-731,815,-738,815,-743,815,-665,-673,815,815,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,815,-838,-53,815,815,-732,815,-739,815,-744,-666,815,-875,-54,815,815,-733,-740,-745,815,815,815,-874,]),'THAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[816,816,816,816,-1896,816,816,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,816,816,816,816,-277,-278,816,-1427,816,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,816,816,816,-492,816,816,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,816,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,816,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,816,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,816,-174,-175,-176,-177,-995,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-292,-293,-283,816,816,816,816,816,-330,-320,-334,-335,-336,816,816,-984,-985,-986,-987,-988,-989,-990,816,816,816,816,816,816,816,816,816,816,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,816,816,816,-355,-358,816,-325,-326,-143,816,-144,816,-145,816,-432,-937,-938,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-1896,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-1896,816,-1896,816,816,816,816,816,816,816,816,816,816,816,816,-1896,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-1896,816,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,816,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,816,816,816,-193,-194,816,-996,816,816,816,816,816,-279,-280,-281,-282,-367,816,-310,816,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,816,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,816,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,816,816,816,816,816,816,-575,816,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,816,816,-725,-726,-727,816,816,816,816,816,816,-996,816,816,-93,-94,816,816,816,816,-311,-312,-322,816,-309,-295,-296,-297,816,816,816,816,-620,-635,-592,816,816,-438,816,-439,816,-446,-447,-448,-380,-381,816,816,816,-508,816,816,-512,816,816,816,816,-517,-518,-519,-520,816,816,-523,-524,816,-526,-527,-528,-529,-530,-531,-532,-533,816,-535,816,816,816,-541,-543,-544,816,-546,-547,-548,-549,816,816,816,816,816,816,-654,-655,-656,-657,816,-659,-660,-661,816,816,816,-667,816,816,-671,-672,816,816,-675,816,-677,-678,816,-681,816,-683,816,816,-686,-687,-688,816,-690,816,816,-693,816,816,-696,-697,-698,816,-700,-701,-702,-703,816,816,-748,816,-751,-752,-753,-754,-755,816,-757,-758,-759,-760,-761,816,-768,-769,-771,816,-773,-774,-775,-784,-858,-860,-862,-864,816,816,816,816,-870,816,-872,816,816,816,816,816,816,816,-908,-909,816,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,816,-923,-926,816,-936,816,-387,-388,-389,816,816,-392,-393,-394,-395,816,-398,816,-401,-402,816,-403,816,-408,-409,816,-412,-413,-414,816,-417,816,-418,816,-423,-424,816,-427,816,-430,-431,-1896,-1896,816,-621,-622,-623,-624,-625,-636,-586,-626,-799,816,816,816,816,816,-833,816,816,-808,816,-834,816,816,816,816,-800,816,-855,-801,816,816,816,816,816,816,-856,-857,816,-836,-832,-837,816,-627,816,-628,-629,-630,-631,-576,816,816,-632,-633,-634,816,816,816,816,816,816,-637,-638,-639,-594,-1896,-604,816,-640,-641,-715,-642,-606,816,-574,-579,-582,-585,816,816,816,-600,-603,816,-610,816,816,816,816,816,816,816,816,816,816,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,816,816,816,-997,816,816,816,816,816,816,-308,-327,-321,-298,-377,-454,-455,-456,-460,816,-445,816,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,816,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,816,816,816,816,816,816,816,816,816,-318,-537,-510,-593,-939,-941,-942,-440,816,-442,-382,-383,-385,-509,-511,-513,816,-515,-516,-521,-522,816,-534,-536,-539,-540,-545,-550,-728,816,-729,816,-734,816,-736,816,-741,-658,-662,-663,816,-668,816,-669,816,-674,-676,816,-679,816,816,816,-689,-691,816,-694,816,816,-746,816,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,816,816,816,816,816,-879,816,-882,-910,-922,-927,-390,-391,816,-396,816,-399,816,-404,816,-405,816,-410,816,-415,816,-419,816,-420,816,-425,816,-428,-901,-902,-645,-587,-1896,-903,816,816,816,-802,816,816,-806,816,-809,-835,816,-820,816,-822,816,-824,-810,816,-826,816,-853,-854,816,816,-813,816,-648,-904,-906,-650,-651,-647,816,-707,-708,816,-644,-905,-649,-652,-605,-716,816,816,-607,-588,816,816,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,816,816,-711,-712,816,-718,816,816,816,816,816,816,-940,816,-441,-443,-749,816,-893,816,-717,-1896,816,816,816,816,816,-444,-514,-525,816,-730,-735,816,-737,816,-742,816,-664,-670,816,-680,-682,-684,-685,-692,-695,-699,-747,816,816,-876,816,816,-880,816,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,816,-814,816,-816,-803,816,-804,-807,816,-818,-821,-823,-825,-827,816,-828,816,-811,816,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,816,-284,816,816,816,816,-457,816,816,-731,816,-738,816,-743,816,-665,-673,816,816,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,816,-838,-53,816,816,-732,816,-739,816,-744,-666,816,-875,-54,816,816,-733,-740,-745,816,816,816,-874,]),'TIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[817,817,817,978,-1896,817,817,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,817,817,817,817,-277,-278,978,-1427,978,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,978,978,978,-492,978,978,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,978,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,978,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1966,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,817,-174,-175,-176,-177,-995,817,817,817,817,817,817,817,817,817,817,978,978,978,978,978,-292,-293,-283,817,978,978,978,978,-330,-320,-334,-335,-336,978,978,-984,-985,-986,-987,-988,-989,-990,817,817,978,978,978,978,978,978,978,978,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,978,978,978,-355,-358,817,-325,-326,-143,978,-144,978,-145,978,-432,-937,-938,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,-1896,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,-1896,978,-1896,978,978,978,978,978,978,978,978,978,978,978,978,-1896,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,2435,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,-1896,817,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,978,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,978,817,817,-193,-194,817,-996,978,817,817,817,817,-279,-280,-281,-282,-367,978,-310,978,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,978,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,978,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,978,978,978,978,978,978,-575,978,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,978,978,-725,-726,-727,978,1966,817,817,817,817,-996,817,978,-93,-94,817,817,817,978,-311,-312,-322,978,-309,-295,-296,-297,978,817,978,978,-620,-635,-592,978,2966,2966,817,-438,817,-439,978,-446,-447,-448,-380,-381,978,978,978,-508,978,978,-512,978,978,978,978,-517,-518,-519,-520,978,978,-523,-524,978,-526,-527,-528,-529,-530,-531,-532,-533,978,-535,978,978,978,-541,-543,-544,978,-546,-547,-548,-549,978,978,978,978,978,978,-654,-655,-656,-657,817,-659,-660,-661,978,978,978,-667,978,978,-671,-672,978,978,-675,978,-677,-678,978,-681,978,-683,978,978,-686,-687,-688,978,-690,978,978,-693,978,978,-696,-697,-698,978,-700,-701,-702,-703,978,978,-748,978,-751,-752,-753,-754,-755,978,-757,-758,-759,-760,-761,978,-768,-769,-771,978,-773,-774,-775,-784,-858,-860,-862,-864,978,978,978,978,-870,978,-872,978,978,978,978,978,978,978,-908,-909,978,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,978,-923,-926,978,-936,978,-387,-388,-389,978,978,-392,-393,-394,-395,978,-398,978,-401,-402,978,-403,978,-408,-409,978,-412,-413,-414,978,-417,978,-418,978,-423,-424,978,-427,978,-430,-431,-1896,-1896,978,-621,-622,-623,-624,-625,-636,-586,-626,-799,978,978,978,978,978,-833,978,978,-808,978,-834,978,978,978,978,-800,978,-855,-801,978,978,978,978,978,978,-856,-857,978,-836,-832,-837,978,-627,978,-628,-629,-630,-631,-576,978,978,-632,-633,-634,978,978,978,978,978,978,-637,-638,-639,-594,-1896,-604,978,-640,-641,-715,-642,-606,978,-574,-579,-582,-585,978,978,978,-600,-603,978,-610,978,978,978,978,978,978,978,978,978,978,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,978,817,817,-997,817,978,817,817,817,978,-308,-327,-321,-298,-377,-454,-455,-456,-460,817,-445,978,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,978,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,817,817,817,817,817,817,817,817,978,-318,-537,-510,-593,-939,-941,-942,-440,978,-442,-382,-383,-385,-509,-511,-513,978,-515,-516,-521,-522,978,-534,-536,-539,-540,-545,-550,-728,978,-729,978,-734,978,-736,978,-741,-658,-662,-663,978,-668,978,-669,978,-674,-676,978,-679,978,978,978,-689,-691,978,-694,978,978,-746,978,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,978,978,978,978,978,-879,978,-882,-910,-922,-927,-390,-391,978,-396,978,-399,978,-404,978,-405,978,-410,978,-415,978,-419,978,-420,978,-425,978,-428,-901,-902,-645,-587,-1896,-903,978,978,978,-802,978,978,-806,978,-809,-835,978,-820,978,-822,978,-824,-810,978,-826,978,-853,-854,978,978,-813,978,-648,-904,-906,-650,-651,-647,978,-707,-708,978,-644,-905,-649,-652,-605,-716,978,978,-607,-588,978,978,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,978,978,-711,-712,978,-718,978,817,817,817,978,978,-940,817,-441,-443,-749,978,-893,1966,-717,-1896,978,978,817,817,978,-444,-514,-525,978,-730,-735,978,-737,978,-742,978,-664,-670,978,-680,-682,-684,-685,-692,-695,-699,-747,978,978,-876,978,978,-880,978,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,978,-814,978,-816,-803,978,-804,-807,978,-818,-821,-823,-825,-827,978,-828,978,-811,978,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,817,-284,817,978,817,978,-457,978,978,-731,978,-738,978,-743,978,-665,-673,978,978,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,978,-838,-53,817,978,-732,978,-739,978,-744,-666,978,-875,-54,817,817,-733,-740,-745,978,817,978,-874,]),'TIMEDIFF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[818,818,818,1303,-1896,818,818,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,818,818,818,818,-277,-278,1303,-1427,1303,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1303,1303,1303,-492,1303,1303,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1303,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1303,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1303,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,818,-174,-175,-176,-177,-995,818,818,818,818,818,818,818,818,818,818,1303,1303,1303,1303,1303,-292,-293,-283,818,1303,1303,1303,1303,-330,-320,-334,-335,-336,1303,1303,-984,-985,-986,-987,-988,-989,-990,818,818,1303,1303,1303,1303,1303,1303,1303,1303,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1303,1303,1303,-355,-358,818,-325,-326,-143,1303,-144,1303,-145,1303,-432,-937,-938,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1896,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1896,1303,-1896,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1896,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1896,818,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1303,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1303,818,818,-193,-194,818,-996,1303,818,818,818,818,-279,-280,-281,-282,-367,1303,-310,1303,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1303,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1303,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1303,1303,1303,1303,1303,1303,-575,1303,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1303,1303,-725,-726,-727,1303,1303,818,818,818,818,-996,818,1303,-93,-94,818,818,818,1303,-311,-312,-322,1303,-309,-295,-296,-297,1303,818,1303,1303,-620,-635,-592,1303,818,-438,818,-439,1303,-446,-447,-448,-380,-381,1303,1303,1303,-508,1303,1303,-512,1303,1303,1303,1303,-517,-518,-519,-520,1303,1303,-523,-524,1303,-526,-527,-528,-529,-530,-531,-532,-533,1303,-535,1303,1303,1303,-541,-543,-544,1303,-546,-547,-548,-549,1303,1303,1303,1303,1303,1303,-654,-655,-656,-657,818,-659,-660,-661,1303,1303,1303,-667,1303,1303,-671,-672,1303,1303,-675,1303,-677,-678,1303,-681,1303,-683,1303,1303,-686,-687,-688,1303,-690,1303,1303,-693,1303,1303,-696,-697,-698,1303,-700,-701,-702,-703,1303,1303,-748,1303,-751,-752,-753,-754,-755,1303,-757,-758,-759,-760,-761,1303,-768,-769,-771,1303,-773,-774,-775,-784,-858,-860,-862,-864,1303,1303,1303,1303,-870,1303,-872,1303,1303,1303,1303,1303,1303,1303,-908,-909,1303,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1303,-923,-926,1303,-936,1303,-387,-388,-389,1303,1303,-392,-393,-394,-395,1303,-398,1303,-401,-402,1303,-403,1303,-408,-409,1303,-412,-413,-414,1303,-417,1303,-418,1303,-423,-424,1303,-427,1303,-430,-431,-1896,-1896,1303,-621,-622,-623,-624,-625,-636,-586,-626,-799,1303,1303,1303,1303,1303,-833,1303,1303,-808,1303,-834,1303,1303,1303,1303,-800,1303,-855,-801,1303,1303,1303,1303,1303,1303,-856,-857,1303,-836,-832,-837,1303,-627,1303,-628,-629,-630,-631,-576,1303,1303,-632,-633,-634,1303,1303,1303,1303,1303,1303,-637,-638,-639,-594,-1896,-604,1303,-640,-641,-715,-642,-606,1303,-574,-579,-582,-585,1303,1303,1303,-600,-603,1303,-610,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1303,818,818,-997,818,1303,818,818,818,1303,-308,-327,-321,-298,-377,-454,-455,-456,-460,818,-445,1303,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1303,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,818,818,818,818,818,818,818,818,1303,-318,-537,-510,-593,-939,-941,-942,-440,1303,-442,-382,-383,-385,-509,-511,-513,1303,-515,-516,-521,-522,1303,-534,-536,-539,-540,-545,-550,-728,1303,-729,1303,-734,1303,-736,1303,-741,-658,-662,-663,1303,-668,1303,-669,1303,-674,-676,1303,-679,1303,1303,1303,-689,-691,1303,-694,1303,1303,-746,1303,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1303,1303,1303,1303,1303,-879,1303,-882,-910,-922,-927,-390,-391,1303,-396,1303,-399,1303,-404,1303,-405,1303,-410,1303,-415,1303,-419,1303,-420,1303,-425,1303,-428,-901,-902,-645,-587,-1896,-903,1303,1303,1303,-802,1303,1303,-806,1303,-809,-835,1303,-820,1303,-822,1303,-824,-810,1303,-826,1303,-853,-854,1303,1303,-813,1303,-648,-904,-906,-650,-651,-647,1303,-707,-708,1303,-644,-905,-649,-652,-605,-716,1303,1303,-607,-588,1303,1303,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1303,1303,-711,-712,1303,-718,1303,818,818,818,1303,1303,-940,818,-441,-443,-749,1303,-893,1303,-717,-1896,1303,1303,818,818,1303,-444,-514,-525,1303,-730,-735,1303,-737,1303,-742,1303,-664,-670,1303,-680,-682,-684,-685,-692,-695,-699,-747,1303,1303,-876,1303,1303,-880,1303,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1303,-814,1303,-816,-803,1303,-804,-807,1303,-818,-821,-823,-825,-827,1303,-828,1303,-811,1303,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,818,-284,818,1303,818,1303,-457,1303,1303,-731,1303,-738,1303,-743,1303,-665,-673,1303,1303,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1303,-838,-53,818,1303,-732,1303,-739,1303,-744,-666,1303,-875,-54,818,818,-733,-740,-745,1303,818,1303,-874,]),'TIMESTAMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2492,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[819,819,819,979,-1896,819,819,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,819,819,819,819,-277,-278,979,-1427,979,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,979,979,979,-492,979,979,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,979,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,979,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1967,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,819,-174,-175,-176,-177,-995,819,819,819,819,819,819,819,819,819,819,979,979,979,979,979,-292,-293,-283,819,979,979,979,979,-330,-320,-334,-335,-336,979,979,-984,-985,-986,-987,-988,-989,-990,819,819,979,979,979,979,979,979,979,979,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,979,979,979,-355,-358,819,-325,-326,-143,979,-144,979,-145,979,-432,-937,-938,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,-1896,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,-1896,979,-1896,979,979,979,979,979,979,979,979,979,979,979,979,-1896,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,2436,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,-1896,819,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,979,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,979,819,819,-193,-194,819,-996,979,819,819,819,819,-279,-280,-281,-282,-367,979,-310,979,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,979,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,979,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,979,979,979,979,979,979,-575,979,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,979,979,-725,-726,-727,979,1967,819,819,2907,819,819,-996,819,979,-93,-94,819,819,819,979,-311,-312,-322,979,-309,-295,-296,-297,979,819,979,979,-620,-635,-592,979,819,-438,819,-439,979,-446,-447,-448,-380,-381,979,979,979,-508,979,979,-512,979,979,979,979,-517,-518,-519,-520,979,979,-523,-524,979,-526,-527,-528,-529,-530,-531,-532,-533,979,-535,979,979,979,-541,-543,-544,979,-546,-547,-548,-549,979,979,979,979,979,979,-654,-655,-656,-657,819,-659,-660,-661,979,979,979,-667,979,979,-671,-672,979,979,-675,979,-677,-678,979,-681,979,-683,979,979,-686,-687,-688,979,-690,979,979,-693,979,979,-696,-697,-698,979,-700,-701,-702,-703,979,979,-748,979,-751,-752,-753,-754,-755,979,-757,-758,-759,-760,-761,979,-768,-769,-771,979,-773,-774,-775,-784,-858,-860,-862,-864,979,979,979,979,-870,979,-872,979,979,979,979,979,979,979,-908,-909,979,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,979,-923,-926,979,-936,979,-387,-388,-389,979,979,-392,-393,-394,-395,979,-398,979,-401,-402,979,-403,979,-408,-409,979,-412,-413,-414,979,-417,979,-418,979,-423,-424,979,-427,979,-430,-431,-1896,-1896,979,-621,-622,-623,-624,-625,-636,-586,-626,-799,979,979,979,979,979,-833,979,979,-808,979,-834,979,979,979,979,-800,979,-855,-801,979,979,979,979,979,979,-856,-857,979,-836,-832,-837,979,-627,979,-628,-629,-630,-631,-576,979,979,-632,-633,-634,979,979,979,979,979,979,-637,-638,-639,-594,-1896,-604,979,-640,-641,-715,-642,-606,979,-574,-579,-582,-585,979,979,979,-600,-603,979,-610,979,979,979,979,979,979,979,979,979,979,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,979,819,819,-997,819,979,819,819,819,979,-308,-327,-321,-298,-377,-454,-455,-456,-460,819,-445,979,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,979,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,819,819,819,819,819,819,819,819,979,-318,-537,-510,-593,-939,-941,-942,-440,979,-442,-382,-383,-385,-509,-511,-513,979,-515,-516,-521,-522,979,-534,-536,-539,-540,-545,-550,-728,979,-729,979,-734,979,-736,979,-741,-658,-662,-663,979,-668,979,-669,979,-674,-676,979,-679,979,979,979,-689,-691,979,-694,979,979,-746,979,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,979,979,979,979,979,-879,979,-882,-910,-922,-927,-390,-391,979,-396,979,-399,979,-404,979,-405,979,-410,979,-415,979,-419,979,-420,979,-425,979,-428,-901,-902,-645,-587,-1896,-903,979,979,979,-802,979,979,-806,979,-809,-835,979,-820,979,-822,979,-824,-810,979,-826,979,-853,-854,979,979,-813,979,-648,-904,-906,-650,-651,-647,979,-707,-708,979,-644,-905,-649,-652,-605,-716,979,979,-607,-588,979,979,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,979,979,-711,-712,979,-718,979,819,819,819,979,979,-940,819,-441,-443,-749,979,-893,1967,-717,-1896,979,979,819,819,979,-444,-514,-525,979,-730,-735,979,-737,979,-742,979,-664,-670,979,-680,-682,-684,-685,-692,-695,-699,-747,979,979,-876,979,979,-880,979,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,979,-814,979,-816,-803,979,-804,-807,979,-818,-821,-823,-825,-827,979,-828,979,-811,979,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,819,-284,819,979,819,979,-457,979,979,-731,979,-738,979,-743,979,-665,-673,979,979,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,979,-838,-53,819,979,-732,979,-739,979,-744,-666,979,-875,-54,819,819,-733,-740,-745,979,819,979,-874,]),'TIME_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[820,820,820,1304,-1896,820,820,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,820,820,820,820,-277,-278,1304,-1427,1304,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1304,1304,1304,-492,1304,1304,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1304,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1304,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1304,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,820,-174,-175,-176,-177,-995,820,820,820,820,820,820,820,820,820,820,1304,1304,1304,1304,1304,-292,-293,-283,820,1304,1304,1304,1304,-330,-320,-334,-335,-336,1304,1304,-984,-985,-986,-987,-988,-989,-990,820,820,1304,1304,1304,1304,1304,1304,1304,1304,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1304,1304,1304,-355,-358,820,-325,-326,-143,1304,-144,1304,-145,1304,-432,-937,-938,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1896,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1896,1304,-1896,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1896,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1896,820,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1304,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1304,820,820,-193,-194,820,-996,1304,820,820,820,820,-279,-280,-281,-282,-367,1304,-310,1304,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1304,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1304,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1304,1304,1304,1304,1304,1304,-575,1304,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1304,1304,-725,-726,-727,1304,1304,820,820,820,820,-996,820,1304,-93,-94,820,820,820,1304,-311,-312,-322,1304,-309,-295,-296,-297,1304,820,1304,1304,-620,-635,-592,1304,820,-438,820,-439,1304,-446,-447,-448,-380,-381,1304,1304,1304,-508,1304,1304,-512,1304,1304,1304,1304,-517,-518,-519,-520,1304,1304,-523,-524,1304,-526,-527,-528,-529,-530,-531,-532,-533,1304,-535,1304,1304,1304,-541,-543,-544,1304,-546,-547,-548,-549,1304,1304,1304,1304,1304,1304,-654,-655,-656,-657,820,-659,-660,-661,1304,1304,1304,-667,1304,1304,-671,-672,1304,1304,-675,1304,-677,-678,1304,-681,1304,-683,1304,1304,-686,-687,-688,1304,-690,1304,1304,-693,1304,1304,-696,-697,-698,1304,-700,-701,-702,-703,1304,1304,-748,1304,-751,-752,-753,-754,-755,1304,-757,-758,-759,-760,-761,1304,-768,-769,-771,1304,-773,-774,-775,-784,-858,-860,-862,-864,1304,1304,1304,1304,-870,1304,-872,1304,1304,1304,1304,1304,1304,1304,-908,-909,1304,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1304,-923,-926,1304,-936,1304,-387,-388,-389,1304,1304,-392,-393,-394,-395,1304,-398,1304,-401,-402,1304,-403,1304,-408,-409,1304,-412,-413,-414,1304,-417,1304,-418,1304,-423,-424,1304,-427,1304,-430,-431,-1896,-1896,1304,-621,-622,-623,-624,-625,-636,-586,-626,-799,1304,1304,1304,1304,1304,-833,1304,1304,-808,1304,-834,1304,1304,1304,1304,-800,1304,-855,-801,1304,1304,1304,1304,1304,1304,-856,-857,1304,-836,-832,-837,1304,-627,1304,-628,-629,-630,-631,-576,1304,1304,-632,-633,-634,1304,1304,1304,1304,1304,1304,-637,-638,-639,-594,-1896,-604,1304,-640,-641,-715,-642,-606,1304,-574,-579,-582,-585,1304,1304,1304,-600,-603,1304,-610,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1304,820,820,-997,820,1304,820,820,820,1304,-308,-327,-321,-298,-377,-454,-455,-456,-460,820,-445,1304,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1304,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,820,820,820,820,820,820,820,820,1304,-318,-537,-510,-593,-939,-941,-942,-440,1304,-442,-382,-383,-385,-509,-511,-513,1304,-515,-516,-521,-522,1304,-534,-536,-539,-540,-545,-550,-728,1304,-729,1304,-734,1304,-736,1304,-741,-658,-662,-663,1304,-668,1304,-669,1304,-674,-676,1304,-679,1304,1304,1304,-689,-691,1304,-694,1304,1304,-746,1304,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1304,1304,1304,1304,1304,-879,1304,-882,-910,-922,-927,-390,-391,1304,-396,1304,-399,1304,-404,1304,-405,1304,-410,1304,-415,1304,-419,1304,-420,1304,-425,1304,-428,-901,-902,-645,-587,-1896,-903,1304,1304,1304,-802,1304,1304,-806,1304,-809,-835,1304,-820,1304,-822,1304,-824,-810,1304,-826,1304,-853,-854,1304,1304,-813,1304,-648,-904,-906,-650,-651,-647,1304,-707,-708,1304,-644,-905,-649,-652,-605,-716,1304,1304,-607,-588,1304,1304,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1304,1304,-711,-712,1304,-718,1304,820,820,820,1304,1304,-940,820,-441,-443,-749,1304,-893,1304,-717,-1896,1304,1304,820,820,1304,-444,-514,-525,1304,-730,-735,1304,-737,1304,-742,1304,-664,-670,1304,-680,-682,-684,-685,-692,-695,-699,-747,1304,1304,-876,1304,1304,-880,1304,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1304,-814,1304,-816,-803,1304,-804,-807,1304,-818,-821,-823,-825,-827,1304,-828,1304,-811,1304,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,820,-284,820,1304,820,1304,-457,1304,1304,-731,1304,-738,1304,-743,1304,-665,-673,1304,1304,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1304,-838,-53,820,1304,-732,1304,-739,1304,-744,-666,1304,-875,-54,820,820,-733,-740,-745,1304,820,1304,-874,]),'TIME_TO_SEC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[821,821,821,1305,-1896,821,821,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,821,821,821,821,-277,-278,1305,-1427,1305,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1305,1305,1305,-492,1305,1305,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1305,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1305,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1305,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,821,-174,-175,-176,-177,-995,821,821,821,821,821,821,821,821,821,821,1305,1305,1305,1305,1305,-292,-293,-283,821,1305,1305,1305,1305,-330,-320,-334,-335,-336,1305,1305,-984,-985,-986,-987,-988,-989,-990,821,821,1305,1305,1305,1305,1305,1305,1305,1305,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1305,1305,1305,-355,-358,821,-325,-326,-143,1305,-144,1305,-145,1305,-432,-937,-938,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1896,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1896,1305,-1896,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1896,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1896,821,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1305,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1305,821,821,-193,-194,821,-996,1305,821,821,821,821,-279,-280,-281,-282,-367,1305,-310,1305,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1305,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1305,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1305,1305,1305,1305,1305,1305,-575,1305,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1305,1305,-725,-726,-727,1305,1305,821,821,821,821,-996,821,1305,-93,-94,821,821,821,1305,-311,-312,-322,1305,-309,-295,-296,-297,1305,821,1305,1305,-620,-635,-592,1305,821,-438,821,-439,1305,-446,-447,-448,-380,-381,1305,1305,1305,-508,1305,1305,-512,1305,1305,1305,1305,-517,-518,-519,-520,1305,1305,-523,-524,1305,-526,-527,-528,-529,-530,-531,-532,-533,1305,-535,1305,1305,1305,-541,-543,-544,1305,-546,-547,-548,-549,1305,1305,1305,1305,1305,1305,-654,-655,-656,-657,821,-659,-660,-661,1305,1305,1305,-667,1305,1305,-671,-672,1305,1305,-675,1305,-677,-678,1305,-681,1305,-683,1305,1305,-686,-687,-688,1305,-690,1305,1305,-693,1305,1305,-696,-697,-698,1305,-700,-701,-702,-703,1305,1305,-748,1305,-751,-752,-753,-754,-755,1305,-757,-758,-759,-760,-761,1305,-768,-769,-771,1305,-773,-774,-775,-784,-858,-860,-862,-864,1305,1305,1305,1305,-870,1305,-872,1305,1305,1305,1305,1305,1305,1305,-908,-909,1305,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1305,-923,-926,1305,-936,1305,-387,-388,-389,1305,1305,-392,-393,-394,-395,1305,-398,1305,-401,-402,1305,-403,1305,-408,-409,1305,-412,-413,-414,1305,-417,1305,-418,1305,-423,-424,1305,-427,1305,-430,-431,-1896,-1896,1305,-621,-622,-623,-624,-625,-636,-586,-626,-799,1305,1305,1305,1305,1305,-833,1305,1305,-808,1305,-834,1305,1305,1305,1305,-800,1305,-855,-801,1305,1305,1305,1305,1305,1305,-856,-857,1305,-836,-832,-837,1305,-627,1305,-628,-629,-630,-631,-576,1305,1305,-632,-633,-634,1305,1305,1305,1305,1305,1305,-637,-638,-639,-594,-1896,-604,1305,-640,-641,-715,-642,-606,1305,-574,-579,-582,-585,1305,1305,1305,-600,-603,1305,-610,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1305,821,821,-997,821,1305,821,821,821,1305,-308,-327,-321,-298,-377,-454,-455,-456,-460,821,-445,1305,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1305,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,821,821,821,821,821,821,821,821,1305,-318,-537,-510,-593,-939,-941,-942,-440,1305,-442,-382,-383,-385,-509,-511,-513,1305,-515,-516,-521,-522,1305,-534,-536,-539,-540,-545,-550,-728,1305,-729,1305,-734,1305,-736,1305,-741,-658,-662,-663,1305,-668,1305,-669,1305,-674,-676,1305,-679,1305,1305,1305,-689,-691,1305,-694,1305,1305,-746,1305,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1305,1305,1305,1305,1305,-879,1305,-882,-910,-922,-927,-390,-391,1305,-396,1305,-399,1305,-404,1305,-405,1305,-410,1305,-415,1305,-419,1305,-420,1305,-425,1305,-428,-901,-902,-645,-587,-1896,-903,1305,1305,1305,-802,1305,1305,-806,1305,-809,-835,1305,-820,1305,-822,1305,-824,-810,1305,-826,1305,-853,-854,1305,1305,-813,1305,-648,-904,-906,-650,-651,-647,1305,-707,-708,1305,-644,-905,-649,-652,-605,-716,1305,1305,-607,-588,1305,1305,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1305,1305,-711,-712,1305,-718,1305,821,821,821,1305,1305,-940,821,-441,-443,-749,1305,-893,1305,-717,-1896,1305,1305,821,821,1305,-444,-514,-525,1305,-730,-735,1305,-737,1305,-742,1305,-664,-670,1305,-680,-682,-684,-685,-692,-695,-699,-747,1305,1305,-876,1305,1305,-880,1305,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1305,-814,1305,-816,-803,1305,-804,-807,1305,-818,-821,-823,-825,-827,1305,-828,1305,-811,1305,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,821,-284,821,1305,821,1305,-457,1305,1305,-731,1305,-738,1305,-743,1305,-665,-673,1305,1305,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1305,-838,-53,821,1305,-732,1305,-739,1305,-744,-666,1305,-875,-54,821,821,-733,-740,-745,1305,821,1305,-874,]),'TIME_ZONE_INFO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[822,822,822,822,-1896,822,822,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,822,822,822,822,-277,-278,822,-1427,822,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,822,822,822,-492,822,822,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,822,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,822,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,822,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,822,-174,-175,-176,-177,-995,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-292,-293,-283,822,822,822,822,822,-330,-320,-334,-335,-336,822,822,-984,-985,-986,-987,-988,-989,-990,822,822,822,822,822,822,822,822,822,822,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,822,822,822,-355,-358,822,-325,-326,-143,822,-144,822,-145,822,-432,-937,-938,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-1896,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-1896,822,-1896,822,822,822,822,822,822,822,822,822,822,822,822,-1896,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-1896,822,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,822,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,822,822,822,-193,-194,822,-996,822,822,822,822,822,-279,-280,-281,-282,-367,822,-310,822,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,822,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,822,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,822,822,822,822,822,822,-575,822,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,822,822,-725,-726,-727,822,822,822,822,822,822,-996,822,822,-93,-94,822,822,822,822,-311,-312,-322,822,-309,-295,-296,-297,822,822,822,822,-620,-635,-592,822,822,-438,822,-439,822,-446,-447,-448,-380,-381,822,822,822,-508,822,822,-512,822,822,822,822,-517,-518,-519,-520,822,822,-523,-524,822,-526,-527,-528,-529,-530,-531,-532,-533,822,-535,822,822,822,-541,-543,-544,822,-546,-547,-548,-549,822,822,822,822,822,822,-654,-655,-656,-657,822,-659,-660,-661,822,822,822,-667,822,822,-671,-672,822,822,-675,822,-677,-678,822,-681,822,-683,822,822,-686,-687,-688,822,-690,822,822,-693,822,822,-696,-697,-698,822,-700,-701,-702,-703,822,822,-748,822,-751,-752,-753,-754,-755,822,-757,-758,-759,-760,-761,822,-768,-769,-771,822,-773,-774,-775,-784,-858,-860,-862,-864,822,822,822,822,-870,822,-872,822,822,822,822,822,822,822,-908,-909,822,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,822,-923,-926,822,-936,822,-387,-388,-389,822,822,-392,-393,-394,-395,822,-398,822,-401,-402,822,-403,822,-408,-409,822,-412,-413,-414,822,-417,822,-418,822,-423,-424,822,-427,822,-430,-431,-1896,-1896,822,-621,-622,-623,-624,-625,-636,-586,-626,-799,822,822,822,822,822,-833,822,822,-808,822,-834,822,822,822,822,-800,822,-855,-801,822,822,822,822,822,822,-856,-857,822,-836,-832,-837,822,-627,822,-628,-629,-630,-631,-576,822,822,-632,-633,-634,822,822,822,822,822,822,-637,-638,-639,-594,-1896,-604,822,-640,-641,-715,-642,-606,822,-574,-579,-582,-585,822,822,822,-600,-603,822,-610,822,822,822,822,822,822,822,822,822,822,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,822,822,822,-997,822,822,822,822,822,822,-308,-327,-321,-298,-377,-454,-455,-456,-460,822,-445,822,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,822,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,822,822,822,822,822,822,822,822,822,-318,-537,-510,-593,-939,-941,-942,-440,822,-442,-382,-383,-385,-509,-511,-513,822,-515,-516,-521,-522,822,-534,-536,-539,-540,-545,-550,-728,822,-729,822,-734,822,-736,822,-741,-658,-662,-663,822,-668,822,-669,822,-674,-676,822,-679,822,822,822,-689,-691,822,-694,822,822,-746,822,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,822,822,822,822,822,-879,822,-882,-910,-922,-927,-390,-391,822,-396,822,-399,822,-404,822,-405,822,-410,822,-415,822,-419,822,-420,822,-425,822,-428,-901,-902,-645,-587,-1896,-903,822,822,822,-802,822,822,-806,822,-809,-835,822,-820,822,-822,822,-824,-810,822,-826,822,-853,-854,822,822,-813,822,-648,-904,-906,-650,-651,-647,822,-707,-708,822,-644,-905,-649,-652,-605,-716,822,822,-607,-588,822,822,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,822,822,-711,-712,822,-718,822,822,822,822,822,822,-940,822,-441,-443,-749,822,-893,822,-717,-1896,822,822,822,822,822,-444,-514,-525,822,-730,-735,822,-737,822,-742,822,-664,-670,822,-680,-682,-684,-685,-692,-695,-699,-747,822,822,-876,822,822,-880,822,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,822,-814,822,-816,-803,822,-804,-807,822,-818,-821,-823,-825,-827,822,-828,822,-811,822,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,822,-284,822,822,822,822,-457,822,822,-731,822,-738,822,-743,822,-665,-673,822,822,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,822,-838,-53,822,822,-732,822,-739,822,-744,-666,822,-875,-54,822,822,-733,-740,-745,822,822,822,-874,]),'TOP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[823,823,823,823,-1896,823,823,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,823,823,823,823,-277,-278,823,-1427,823,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,823,823,823,-492,823,823,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,823,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,823,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,823,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,823,-174,-175,-176,-177,-995,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-292,-293,-283,823,823,823,823,823,-330,-320,-334,-335,-336,823,823,-984,-985,-986,-987,-988,-989,-990,823,823,823,823,823,823,823,823,823,823,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,823,823,823,-355,-358,823,-325,-326,-143,823,-144,823,-145,823,-432,-937,-938,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-1896,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-1896,823,-1896,823,823,823,823,823,823,823,823,823,823,823,823,-1896,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-1896,823,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,823,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,823,823,823,-193,-194,823,-996,823,823,823,823,823,-279,-280,-281,-282,-367,823,-310,823,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,823,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,823,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,823,823,823,823,823,823,-575,823,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,823,823,-725,-726,-727,823,823,823,823,823,823,-996,823,823,-93,-94,823,823,823,823,-311,-312,-322,823,-309,-295,-296,-297,823,823,823,823,-620,-635,-592,823,823,-438,823,-439,823,-446,-447,-448,-380,-381,823,823,823,-508,823,823,-512,823,823,823,823,-517,-518,-519,-520,823,823,-523,-524,823,-526,-527,-528,-529,-530,-531,-532,-533,823,-535,823,823,823,-541,-543,-544,823,-546,-547,-548,-549,823,823,823,823,823,823,-654,-655,-656,-657,823,-659,-660,-661,823,823,823,-667,823,823,-671,-672,823,823,-675,823,-677,-678,823,-681,823,-683,823,823,-686,-687,-688,823,-690,823,823,-693,823,823,-696,-697,-698,823,-700,-701,-702,-703,823,823,-748,823,-751,-752,-753,-754,-755,823,-757,-758,-759,-760,-761,823,-768,-769,-771,823,-773,-774,-775,-784,-858,-860,-862,-864,823,823,823,823,-870,823,-872,823,823,823,823,823,823,823,-908,-909,823,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,823,-923,-926,823,-936,823,-387,-388,-389,823,823,-392,-393,-394,-395,823,-398,823,-401,-402,823,-403,823,-408,-409,823,-412,-413,-414,823,-417,823,-418,823,-423,-424,823,-427,823,-430,-431,-1896,-1896,823,-621,-622,-623,-624,-625,-636,-586,-626,-799,823,823,823,823,823,-833,823,823,-808,823,-834,823,823,823,823,-800,823,-855,-801,823,823,823,823,823,823,-856,-857,823,-836,-832,-837,823,-627,823,-628,-629,-630,-631,-576,823,823,-632,-633,-634,823,823,823,823,823,823,-637,-638,-639,-594,-1896,-604,823,-640,-641,-715,-642,-606,823,-574,-579,-582,-585,823,823,823,-600,-603,823,-610,823,823,823,823,823,823,823,823,823,823,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,823,823,823,-997,823,823,823,823,823,823,-308,-327,-321,-298,-377,-454,-455,-456,-460,823,-445,823,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,823,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,823,823,823,823,823,823,823,823,823,-318,-537,-510,-593,-939,-941,-942,-440,823,-442,-382,-383,-385,-509,-511,-513,823,-515,-516,-521,-522,823,-534,-536,-539,-540,-545,-550,-728,823,-729,823,-734,823,-736,823,-741,-658,-662,-663,823,-668,823,-669,823,-674,-676,823,-679,823,823,823,-689,-691,823,-694,823,823,-746,823,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,823,823,823,823,823,-879,823,-882,-910,-922,-927,-390,-391,823,-396,823,-399,823,-404,823,-405,823,-410,823,-415,823,-419,823,-420,823,-425,823,-428,-901,-902,-645,-587,-1896,-903,823,823,823,-802,823,823,-806,823,-809,-835,823,-820,823,-822,823,-824,-810,823,-826,823,-853,-854,823,823,-813,823,-648,-904,-906,-650,-651,-647,823,-707,-708,823,-644,-905,-649,-652,-605,-716,823,823,-607,-588,823,823,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,823,823,-711,-712,823,-718,823,823,823,823,823,823,-940,823,-441,-443,-749,823,-893,823,-717,-1896,823,823,823,823,823,-444,-514,-525,823,-730,-735,823,-737,823,-742,823,-664,-670,823,-680,-682,-684,-685,-692,-695,-699,-747,823,823,-876,823,823,-880,823,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,823,-814,823,-816,-803,823,-804,-807,823,-818,-821,-823,-825,-827,823,-828,823,-811,823,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,823,-284,823,823,823,823,-457,823,823,-731,823,-738,823,-743,823,-665,-673,823,823,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,823,-838,-53,823,823,-732,823,-739,823,-744,-666,823,-875,-54,823,823,-733,-740,-745,823,823,823,-874,]),'TO_BASE64':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[824,824,824,1123,-1896,824,824,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,824,824,824,824,-277,-278,1123,-1427,1123,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1123,1123,1123,-492,1123,1123,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1123,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1123,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1968,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,824,-174,-175,-176,-177,-995,824,824,824,824,824,824,824,824,824,824,1123,1123,1123,1123,1123,-292,-293,-283,824,1123,1123,1123,1123,-330,-320,-334,-335,-336,1123,1123,-984,-985,-986,-987,-988,-989,-990,824,824,1123,1123,1123,1123,1123,1123,1123,1123,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1123,1123,1123,-355,-358,824,-325,-326,-143,1123,-144,1123,-145,1123,-432,-937,-938,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1896,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1896,1123,-1896,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1896,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1896,824,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1123,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1123,824,824,-193,-194,824,-996,1123,824,824,824,824,-279,-280,-281,-282,-367,1123,-310,1123,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1123,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1123,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1123,1123,1123,1123,1123,1123,-575,1123,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1123,1123,-725,-726,-727,1123,1968,824,824,824,824,-996,824,1123,-93,-94,824,824,824,1123,-311,-312,-322,1123,-309,-295,-296,-297,1123,824,1123,1123,-620,-635,-592,1123,824,-438,824,-439,1123,-446,-447,-448,-380,-381,1123,1123,1123,-508,1123,1123,-512,1123,1123,1123,1123,-517,-518,-519,-520,1123,1123,-523,-524,1123,-526,-527,-528,-529,-530,-531,-532,-533,1123,-535,1123,1123,1123,-541,-543,-544,1123,-546,-547,-548,-549,1123,1123,1123,1123,1123,1123,-654,-655,-656,-657,824,-659,-660,-661,1123,1123,1123,-667,1123,1123,-671,-672,1123,1123,-675,1123,-677,-678,1123,-681,1123,-683,1123,1123,-686,-687,-688,1123,-690,1123,1123,-693,1123,1123,-696,-697,-698,1123,-700,-701,-702,-703,1123,1123,-748,1123,-751,-752,-753,-754,-755,1123,-757,-758,-759,-760,-761,1123,-768,-769,-771,1123,-773,-774,-775,-784,-858,-860,-862,-864,1123,1123,1123,1123,-870,1123,-872,1123,1123,1123,1123,1123,1123,1123,-908,-909,1123,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1123,-923,-926,1123,-936,1123,-387,-388,-389,1123,1123,-392,-393,-394,-395,1123,-398,1123,-401,-402,1123,-403,1123,-408,-409,1123,-412,-413,-414,1123,-417,1123,-418,1123,-423,-424,1123,-427,1123,-430,-431,-1896,-1896,1123,-621,-622,-623,-624,-625,-636,-586,-626,-799,1123,1123,1123,1123,1123,-833,1123,1123,-808,1123,-834,1123,1123,1123,1123,-800,1123,-855,-801,1123,1123,1123,1123,1123,1123,-856,-857,1123,-836,-832,-837,1123,-627,1123,-628,-629,-630,-631,-576,1123,1123,-632,-633,-634,1123,1123,1123,1123,1123,1123,-637,-638,-639,-594,-1896,-604,1123,-640,-641,-715,-642,-606,1123,-574,-579,-582,-585,1123,1123,1123,-600,-603,1123,-610,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1123,824,824,-997,824,1123,824,824,824,1123,-308,-327,-321,-298,-377,-454,-455,-456,-460,824,-445,1123,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1123,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,824,824,824,824,824,824,824,824,1123,-318,-537,-510,-593,-939,-941,-942,-440,1123,-442,-382,-383,-385,-509,-511,-513,1123,-515,-516,-521,-522,1123,-534,-536,-539,-540,-545,-550,-728,1123,-729,1123,-734,1123,-736,1123,-741,-658,-662,-663,1123,-668,1123,-669,1123,-674,-676,1123,-679,1123,1123,1123,-689,-691,1123,-694,1123,1123,-746,1123,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1123,1123,1123,1123,1123,-879,1123,-882,-910,-922,-927,-390,-391,1123,-396,1123,-399,1123,-404,1123,-405,1123,-410,1123,-415,1123,-419,1123,-420,1123,-425,1123,-428,-901,-902,-645,-587,-1896,-903,1123,1123,1123,-802,1123,1123,-806,1123,-809,-835,1123,-820,1123,-822,1123,-824,-810,1123,-826,1123,-853,-854,1123,1123,-813,1123,-648,-904,-906,-650,-651,-647,1123,-707,-708,1123,-644,-905,-649,-652,-605,-716,1123,1123,-607,-588,1123,1123,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1123,1123,-711,-712,1123,-718,1123,824,824,824,1123,1123,-940,824,-441,-443,-749,1123,-893,1968,-717,-1896,1123,1123,824,824,1123,-444,-514,-525,1123,-730,-735,1123,-737,1123,-742,1123,-664,-670,1123,-680,-682,-684,-685,-692,-695,-699,-747,1123,1123,-876,1123,1123,-880,1123,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1123,-814,1123,-816,-803,1123,-804,-807,1123,-818,-821,-823,-825,-827,1123,-828,1123,-811,1123,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,824,-284,824,1123,824,1123,-457,1123,1123,-731,1123,-738,1123,-743,1123,-665,-673,1123,1123,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1123,-838,-53,824,1123,-732,1123,-739,1123,-744,-666,1123,-875,-54,824,824,-733,-740,-745,1123,824,1123,-874,]),'TO_DAYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[825,825,825,1306,-1896,825,825,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,825,825,825,825,-277,-278,1306,-1427,1306,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1306,1306,1306,-492,1306,1306,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1306,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1306,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1306,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,825,-174,-175,-176,-177,-995,825,825,825,825,825,825,825,825,825,825,1306,1306,1306,1306,1306,-292,-293,-283,825,1306,1306,1306,1306,-330,-320,-334,-335,-336,1306,1306,-984,-985,-986,-987,-988,-989,-990,825,825,1306,1306,1306,1306,1306,1306,1306,1306,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1306,1306,1306,-355,-358,825,-325,-326,-143,1306,-144,1306,-145,1306,-432,-937,-938,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1896,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1896,1306,-1896,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1896,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1896,825,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1306,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1306,825,825,-193,-194,825,-996,1306,825,825,825,825,-279,-280,-281,-282,-367,1306,-310,1306,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1306,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1306,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1306,1306,1306,1306,1306,1306,-575,1306,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1306,1306,-725,-726,-727,1306,1306,825,825,825,825,-996,825,1306,-93,-94,825,825,825,1306,-311,-312,-322,1306,-309,-295,-296,-297,1306,825,1306,1306,-620,-635,-592,1306,825,-438,825,-439,1306,-446,-447,-448,-380,-381,1306,1306,1306,-508,1306,1306,-512,1306,1306,1306,1306,-517,-518,-519,-520,1306,1306,-523,-524,1306,-526,-527,-528,-529,-530,-531,-532,-533,1306,-535,1306,1306,1306,-541,-543,-544,1306,-546,-547,-548,-549,1306,1306,1306,1306,1306,1306,-654,-655,-656,-657,825,-659,-660,-661,1306,1306,1306,-667,1306,1306,-671,-672,1306,1306,-675,1306,-677,-678,1306,-681,1306,-683,1306,1306,-686,-687,-688,1306,-690,1306,1306,-693,1306,1306,-696,-697,-698,1306,-700,-701,-702,-703,1306,1306,-748,1306,-751,-752,-753,-754,-755,1306,-757,-758,-759,-760,-761,1306,-768,-769,-771,1306,-773,-774,-775,-784,-858,-860,-862,-864,1306,1306,1306,1306,-870,1306,-872,1306,1306,1306,1306,1306,1306,1306,-908,-909,1306,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1306,-923,-926,1306,-936,1306,-387,-388,-389,1306,1306,-392,-393,-394,-395,1306,-398,1306,-401,-402,1306,-403,1306,-408,-409,1306,-412,-413,-414,1306,-417,1306,-418,1306,-423,-424,1306,-427,1306,-430,-431,-1896,-1896,1306,-621,-622,-623,-624,-625,-636,-586,-626,-799,1306,1306,1306,1306,1306,-833,1306,1306,-808,1306,-834,1306,1306,1306,1306,-800,1306,-855,-801,1306,1306,1306,1306,1306,1306,-856,-857,1306,-836,-832,-837,1306,-627,1306,-628,-629,-630,-631,-576,1306,1306,-632,-633,-634,1306,1306,1306,1306,1306,1306,-637,-638,-639,-594,-1896,-604,1306,-640,-641,-715,-642,-606,1306,-574,-579,-582,-585,1306,1306,1306,-600,-603,1306,-610,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1306,825,825,-997,825,1306,825,825,825,1306,-308,-327,-321,-298,-377,-454,-455,-456,-460,825,-445,1306,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1306,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,825,825,825,825,825,825,825,825,1306,-318,-537,-510,-593,-939,-941,-942,-440,1306,-442,-382,-383,-385,-509,-511,-513,1306,-515,-516,-521,-522,1306,-534,-536,-539,-540,-545,-550,-728,1306,-729,1306,-734,1306,-736,1306,-741,-658,-662,-663,1306,-668,1306,-669,1306,-674,-676,1306,-679,1306,1306,1306,-689,-691,1306,-694,1306,1306,-746,1306,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1306,1306,1306,1306,1306,-879,1306,-882,-910,-922,-927,-390,-391,1306,-396,1306,-399,1306,-404,1306,-405,1306,-410,1306,-415,1306,-419,1306,-420,1306,-425,1306,-428,-901,-902,-645,-587,-1896,-903,1306,1306,1306,-802,1306,1306,-806,1306,-809,-835,1306,-820,1306,-822,1306,-824,-810,1306,-826,1306,-853,-854,1306,1306,-813,1306,-648,-904,-906,-650,-651,-647,1306,-707,-708,1306,-644,-905,-649,-652,-605,-716,1306,1306,-607,-588,1306,1306,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1306,1306,-711,-712,1306,-718,1306,825,825,825,1306,1306,-940,825,-441,-443,-749,1306,-893,1306,-717,-1896,1306,1306,825,825,1306,-444,-514,-525,1306,-730,-735,1306,-737,1306,-742,1306,-664,-670,1306,-680,-682,-684,-685,-692,-695,-699,-747,1306,1306,-876,1306,1306,-880,1306,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1306,-814,1306,-816,-803,1306,-804,-807,1306,-818,-821,-823,-825,-827,1306,-828,1306,-811,1306,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,825,-284,825,1306,825,1306,-457,1306,1306,-731,1306,-738,1306,-743,1306,-665,-673,1306,1306,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1306,-838,-53,825,1306,-732,1306,-739,1306,-744,-666,1306,-875,-54,825,825,-733,-740,-745,1306,825,1306,-874,]),'TO_SECONDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[826,826,826,1307,-1896,826,826,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,826,826,826,826,-277,-278,1307,-1427,1307,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1307,1307,1307,-492,1307,1307,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1307,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1307,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1307,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,826,-174,-175,-176,-177,-995,826,826,826,826,826,826,826,826,826,826,1307,1307,1307,1307,1307,-292,-293,-283,826,1307,1307,1307,1307,-330,-320,-334,-335,-336,1307,1307,-984,-985,-986,-987,-988,-989,-990,826,826,1307,1307,1307,1307,1307,1307,1307,1307,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1307,1307,1307,-355,-358,826,-325,-326,-143,1307,-144,1307,-145,1307,-432,-937,-938,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1896,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1896,1307,-1896,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1896,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1896,826,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1307,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1307,826,826,-193,-194,826,-996,1307,826,826,826,826,-279,-280,-281,-282,-367,1307,-310,1307,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1307,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1307,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1307,1307,1307,1307,1307,1307,-575,1307,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1307,1307,-725,-726,-727,1307,1307,826,826,826,826,-996,826,1307,-93,-94,826,826,826,1307,-311,-312,-322,1307,-309,-295,-296,-297,1307,826,1307,1307,-620,-635,-592,1307,826,-438,826,-439,1307,-446,-447,-448,-380,-381,1307,1307,1307,-508,1307,1307,-512,1307,1307,1307,1307,-517,-518,-519,-520,1307,1307,-523,-524,1307,-526,-527,-528,-529,-530,-531,-532,-533,1307,-535,1307,1307,1307,-541,-543,-544,1307,-546,-547,-548,-549,1307,1307,1307,1307,1307,1307,-654,-655,-656,-657,826,-659,-660,-661,1307,1307,1307,-667,1307,1307,-671,-672,1307,1307,-675,1307,-677,-678,1307,-681,1307,-683,1307,1307,-686,-687,-688,1307,-690,1307,1307,-693,1307,1307,-696,-697,-698,1307,-700,-701,-702,-703,1307,1307,-748,1307,-751,-752,-753,-754,-755,1307,-757,-758,-759,-760,-761,1307,-768,-769,-771,1307,-773,-774,-775,-784,-858,-860,-862,-864,1307,1307,1307,1307,-870,1307,-872,1307,1307,1307,1307,1307,1307,1307,-908,-909,1307,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1307,-923,-926,1307,-936,1307,-387,-388,-389,1307,1307,-392,-393,-394,-395,1307,-398,1307,-401,-402,1307,-403,1307,-408,-409,1307,-412,-413,-414,1307,-417,1307,-418,1307,-423,-424,1307,-427,1307,-430,-431,-1896,-1896,1307,-621,-622,-623,-624,-625,-636,-586,-626,-799,1307,1307,1307,1307,1307,-833,1307,1307,-808,1307,-834,1307,1307,1307,1307,-800,1307,-855,-801,1307,1307,1307,1307,1307,1307,-856,-857,1307,-836,-832,-837,1307,-627,1307,-628,-629,-630,-631,-576,1307,1307,-632,-633,-634,1307,1307,1307,1307,1307,1307,-637,-638,-639,-594,-1896,-604,1307,-640,-641,-715,-642,-606,1307,-574,-579,-582,-585,1307,1307,1307,-600,-603,1307,-610,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1307,826,826,-997,826,1307,826,826,826,1307,-308,-327,-321,-298,-377,-454,-455,-456,-460,826,-445,1307,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1307,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,826,826,826,826,826,826,826,826,1307,-318,-537,-510,-593,-939,-941,-942,-440,1307,-442,-382,-383,-385,-509,-511,-513,1307,-515,-516,-521,-522,1307,-534,-536,-539,-540,-545,-550,-728,1307,-729,1307,-734,1307,-736,1307,-741,-658,-662,-663,1307,-668,1307,-669,1307,-674,-676,1307,-679,1307,1307,1307,-689,-691,1307,-694,1307,1307,-746,1307,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1307,1307,1307,1307,1307,-879,1307,-882,-910,-922,-927,-390,-391,1307,-396,1307,-399,1307,-404,1307,-405,1307,-410,1307,-415,1307,-419,1307,-420,1307,-425,1307,-428,-901,-902,-645,-587,-1896,-903,1307,1307,1307,-802,1307,1307,-806,1307,-809,-835,1307,-820,1307,-822,1307,-824,-810,1307,-826,1307,-853,-854,1307,1307,-813,1307,-648,-904,-906,-650,-651,-647,1307,-707,-708,1307,-644,-905,-649,-652,-605,-716,1307,1307,-607,-588,1307,1307,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1307,1307,-711,-712,1307,-718,1307,826,826,826,1307,1307,-940,826,-441,-443,-749,1307,-893,1307,-717,-1896,1307,1307,826,826,1307,-444,-514,-525,1307,-730,-735,1307,-737,1307,-742,1307,-664,-670,1307,-680,-682,-684,-685,-692,-695,-699,-747,1307,1307,-876,1307,1307,-880,1307,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1307,-814,1307,-816,-803,1307,-804,-807,1307,-818,-821,-823,-825,-827,1307,-828,1307,-811,1307,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,826,-284,826,1307,826,1307,-457,1307,1307,-731,1307,-738,1307,-743,1307,-665,-673,1307,1307,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1307,-838,-53,826,1307,-732,1307,-739,1307,-744,-666,1307,-875,-54,826,826,-733,-740,-745,1307,826,1307,-874,]),'TP_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[827,827,827,827,-1896,827,827,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,827,827,827,827,-277,-278,827,-1427,827,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,827,827,827,-492,827,827,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,827,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,827,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,827,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,827,-174,-175,-176,-177,-995,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-292,-293,-283,827,827,827,827,827,-330,-320,-334,-335,-336,827,827,-984,-985,-986,-987,-988,-989,-990,827,827,827,827,827,827,827,827,827,827,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,827,827,827,-355,-358,827,-325,-326,-143,827,-144,827,-145,827,-432,-937,-938,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-1896,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-1896,827,-1896,827,827,827,827,827,827,827,827,827,827,827,827,-1896,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-1896,827,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,827,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,827,827,827,-193,-194,827,-996,827,827,827,827,827,-279,-280,-281,-282,-367,827,-310,827,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,827,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,827,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,827,827,827,827,827,827,-575,827,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,827,827,-725,-726,-727,827,827,827,827,827,827,-996,827,827,-93,-94,827,827,827,827,-311,-312,-322,827,-309,-295,-296,-297,827,827,827,827,-620,-635,-592,827,827,-438,827,-439,827,-446,-447,-448,-380,-381,827,827,827,-508,827,827,-512,827,827,827,827,-517,-518,-519,-520,827,827,-523,-524,827,-526,-527,-528,-529,-530,-531,-532,-533,827,-535,827,827,827,-541,-543,-544,827,-546,-547,-548,-549,827,827,827,827,827,827,-654,-655,-656,-657,827,-659,-660,-661,827,827,827,-667,827,827,-671,-672,827,827,-675,827,-677,-678,827,-681,827,-683,827,827,-686,-687,-688,827,-690,827,827,-693,827,827,-696,-697,-698,827,-700,-701,-702,-703,827,827,-748,827,-751,-752,-753,-754,-755,827,-757,-758,-759,-760,-761,827,-768,-769,-771,827,-773,-774,-775,-784,-858,-860,-862,-864,827,827,827,827,-870,827,-872,827,827,827,827,827,827,827,-908,-909,827,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,827,-923,-926,827,-936,827,-387,-388,-389,827,827,-392,-393,-394,-395,827,-398,827,-401,-402,827,-403,827,-408,-409,827,-412,-413,-414,827,-417,827,-418,827,-423,-424,827,-427,827,-430,-431,-1896,-1896,827,-621,-622,-623,-624,-625,-636,-586,-626,-799,827,827,827,827,827,-833,827,827,-808,827,-834,827,827,827,827,-800,827,-855,-801,827,827,827,827,827,827,-856,-857,827,-836,-832,-837,827,-627,827,-628,-629,-630,-631,-576,827,827,-632,-633,-634,827,827,827,827,827,827,-637,-638,-639,-594,-1896,-604,827,-640,-641,-715,-642,-606,827,-574,-579,-582,-585,827,827,827,-600,-603,827,-610,827,827,827,827,827,827,827,827,827,827,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,827,827,827,-997,827,827,827,827,827,827,-308,-327,-321,-298,-377,-454,-455,-456,-460,827,-445,827,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,827,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,827,827,827,827,827,827,827,827,827,-318,-537,-510,-593,-939,-941,-942,-440,827,-442,-382,-383,-385,-509,-511,-513,827,-515,-516,-521,-522,827,-534,-536,-539,-540,-545,-550,-728,827,-729,827,-734,827,-736,827,-741,-658,-662,-663,827,-668,827,-669,827,-674,-676,827,-679,827,827,827,-689,-691,827,-694,827,827,-746,827,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,827,827,827,827,827,-879,827,-882,-910,-922,-927,-390,-391,827,-396,827,-399,827,-404,827,-405,827,-410,827,-415,827,-419,827,-420,827,-425,827,-428,-901,-902,-645,-587,-1896,-903,827,827,827,-802,827,827,-806,827,-809,-835,827,-820,827,-822,827,-824,-810,827,-826,827,-853,-854,827,827,-813,827,-648,-904,-906,-650,-651,-647,827,-707,-708,827,-644,-905,-649,-652,-605,-716,827,827,-607,-588,827,827,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,827,827,-711,-712,827,-718,827,827,827,827,827,827,-940,827,-441,-443,-749,827,-893,827,-717,-1896,827,827,827,827,827,-444,-514,-525,827,-730,-735,827,-737,827,-742,827,-664,-670,827,-680,-682,-684,-685,-692,-695,-699,-747,827,827,-876,827,827,-880,827,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,827,-814,827,-816,-803,827,-804,-807,827,-818,-821,-823,-825,-827,827,-828,827,-811,827,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,827,-284,827,827,827,827,-457,827,827,-731,827,-738,827,-743,827,-665,-673,827,827,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,827,-838,-53,827,827,-732,827,-739,827,-744,-666,827,-875,-54,827,827,-733,-740,-745,827,827,827,-874,]),'TP_NO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[828,828,828,828,-1896,828,828,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,828,828,828,828,-277,-278,828,-1427,828,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,828,828,828,-492,828,828,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,828,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,828,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,828,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,828,-174,-175,-176,-177,-995,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-292,-293,-283,828,828,828,828,828,-330,-320,-334,-335,-336,828,828,-984,-985,-986,-987,-988,-989,-990,828,828,828,828,828,828,828,828,828,828,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,828,828,828,-355,-358,828,-325,-326,-143,828,-144,828,-145,828,-432,-937,-938,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-1896,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-1896,828,-1896,828,828,828,828,828,828,828,828,828,828,828,828,-1896,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-1896,828,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,828,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,828,828,828,-193,-194,828,-996,828,828,828,828,828,-279,-280,-281,-282,-367,828,-310,828,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,828,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,828,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,828,828,828,828,828,828,-575,828,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,828,828,-725,-726,-727,828,828,828,828,828,828,-996,828,828,-93,-94,828,828,828,828,-311,-312,-322,828,-309,-295,-296,-297,828,828,828,828,-620,-635,-592,828,828,-438,828,-439,828,-446,-447,-448,-380,-381,828,828,828,-508,828,828,-512,828,828,828,828,-517,-518,-519,-520,828,828,-523,-524,828,-526,-527,-528,-529,-530,-531,-532,-533,828,-535,828,828,828,-541,-543,-544,828,-546,-547,-548,-549,828,828,828,828,828,828,-654,-655,-656,-657,828,-659,-660,-661,828,828,828,-667,828,828,-671,-672,828,828,-675,828,-677,-678,828,-681,828,-683,828,828,-686,-687,-688,828,-690,828,828,-693,828,828,-696,-697,-698,828,-700,-701,-702,-703,828,828,-748,828,-751,-752,-753,-754,-755,828,-757,-758,-759,-760,-761,828,-768,-769,-771,828,-773,-774,-775,-784,-858,-860,-862,-864,828,828,828,828,-870,828,-872,828,828,828,828,828,828,828,-908,-909,828,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,828,-923,-926,828,-936,828,-387,-388,-389,828,828,-392,-393,-394,-395,828,-398,828,-401,-402,828,-403,828,-408,-409,828,-412,-413,-414,828,-417,828,-418,828,-423,-424,828,-427,828,-430,-431,-1896,-1896,828,-621,-622,-623,-624,-625,-636,-586,-626,-799,828,828,828,828,828,-833,828,828,-808,828,-834,828,828,828,828,-800,828,-855,-801,828,828,828,828,828,828,-856,-857,828,-836,-832,-837,828,-627,828,-628,-629,-630,-631,-576,828,828,-632,-633,-634,828,828,828,828,828,828,-637,-638,-639,-594,-1896,-604,828,-640,-641,-715,-642,-606,828,-574,-579,-582,-585,828,828,828,-600,-603,828,-610,828,828,828,828,828,828,828,828,828,828,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,828,828,828,-997,828,828,828,828,828,828,-308,-327,-321,-298,-377,-454,-455,-456,-460,828,-445,828,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,828,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,828,828,828,828,828,828,828,828,828,-318,-537,-510,-593,-939,-941,-942,-440,828,-442,-382,-383,-385,-509,-511,-513,828,-515,-516,-521,-522,828,-534,-536,-539,-540,-545,-550,-728,828,-729,828,-734,828,-736,828,-741,-658,-662,-663,828,-668,828,-669,828,-674,-676,828,-679,828,828,828,-689,-691,828,-694,828,828,-746,828,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,828,828,828,828,828,-879,828,-882,-910,-922,-927,-390,-391,828,-396,828,-399,828,-404,828,-405,828,-410,828,-415,828,-419,828,-420,828,-425,828,-428,-901,-902,-645,-587,-1896,-903,828,828,828,-802,828,828,-806,828,-809,-835,828,-820,828,-822,828,-824,-810,828,-826,828,-853,-854,828,828,-813,828,-648,-904,-906,-650,-651,-647,828,-707,-708,828,-644,-905,-649,-652,-605,-716,828,828,-607,-588,828,828,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,828,828,-711,-712,828,-718,828,828,828,828,828,828,-940,828,-441,-443,-749,828,-893,828,-717,-1896,828,828,828,828,828,-444,-514,-525,828,-730,-735,828,-737,828,-742,828,-664,-670,828,-680,-682,-684,-685,-692,-695,-699,-747,828,828,-876,828,828,-880,828,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,828,-814,828,-816,-803,828,-804,-807,828,-818,-821,-823,-825,-827,828,-828,828,-811,828,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,828,-284,828,828,828,828,-457,828,828,-731,828,-738,828,-743,828,-665,-673,828,828,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,828,-838,-53,828,828,-732,828,-739,828,-744,-666,828,-875,-54,828,828,-733,-740,-745,828,828,828,-874,]),'TRACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[829,829,829,829,-1896,829,829,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,829,829,829,829,-277,-278,829,-1427,829,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,829,829,829,-492,829,829,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,829,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,829,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,829,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,829,-174,-175,-176,-177,-995,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-292,-293,-283,829,829,829,829,829,-330,-320,-334,-335,-336,829,829,-984,-985,-986,-987,-988,-989,-990,829,829,829,829,829,829,829,829,829,829,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,829,829,829,-355,-358,829,-325,-326,-143,829,-144,829,-145,829,-432,-937,-938,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-1896,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-1896,829,-1896,829,829,829,829,829,829,829,829,829,829,829,829,-1896,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-1896,829,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,829,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,829,829,829,-193,-194,829,-996,829,829,829,829,829,-279,-280,-281,-282,-367,829,-310,829,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,829,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,829,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,829,829,829,829,829,829,-575,829,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,829,829,-725,-726,-727,829,829,829,829,829,829,-996,829,829,-93,-94,829,829,829,829,-311,-312,-322,829,-309,-295,-296,-297,829,829,829,829,-620,-635,-592,829,829,-438,829,-439,829,-446,-447,-448,-380,-381,829,829,829,-508,829,829,-512,829,829,829,829,-517,-518,-519,-520,829,829,-523,-524,829,-526,-527,-528,-529,-530,-531,-532,-533,829,-535,829,829,829,-541,-543,-544,829,-546,-547,-548,-549,829,829,829,829,829,829,-654,-655,-656,-657,829,-659,-660,-661,829,829,829,-667,829,829,-671,-672,829,829,-675,829,-677,-678,829,-681,829,-683,829,829,-686,-687,-688,829,-690,829,829,-693,829,829,-696,-697,-698,829,-700,-701,-702,-703,829,829,-748,829,-751,-752,-753,-754,-755,829,-757,-758,-759,-760,-761,829,-768,-769,-771,829,-773,-774,-775,-784,-858,-860,-862,-864,829,829,829,829,-870,829,-872,829,829,829,829,829,829,829,-908,-909,829,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,829,-923,-926,829,-936,829,-387,-388,-389,829,829,-392,-393,-394,-395,829,-398,829,-401,-402,829,-403,829,-408,-409,829,-412,-413,-414,829,-417,829,-418,829,-423,-424,829,-427,829,-430,-431,-1896,-1896,829,-621,-622,-623,-624,-625,-636,-586,-626,-799,829,829,829,829,829,-833,829,829,-808,829,-834,829,829,829,829,-800,829,-855,-801,829,829,829,829,829,829,-856,-857,829,-836,-832,-837,829,-627,829,-628,-629,-630,-631,-576,829,829,-632,-633,-634,829,829,829,829,829,829,-637,-638,-639,-594,-1896,-604,829,-640,-641,-715,-642,-606,829,-574,-579,-582,-585,829,829,829,-600,-603,829,-610,829,829,829,829,829,829,829,829,829,829,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,829,829,829,-997,829,829,829,829,829,829,-308,-327,-321,-298,-377,-454,-455,-456,-460,829,-445,829,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,829,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,829,829,829,829,829,829,829,829,829,-318,-537,-510,-593,-939,-941,-942,-440,829,-442,-382,-383,-385,-509,-511,-513,829,-515,-516,-521,-522,829,-534,-536,-539,-540,-545,-550,-728,829,-729,829,-734,829,-736,829,-741,-658,-662,-663,829,-668,829,-669,829,-674,-676,829,-679,829,829,829,-689,-691,829,-694,829,829,-746,829,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,829,829,829,829,829,-879,829,-882,-910,-922,-927,-390,-391,829,-396,829,-399,829,-404,829,-405,829,-410,829,-415,829,-419,829,-420,829,-425,829,-428,-901,-902,-645,-587,-1896,-903,829,829,829,-802,829,829,-806,829,-809,-835,829,-820,829,-822,829,-824,-810,829,-826,829,-853,-854,829,829,-813,829,-648,-904,-906,-650,-651,-647,829,-707,-708,829,-644,-905,-649,-652,-605,-716,829,829,-607,-588,829,829,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,829,829,-711,-712,829,-718,829,829,829,829,829,829,-940,829,-441,-443,-749,829,-893,829,-717,-1896,829,829,829,829,829,-444,-514,-525,829,-730,-735,829,-737,829,-742,829,-664,-670,829,-680,-682,-684,-685,-692,-695,-699,-747,829,829,-876,829,829,-880,829,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,829,-814,829,-816,-803,829,-804,-807,829,-818,-821,-823,-825,-827,829,-828,829,-811,829,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,829,-284,829,829,829,829,-457,829,829,-731,829,-738,829,-743,829,-665,-673,829,829,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,829,-838,-53,829,829,-732,829,-739,829,-744,-666,829,-875,-54,829,829,-733,-740,-745,829,829,829,-874,]),'TRADITIONAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[830,830,830,830,-1896,830,830,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,830,830,830,830,-277,-278,830,-1427,830,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,830,830,830,-492,830,830,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,830,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,830,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,830,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,830,-174,-175,-176,-177,-995,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-292,-293,-283,830,830,830,830,830,-330,-320,-334,-335,-336,830,830,-984,-985,-986,-987,-988,-989,-990,830,830,830,830,830,830,830,830,830,830,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,830,830,830,-355,-358,830,-325,-326,-143,830,-144,830,-145,830,-432,-937,-938,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-1896,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-1896,830,-1896,830,830,830,830,830,830,830,830,830,830,830,830,-1896,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-1896,830,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,830,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,830,830,830,-193,-194,830,-996,830,830,830,830,830,-279,-280,-281,-282,-367,830,-310,830,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,830,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,830,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,830,830,830,830,830,830,-575,830,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,830,830,-725,-726,-727,830,830,830,830,830,830,-996,830,830,-93,-94,830,830,830,830,-311,-312,-322,830,-309,-295,-296,-297,830,830,830,830,-620,-635,-592,830,830,-438,830,-439,830,-446,-447,-448,-380,-381,830,830,830,-508,830,830,-512,830,830,830,830,-517,-518,-519,-520,830,830,-523,-524,830,-526,-527,-528,-529,-530,-531,-532,-533,830,-535,830,830,830,-541,-543,-544,830,-546,-547,-548,-549,830,830,830,830,830,830,-654,-655,-656,-657,830,-659,-660,-661,830,830,830,-667,830,830,-671,-672,830,830,-675,830,-677,-678,830,-681,830,-683,830,830,-686,-687,-688,830,-690,830,830,-693,830,830,-696,-697,-698,830,-700,-701,-702,-703,830,830,-748,830,-751,-752,-753,-754,-755,830,-757,-758,-759,-760,-761,830,-768,-769,-771,830,-773,-774,-775,-784,-858,-860,-862,-864,830,830,830,830,-870,830,-872,830,830,830,830,830,830,830,-908,-909,830,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,830,-923,-926,830,-936,830,-387,-388,-389,830,830,-392,-393,-394,-395,830,-398,830,-401,-402,830,-403,830,-408,-409,830,-412,-413,-414,830,-417,830,-418,830,-423,-424,830,-427,830,-430,-431,-1896,-1896,830,-621,-622,-623,-624,-625,-636,-586,-626,-799,830,830,830,830,830,-833,830,830,-808,830,-834,830,830,830,830,-800,830,-855,-801,830,830,830,830,830,830,-856,-857,830,-836,-832,-837,830,-627,830,-628,-629,-630,-631,-576,830,830,-632,-633,-634,830,830,830,830,830,830,-637,-638,-639,-594,-1896,-604,830,-640,-641,-715,-642,-606,830,-574,-579,-582,-585,830,830,830,-600,-603,830,-610,830,830,830,830,830,830,830,830,830,830,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,830,830,830,-997,830,830,830,830,830,830,-308,-327,-321,-298,-377,-454,-455,-456,-460,830,-445,830,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,830,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,830,830,830,830,830,830,830,830,830,-318,-537,-510,-593,-939,-941,-942,-440,830,-442,-382,-383,-385,-509,-511,-513,830,-515,-516,-521,-522,830,-534,-536,-539,-540,-545,-550,-728,830,-729,830,-734,830,-736,830,-741,-658,-662,-663,830,-668,830,-669,830,-674,-676,830,-679,830,830,830,-689,-691,830,-694,830,830,-746,830,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,830,830,830,830,830,-879,830,-882,-910,-922,-927,-390,-391,830,-396,830,-399,830,-404,830,-405,830,-410,830,-415,830,-419,830,-420,830,-425,830,-428,-901,-902,-645,-587,-1896,-903,830,830,830,-802,830,830,-806,830,-809,-835,830,-820,830,-822,830,-824,-810,830,-826,830,-853,-854,830,830,-813,830,-648,-904,-906,-650,-651,-647,830,-707,-708,830,-644,-905,-649,-652,-605,-716,830,830,-607,-588,830,830,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,830,830,-711,-712,830,-718,830,830,830,830,830,830,-940,830,-441,-443,-749,830,-893,830,-717,-1896,830,830,830,830,830,-444,-514,-525,830,-730,-735,830,-737,830,-742,830,-664,-670,830,-680,-682,-684,-685,-692,-695,-699,-747,830,830,-876,830,830,-880,830,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,830,-814,830,-816,-803,830,-804,-807,830,-818,-821,-823,-825,-827,830,-828,830,-811,830,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,830,-284,830,830,830,830,-457,830,830,-731,830,-738,830,-743,830,-665,-673,830,830,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,830,-838,-53,830,830,-732,830,-739,830,-744,-666,830,-875,-54,830,830,-733,-740,-745,830,830,830,-874,]),'TRANSACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[831,831,831,831,-1896,831,831,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,831,831,831,831,-277,-278,831,-1427,831,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,831,831,831,-492,831,831,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,831,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,831,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,831,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,831,-174,-175,-176,-177,-995,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-292,-293,-283,831,831,831,831,831,-330,-320,-334,-335,-336,831,831,-984,-985,-986,-987,-988,-989,-990,831,831,831,831,831,831,831,831,831,831,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,831,831,831,-355,-358,831,-325,-326,-143,831,-144,831,-145,831,-432,-937,-938,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-1896,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-1896,831,-1896,831,831,831,831,831,831,831,831,831,831,831,831,-1896,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-1896,831,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,831,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,831,831,831,-193,-194,831,-996,831,831,831,831,831,-279,-280,-281,-282,-367,831,-310,831,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,831,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,831,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,831,831,831,831,831,831,-575,831,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,831,831,-725,-726,-727,831,831,831,831,831,831,-996,831,831,-93,-94,831,831,831,831,-311,-312,-322,831,-309,-295,-296,-297,831,831,831,831,-620,-635,-592,831,831,-438,831,-439,831,-446,-447,-448,-380,-381,831,831,831,-508,831,831,-512,831,831,831,831,-517,-518,-519,-520,831,831,-523,-524,831,-526,-527,-528,-529,-530,-531,-532,-533,831,-535,831,831,831,-541,-543,-544,831,-546,-547,-548,-549,831,831,831,831,831,831,-654,-655,-656,-657,831,-659,-660,-661,831,831,831,-667,831,831,-671,-672,831,831,-675,831,-677,-678,831,-681,831,-683,831,831,-686,-687,-688,831,-690,831,831,-693,831,831,-696,-697,-698,831,-700,-701,-702,-703,831,831,-748,831,-751,-752,-753,-754,-755,831,-757,-758,-759,-760,-761,831,-768,-769,-771,831,-773,-774,-775,-784,-858,-860,-862,-864,831,831,831,831,-870,831,-872,831,831,831,831,831,831,831,-908,-909,831,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,831,-923,-926,831,-936,831,-387,-388,-389,831,831,-392,-393,-394,-395,831,-398,831,-401,-402,831,-403,831,-408,-409,831,-412,-413,-414,831,-417,831,-418,831,-423,-424,831,-427,831,-430,-431,-1896,-1896,831,-621,-622,-623,-624,-625,-636,-586,-626,-799,831,831,831,831,831,-833,831,831,-808,831,-834,831,831,831,831,-800,831,-855,-801,831,831,831,831,831,831,-856,-857,831,-836,-832,-837,831,-627,831,-628,-629,-630,-631,-576,831,831,-632,-633,-634,831,831,831,831,831,831,-637,-638,-639,-594,-1896,-604,831,-640,-641,-715,-642,-606,831,-574,-579,-582,-585,831,831,831,-600,-603,831,-610,831,831,831,831,831,831,831,831,831,831,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,831,831,831,-997,831,831,831,831,831,831,-308,-327,-321,-298,-377,-454,-455,-456,-460,831,-445,831,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,831,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,831,831,831,831,831,831,831,831,831,-318,-537,-510,-593,-939,-941,-942,-440,831,-442,-382,-383,-385,-509,-511,-513,831,-515,-516,-521,-522,831,-534,-536,-539,-540,-545,-550,-728,831,-729,831,-734,831,-736,831,-741,-658,-662,-663,831,-668,831,-669,831,-674,-676,831,-679,831,831,831,-689,-691,831,-694,831,831,-746,831,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,831,831,831,831,831,-879,831,-882,-910,-922,-927,-390,-391,831,-396,831,-399,831,-404,831,-405,831,-410,831,-415,831,-419,831,-420,831,-425,831,-428,-901,-902,-645,-587,-1896,-903,831,831,831,-802,831,831,-806,831,-809,-835,831,-820,831,-822,831,-824,-810,831,-826,831,-853,-854,831,831,-813,831,-648,-904,-906,-650,-651,-647,831,-707,-708,831,-644,-905,-649,-652,-605,-716,831,831,-607,-588,831,831,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,831,831,-711,-712,831,-718,831,831,831,831,831,831,-940,831,-441,-443,-749,831,-893,831,-717,-1896,831,831,831,831,831,-444,-514,-525,831,-730,-735,831,-737,831,-742,831,-664,-670,831,-680,-682,-684,-685,-692,-695,-699,-747,831,831,-876,831,831,-880,831,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,831,-814,831,-816,-803,831,-804,-807,831,-818,-821,-823,-825,-827,831,-828,831,-811,831,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,831,-284,831,831,831,831,-457,831,831,-731,831,-738,831,-743,831,-665,-673,831,831,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,831,-838,-53,831,831,-732,831,-739,831,-744,-666,831,-875,-54,831,831,-733,-740,-745,831,831,831,-874,]),'TRIGGERS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[832,832,832,832,-1896,832,832,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,832,832,832,832,-277,-278,832,-1427,832,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,832,832,832,-492,832,832,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,832,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,832,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,832,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,832,-174,-175,-176,-177,-995,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-292,-293,-283,832,832,832,832,832,-330,-320,-334,-335,-336,832,832,-984,-985,-986,-987,-988,-989,-990,832,832,832,832,832,832,832,832,832,832,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,832,832,832,-355,-358,832,-325,-326,-143,832,-144,832,-145,832,-432,-937,-938,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-1896,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-1896,832,-1896,832,832,832,832,832,832,832,832,832,832,832,832,-1896,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-1896,832,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,832,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,832,832,832,-193,-194,832,-996,832,832,832,832,832,-279,-280,-281,-282,-367,832,-310,832,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,832,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,832,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,832,832,832,832,832,832,-575,832,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,832,832,-725,-726,-727,832,832,832,832,832,832,-996,832,832,-93,-94,832,832,832,832,-311,-312,-322,832,-309,-295,-296,-297,832,832,832,832,-620,-635,-592,832,832,-438,832,-439,832,-446,-447,-448,-380,-381,832,832,832,-508,832,832,-512,832,832,832,832,-517,-518,-519,-520,832,832,-523,-524,832,-526,-527,-528,-529,-530,-531,-532,-533,832,-535,832,832,832,-541,-543,-544,832,-546,-547,-548,-549,832,832,832,832,832,832,-654,-655,-656,-657,832,-659,-660,-661,832,832,832,-667,832,832,-671,-672,832,832,-675,832,-677,-678,832,-681,832,-683,832,832,-686,-687,-688,832,-690,832,832,-693,832,832,-696,-697,-698,832,-700,-701,-702,-703,832,832,-748,832,-751,-752,-753,-754,-755,832,-757,-758,-759,-760,-761,832,-768,-769,-771,832,-773,-774,-775,-784,-858,-860,-862,-864,832,832,832,832,-870,832,-872,832,832,832,832,832,832,832,-908,-909,832,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,832,-923,-926,832,-936,832,-387,-388,-389,832,832,-392,-393,-394,-395,832,-398,832,-401,-402,832,-403,832,-408,-409,832,-412,-413,-414,832,-417,832,-418,832,-423,-424,832,-427,832,-430,-431,-1896,-1896,832,-621,-622,-623,-624,-625,-636,-586,-626,-799,832,832,832,832,832,-833,832,832,-808,832,-834,832,832,832,832,-800,832,-855,-801,832,832,832,832,832,832,-856,-857,832,-836,-832,-837,832,-627,832,-628,-629,-630,-631,-576,832,832,-632,-633,-634,832,832,832,832,832,832,-637,-638,-639,-594,-1896,-604,832,-640,-641,-715,-642,-606,832,-574,-579,-582,-585,832,832,832,-600,-603,832,-610,832,832,832,832,832,832,832,832,832,832,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,832,832,832,-997,832,832,832,832,832,832,-308,-327,-321,-298,-377,-454,-455,-456,-460,832,-445,832,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,832,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,832,832,832,832,832,832,832,832,832,-318,-537,-510,-593,-939,-941,-942,-440,832,-442,-382,-383,-385,-509,-511,-513,832,-515,-516,-521,-522,832,-534,-536,-539,-540,-545,-550,-728,832,-729,832,-734,832,-736,832,-741,-658,-662,-663,832,-668,832,-669,832,-674,-676,832,-679,832,832,832,-689,-691,832,-694,832,832,-746,832,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,832,832,832,832,832,-879,832,-882,-910,-922,-927,-390,-391,832,-396,832,-399,832,-404,832,-405,832,-410,832,-415,832,-419,832,-420,832,-425,832,-428,-901,-902,-645,-587,-1896,-903,832,832,832,-802,832,832,-806,832,-809,-835,832,-820,832,-822,832,-824,-810,832,-826,832,-853,-854,832,832,-813,832,-648,-904,-906,-650,-651,-647,832,-707,-708,832,-644,-905,-649,-652,-605,-716,832,832,-607,-588,832,832,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,832,832,-711,-712,832,-718,832,832,832,832,832,832,-940,832,-441,-443,-749,832,-893,832,-717,-1896,832,832,832,832,832,-444,-514,-525,832,-730,-735,832,-737,832,-742,832,-664,-670,832,-680,-682,-684,-685,-692,-695,-699,-747,832,832,-876,832,832,-880,832,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,832,-814,832,-816,-803,832,-804,-807,832,-818,-821,-823,-825,-827,832,-828,832,-811,832,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,832,-284,832,832,832,832,-457,832,832,-731,832,-738,832,-743,832,-665,-673,832,832,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,832,-838,-53,832,832,-732,832,-739,832,-744,-666,832,-875,-54,832,832,-733,-740,-745,832,832,832,-874,]),'TRUNCATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[833,833,833,1076,-1896,833,833,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,833,833,833,833,-277,-278,1076,-1427,1076,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1076,1076,1076,-492,1076,1076,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1076,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1076,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1969,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,833,-174,-175,-176,-177,-995,833,833,833,833,833,833,833,833,833,833,1076,1076,1076,1076,1076,-292,-293,-283,833,1076,1076,1076,1076,-330,-320,-334,-335,-336,1076,1076,-984,-985,-986,-987,-988,-989,-990,833,833,1076,1076,1076,1076,1076,1076,1076,1076,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1076,1076,1076,-355,-358,833,-325,-326,-143,1076,-144,1076,-145,1076,-432,-937,-938,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1896,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1896,1076,-1896,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1896,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1896,833,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1076,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1076,833,833,-193,-194,833,-996,1076,833,833,833,833,-279,-280,-281,-282,-367,1076,-310,1076,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1076,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1076,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1076,1076,1076,1076,1076,1076,-575,1076,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1076,1076,-725,-726,-727,1076,1969,833,833,833,833,-996,833,1076,-93,-94,833,833,833,1076,-311,-312,-322,1076,-309,-295,-296,-297,1076,833,1076,1076,-620,-635,-592,1076,833,-438,833,-439,1076,-446,-447,-448,-380,-381,1076,1076,1076,-508,1076,1076,-512,1076,1076,1076,1076,-517,-518,-519,-520,1076,1076,-523,-524,1076,-526,-527,-528,-529,-530,-531,-532,-533,1076,-535,1076,1076,1076,-541,-543,-544,1076,-546,-547,-548,-549,1076,1076,1076,1076,1076,1076,-654,-655,-656,-657,833,-659,-660,-661,1076,1076,1076,-667,1076,1076,-671,-672,1076,1076,-675,1076,-677,-678,1076,-681,1076,-683,1076,1076,-686,-687,-688,1076,-690,1076,1076,-693,1076,1076,-696,-697,-698,1076,-700,-701,-702,-703,1076,1076,-748,1076,-751,-752,-753,-754,-755,1076,-757,-758,-759,-760,-761,1076,-768,-769,-771,1076,-773,-774,-775,-784,-858,-860,-862,-864,1076,1076,1076,1076,-870,1076,-872,1076,1076,1076,1076,1076,1076,1076,-908,-909,1076,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1076,-923,-926,1076,-936,1076,-387,-388,-389,1076,1076,-392,-393,-394,-395,1076,-398,1076,-401,-402,1076,-403,1076,-408,-409,1076,-412,-413,-414,1076,-417,1076,-418,1076,-423,-424,1076,-427,1076,-430,-431,-1896,-1896,1076,-621,-622,-623,-624,-625,-636,-586,-626,-799,1076,1076,1076,1076,1076,-833,1076,1076,-808,1076,-834,1076,1076,1076,1076,-800,1076,-855,-801,1076,1076,1076,1076,1076,1076,-856,-857,1076,-836,-832,-837,1076,-627,1076,-628,-629,-630,-631,-576,1076,1076,-632,-633,-634,1076,1076,1076,1076,1076,1076,-637,-638,-639,-594,-1896,-604,1076,-640,-641,-715,-642,-606,1076,-574,-579,-582,-585,1076,1076,1076,-600,-603,1076,-610,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1076,833,833,-997,833,1076,833,833,833,1076,-308,-327,-321,-298,-377,-454,-455,-456,-460,833,-445,1076,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1076,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,833,833,833,833,833,833,833,833,1076,-318,-537,-510,-593,-939,-941,-942,-440,1076,-442,-382,-383,-385,-509,-511,-513,1076,-515,-516,-521,-522,1076,-534,-536,-539,-540,-545,-550,-728,1076,-729,1076,-734,1076,-736,1076,-741,-658,-662,-663,1076,-668,1076,-669,1076,-674,-676,1076,-679,1076,1076,1076,-689,-691,1076,-694,1076,1076,-746,1076,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1076,1076,1076,1076,1076,-879,1076,-882,-910,-922,-927,-390,-391,1076,-396,1076,-399,1076,-404,1076,-405,1076,-410,1076,-415,1076,-419,1076,-420,1076,-425,1076,-428,-901,-902,-645,-587,-1896,-903,1076,1076,1076,-802,1076,1076,-806,1076,-809,-835,1076,-820,1076,-822,1076,-824,-810,1076,-826,1076,-853,-854,1076,1076,-813,1076,-648,-904,-906,-650,-651,-647,1076,-707,-708,1076,-644,-905,-649,-652,-605,-716,1076,1076,-607,-588,1076,1076,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1076,1076,-711,-712,1076,-718,1076,833,833,833,1076,1076,-940,833,-441,-443,-749,1076,-893,1969,-717,-1896,1076,1076,833,833,1076,-444,-514,-525,1076,-730,-735,1076,-737,1076,-742,1076,-664,-670,1076,-680,-682,-684,-685,-692,-695,-699,-747,1076,1076,-876,1076,1076,-880,1076,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1076,-814,1076,-816,-803,1076,-804,-807,1076,-818,-821,-823,-825,-827,1076,-828,1076,-811,1076,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,833,-284,833,1076,833,1076,-457,1076,1076,-731,1076,-738,1076,-743,1076,-665,-673,1076,1076,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1076,-838,-53,833,1076,-732,1076,-739,1076,-744,-666,1076,-875,-54,833,833,-733,-740,-745,1076,833,1076,-874,]),'TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[834,834,834,834,-1896,834,834,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,834,834,834,834,-277,-278,834,-1427,834,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,834,834,834,-492,834,834,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,834,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,834,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,834,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,834,-174,-175,-176,-177,-995,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-292,-293,-283,834,834,834,834,834,-330,-320,-334,-335,-336,834,834,-984,-985,-986,-987,-988,-989,-990,834,834,834,834,834,834,834,834,834,834,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,834,834,834,-355,-358,834,-325,-326,-143,834,-144,834,-145,834,-432,-937,-938,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-1896,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-1896,834,-1896,834,834,834,834,834,834,834,834,834,834,834,834,-1896,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-1896,834,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,834,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,834,834,834,-193,-194,834,-996,834,834,834,834,834,-279,-280,-281,-282,-367,834,-310,834,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,834,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,834,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,834,834,834,834,834,834,-575,834,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,834,834,-725,-726,-727,834,834,834,834,834,834,-996,834,834,-93,-94,834,834,834,834,-311,-312,-322,834,-309,-295,-296,-297,834,834,834,834,-620,-635,-592,834,834,-438,834,-439,834,-446,-447,-448,-380,-381,834,834,834,-508,834,834,-512,834,834,834,834,-517,-518,-519,-520,834,834,-523,-524,834,-526,-527,-528,-529,-530,-531,-532,-533,834,-535,834,834,834,-541,-543,-544,834,-546,-547,-548,-549,834,834,834,834,834,834,-654,-655,-656,-657,834,-659,-660,-661,834,834,834,-667,834,834,-671,-672,834,834,-675,834,-677,-678,834,-681,834,-683,834,834,-686,-687,-688,834,-690,834,834,-693,834,834,-696,-697,-698,834,-700,-701,-702,-703,834,834,-748,834,-751,-752,-753,-754,-755,834,-757,-758,-759,-760,-761,834,-768,-769,-771,834,-773,-774,-775,-784,-858,-860,-862,-864,834,834,834,834,-870,834,-872,834,834,834,834,834,834,834,-908,-909,834,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,834,-923,-926,834,-936,834,-387,-388,-389,834,834,-392,-393,-394,-395,834,-398,834,-401,-402,834,-403,834,-408,-409,834,-412,-413,-414,834,-417,834,-418,834,-423,-424,834,-427,834,-430,-431,-1896,-1896,834,-621,-622,-623,-624,-625,-636,-586,-626,-799,834,834,834,834,834,-833,834,834,-808,834,-834,834,834,834,834,-800,834,-855,-801,834,834,834,834,834,834,-856,-857,834,-836,-832,-837,834,-627,834,-628,-629,-630,-631,-576,834,834,-632,-633,-634,834,834,834,834,834,834,-637,-638,-639,-594,-1896,-604,834,-640,-641,-715,-642,-606,834,-574,-579,-582,-585,834,834,834,-600,-603,834,-610,834,834,834,834,834,834,834,834,834,834,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,834,834,834,-997,834,834,834,834,834,834,-308,-327,-321,-298,-377,-454,-455,-456,-460,834,-445,834,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,834,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,834,834,834,834,834,834,834,834,834,-318,-537,-510,-593,-939,-941,-942,-440,834,-442,-382,-383,-385,-509,-511,-513,834,-515,-516,-521,-522,834,-534,-536,-539,-540,-545,-550,-728,834,-729,834,-734,834,-736,834,-741,-658,-662,-663,834,-668,834,-669,834,-674,-676,834,-679,834,834,834,-689,-691,834,-694,834,834,-746,834,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,834,834,834,834,834,-879,834,-882,-910,-922,-927,-390,-391,834,-396,834,-399,834,-404,834,-405,834,-410,834,-415,834,-419,834,-420,834,-425,834,-428,-901,-902,-645,-587,-1896,-903,834,834,834,-802,834,834,-806,834,-809,-835,834,-820,834,-822,834,-824,-810,834,-826,834,-853,-854,834,834,-813,834,-648,-904,-906,-650,-651,-647,834,-707,-708,834,-644,-905,-649,-652,-605,-716,834,834,-607,-588,834,834,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,834,834,-711,-712,834,-718,834,834,834,834,834,834,-940,834,-441,-443,-749,834,-893,834,-717,-1896,834,834,834,834,834,-444,-514,-525,834,-730,-735,834,-737,834,-742,834,-664,-670,834,-680,-682,-684,-685,-692,-695,-699,-747,834,834,-876,834,834,-880,834,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,834,-814,834,-816,-803,834,-804,-807,834,-818,-821,-823,-825,-827,834,-828,834,-811,834,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,834,-284,834,834,834,834,-457,834,834,-731,834,-738,834,-743,834,-665,-673,834,834,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,834,-838,-53,834,834,-732,834,-739,834,-744,-666,834,-875,-54,834,834,-733,-740,-745,834,834,834,-874,]),'TYPES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[835,835,835,835,-1896,835,835,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,835,835,835,835,-277,-278,835,-1427,835,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,835,835,835,-492,835,835,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,835,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,835,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,835,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,835,-174,-175,-176,-177,-995,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-292,-293,-283,835,835,835,835,835,-330,-320,-334,-335,-336,835,835,-984,-985,-986,-987,-988,-989,-990,835,835,835,835,835,835,835,835,835,835,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,835,835,835,-355,-358,835,-325,-326,-143,835,-144,835,-145,835,-432,-937,-938,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-1896,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-1896,835,-1896,835,835,835,835,835,835,835,835,835,835,835,835,-1896,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-1896,835,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,835,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,835,835,835,-193,-194,835,-996,835,835,835,835,835,-279,-280,-281,-282,-367,835,-310,835,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,835,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,835,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,835,835,835,835,835,835,-575,835,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,835,835,-725,-726,-727,835,835,835,835,835,835,-996,835,835,-93,-94,835,835,835,835,-311,-312,-322,835,-309,-295,-296,-297,835,835,835,835,-620,-635,-592,835,835,-438,835,-439,835,-446,-447,-448,-380,-381,835,835,835,-508,835,835,-512,835,835,835,835,-517,-518,-519,-520,835,835,-523,-524,835,-526,-527,-528,-529,-530,-531,-532,-533,835,-535,835,835,835,-541,-543,-544,835,-546,-547,-548,-549,835,835,835,835,835,835,-654,-655,-656,-657,835,-659,-660,-661,835,835,835,-667,835,835,-671,-672,835,835,-675,835,-677,-678,835,-681,835,-683,835,835,-686,-687,-688,835,-690,835,835,-693,835,835,-696,-697,-698,835,-700,-701,-702,-703,835,835,-748,835,-751,-752,-753,-754,-755,835,-757,-758,-759,-760,-761,835,-768,-769,-771,835,-773,-774,-775,-784,-858,-860,-862,-864,835,835,835,835,-870,835,-872,835,835,835,835,835,835,835,-908,-909,835,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,835,-923,-926,835,-936,835,-387,-388,-389,835,835,-392,-393,-394,-395,835,-398,835,-401,-402,835,-403,835,-408,-409,835,-412,-413,-414,835,-417,835,-418,835,-423,-424,835,-427,835,-430,-431,-1896,-1896,835,-621,-622,-623,-624,-625,-636,-586,-626,-799,835,835,835,835,835,-833,835,835,-808,835,-834,835,835,835,835,-800,835,-855,-801,835,835,835,835,835,835,-856,-857,835,-836,-832,-837,835,-627,835,-628,-629,-630,-631,-576,835,835,-632,-633,-634,835,835,835,835,835,835,-637,-638,-639,-594,-1896,-604,835,-640,-641,-715,-642,-606,835,-574,-579,-582,-585,835,835,835,-600,-603,835,-610,835,835,835,835,835,835,835,835,835,835,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,835,835,835,-997,835,835,835,835,835,835,-308,-327,-321,-298,-377,-454,-455,-456,-460,835,-445,835,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,835,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,835,835,835,835,835,835,835,835,835,-318,-537,-510,-593,-939,-941,-942,-440,835,-442,-382,-383,-385,-509,-511,-513,835,-515,-516,-521,-522,835,-534,-536,-539,-540,-545,-550,-728,835,-729,835,-734,835,-736,835,-741,-658,-662,-663,835,-668,835,-669,835,-674,-676,835,-679,835,835,835,-689,-691,835,-694,835,835,-746,835,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,835,835,835,835,835,-879,835,-882,-910,-922,-927,-390,-391,835,-396,835,-399,835,-404,835,-405,835,-410,835,-415,835,-419,835,-420,835,-425,835,-428,-901,-902,-645,-587,-1896,-903,835,835,835,-802,835,835,-806,835,-809,-835,835,-820,835,-822,835,-824,-810,835,-826,835,-853,-854,835,835,-813,835,-648,-904,-906,-650,-651,-647,835,-707,-708,835,-644,-905,-649,-652,-605,-716,835,835,-607,-588,835,835,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,835,835,-711,-712,835,-718,835,835,835,835,835,835,-940,835,-441,-443,-749,835,-893,835,-717,-1896,835,835,835,835,835,-444,-514,-525,835,-730,-735,835,-737,835,-742,835,-664,-670,835,-680,-682,-684,-685,-692,-695,-699,-747,835,835,-876,835,835,-880,835,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,835,-814,835,-816,-803,835,-804,-807,835,-818,-821,-823,-825,-827,835,-828,835,-811,835,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,835,-284,835,835,835,835,-457,835,835,-731,835,-738,835,-743,835,-665,-673,835,835,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,835,-838,-53,835,835,-732,835,-739,835,-744,-666,835,-875,-54,835,835,-733,-740,-745,835,835,835,-874,]),'UBTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[836,836,836,836,-1896,836,836,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,836,836,836,836,-277,-278,836,-1427,836,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,836,836,836,-492,836,836,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,836,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,836,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,836,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,836,-174,-175,-176,-177,-995,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-292,-293,-283,836,836,836,836,836,-330,-320,-334,-335,-336,836,836,-984,-985,-986,-987,-988,-989,-990,836,836,836,836,836,836,836,836,836,836,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,836,836,836,-355,-358,836,-325,-326,-143,836,-144,836,-145,836,-432,-937,-938,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-1896,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-1896,836,-1896,836,836,836,836,836,836,836,836,836,836,836,836,-1896,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-1896,836,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,836,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,836,836,836,-193,-194,836,-996,836,836,836,836,836,-279,-280,-281,-282,-367,836,-310,836,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,836,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,836,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,836,836,836,836,836,836,-575,836,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,836,836,-725,-726,-727,836,836,836,836,836,836,-996,836,836,-93,-94,836,836,836,836,-311,-312,-322,836,-309,-295,-296,-297,836,836,836,836,-620,-635,-592,836,836,-438,836,-439,836,-446,-447,-448,-380,-381,836,836,836,-508,836,836,-512,836,836,836,836,-517,-518,-519,-520,836,836,-523,-524,836,-526,-527,-528,-529,-530,-531,-532,-533,836,-535,836,836,836,-541,-543,-544,836,-546,-547,-548,-549,836,836,836,836,836,836,-654,-655,-656,-657,836,-659,-660,-661,836,836,836,-667,836,836,-671,-672,836,836,-675,836,-677,-678,836,-681,836,-683,836,836,-686,-687,-688,836,-690,836,836,-693,836,836,-696,-697,-698,836,-700,-701,-702,-703,836,836,-748,836,-751,-752,-753,-754,-755,836,-757,-758,-759,-760,-761,836,-768,-769,-771,836,-773,-774,-775,-784,-858,-860,-862,-864,836,836,836,836,-870,836,-872,836,836,836,836,836,836,836,-908,-909,836,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,836,-923,-926,836,-936,836,-387,-388,-389,836,836,-392,-393,-394,-395,836,-398,836,-401,-402,836,-403,836,-408,-409,836,-412,-413,-414,836,-417,836,-418,836,-423,-424,836,-427,836,-430,-431,-1896,-1896,836,-621,-622,-623,-624,-625,-636,-586,-626,-799,836,836,836,836,836,-833,836,836,-808,836,-834,836,836,836,836,-800,836,-855,-801,836,836,836,836,836,836,-856,-857,836,-836,-832,-837,836,-627,836,-628,-629,-630,-631,-576,836,836,-632,-633,-634,836,836,836,836,836,836,-637,-638,-639,-594,-1896,-604,836,-640,-641,-715,-642,-606,836,-574,-579,-582,-585,836,836,836,-600,-603,836,-610,836,836,836,836,836,836,836,836,836,836,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,836,836,836,-997,836,836,836,836,836,836,-308,-327,-321,-298,-377,-454,-455,-456,-460,836,-445,836,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,836,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,836,836,836,836,836,836,836,836,836,-318,-537,-510,-593,-939,-941,-942,-440,836,-442,-382,-383,-385,-509,-511,-513,836,-515,-516,-521,-522,836,-534,-536,-539,-540,-545,-550,-728,836,-729,836,-734,836,-736,836,-741,-658,-662,-663,836,-668,836,-669,836,-674,-676,836,-679,836,836,836,-689,-691,836,-694,836,836,-746,836,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,836,836,836,836,836,-879,836,-882,-910,-922,-927,-390,-391,836,-396,836,-399,836,-404,836,-405,836,-410,836,-415,836,-419,836,-420,836,-425,836,-428,-901,-902,-645,-587,-1896,-903,836,836,836,-802,836,836,-806,836,-809,-835,836,-820,836,-822,836,-824,-810,836,-826,836,-853,-854,836,836,-813,836,-648,-904,-906,-650,-651,-647,836,-707,-708,836,-644,-905,-649,-652,-605,-716,836,836,-607,-588,836,836,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,836,836,-711,-712,836,-718,836,836,836,836,836,836,-940,836,-441,-443,-749,836,-893,836,-717,-1896,836,836,836,836,836,-444,-514,-525,836,-730,-735,836,-737,836,-742,836,-664,-670,836,-680,-682,-684,-685,-692,-695,-699,-747,836,836,-876,836,836,-880,836,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,836,-814,836,-816,-803,836,-804,-807,836,-818,-821,-823,-825,-827,836,-828,836,-811,836,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,836,-284,836,836,836,836,-457,836,836,-731,836,-738,836,-743,836,-665,-673,836,836,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,836,-838,-53,836,836,-732,836,-739,836,-744,-666,836,-875,-54,836,836,-733,-740,-745,836,836,836,-874,]),'UCASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[837,837,837,1124,-1896,837,837,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,837,837,837,837,-277,-278,1124,-1427,1124,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1124,1124,1124,-492,1124,1124,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1124,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1124,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1970,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,837,-174,-175,-176,-177,-995,837,837,837,837,837,837,837,837,837,837,1124,1124,1124,1124,1124,-292,-293,-283,837,1124,1124,1124,1124,-330,-320,-334,-335,-336,1124,1124,-984,-985,-986,-987,-988,-989,-990,837,837,1124,1124,1124,1124,1124,1124,1124,1124,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1124,1124,1124,-355,-358,837,-325,-326,-143,1124,-144,1124,-145,1124,-432,-937,-938,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1896,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1896,1124,-1896,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1896,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1896,837,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1124,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1124,837,837,-193,-194,837,-996,1124,837,837,837,837,-279,-280,-281,-282,-367,1124,-310,1124,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1124,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1124,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1124,1124,1124,1124,1124,1124,-575,1124,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1124,1124,-725,-726,-727,1124,1970,837,837,837,837,-996,837,1124,-93,-94,837,837,837,1124,-311,-312,-322,1124,-309,-295,-296,-297,1124,837,1124,1124,-620,-635,-592,1124,837,-438,837,-439,1124,-446,-447,-448,-380,-381,1124,1124,1124,-508,1124,1124,-512,1124,1124,1124,1124,-517,-518,-519,-520,1124,1124,-523,-524,1124,-526,-527,-528,-529,-530,-531,-532,-533,1124,-535,1124,1124,1124,-541,-543,-544,1124,-546,-547,-548,-549,1124,1124,1124,1124,1124,1124,-654,-655,-656,-657,837,-659,-660,-661,1124,1124,1124,-667,1124,1124,-671,-672,1124,1124,-675,1124,-677,-678,1124,-681,1124,-683,1124,1124,-686,-687,-688,1124,-690,1124,1124,-693,1124,1124,-696,-697,-698,1124,-700,-701,-702,-703,1124,1124,-748,1124,-751,-752,-753,-754,-755,1124,-757,-758,-759,-760,-761,1124,-768,-769,-771,1124,-773,-774,-775,-784,-858,-860,-862,-864,1124,1124,1124,1124,-870,1124,-872,1124,1124,1124,1124,1124,1124,1124,-908,-909,1124,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1124,-923,-926,1124,-936,1124,-387,-388,-389,1124,1124,-392,-393,-394,-395,1124,-398,1124,-401,-402,1124,-403,1124,-408,-409,1124,-412,-413,-414,1124,-417,1124,-418,1124,-423,-424,1124,-427,1124,-430,-431,-1896,-1896,1124,-621,-622,-623,-624,-625,-636,-586,-626,-799,1124,1124,1124,1124,1124,-833,1124,1124,-808,1124,-834,1124,1124,1124,1124,-800,1124,-855,-801,1124,1124,1124,1124,1124,1124,-856,-857,1124,-836,-832,-837,1124,-627,1124,-628,-629,-630,-631,-576,1124,1124,-632,-633,-634,1124,1124,1124,1124,1124,1124,-637,-638,-639,-594,-1896,-604,1124,-640,-641,-715,-642,-606,1124,-574,-579,-582,-585,1124,1124,1124,-600,-603,1124,-610,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1124,837,837,-997,837,1124,837,837,837,1124,-308,-327,-321,-298,-377,-454,-455,-456,-460,837,-445,1124,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1124,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,837,837,837,837,837,837,837,837,1124,-318,-537,-510,-593,-939,-941,-942,-440,1124,-442,-382,-383,-385,-509,-511,-513,1124,-515,-516,-521,-522,1124,-534,-536,-539,-540,-545,-550,-728,1124,-729,1124,-734,1124,-736,1124,-741,-658,-662,-663,1124,-668,1124,-669,1124,-674,-676,1124,-679,1124,1124,1124,-689,-691,1124,-694,1124,1124,-746,1124,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1124,1124,1124,1124,1124,-879,1124,-882,-910,-922,-927,-390,-391,1124,-396,1124,-399,1124,-404,1124,-405,1124,-410,1124,-415,1124,-419,1124,-420,1124,-425,1124,-428,-901,-902,-645,-587,-1896,-903,1124,1124,1124,-802,1124,1124,-806,1124,-809,-835,1124,-820,1124,-822,1124,-824,-810,1124,-826,1124,-853,-854,1124,1124,-813,1124,-648,-904,-906,-650,-651,-647,1124,-707,-708,1124,-644,-905,-649,-652,-605,-716,1124,1124,-607,-588,1124,1124,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1124,1124,-711,-712,1124,-718,1124,837,837,837,1124,1124,-940,837,-441,-443,-749,1124,-893,1970,-717,-1896,1124,1124,837,837,1124,-444,-514,-525,1124,-730,-735,1124,-737,1124,-742,1124,-664,-670,1124,-680,-682,-684,-685,-692,-695,-699,-747,1124,1124,-876,1124,1124,-880,1124,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1124,-814,1124,-816,-803,1124,-804,-807,1124,-818,-821,-823,-825,-827,1124,-828,1124,-811,1124,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,837,-284,837,1124,837,1124,-457,1124,1124,-731,1124,-738,1124,-743,1124,-665,-673,1124,1124,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1124,-838,-53,837,1124,-732,1124,-739,1124,-744,-666,1124,-875,-54,837,837,-733,-740,-745,1124,837,1124,-874,]),'UNBOUNDED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3746,3748,3749,3756,3769,3773,3788,3795,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3851,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[838,838,838,838,-1896,838,838,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,838,838,838,838,-277,-278,838,-1427,838,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,838,838,838,-492,838,838,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,838,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,838,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,838,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,838,-174,-175,-176,-177,-995,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-292,-293,-283,838,838,838,838,838,-330,-320,-334,-335,-336,838,838,-984,-985,-986,-987,-988,-989,-990,838,838,838,838,838,838,838,838,838,838,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,838,838,838,-355,-358,838,-325,-326,-143,838,-144,838,-145,838,-432,-937,-938,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-1896,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-1896,838,-1896,838,838,838,838,838,838,838,838,838,838,838,838,-1896,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-1896,838,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,838,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,838,838,838,-193,-194,838,-996,838,838,838,838,838,-279,-280,-281,-282,-367,838,-310,838,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,838,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,838,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,838,838,838,838,838,838,-575,838,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,838,838,-725,-726,-727,838,838,838,838,838,838,-996,838,838,-93,-94,838,838,838,838,-311,-312,-322,838,-309,-295,-296,-297,838,838,838,838,-620,-635,-592,838,838,-438,838,-439,838,-446,-447,-448,-380,-381,838,838,838,-508,838,838,-512,838,838,838,838,-517,-518,-519,-520,838,838,-523,-524,838,-526,-527,-528,-529,-530,-531,-532,-533,838,-535,838,838,838,-541,-543,-544,838,-546,-547,-548,-549,838,838,838,838,838,838,-654,-655,-656,-657,838,-659,-660,-661,838,838,838,-667,838,838,-671,-672,838,838,-675,838,-677,-678,838,-681,838,-683,838,838,-686,-687,-688,838,-690,838,838,-693,838,838,-696,-697,-698,838,-700,-701,-702,-703,838,838,-748,838,-751,-752,-753,-754,-755,838,-757,-758,-759,-760,-761,838,-768,-769,-771,838,-773,-774,-775,-784,-858,-860,-862,-864,838,838,838,838,-870,838,-872,838,838,838,838,838,838,838,-908,-909,838,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,838,-923,-926,838,-936,838,-387,-388,-389,838,838,-392,-393,-394,-395,838,-398,838,-401,-402,838,-403,838,-408,-409,838,-412,-413,-414,838,-417,838,-418,838,-423,-424,838,-427,838,-430,-431,-1896,-1896,838,-621,-622,-623,-624,-625,-636,-586,-626,-799,838,838,838,838,838,-833,838,838,-808,838,-834,838,838,838,838,-800,838,-855,-801,838,838,838,838,838,838,-856,-857,838,-836,-832,-837,838,-627,838,-628,-629,-630,-631,-576,838,838,-632,-633,-634,838,838,838,838,838,838,-637,-638,-639,-594,-1896,-604,838,-640,-641,-715,-642,-606,838,-574,-579,-582,-585,838,838,838,-600,-603,838,-610,838,838,838,838,838,838,838,838,838,838,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,838,838,838,-997,838,838,838,838,838,838,-308,-327,-321,-298,-377,-454,-455,-456,-460,838,-445,838,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,838,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,838,838,838,838,838,838,838,838,838,-318,-537,-510,-593,-939,-941,-942,-440,838,-442,-382,-383,-385,-509,-511,-513,838,-515,-516,-521,-522,838,-534,-536,-539,-540,-545,-550,-728,838,-729,838,-734,838,-736,838,-741,-658,-662,-663,838,-668,838,-669,838,-674,-676,838,-679,838,838,838,-689,-691,838,-694,838,838,-746,838,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,838,838,838,838,838,-879,838,-882,-910,-922,-927,-390,-391,838,-396,838,-399,838,-404,838,-405,838,-410,838,-415,838,-419,838,-420,838,-425,838,-428,-901,-902,-645,-587,-1896,-903,838,838,838,-802,838,838,-806,838,-809,-835,838,-820,838,-822,838,-824,-810,838,-826,838,-853,-854,838,838,-813,838,-648,-904,-906,-650,-651,-647,838,-707,-708,838,-644,-905,-649,-652,-605,-716,838,838,-607,-588,838,838,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,838,838,-711,-712,838,-718,838,838,838,838,838,838,-940,838,-441,-443,-749,838,-893,838,-717,-1896,838,838,838,838,838,-444,-514,-525,838,-730,-735,838,-737,838,-742,838,-664,-670,838,-680,-682,-684,-685,-692,-695,-699,-747,838,838,-876,838,838,-880,838,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,838,-814,838,-816,-803,838,-804,-807,838,-818,-821,-823,-825,-827,838,-828,838,-811,838,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,838,-284,838,3793,-470,-471,838,838,838,-457,3793,838,838,-731,838,-738,838,-743,838,-665,-673,838,838,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,838,-838,-53,838,3793,838,-732,838,-739,838,-744,-666,838,-875,-54,838,838,-733,-740,-745,838,838,838,-874,]),'UNCOMMITTED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[839,839,839,839,-1896,839,839,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,839,839,839,839,-277,-278,839,-1427,839,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,839,839,839,-492,839,839,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,839,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,839,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,839,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,839,-174,-175,-176,-177,-995,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-292,-293,-283,839,839,839,839,839,-330,-320,-334,-335,-336,839,839,-984,-985,-986,-987,-988,-989,-990,839,839,839,839,839,839,839,839,839,839,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,839,839,839,-355,-358,839,-325,-326,-143,839,-144,839,-145,839,-432,-937,-938,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-1896,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-1896,839,-1896,839,839,839,839,839,839,839,839,839,839,839,839,-1896,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-1896,839,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,839,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,839,839,839,-193,-194,839,-996,839,839,839,839,839,-279,-280,-281,-282,-367,839,-310,839,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,839,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,839,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,839,839,839,839,839,839,-575,839,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,839,839,-725,-726,-727,839,839,839,839,839,839,-996,839,839,-93,-94,839,839,839,839,-311,-312,-322,839,-309,-295,-296,-297,839,839,839,839,-620,-635,-592,839,839,-438,839,-439,839,-446,-447,-448,-380,-381,839,839,839,-508,839,839,-512,839,839,839,839,-517,-518,-519,-520,839,839,-523,-524,839,-526,-527,-528,-529,-530,-531,-532,-533,839,-535,839,839,839,-541,-543,-544,839,-546,-547,-548,-549,839,839,839,839,839,839,-654,-655,-656,-657,839,-659,-660,-661,839,839,839,-667,839,839,-671,-672,839,839,-675,839,-677,-678,839,-681,839,-683,839,839,-686,-687,-688,839,-690,839,839,-693,839,839,-696,-697,-698,839,-700,-701,-702,-703,839,839,-748,839,-751,-752,-753,-754,-755,839,-757,-758,-759,-760,-761,839,-768,-769,-771,839,-773,-774,-775,-784,-858,-860,-862,-864,839,839,839,839,-870,839,-872,839,839,839,839,839,839,839,-908,-909,839,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,839,-923,-926,839,-936,839,-387,-388,-389,839,839,-392,-393,-394,-395,839,-398,839,-401,-402,839,-403,839,-408,-409,839,-412,-413,-414,839,-417,839,-418,839,-423,-424,839,-427,839,-430,-431,-1896,-1896,839,-621,-622,-623,-624,-625,-636,-586,-626,-799,839,839,839,839,839,-833,839,839,-808,839,-834,839,839,839,839,-800,839,-855,-801,839,839,839,839,839,839,-856,-857,839,-836,-832,-837,839,-627,839,-628,-629,-630,-631,-576,839,839,-632,-633,-634,839,839,839,839,839,839,-637,-638,-639,-594,-1896,-604,839,-640,-641,-715,-642,-606,839,-574,-579,-582,-585,839,839,839,-600,-603,839,-610,839,839,839,839,839,839,839,839,839,839,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,839,839,839,-997,839,839,839,839,839,839,-308,-327,-321,-298,-377,-454,-455,-456,-460,839,-445,839,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,839,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,839,839,839,839,839,839,839,839,839,-318,-537,-510,-593,-939,-941,-942,-440,839,-442,-382,-383,-385,-509,-511,-513,839,-515,-516,-521,-522,839,-534,-536,-539,-540,-545,-550,-728,839,-729,839,-734,839,-736,839,-741,-658,-662,-663,839,-668,839,-669,839,-674,-676,839,-679,839,839,839,-689,-691,839,-694,839,839,-746,839,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,839,839,839,839,839,-879,839,-882,-910,-922,-927,-390,-391,839,-396,839,-399,839,-404,839,-405,839,-410,839,-415,839,-419,839,-420,839,-425,839,-428,-901,-902,-645,-587,-1896,-903,839,839,839,-802,839,839,-806,839,-809,-835,839,-820,839,-822,839,-824,-810,839,-826,839,-853,-854,839,839,-813,839,-648,-904,-906,-650,-651,-647,839,-707,-708,839,-644,-905,-649,-652,-605,-716,839,839,-607,-588,839,839,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,839,839,-711,-712,839,-718,839,839,839,839,839,839,-940,839,-441,-443,-749,839,-893,839,-717,-1896,839,839,839,839,839,-444,-514,-525,839,-730,-735,839,-737,839,-742,839,-664,-670,839,-680,-682,-684,-685,-692,-695,-699,-747,839,839,-876,839,839,-880,839,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,839,-814,839,-816,-803,839,-804,-807,839,-818,-821,-823,-825,-827,839,-828,839,-811,839,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,839,-284,839,839,839,839,-457,839,839,-731,839,-738,839,-743,839,-665,-673,839,839,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,839,-838,-53,839,839,-732,839,-739,839,-744,-666,839,-875,-54,839,839,-733,-740,-745,839,839,839,-874,]),'UNCOMPRESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[840,840,840,1143,-1896,840,840,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,840,840,840,840,-277,-278,1143,-1427,1143,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1143,1143,1143,-492,1143,1143,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1143,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1143,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1971,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,840,-174,-175,-176,-177,-995,840,840,840,840,840,840,840,840,840,840,1143,1143,1143,1143,1143,-292,-293,-283,840,1143,1143,1143,1143,-330,-320,-334,-335,-336,1143,1143,-984,-985,-986,-987,-988,-989,-990,840,840,1143,1143,1143,1143,1143,1143,1143,1143,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1143,1143,1143,-355,-358,840,-325,-326,-143,1143,-144,1143,-145,1143,-432,-937,-938,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1896,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1896,1143,-1896,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1896,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1896,840,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1143,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1143,840,840,-193,-194,840,-996,1143,840,840,840,840,-279,-280,-281,-282,-367,1143,-310,1143,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1143,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1143,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1143,1143,1143,1143,1143,1143,-575,1143,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1143,1143,-725,-726,-727,1143,1971,840,840,840,840,-996,840,1143,-93,-94,840,840,840,1143,-311,-312,-322,1143,-309,-295,-296,-297,1143,840,1143,1143,-620,-635,-592,1143,840,-438,840,-439,1143,-446,-447,-448,-380,-381,1143,1143,1143,-508,1143,1143,-512,1143,1143,1143,1143,-517,-518,-519,-520,1143,1143,-523,-524,1143,-526,-527,-528,-529,-530,-531,-532,-533,1143,-535,1143,1143,1143,-541,-543,-544,1143,-546,-547,-548,-549,1143,1143,1143,1143,1143,1143,-654,-655,-656,-657,840,-659,-660,-661,1143,1143,1143,-667,1143,1143,-671,-672,1143,1143,-675,1143,-677,-678,1143,-681,1143,-683,1143,1143,-686,-687,-688,1143,-690,1143,1143,-693,1143,1143,-696,-697,-698,1143,-700,-701,-702,-703,1143,1143,-748,1143,-751,-752,-753,-754,-755,1143,-757,-758,-759,-760,-761,1143,-768,-769,-771,1143,-773,-774,-775,-784,-858,-860,-862,-864,1143,1143,1143,1143,-870,1143,-872,1143,1143,1143,1143,1143,1143,1143,-908,-909,1143,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1143,-923,-926,1143,-936,1143,-387,-388,-389,1143,1143,-392,-393,-394,-395,1143,-398,1143,-401,-402,1143,-403,1143,-408,-409,1143,-412,-413,-414,1143,-417,1143,-418,1143,-423,-424,1143,-427,1143,-430,-431,-1896,-1896,1143,-621,-622,-623,-624,-625,-636,-586,-626,-799,1143,1143,1143,1143,1143,-833,1143,1143,-808,1143,-834,1143,1143,1143,1143,-800,1143,-855,-801,1143,1143,1143,1143,1143,1143,-856,-857,1143,-836,-832,-837,1143,-627,1143,-628,-629,-630,-631,-576,1143,1143,-632,-633,-634,1143,1143,1143,1143,1143,1143,-637,-638,-639,-594,-1896,-604,1143,-640,-641,-715,-642,-606,1143,-574,-579,-582,-585,1143,1143,1143,-600,-603,1143,-610,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1143,840,840,-997,840,1143,840,840,840,1143,-308,-327,-321,-298,-377,-454,-455,-456,-460,840,-445,1143,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1143,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,840,840,840,840,840,840,840,840,1143,-318,-537,-510,-593,-939,-941,-942,-440,1143,-442,-382,-383,-385,-509,-511,-513,1143,-515,-516,-521,-522,1143,-534,-536,-539,-540,-545,-550,-728,1143,-729,1143,-734,1143,-736,1143,-741,-658,-662,-663,1143,-668,1143,-669,1143,-674,-676,1143,-679,1143,1143,1143,-689,-691,1143,-694,1143,1143,-746,1143,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1143,1143,1143,1143,1143,-879,1143,-882,-910,-922,-927,-390,-391,1143,-396,1143,-399,1143,-404,1143,-405,1143,-410,1143,-415,1143,-419,1143,-420,1143,-425,1143,-428,-901,-902,-645,-587,-1896,-903,1143,1143,1143,-802,1143,1143,-806,1143,-809,-835,1143,-820,1143,-822,1143,-824,-810,1143,-826,1143,-853,-854,1143,1143,-813,1143,-648,-904,-906,-650,-651,-647,1143,-707,-708,1143,-644,-905,-649,-652,-605,-716,1143,1143,-607,-588,1143,1143,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1143,1143,-711,-712,1143,-718,1143,840,840,840,1143,1143,-940,840,-441,-443,-749,1143,-893,1971,-717,-1896,1143,1143,840,840,1143,-444,-514,-525,1143,-730,-735,1143,-737,1143,-742,1143,-664,-670,1143,-680,-682,-684,-685,-692,-695,-699,-747,1143,1143,-876,1143,1143,-880,1143,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1143,-814,1143,-816,-803,1143,-804,-807,1143,-818,-821,-823,-825,-827,1143,-828,1143,-811,1143,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,840,-284,840,1143,840,1143,-457,1143,1143,-731,1143,-738,1143,-743,1143,-665,-673,1143,1143,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1143,-838,-53,840,1143,-732,1143,-739,1143,-744,-666,1143,-875,-54,840,840,-733,-740,-745,1143,840,1143,-874,]),'UNCOMPRESSED_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[841,841,841,1144,-1896,841,841,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,841,841,841,841,-277,-278,1144,-1427,1144,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1144,1144,1144,-492,1144,1144,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1144,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1144,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1972,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,841,-174,-175,-176,-177,-995,841,841,841,841,841,841,841,841,841,841,1144,1144,1144,1144,1144,-292,-293,-283,841,1144,1144,1144,1144,-330,-320,-334,-335,-336,1144,1144,-984,-985,-986,-987,-988,-989,-990,841,841,1144,1144,1144,1144,1144,1144,1144,1144,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1144,1144,1144,-355,-358,841,-325,-326,-143,1144,-144,1144,-145,1144,-432,-937,-938,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1896,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1896,1144,-1896,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1896,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1896,841,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1144,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1144,841,841,-193,-194,841,-996,1144,841,841,841,841,-279,-280,-281,-282,-367,1144,-310,1144,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1144,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1144,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1144,1144,1144,1144,1144,1144,-575,1144,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1144,1144,-725,-726,-727,1144,1972,841,841,841,841,-996,841,1144,-93,-94,841,841,841,1144,-311,-312,-322,1144,-309,-295,-296,-297,1144,841,1144,1144,-620,-635,-592,1144,841,-438,841,-439,1144,-446,-447,-448,-380,-381,1144,1144,1144,-508,1144,1144,-512,1144,1144,1144,1144,-517,-518,-519,-520,1144,1144,-523,-524,1144,-526,-527,-528,-529,-530,-531,-532,-533,1144,-535,1144,1144,1144,-541,-543,-544,1144,-546,-547,-548,-549,1144,1144,1144,1144,1144,1144,-654,-655,-656,-657,841,-659,-660,-661,1144,1144,1144,-667,1144,1144,-671,-672,1144,1144,-675,1144,-677,-678,1144,-681,1144,-683,1144,1144,-686,-687,-688,1144,-690,1144,1144,-693,1144,1144,-696,-697,-698,1144,-700,-701,-702,-703,1144,1144,-748,1144,-751,-752,-753,-754,-755,1144,-757,-758,-759,-760,-761,1144,-768,-769,-771,1144,-773,-774,-775,-784,-858,-860,-862,-864,1144,1144,1144,1144,-870,1144,-872,1144,1144,1144,1144,1144,1144,1144,-908,-909,1144,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1144,-923,-926,1144,-936,1144,-387,-388,-389,1144,1144,-392,-393,-394,-395,1144,-398,1144,-401,-402,1144,-403,1144,-408,-409,1144,-412,-413,-414,1144,-417,1144,-418,1144,-423,-424,1144,-427,1144,-430,-431,-1896,-1896,1144,-621,-622,-623,-624,-625,-636,-586,-626,-799,1144,1144,1144,1144,1144,-833,1144,1144,-808,1144,-834,1144,1144,1144,1144,-800,1144,-855,-801,1144,1144,1144,1144,1144,1144,-856,-857,1144,-836,-832,-837,1144,-627,1144,-628,-629,-630,-631,-576,1144,1144,-632,-633,-634,1144,1144,1144,1144,1144,1144,-637,-638,-639,-594,-1896,-604,1144,-640,-641,-715,-642,-606,1144,-574,-579,-582,-585,1144,1144,1144,-600,-603,1144,-610,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1144,841,841,-997,841,1144,841,841,841,1144,-308,-327,-321,-298,-377,-454,-455,-456,-460,841,-445,1144,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1144,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,841,841,841,841,841,841,841,841,1144,-318,-537,-510,-593,-939,-941,-942,-440,1144,-442,-382,-383,-385,-509,-511,-513,1144,-515,-516,-521,-522,1144,-534,-536,-539,-540,-545,-550,-728,1144,-729,1144,-734,1144,-736,1144,-741,-658,-662,-663,1144,-668,1144,-669,1144,-674,-676,1144,-679,1144,1144,1144,-689,-691,1144,-694,1144,1144,-746,1144,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1144,1144,1144,1144,1144,-879,1144,-882,-910,-922,-927,-390,-391,1144,-396,1144,-399,1144,-404,1144,-405,1144,-410,1144,-415,1144,-419,1144,-420,1144,-425,1144,-428,-901,-902,-645,-587,-1896,-903,1144,1144,1144,-802,1144,1144,-806,1144,-809,-835,1144,-820,1144,-822,1144,-824,-810,1144,-826,1144,-853,-854,1144,1144,-813,1144,-648,-904,-906,-650,-651,-647,1144,-707,-708,1144,-644,-905,-649,-652,-605,-716,1144,1144,-607,-588,1144,1144,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1144,1144,-711,-712,1144,-718,1144,841,841,841,1144,1144,-940,841,-441,-443,-749,1144,-893,1972,-717,-1896,1144,1144,841,841,1144,-444,-514,-525,1144,-730,-735,1144,-737,1144,-742,1144,-664,-670,1144,-680,-682,-684,-685,-692,-695,-699,-747,1144,1144,-876,1144,1144,-880,1144,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1144,-814,1144,-816,-803,1144,-804,-807,1144,-818,-821,-823,-825,-827,1144,-828,1144,-811,1144,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,841,-284,841,1144,841,1144,-457,1144,1144,-731,1144,-738,1144,-743,1144,-665,-673,1144,1144,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1144,-838,-53,841,1144,-732,1144,-739,1144,-744,-666,1144,-875,-54,841,841,-733,-740,-745,1144,841,1144,-874,]),'UNDEFINED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[842,842,842,842,-1896,842,842,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,842,842,842,842,-277,-278,842,-1427,842,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,842,842,842,-492,842,842,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,842,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,842,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,842,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,842,-174,-175,-176,-177,-995,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-292,-293,-283,842,842,842,842,842,-330,-320,-334,-335,-336,842,842,-984,-985,-986,-987,-988,-989,-990,842,842,842,842,842,842,842,842,842,842,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,842,842,842,-355,-358,842,-325,-326,-143,842,-144,842,-145,842,-432,-937,-938,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-1896,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-1896,842,-1896,842,842,842,842,842,842,842,842,842,842,842,842,-1896,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-1896,842,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,842,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,842,842,842,-193,-194,842,-996,842,842,842,842,842,-279,-280,-281,-282,-367,842,-310,842,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,842,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,842,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,842,842,842,842,842,842,-575,842,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,842,842,-725,-726,-727,842,842,842,842,842,842,-996,842,842,-93,-94,842,842,842,842,-311,-312,-322,842,-309,-295,-296,-297,842,842,842,842,-620,-635,-592,842,842,-438,842,-439,842,-446,-447,-448,-380,-381,842,842,842,-508,842,842,-512,842,842,842,842,-517,-518,-519,-520,842,842,-523,-524,842,-526,-527,-528,-529,-530,-531,-532,-533,842,-535,842,842,842,-541,-543,-544,842,-546,-547,-548,-549,842,842,842,842,842,842,-654,-655,-656,-657,842,-659,-660,-661,842,842,842,-667,842,842,-671,-672,842,842,-675,842,-677,-678,842,-681,842,-683,842,842,-686,-687,-688,842,-690,842,842,-693,842,842,-696,-697,-698,842,-700,-701,-702,-703,842,842,-748,842,-751,-752,-753,-754,-755,842,-757,-758,-759,-760,-761,842,-768,-769,-771,842,-773,-774,-775,-784,-858,-860,-862,-864,842,842,842,842,-870,842,-872,842,842,842,842,842,842,842,-908,-909,842,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,842,-923,-926,842,-936,842,-387,-388,-389,842,842,-392,-393,-394,-395,842,-398,842,-401,-402,842,-403,842,-408,-409,842,-412,-413,-414,842,-417,842,-418,842,-423,-424,842,-427,842,-430,-431,-1896,-1896,842,-621,-622,-623,-624,-625,-636,-586,-626,-799,842,842,842,842,842,-833,842,842,-808,842,-834,842,842,842,842,-800,842,-855,-801,842,842,842,842,842,842,-856,-857,842,-836,-832,-837,842,-627,842,-628,-629,-630,-631,-576,842,842,-632,-633,-634,842,842,842,842,842,842,-637,-638,-639,-594,-1896,-604,842,-640,-641,-715,-642,-606,842,-574,-579,-582,-585,842,842,842,-600,-603,842,-610,842,842,842,842,842,842,842,842,842,842,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,842,842,842,-997,842,842,842,842,842,842,-308,-327,-321,-298,-377,-454,-455,-456,-460,842,-445,842,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,842,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,842,842,842,842,842,842,842,842,842,-318,-537,-510,-593,-939,-941,-942,-440,842,-442,-382,-383,-385,-509,-511,-513,842,-515,-516,-521,-522,842,-534,-536,-539,-540,-545,-550,-728,842,-729,842,-734,842,-736,842,-741,-658,-662,-663,842,-668,842,-669,842,-674,-676,842,-679,842,842,842,-689,-691,842,-694,842,842,-746,842,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,842,842,842,842,842,-879,842,-882,-910,-922,-927,-390,-391,842,-396,842,-399,842,-404,842,-405,842,-410,842,-415,842,-419,842,-420,842,-425,842,-428,-901,-902,-645,-587,-1896,-903,842,842,842,-802,842,842,-806,842,-809,-835,842,-820,842,-822,842,-824,-810,842,-826,842,-853,-854,842,842,-813,842,-648,-904,-906,-650,-651,-647,842,-707,-708,842,-644,-905,-649,-652,-605,-716,842,842,-607,-588,842,842,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,842,842,-711,-712,842,-718,842,842,842,842,842,842,-940,842,-441,-443,-749,842,-893,842,-717,-1896,842,842,842,842,842,-444,-514,-525,842,-730,-735,842,-737,842,-742,842,-664,-670,842,-680,-682,-684,-685,-692,-695,-699,-747,842,842,-876,842,842,-880,842,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,842,-814,842,-816,-803,842,-804,-807,842,-818,-821,-823,-825,-827,842,-828,842,-811,842,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,842,-284,842,842,842,842,-457,842,842,-731,842,-738,842,-743,842,-665,-673,842,842,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,842,-838,-53,842,842,-732,842,-739,842,-744,-666,842,-875,-54,842,842,-733,-740,-745,842,842,842,-874,]),'UNDO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[843,843,843,843,-1896,843,843,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,843,843,843,843,-277,-278,843,-1427,843,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,843,843,843,-492,843,843,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,843,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,843,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,843,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,843,-174,-175,-176,-177,-995,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-292,-293,-283,843,843,843,843,843,-330,-320,-334,-335,-336,843,843,-984,-985,-986,-987,-988,-989,-990,843,843,843,843,843,843,843,843,843,843,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,843,843,843,-355,-358,843,-325,-326,-143,843,-144,843,-145,843,-432,-937,-938,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-1896,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-1896,843,-1896,843,843,843,843,843,843,843,843,843,843,843,843,-1896,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-1896,843,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,843,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,843,843,843,-193,-194,843,-996,843,843,843,843,843,-279,-280,-281,-282,-367,843,-310,843,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,843,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,843,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,843,843,843,843,843,843,-575,843,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,843,843,-725,-726,-727,843,843,843,843,843,843,-996,843,843,-93,-94,843,843,843,843,-311,-312,-322,843,-309,-295,-296,-297,843,843,843,843,-620,-635,-592,843,843,-438,843,-439,843,-446,-447,-448,-380,-381,843,843,843,-508,843,843,-512,843,843,843,843,-517,-518,-519,-520,843,843,-523,-524,843,-526,-527,-528,-529,-530,-531,-532,-533,843,-535,843,843,843,-541,-543,-544,843,-546,-547,-548,-549,843,843,843,843,843,843,-654,-655,-656,-657,843,-659,-660,-661,843,843,843,-667,843,843,-671,-672,843,843,-675,843,-677,-678,843,-681,843,-683,843,843,-686,-687,-688,843,-690,843,843,-693,843,843,-696,-697,-698,843,-700,-701,-702,-703,843,843,-748,843,-751,-752,-753,-754,-755,843,-757,-758,-759,-760,-761,843,-768,-769,-771,843,-773,-774,-775,-784,-858,-860,-862,-864,843,843,843,843,-870,843,-872,843,843,843,843,843,843,843,-908,-909,843,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,843,-923,-926,843,-936,843,-387,-388,-389,843,843,-392,-393,-394,-395,843,-398,843,-401,-402,843,-403,843,-408,-409,843,-412,-413,-414,843,-417,843,-418,843,-423,-424,843,-427,843,-430,-431,-1896,-1896,843,-621,-622,-623,-624,-625,-636,-586,-626,-799,843,843,843,843,843,-833,843,843,-808,843,-834,843,843,843,843,-800,843,-855,-801,843,843,843,843,843,843,-856,-857,843,-836,-832,-837,843,-627,843,-628,-629,-630,-631,-576,843,843,-632,-633,-634,843,843,843,843,843,843,-637,-638,-639,-594,-1896,-604,843,-640,-641,-715,-642,-606,843,-574,-579,-582,-585,843,843,843,-600,-603,843,-610,843,843,843,843,843,843,843,843,843,843,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,843,843,843,-997,843,843,843,843,843,843,-308,-327,-321,-298,-377,-454,-455,-456,-460,843,-445,843,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,843,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,843,843,843,843,843,843,843,843,843,-318,-537,-510,-593,-939,-941,-942,-440,843,-442,-382,-383,-385,-509,-511,-513,843,-515,-516,-521,-522,843,-534,-536,-539,-540,-545,-550,-728,843,-729,843,-734,843,-736,843,-741,-658,-662,-663,843,-668,843,-669,843,-674,-676,843,-679,843,843,843,-689,-691,843,-694,843,843,-746,843,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,843,843,843,843,843,-879,843,-882,-910,-922,-927,-390,-391,843,-396,843,-399,843,-404,843,-405,843,-410,843,-415,843,-419,843,-420,843,-425,843,-428,-901,-902,-645,-587,-1896,-903,843,843,843,-802,843,843,-806,843,-809,-835,843,-820,843,-822,843,-824,-810,843,-826,843,-853,-854,843,843,-813,843,-648,-904,-906,-650,-651,-647,843,-707,-708,843,-644,-905,-649,-652,-605,-716,843,843,-607,-588,843,843,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,843,843,-711,-712,843,-718,843,843,843,843,843,843,-940,843,-441,-443,-749,843,-893,843,-717,-1896,843,843,843,843,843,-444,-514,-525,843,-730,-735,843,-737,843,-742,843,-664,-670,843,-680,-682,-684,-685,-692,-695,-699,-747,843,843,-876,843,843,-880,843,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,843,-814,843,-816,-803,843,-804,-807,843,-818,-821,-823,-825,-827,843,-828,843,-811,843,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,843,-284,843,843,843,843,-457,843,843,-731,843,-738,843,-743,843,-665,-673,843,843,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,843,-838,-53,843,843,-732,843,-739,843,-744,-666,843,-875,-54,843,843,-733,-740,-745,843,843,843,-874,]),'UNDOFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[844,844,844,844,-1896,844,844,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,844,844,844,844,-277,-278,844,-1427,844,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,844,844,844,-492,844,844,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,844,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,844,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,844,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,844,-174,-175,-176,-177,-995,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-292,-293,-283,844,844,844,844,844,-330,-320,-334,-335,-336,844,844,-984,-985,-986,-987,-988,-989,-990,844,844,844,844,844,844,844,844,844,844,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,844,844,844,-355,-358,844,-325,-326,-143,844,-144,844,-145,844,-432,-937,-938,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-1896,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-1896,844,-1896,844,844,844,844,844,844,844,844,844,844,844,844,-1896,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-1896,844,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,844,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,844,844,844,-193,-194,844,-996,844,844,844,844,844,-279,-280,-281,-282,-367,844,-310,844,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,844,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,844,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,844,844,844,844,844,844,-575,844,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,844,844,-725,-726,-727,844,844,844,844,844,844,-996,844,844,-93,-94,844,844,844,844,-311,-312,-322,844,-309,-295,-296,-297,844,844,844,844,-620,-635,-592,844,844,-438,844,-439,844,-446,-447,-448,-380,-381,844,844,844,-508,844,844,-512,844,844,844,844,-517,-518,-519,-520,844,844,-523,-524,844,-526,-527,-528,-529,-530,-531,-532,-533,844,-535,844,844,844,-541,-543,-544,844,-546,-547,-548,-549,844,844,844,844,844,844,-654,-655,-656,-657,844,-659,-660,-661,844,844,844,-667,844,844,-671,-672,844,844,-675,844,-677,-678,844,-681,844,-683,844,844,-686,-687,-688,844,-690,844,844,-693,844,844,-696,-697,-698,844,-700,-701,-702,-703,844,844,-748,844,-751,-752,-753,-754,-755,844,-757,-758,-759,-760,-761,844,-768,-769,-771,844,-773,-774,-775,-784,-858,-860,-862,-864,844,844,844,844,-870,844,-872,844,844,844,844,844,844,844,-908,-909,844,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,844,-923,-926,844,-936,844,-387,-388,-389,844,844,-392,-393,-394,-395,844,-398,844,-401,-402,844,-403,844,-408,-409,844,-412,-413,-414,844,-417,844,-418,844,-423,-424,844,-427,844,-430,-431,-1896,-1896,844,-621,-622,-623,-624,-625,-636,-586,-626,-799,844,844,844,844,844,-833,844,844,-808,844,-834,844,844,844,844,-800,844,-855,-801,844,844,844,844,844,844,-856,-857,844,-836,-832,-837,844,-627,844,-628,-629,-630,-631,-576,844,844,-632,-633,-634,844,844,844,844,844,844,-637,-638,-639,-594,-1896,-604,844,-640,-641,-715,-642,-606,844,-574,-579,-582,-585,844,844,844,-600,-603,844,-610,844,844,844,844,844,844,844,844,844,844,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,844,844,844,-997,844,844,844,844,844,844,-308,-327,-321,-298,-377,-454,-455,-456,-460,844,-445,844,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,844,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,844,844,844,844,844,844,844,844,844,-318,-537,-510,-593,-939,-941,-942,-440,844,-442,-382,-383,-385,-509,-511,-513,844,-515,-516,-521,-522,844,-534,-536,-539,-540,-545,-550,-728,844,-729,844,-734,844,-736,844,-741,-658,-662,-663,844,-668,844,-669,844,-674,-676,844,-679,844,844,844,-689,-691,844,-694,844,844,-746,844,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,844,844,844,844,844,-879,844,-882,-910,-922,-927,-390,-391,844,-396,844,-399,844,-404,844,-405,844,-410,844,-415,844,-419,844,-420,844,-425,844,-428,-901,-902,-645,-587,-1896,-903,844,844,844,-802,844,844,-806,844,-809,-835,844,-820,844,-822,844,-824,-810,844,-826,844,-853,-854,844,844,-813,844,-648,-904,-906,-650,-651,-647,844,-707,-708,844,-644,-905,-649,-652,-605,-716,844,844,-607,-588,844,844,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,844,844,-711,-712,844,-718,844,844,844,844,844,844,-940,844,-441,-443,-749,844,-893,844,-717,-1896,844,844,844,844,844,-444,-514,-525,844,-730,-735,844,-737,844,-742,844,-664,-670,844,-680,-682,-684,-685,-692,-695,-699,-747,844,844,-876,844,844,-880,844,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,844,-814,844,-816,-803,844,-804,-807,844,-818,-821,-823,-825,-827,844,-828,844,-811,844,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,844,-284,844,844,844,844,-457,844,844,-731,844,-738,844,-743,844,-665,-673,844,844,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,844,-838,-53,844,844,-732,844,-739,844,-744,-666,844,-875,-54,844,844,-733,-740,-745,844,844,844,-874,]),'UNDO_BUFFER_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[845,845,845,845,-1896,845,845,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,845,845,845,845,-277,-278,845,-1427,845,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,845,845,845,-492,845,845,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,845,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,845,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,845,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,845,-174,-175,-176,-177,-995,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-292,-293,-283,845,845,845,845,845,-330,-320,-334,-335,-336,845,845,-984,-985,-986,-987,-988,-989,-990,845,845,845,845,845,845,845,845,845,845,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,845,845,845,-355,-358,845,-325,-326,-143,845,-144,845,-145,845,-432,-937,-938,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-1896,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-1896,845,-1896,845,845,845,845,845,845,845,845,845,845,845,845,-1896,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-1896,845,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,845,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,845,845,845,-193,-194,845,-996,845,845,845,845,845,-279,-280,-281,-282,-367,845,-310,845,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,845,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,845,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,845,845,845,845,845,845,-575,845,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,845,845,-725,-726,-727,845,845,845,845,845,845,-996,845,845,-93,-94,845,845,845,845,-311,-312,-322,845,-309,-295,-296,-297,845,845,845,845,-620,-635,-592,845,845,-438,845,-439,845,-446,-447,-448,-380,-381,845,845,845,-508,845,845,-512,845,845,845,845,-517,-518,-519,-520,845,845,-523,-524,845,-526,-527,-528,-529,-530,-531,-532,-533,845,-535,845,845,845,-541,-543,-544,845,-546,-547,-548,-549,845,845,845,845,845,845,-654,-655,-656,-657,845,-659,-660,-661,845,845,845,-667,845,845,-671,-672,845,845,-675,845,-677,-678,845,-681,845,-683,845,845,-686,-687,-688,845,-690,845,845,-693,845,845,-696,-697,-698,845,-700,-701,-702,-703,845,845,-748,845,-751,-752,-753,-754,-755,845,-757,-758,-759,-760,-761,845,-768,-769,-771,845,-773,-774,-775,-784,-858,-860,-862,-864,845,845,845,845,-870,845,-872,845,845,845,845,845,845,845,-908,-909,845,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,845,-923,-926,845,-936,845,-387,-388,-389,845,845,-392,-393,-394,-395,845,-398,845,-401,-402,845,-403,845,-408,-409,845,-412,-413,-414,845,-417,845,-418,845,-423,-424,845,-427,845,-430,-431,-1896,-1896,845,-621,-622,-623,-624,-625,-636,-586,-626,-799,845,845,845,845,845,-833,845,845,-808,845,-834,845,845,845,845,-800,845,-855,-801,845,845,845,845,845,845,-856,-857,845,-836,-832,-837,845,-627,845,-628,-629,-630,-631,-576,845,845,-632,-633,-634,845,845,845,845,845,845,-637,-638,-639,-594,-1896,-604,845,-640,-641,-715,-642,-606,845,-574,-579,-582,-585,845,845,845,-600,-603,845,-610,845,845,845,845,845,845,845,845,845,845,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,845,845,845,-997,845,845,845,845,845,845,-308,-327,-321,-298,-377,-454,-455,-456,-460,845,-445,845,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,845,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,845,845,845,845,845,845,845,845,845,-318,-537,-510,-593,-939,-941,-942,-440,845,-442,-382,-383,-385,-509,-511,-513,845,-515,-516,-521,-522,845,-534,-536,-539,-540,-545,-550,-728,845,-729,845,-734,845,-736,845,-741,-658,-662,-663,845,-668,845,-669,845,-674,-676,845,-679,845,845,845,-689,-691,845,-694,845,845,-746,845,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,845,845,845,845,845,-879,845,-882,-910,-922,-927,-390,-391,845,-396,845,-399,845,-404,845,-405,845,-410,845,-415,845,-419,845,-420,845,-425,845,-428,-901,-902,-645,-587,-1896,-903,845,845,845,-802,845,845,-806,845,-809,-835,845,-820,845,-822,845,-824,-810,845,-826,845,-853,-854,845,845,-813,845,-648,-904,-906,-650,-651,-647,845,-707,-708,845,-644,-905,-649,-652,-605,-716,845,845,-607,-588,845,845,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,845,845,-711,-712,845,-718,845,845,845,845,845,845,-940,845,-441,-443,-749,845,-893,845,-717,-1896,845,845,845,845,845,-444,-514,-525,845,-730,-735,845,-737,845,-742,845,-664,-670,845,-680,-682,-684,-685,-692,-695,-699,-747,845,845,-876,845,845,-880,845,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,845,-814,845,-816,-803,845,-804,-807,845,-818,-821,-823,-825,-827,845,-828,845,-811,845,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,845,-284,845,845,845,845,-457,845,845,-731,845,-738,845,-743,845,-665,-673,845,845,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,845,-838,-53,845,845,-732,845,-739,845,-744,-666,845,-875,-54,845,845,-733,-740,-745,845,845,845,-874,]),'UNHEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[846,846,846,1125,-1896,846,846,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,846,846,846,846,-277,-278,1125,-1427,1125,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1125,1125,1125,-492,1125,1125,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1125,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1125,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1973,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,846,-174,-175,-176,-177,-995,846,846,846,846,846,846,846,846,846,846,1125,1125,1125,1125,1125,-292,-293,-283,846,1125,1125,1125,1125,-330,-320,-334,-335,-336,1125,1125,-984,-985,-986,-987,-988,-989,-990,846,846,1125,1125,1125,1125,1125,1125,1125,1125,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1125,1125,1125,-355,-358,846,-325,-326,-143,1125,-144,1125,-145,1125,-432,-937,-938,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1896,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1896,1125,-1896,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1896,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1896,846,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1125,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1125,846,846,-193,-194,846,-996,1125,846,846,846,846,-279,-280,-281,-282,-367,1125,-310,1125,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1125,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1125,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1125,1125,1125,1125,1125,1125,-575,1125,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1125,1125,-725,-726,-727,1125,1973,846,846,846,846,-996,846,1125,-93,-94,846,846,846,1125,-311,-312,-322,1125,-309,-295,-296,-297,1125,846,1125,1125,-620,-635,-592,1125,846,-438,846,-439,1125,-446,-447,-448,-380,-381,1125,1125,1125,-508,1125,1125,-512,1125,1125,1125,1125,-517,-518,-519,-520,1125,1125,-523,-524,1125,-526,-527,-528,-529,-530,-531,-532,-533,1125,-535,1125,1125,1125,-541,-543,-544,1125,-546,-547,-548,-549,1125,1125,1125,1125,1125,1125,-654,-655,-656,-657,846,-659,-660,-661,1125,1125,1125,-667,1125,1125,-671,-672,1125,1125,-675,1125,-677,-678,1125,-681,1125,-683,1125,1125,-686,-687,-688,1125,-690,1125,1125,-693,1125,1125,-696,-697,-698,1125,-700,-701,-702,-703,1125,1125,-748,1125,-751,-752,-753,-754,-755,1125,-757,-758,-759,-760,-761,1125,-768,-769,-771,1125,-773,-774,-775,-784,-858,-860,-862,-864,1125,1125,1125,1125,-870,1125,-872,1125,1125,1125,1125,1125,1125,1125,-908,-909,1125,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1125,-923,-926,1125,-936,1125,-387,-388,-389,1125,1125,-392,-393,-394,-395,1125,-398,1125,-401,-402,1125,-403,1125,-408,-409,1125,-412,-413,-414,1125,-417,1125,-418,1125,-423,-424,1125,-427,1125,-430,-431,-1896,-1896,1125,-621,-622,-623,-624,-625,-636,-586,-626,-799,1125,1125,1125,1125,1125,-833,1125,1125,-808,1125,-834,1125,1125,1125,1125,-800,1125,-855,-801,1125,1125,1125,1125,1125,1125,-856,-857,1125,-836,-832,-837,1125,-627,1125,-628,-629,-630,-631,-576,1125,1125,-632,-633,-634,1125,1125,1125,1125,1125,1125,-637,-638,-639,-594,-1896,-604,1125,-640,-641,-715,-642,-606,1125,-574,-579,-582,-585,1125,1125,1125,-600,-603,1125,-610,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1125,846,846,-997,846,1125,846,846,846,1125,-308,-327,-321,-298,-377,-454,-455,-456,-460,846,-445,1125,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1125,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,846,846,846,846,846,846,846,846,1125,-318,-537,-510,-593,-939,-941,-942,-440,1125,-442,-382,-383,-385,-509,-511,-513,1125,-515,-516,-521,-522,1125,-534,-536,-539,-540,-545,-550,-728,1125,-729,1125,-734,1125,-736,1125,-741,-658,-662,-663,1125,-668,1125,-669,1125,-674,-676,1125,-679,1125,1125,1125,-689,-691,1125,-694,1125,1125,-746,1125,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1125,1125,1125,1125,1125,-879,1125,-882,-910,-922,-927,-390,-391,1125,-396,1125,-399,1125,-404,1125,-405,1125,-410,1125,-415,1125,-419,1125,-420,1125,-425,1125,-428,-901,-902,-645,-587,-1896,-903,1125,1125,1125,-802,1125,1125,-806,1125,-809,-835,1125,-820,1125,-822,1125,-824,-810,1125,-826,1125,-853,-854,1125,1125,-813,1125,-648,-904,-906,-650,-651,-647,1125,-707,-708,1125,-644,-905,-649,-652,-605,-716,1125,1125,-607,-588,1125,1125,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1125,1125,-711,-712,1125,-718,1125,846,846,846,1125,1125,-940,846,-441,-443,-749,1125,-893,1973,-717,-1896,1125,1125,846,846,1125,-444,-514,-525,1125,-730,-735,1125,-737,1125,-742,1125,-664,-670,1125,-680,-682,-684,-685,-692,-695,-699,-747,1125,1125,-876,1125,1125,-880,1125,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1125,-814,1125,-816,-803,1125,-804,-807,1125,-818,-821,-823,-825,-827,1125,-828,1125,-811,1125,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,846,-284,846,1125,846,1125,-457,1125,1125,-731,1125,-738,1125,-743,1125,-665,-673,1125,1125,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1125,-838,-53,846,1125,-732,1125,-739,1125,-744,-666,1125,-875,-54,846,846,-733,-740,-745,1125,846,1125,-874,]),'UNICODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[847,847,847,847,-1896,847,847,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,847,847,847,847,-277,-278,847,-1427,847,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,847,847,847,-492,847,847,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,847,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,847,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,847,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,847,-174,-175,-176,-177,-995,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-292,-293,-283,847,847,847,847,847,-330,-320,-334,-335,-336,847,847,-984,-985,-986,-987,-988,-989,-990,847,847,847,847,847,847,847,847,847,847,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,847,847,847,-355,-358,847,-325,-326,-143,847,-144,847,-145,847,-432,-937,-938,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-1896,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-1896,847,-1896,847,847,847,847,847,847,847,847,847,847,847,847,-1896,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-1896,847,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,847,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,847,847,847,-193,-194,847,-996,847,847,847,847,847,-279,-280,-281,-282,-367,847,-310,847,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,847,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,847,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,847,847,847,847,847,847,-575,847,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,847,847,-725,-726,-727,847,847,847,847,847,847,-996,847,847,-93,-94,847,847,847,847,-311,-312,-322,847,-309,-295,-296,-297,847,847,847,847,-620,-635,-592,847,847,-438,847,-439,847,-446,-447,-448,-380,-381,847,847,847,-508,847,847,-512,847,847,847,847,-517,-518,-519,-520,847,847,-523,-524,847,-526,-527,-528,-529,-530,-531,-532,-533,847,-535,847,847,847,-541,-543,-544,847,-546,-547,-548,-549,847,847,847,847,847,847,-654,-655,-656,-657,847,-659,-660,-661,847,847,847,-667,847,847,-671,-672,847,847,-675,847,-677,-678,847,-681,847,-683,847,847,-686,-687,-688,847,-690,847,847,-693,847,847,-696,-697,-698,847,-700,-701,-702,-703,847,847,-748,847,-751,-752,-753,-754,-755,847,-757,-758,-759,-760,-761,847,-768,-769,-771,847,-773,-774,-775,-784,-858,-860,-862,-864,847,847,847,847,-870,847,-872,847,847,847,847,847,847,847,-908,-909,847,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,847,-923,-926,847,-936,847,-387,-388,-389,847,847,-392,-393,-394,-395,847,-398,847,-401,-402,847,-403,847,-408,-409,847,-412,-413,-414,847,-417,847,-418,847,-423,-424,847,-427,847,-430,-431,-1896,-1896,847,-621,-622,-623,-624,-625,-636,-586,-626,-799,847,847,847,847,847,-833,847,847,-808,847,-834,847,847,847,847,-800,847,-855,-801,847,847,847,847,847,847,-856,-857,847,-836,-832,-837,847,-627,847,-628,-629,-630,-631,-576,847,847,-632,-633,-634,847,847,847,847,847,847,-637,-638,-639,-594,-1896,-604,847,-640,-641,-715,-642,-606,847,-574,-579,-582,-585,847,847,847,-600,-603,847,-610,847,847,847,847,847,847,847,847,847,847,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,847,847,847,-997,847,847,847,847,847,847,-308,-327,-321,-298,-377,-454,-455,-456,-460,847,-445,847,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,847,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,847,847,847,847,847,847,847,847,847,-318,-537,-510,-593,-939,-941,-942,-440,847,-442,-382,-383,-385,-509,-511,-513,847,-515,-516,-521,-522,847,-534,-536,-539,-540,-545,-550,-728,847,-729,847,-734,847,-736,847,-741,-658,-662,-663,847,-668,847,-669,847,-674,-676,847,-679,847,847,847,-689,-691,847,-694,847,847,-746,847,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,847,847,847,847,847,-879,847,-882,-910,-922,-927,-390,-391,847,-396,847,-399,847,-404,847,-405,847,-410,847,-415,847,-419,847,-420,847,-425,847,-428,-901,-902,-645,-587,-1896,-903,847,847,847,-802,847,847,-806,847,-809,-835,847,-820,847,-822,847,-824,-810,847,-826,847,-853,-854,847,847,-813,847,-648,-904,-906,-650,-651,-647,847,-707,-708,847,-644,-905,-649,-652,-605,-716,847,847,-607,-588,847,847,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,847,847,-711,-712,847,-718,847,847,847,847,847,847,-940,847,-441,-443,-749,847,-893,847,-717,-1896,847,847,847,847,847,-444,-514,-525,847,-730,-735,847,-737,847,-742,847,-664,-670,847,-680,-682,-684,-685,-692,-695,-699,-747,847,847,-876,847,847,-880,847,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,847,-814,847,-816,-803,847,-804,-807,847,-818,-821,-823,-825,-827,847,-828,847,-811,847,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,847,-284,847,847,847,847,-457,847,847,-731,847,-738,847,-743,847,-665,-673,847,847,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,847,-838,-53,847,847,-732,847,-739,847,-744,-666,847,-875,-54,847,847,-733,-740,-745,847,847,847,-874,]),'UNINSTALL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[848,848,848,848,-1896,848,848,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,848,848,848,848,-277,-278,848,-1427,848,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,848,848,848,-492,848,848,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,848,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,848,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,848,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,848,-174,-175,-176,-177,-995,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-292,-293,-283,848,848,848,848,848,-330,-320,-334,-335,-336,848,848,-984,-985,-986,-987,-988,-989,-990,848,848,848,848,848,848,848,848,848,848,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,848,848,848,-355,-358,848,-325,-326,-143,848,-144,848,-145,848,-432,-937,-938,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-1896,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-1896,848,-1896,848,848,848,848,848,848,848,848,848,848,848,848,-1896,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-1896,848,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,848,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,848,848,848,-193,-194,848,-996,848,848,848,848,848,-279,-280,-281,-282,-367,848,-310,848,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,848,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,848,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,848,848,848,848,848,848,-575,848,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,848,848,-725,-726,-727,848,848,848,848,848,848,-996,848,848,-93,-94,848,848,848,848,-311,-312,-322,848,-309,-295,-296,-297,848,848,848,848,-620,-635,-592,848,848,-438,848,-439,848,-446,-447,-448,-380,-381,848,848,848,-508,848,848,-512,848,848,848,848,-517,-518,-519,-520,848,848,-523,-524,848,-526,-527,-528,-529,-530,-531,-532,-533,848,-535,848,848,848,-541,-543,-544,848,-546,-547,-548,-549,848,848,848,848,848,848,-654,-655,-656,-657,848,-659,-660,-661,848,848,848,-667,848,848,-671,-672,848,848,-675,848,-677,-678,848,-681,848,-683,848,848,-686,-687,-688,848,-690,848,848,-693,848,848,-696,-697,-698,848,-700,-701,-702,-703,848,848,-748,848,-751,-752,-753,-754,-755,848,-757,-758,-759,-760,-761,848,-768,-769,-771,848,-773,-774,-775,-784,-858,-860,-862,-864,848,848,848,848,-870,848,-872,848,848,848,848,848,848,848,-908,-909,848,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,848,-923,-926,848,-936,848,-387,-388,-389,848,848,-392,-393,-394,-395,848,-398,848,-401,-402,848,-403,848,-408,-409,848,-412,-413,-414,848,-417,848,-418,848,-423,-424,848,-427,848,-430,-431,-1896,-1896,848,-621,-622,-623,-624,-625,-636,-586,-626,-799,848,848,848,848,848,-833,848,848,-808,848,-834,848,848,848,848,-800,848,-855,-801,848,848,848,848,848,848,-856,-857,848,-836,-832,-837,848,-627,848,-628,-629,-630,-631,-576,848,848,-632,-633,-634,848,848,848,848,848,848,-637,-638,-639,-594,-1896,-604,848,-640,-641,-715,-642,-606,848,-574,-579,-582,-585,848,848,848,-600,-603,848,-610,848,848,848,848,848,848,848,848,848,848,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,848,848,848,-997,848,848,848,848,848,848,-308,-327,-321,-298,-377,-454,-455,-456,-460,848,-445,848,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,848,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,848,848,848,848,848,848,848,848,848,-318,-537,-510,-593,-939,-941,-942,-440,848,-442,-382,-383,-385,-509,-511,-513,848,-515,-516,-521,-522,848,-534,-536,-539,-540,-545,-550,-728,848,-729,848,-734,848,-736,848,-741,-658,-662,-663,848,-668,848,-669,848,-674,-676,848,-679,848,848,848,-689,-691,848,-694,848,848,-746,848,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,848,848,848,848,848,-879,848,-882,-910,-922,-927,-390,-391,848,-396,848,-399,848,-404,848,-405,848,-410,848,-415,848,-419,848,-420,848,-425,848,-428,-901,-902,-645,-587,-1896,-903,848,848,848,-802,848,848,-806,848,-809,-835,848,-820,848,-822,848,-824,-810,848,-826,848,-853,-854,848,848,-813,848,-648,-904,-906,-650,-651,-647,848,-707,-708,848,-644,-905,-649,-652,-605,-716,848,848,-607,-588,848,848,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,848,848,-711,-712,848,-718,848,848,848,848,848,848,-940,848,-441,-443,-749,848,-893,848,-717,-1896,848,848,848,848,848,-444,-514,-525,848,-730,-735,848,-737,848,-742,848,-664,-670,848,-680,-682,-684,-685,-692,-695,-699,-747,848,848,-876,848,848,-880,848,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,848,-814,848,-816,-803,848,-804,-807,848,-818,-821,-823,-825,-827,848,-828,848,-811,848,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,848,-284,848,848,848,848,-457,848,848,-731,848,-738,848,-743,848,-665,-673,848,848,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,848,-838,-53,848,848,-732,848,-739,848,-744,-666,848,-875,-54,848,848,-733,-740,-745,848,848,848,-874,]),'UNIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[849,849,849,849,-1896,849,849,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,849,849,849,849,-277,-278,849,-1427,849,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,849,849,849,-492,849,849,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,849,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,849,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,849,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,849,-174,-175,-176,-177,-995,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-292,-293,-283,849,849,849,849,849,-330,-320,-334,-335,-336,849,849,-984,-985,-986,-987,-988,-989,-990,849,849,849,849,849,849,849,849,849,849,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,849,849,849,-355,-358,849,-325,-326,-143,849,-144,849,-145,849,-432,-937,-938,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-1896,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-1896,849,-1896,849,849,849,849,849,849,849,849,849,849,849,849,-1896,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-1896,849,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,849,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,849,849,849,-193,-194,849,-996,849,849,849,849,849,-279,-280,-281,-282,-367,849,-310,849,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,849,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,849,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,849,849,849,849,849,849,-575,849,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,849,849,-725,-726,-727,849,849,849,849,849,849,-996,849,849,-93,-94,849,849,849,849,-311,-312,-322,849,-309,-295,-296,-297,849,849,849,849,-620,-635,-592,849,849,-438,849,-439,849,-446,-447,-448,-380,-381,849,849,849,-508,849,849,-512,849,849,849,849,-517,-518,-519,-520,849,849,-523,-524,849,-526,-527,-528,-529,-530,-531,-532,-533,849,-535,849,849,849,-541,-543,-544,849,-546,-547,-548,-549,849,849,849,849,849,849,-654,-655,-656,-657,849,-659,-660,-661,849,849,849,-667,849,849,-671,-672,849,849,-675,849,-677,-678,849,-681,849,-683,849,849,-686,-687,-688,849,-690,849,849,-693,849,849,-696,-697,-698,849,-700,-701,-702,-703,849,849,-748,849,-751,-752,-753,-754,-755,849,-757,-758,-759,-760,-761,849,-768,-769,-771,849,-773,-774,-775,-784,-858,-860,-862,-864,849,849,849,849,-870,849,-872,849,849,849,849,849,849,849,-908,-909,849,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,849,-923,-926,849,-936,849,-387,-388,-389,849,849,-392,-393,-394,-395,849,-398,849,-401,-402,849,-403,849,-408,-409,849,-412,-413,-414,849,-417,849,-418,849,-423,-424,849,-427,849,-430,-431,-1896,-1896,849,-621,-622,-623,-624,-625,-636,-586,-626,-799,849,849,849,849,849,-833,849,849,-808,849,-834,849,849,849,849,-800,849,-855,-801,849,849,849,849,849,849,-856,-857,849,-836,-832,-837,849,-627,849,-628,-629,-630,-631,-576,849,849,-632,-633,-634,849,849,849,849,849,849,-637,-638,-639,-594,-1896,-604,849,-640,-641,-715,-642,-606,849,-574,-579,-582,-585,849,849,849,-600,-603,849,-610,849,849,849,849,849,849,849,849,849,849,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,849,849,849,-997,849,849,849,849,849,849,-308,-327,-321,-298,-377,-454,-455,-456,-460,849,-445,849,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,849,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,849,849,849,849,849,849,849,849,849,-318,-537,-510,-593,-939,-941,-942,-440,849,-442,-382,-383,-385,-509,-511,-513,849,-515,-516,-521,-522,849,-534,-536,-539,-540,-545,-550,-728,849,-729,849,-734,849,-736,849,-741,-658,-662,-663,849,-668,849,-669,849,-674,-676,849,-679,849,849,849,-689,-691,849,-694,849,849,-746,849,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,849,849,849,849,849,-879,849,-882,-910,-922,-927,-390,-391,849,-396,849,-399,849,-404,849,-405,849,-410,849,-415,849,-419,849,-420,849,-425,849,-428,-901,-902,-645,-587,-1896,-903,849,849,849,-802,849,849,-806,849,-809,-835,849,-820,849,-822,849,-824,-810,849,-826,849,-853,-854,849,849,-813,849,-648,-904,-906,-650,-651,-647,849,-707,-708,849,-644,-905,-649,-652,-605,-716,849,849,-607,-588,849,849,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,849,849,-711,-712,849,-718,849,849,849,849,849,849,-940,849,-441,-443,-749,849,-893,849,-717,-1896,849,849,849,849,849,-444,-514,-525,849,-730,-735,849,-737,849,-742,849,-664,-670,849,-680,-682,-684,-685,-692,-695,-699,-747,849,849,-876,849,849,-880,849,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,849,-814,849,-816,-803,849,-804,-807,849,-818,-821,-823,-825,-827,849,-828,849,-811,849,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,849,-284,849,849,849,849,-457,849,849,-731,849,-738,849,-743,849,-665,-673,849,849,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,849,-838,-53,849,849,-732,849,-739,849,-744,-666,849,-875,-54,849,849,-733,-740,-745,849,849,849,-874,]),'UNIT_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[850,850,850,850,-1896,850,850,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,850,850,850,850,-277,-278,850,-1427,850,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,850,850,850,-492,850,850,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,850,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,850,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,850,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,850,-174,-175,-176,-177,-995,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-292,-293,-283,850,850,850,850,850,-330,-320,-334,-335,-336,850,850,-984,-985,-986,-987,-988,-989,-990,850,850,850,850,850,850,850,850,850,850,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,850,850,850,-355,-358,850,-325,-326,-143,850,-144,850,-145,850,-432,-937,-938,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-1896,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-1896,850,-1896,850,850,850,850,850,850,850,850,850,850,850,850,-1896,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-1896,850,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,850,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,850,850,850,-193,-194,850,-996,850,850,850,850,850,-279,-280,-281,-282,-367,850,-310,850,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,850,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,850,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,850,850,850,850,850,850,-575,850,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,850,850,-725,-726,-727,850,850,850,850,850,850,-996,850,850,-93,-94,850,850,850,850,-311,-312,-322,850,-309,-295,-296,-297,850,850,850,850,-620,-635,-592,850,850,-438,850,-439,850,-446,-447,-448,-380,-381,850,850,850,-508,850,850,-512,850,850,850,850,-517,-518,-519,-520,850,850,-523,-524,850,-526,-527,-528,-529,-530,-531,-532,-533,850,-535,850,850,850,-541,-543,-544,850,-546,-547,-548,-549,850,850,850,850,850,850,-654,-655,-656,-657,850,-659,-660,-661,850,850,850,-667,850,850,-671,-672,850,850,-675,850,-677,-678,850,-681,850,-683,850,850,-686,-687,-688,850,-690,850,850,-693,850,850,-696,-697,-698,850,-700,-701,-702,-703,850,850,-748,850,-751,-752,-753,-754,-755,850,-757,-758,-759,-760,-761,850,-768,-769,-771,850,-773,-774,-775,-784,-858,-860,-862,-864,850,850,850,850,-870,850,-872,850,850,850,850,850,850,850,-908,-909,850,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,850,-923,-926,850,-936,850,-387,-388,-389,850,850,-392,-393,-394,-395,850,-398,850,-401,-402,850,-403,850,-408,-409,850,-412,-413,-414,850,-417,850,-418,850,-423,-424,850,-427,850,-430,-431,-1896,-1896,850,-621,-622,-623,-624,-625,-636,-586,-626,-799,850,850,850,850,850,-833,850,850,-808,850,-834,850,850,850,850,-800,850,-855,-801,850,850,850,850,850,850,-856,-857,850,-836,-832,-837,850,-627,850,-628,-629,-630,-631,-576,850,850,-632,-633,-634,850,850,850,850,850,850,-637,-638,-639,-594,-1896,-604,850,-640,-641,-715,-642,-606,850,-574,-579,-582,-585,850,850,850,-600,-603,850,-610,850,850,850,850,850,850,850,850,850,850,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,850,850,850,-997,850,850,850,850,850,850,-308,-327,-321,-298,-377,-454,-455,-456,-460,850,-445,850,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,850,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,850,850,850,850,850,850,850,850,850,-318,-537,-510,-593,-939,-941,-942,-440,850,-442,-382,-383,-385,-509,-511,-513,850,-515,-516,-521,-522,850,-534,-536,-539,-540,-545,-550,-728,850,-729,850,-734,850,-736,850,-741,-658,-662,-663,850,-668,850,-669,850,-674,-676,850,-679,850,850,850,-689,-691,850,-694,850,850,-746,850,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,850,850,850,850,850,-879,850,-882,-910,-922,-927,-390,-391,850,-396,850,-399,850,-404,850,-405,850,-410,850,-415,850,-419,850,-420,850,-425,850,-428,-901,-902,-645,-587,-1896,-903,850,850,850,-802,850,850,-806,850,-809,-835,850,-820,850,-822,850,-824,-810,850,-826,850,-853,-854,850,850,-813,850,-648,-904,-906,-650,-651,-647,850,-707,-708,850,-644,-905,-649,-652,-605,-716,850,850,-607,-588,850,850,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,850,850,-711,-712,850,-718,850,850,850,850,850,850,-940,850,-441,-443,-749,850,-893,850,-717,-1896,850,850,850,850,850,-444,-514,-525,850,-730,-735,850,-737,850,-742,850,-664,-670,850,-680,-682,-684,-685,-692,-695,-699,-747,850,850,-876,850,850,-880,850,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,850,-814,850,-816,-803,850,-804,-807,850,-818,-821,-823,-825,-827,850,-828,850,-811,850,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,850,-284,850,850,850,850,-457,850,850,-731,850,-738,850,-743,850,-665,-673,850,850,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,850,-838,-53,850,850,-732,850,-739,850,-744,-666,850,-875,-54,850,850,-733,-740,-745,850,850,850,-874,]),'UNIX_TIMESTAMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[851,851,851,1308,-1896,851,851,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,851,851,851,851,-277,-278,1308,-1427,1308,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1308,1308,1308,-492,1308,1308,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1308,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1308,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1308,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,851,-174,-175,-176,-177,-995,851,851,851,851,851,851,851,851,851,851,1308,1308,1308,1308,1308,-292,-293,-283,851,1308,1308,1308,1308,-330,-320,-334,-335,-336,1308,1308,-984,-985,-986,-987,-988,-989,-990,851,851,1308,1308,1308,1308,1308,1308,1308,1308,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1308,1308,1308,-355,-358,851,-325,-326,-143,1308,-144,1308,-145,1308,-432,-937,-938,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1896,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1896,1308,-1896,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1896,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1896,851,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1308,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1308,851,851,-193,-194,851,-996,1308,851,851,851,851,-279,-280,-281,-282,-367,1308,-310,1308,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1308,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1308,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1308,1308,1308,1308,1308,1308,-575,1308,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1308,1308,-725,-726,-727,1308,1308,851,851,851,851,-996,851,1308,-93,-94,851,851,851,1308,-311,-312,-322,1308,-309,-295,-296,-297,1308,851,1308,1308,-620,-635,-592,1308,851,-438,851,-439,1308,-446,-447,-448,-380,-381,1308,1308,1308,-508,1308,1308,-512,1308,1308,1308,1308,-517,-518,-519,-520,1308,1308,-523,-524,1308,-526,-527,-528,-529,-530,-531,-532,-533,1308,-535,1308,1308,1308,-541,-543,-544,1308,-546,-547,-548,-549,1308,1308,1308,1308,1308,1308,-654,-655,-656,-657,851,-659,-660,-661,1308,1308,1308,-667,1308,1308,-671,-672,1308,1308,-675,1308,-677,-678,1308,-681,1308,-683,1308,1308,-686,-687,-688,1308,-690,1308,1308,-693,1308,1308,-696,-697,-698,1308,-700,-701,-702,-703,1308,1308,-748,1308,-751,-752,-753,-754,-755,1308,-757,-758,-759,-760,-761,1308,-768,-769,-771,1308,-773,-774,-775,-784,-858,-860,-862,-864,1308,1308,1308,1308,-870,1308,-872,1308,1308,1308,1308,1308,1308,1308,-908,-909,1308,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1308,-923,-926,1308,-936,1308,-387,-388,-389,1308,1308,-392,-393,-394,-395,1308,-398,1308,-401,-402,1308,-403,1308,-408,-409,1308,-412,-413,-414,1308,-417,1308,-418,1308,-423,-424,1308,-427,1308,-430,-431,-1896,-1896,1308,-621,-622,-623,-624,-625,-636,-586,-626,-799,1308,1308,1308,1308,1308,-833,1308,1308,-808,1308,-834,1308,1308,1308,1308,-800,1308,-855,-801,1308,1308,1308,1308,1308,1308,-856,-857,1308,-836,-832,-837,1308,-627,1308,-628,-629,-630,-631,-576,1308,1308,-632,-633,-634,1308,1308,1308,1308,1308,1308,-637,-638,-639,-594,-1896,-604,1308,-640,-641,-715,-642,-606,1308,-574,-579,-582,-585,1308,1308,1308,-600,-603,1308,-610,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1308,851,851,-997,851,1308,851,851,851,1308,-308,-327,-321,-298,-377,-454,-455,-456,-460,851,-445,1308,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1308,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,851,851,851,851,851,851,851,851,1308,-318,-537,-510,-593,-939,-941,-942,-440,1308,-442,-382,-383,-385,-509,-511,-513,1308,-515,-516,-521,-522,1308,-534,-536,-539,-540,-545,-550,-728,1308,-729,1308,-734,1308,-736,1308,-741,-658,-662,-663,1308,-668,1308,-669,1308,-674,-676,1308,-679,1308,1308,1308,-689,-691,1308,-694,1308,1308,-746,1308,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1308,1308,1308,1308,1308,-879,1308,-882,-910,-922,-927,-390,-391,1308,-396,1308,-399,1308,-404,1308,-405,1308,-410,1308,-415,1308,-419,1308,-420,1308,-425,1308,-428,-901,-902,-645,-587,-1896,-903,1308,1308,1308,-802,1308,1308,-806,1308,-809,-835,1308,-820,1308,-822,1308,-824,-810,1308,-826,1308,-853,-854,1308,1308,-813,1308,-648,-904,-906,-650,-651,-647,1308,-707,-708,1308,-644,-905,-649,-652,-605,-716,1308,1308,-607,-588,1308,1308,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1308,1308,-711,-712,1308,-718,1308,851,851,851,1308,1308,-940,851,-441,-443,-749,1308,-893,1308,-717,-1896,1308,1308,851,851,1308,-444,-514,-525,1308,-730,-735,1308,-737,1308,-742,1308,-664,-670,1308,-680,-682,-684,-685,-692,-695,-699,-747,1308,1308,-876,1308,1308,-880,1308,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1308,-814,1308,-816,-803,1308,-804,-807,1308,-818,-821,-823,-825,-827,1308,-828,1308,-811,1308,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,851,-284,851,1308,851,1308,-457,1308,1308,-731,1308,-738,1308,-743,1308,-665,-673,1308,1308,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1308,-838,-53,851,1308,-732,1308,-739,1308,-744,-666,1308,-875,-54,851,851,-733,-740,-745,1308,851,1308,-874,]),'UNKNOWN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2068,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[852,852,852,852,-1896,852,852,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,852,852,852,852,-277,-278,852,-1427,852,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,852,852,852,-492,852,852,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,852,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,852,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,852,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,852,-174,-175,-176,-177,-995,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-292,-293,-283,852,852,852,852,852,2064,-330,-320,-334,-332,-335,-336,852,852,-984,-985,-986,-987,-988,-989,-990,852,852,852,852,852,852,852,852,852,852,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,852,852,852,-355,-358,852,-325,-326,-143,852,-144,852,-145,852,-432,-937,-938,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-1896,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-1896,852,-1896,852,852,852,852,852,852,852,852,852,852,852,852,-1896,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-1896,852,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,852,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,852,852,852,-193,-194,852,-996,852,852,852,852,852,-279,-280,-281,-282,-367,852,-310,852,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,852,-331,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,852,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,852,852,852,852,852,852,-575,852,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,852,852,-725,-726,-727,852,852,852,852,852,852,-996,852,852,-93,-94,852,852,852,852,-311,-312,-322,852,-309,-295,-296,-297,852,852,852,852,-620,-635,-592,852,852,-438,852,-439,852,-446,-447,-448,-380,-381,852,852,852,-508,852,852,-512,852,852,852,852,-517,-518,-519,-520,852,852,-523,-524,852,-526,-527,-528,-529,-530,-531,-532,-533,852,-535,852,852,852,-541,-543,-544,852,-546,-547,-548,-549,852,852,852,852,852,852,-654,-655,-656,-657,852,-659,-660,-661,852,852,852,-667,852,852,-671,-672,852,852,-675,852,-677,-678,852,-681,852,-683,852,852,-686,-687,-688,852,-690,852,852,-693,852,852,-696,-697,-698,852,-700,-701,-702,-703,852,852,-748,852,-751,-752,-753,-754,-755,852,-757,-758,-759,-760,-761,852,-768,-769,-771,852,-773,-774,-775,-784,-858,-860,-862,-864,852,852,852,852,-870,852,-872,852,852,852,852,852,852,852,-908,-909,852,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,852,-923,-926,852,-936,852,-387,-388,-389,852,852,-392,-393,-394,-395,852,-398,852,-401,-402,852,-403,852,-408,-409,852,-412,-413,-414,852,-417,852,-418,852,-423,-424,852,-427,852,-430,-431,-1896,-1896,852,-621,-622,-623,-624,-625,-636,-586,-626,-799,852,852,852,852,852,-833,852,852,-808,852,-834,852,852,852,852,-800,852,-855,-801,852,852,852,852,852,852,-856,-857,852,-836,-832,-837,852,-627,852,-628,-629,-630,-631,-576,852,852,-632,-633,-634,852,852,852,852,852,852,-637,-638,-639,-594,-1896,-604,852,-640,-641,-715,-642,-606,852,-574,-579,-582,-585,852,852,852,-600,-603,852,-610,852,852,852,852,852,852,852,852,852,852,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,852,852,852,-997,852,852,852,852,852,852,-308,-327,-321,-298,-377,-454,-455,-456,-460,852,-445,852,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,852,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,852,852,852,852,852,852,852,852,852,-318,-537,-510,-593,-939,-941,-942,-440,852,-442,-382,-383,-385,-509,-511,-513,852,-515,-516,-521,-522,852,-534,-536,-539,-540,-545,-550,-728,852,-729,852,-734,852,-736,852,-741,-658,-662,-663,852,-668,852,-669,852,-674,-676,852,-679,852,852,852,-689,-691,852,-694,852,852,-746,852,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,852,852,852,852,852,-879,852,-882,-910,-922,-927,-390,-391,852,-396,852,-399,852,-404,852,-405,852,-410,852,-415,852,-419,852,-420,852,-425,852,-428,-901,-902,-645,-587,-1896,-903,852,852,852,-802,852,852,-806,852,-809,-835,852,-820,852,-822,852,-824,-810,852,-826,852,-853,-854,852,852,-813,852,-648,-904,-906,-650,-651,-647,852,-707,-708,852,-644,-905,-649,-652,-605,-716,852,852,-607,-588,852,852,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,852,852,-711,-712,852,-718,852,852,852,852,852,852,-940,852,-441,-443,-749,852,-893,852,-717,-1896,852,852,852,852,852,-444,-514,-525,852,-730,-735,852,-737,852,-742,852,-664,-670,852,-680,-682,-684,-685,-692,-695,-699,-747,852,852,-876,852,852,-880,852,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,852,-814,852,-816,-803,852,-804,-807,852,-818,-821,-823,-825,-827,852,-828,852,-811,852,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,852,-284,852,852,852,852,-457,852,852,-731,852,-738,852,-743,852,-665,-673,852,852,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,852,-838,-53,852,852,-732,852,-739,852,-744,-666,852,-875,-54,852,852,-733,-740,-745,852,852,852,-874,]),'UNLOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[853,853,853,853,-1896,853,853,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,853,853,853,853,-277,-278,853,-1427,853,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,853,853,853,-492,853,853,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,853,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,853,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,853,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,853,-174,-175,-176,-177,-995,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-292,-293,-283,853,853,853,853,853,-330,-320,-334,-335,-336,853,853,-984,-985,-986,-987,-988,-989,-990,853,853,853,853,853,853,853,853,853,853,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,853,853,853,-355,-358,853,-325,-326,-143,853,-144,853,-145,853,-432,-937,-938,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-1896,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-1896,853,-1896,853,853,853,853,853,853,853,853,853,853,853,853,-1896,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-1896,853,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,853,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,853,853,853,-193,-194,853,-996,853,853,853,853,853,-279,-280,-281,-282,-367,853,-310,853,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,853,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,853,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,853,853,853,853,853,853,-575,853,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,853,853,-725,-726,-727,853,853,853,853,853,853,-996,853,853,-93,-94,853,853,853,853,-311,-312,-322,853,-309,-295,-296,-297,853,853,853,853,-620,-635,-592,853,853,-438,853,-439,853,-446,-447,-448,-380,-381,853,853,853,-508,853,853,-512,853,853,853,853,-517,-518,-519,-520,853,853,-523,-524,853,-526,-527,-528,-529,-530,-531,-532,-533,853,-535,853,853,853,-541,-543,-544,853,-546,-547,-548,-549,853,853,853,853,853,853,-654,-655,-656,-657,853,-659,-660,-661,853,853,853,-667,853,853,-671,-672,853,853,-675,853,-677,-678,853,-681,853,-683,853,853,-686,-687,-688,853,-690,853,853,-693,853,853,-696,-697,-698,853,-700,-701,-702,-703,853,853,-748,853,-751,-752,-753,-754,-755,853,-757,-758,-759,-760,-761,853,-768,-769,-771,853,-773,-774,-775,-784,-858,-860,-862,-864,853,853,853,853,-870,853,-872,853,853,853,853,853,853,853,-908,-909,853,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,853,-923,-926,853,-936,853,-387,-388,-389,853,853,-392,-393,-394,-395,853,-398,853,-401,-402,853,-403,853,-408,-409,853,-412,-413,-414,853,-417,853,-418,853,-423,-424,853,-427,853,-430,-431,-1896,-1896,853,-621,-622,-623,-624,-625,-636,-586,-626,-799,853,853,853,853,853,-833,853,853,-808,853,-834,853,853,853,853,-800,853,-855,-801,853,853,853,853,853,853,-856,-857,853,-836,-832,-837,853,-627,853,-628,-629,-630,-631,-576,853,853,-632,-633,-634,853,853,853,853,853,853,-637,-638,-639,-594,-1896,-604,853,-640,-641,-715,-642,-606,853,-574,-579,-582,-585,853,853,853,-600,-603,853,-610,853,853,853,853,853,853,853,853,853,853,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,853,853,853,-997,853,853,853,853,853,853,-308,-327,-321,-298,-377,-454,-455,-456,-460,853,-445,853,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,853,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,853,853,853,853,853,853,853,853,853,-318,-537,-510,-593,-939,-941,-942,-440,853,-442,-382,-383,-385,-509,-511,-513,853,-515,-516,-521,-522,853,-534,-536,-539,-540,-545,-550,-728,853,-729,853,-734,853,-736,853,-741,-658,-662,-663,853,-668,853,-669,853,-674,-676,853,-679,853,853,853,-689,-691,853,-694,853,853,-746,853,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,853,853,853,853,853,-879,853,-882,-910,-922,-927,-390,-391,853,-396,853,-399,853,-404,853,-405,853,-410,853,-415,853,-419,853,-420,853,-425,853,-428,-901,-902,-645,-587,-1896,-903,853,853,853,-802,853,853,-806,853,-809,-835,853,-820,853,-822,853,-824,-810,853,-826,853,-853,-854,853,853,-813,853,-648,-904,-906,-650,-651,-647,853,-707,-708,853,-644,-905,-649,-652,-605,-716,853,853,-607,-588,853,853,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,853,853,-711,-712,853,-718,853,853,853,853,853,853,-940,853,-441,-443,-749,853,-893,853,-717,-1896,853,853,853,853,853,-444,-514,-525,853,-730,-735,853,-737,853,-742,853,-664,-670,853,-680,-682,-684,-685,-692,-695,-699,-747,853,853,-876,853,853,-880,853,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,853,-814,853,-816,-803,853,-804,-807,853,-818,-821,-823,-825,-827,853,-828,853,-811,853,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,853,-284,853,853,853,853,-457,853,853,-731,853,-738,853,-743,853,-665,-673,853,853,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,853,-838,-53,853,853,-732,853,-739,853,-744,-666,853,-875,-54,853,853,-733,-740,-745,853,853,853,-874,]),'UNLOCKED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[854,854,854,854,-1896,854,854,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,854,854,854,854,-277,-278,854,-1427,854,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,854,854,854,-492,854,854,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,854,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,854,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,854,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,854,-174,-175,-176,-177,-995,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-292,-293,-283,854,854,854,854,854,-330,-320,-334,-335,-336,854,854,-984,-985,-986,-987,-988,-989,-990,854,854,854,854,854,854,854,854,854,854,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,854,854,854,-355,-358,854,-325,-326,-143,854,-144,854,-145,854,-432,-937,-938,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-1896,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-1896,854,-1896,854,854,854,854,854,854,854,854,854,854,854,854,-1896,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-1896,854,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,854,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,854,854,854,-193,-194,854,-996,854,854,854,854,854,-279,-280,-281,-282,-367,854,-310,854,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,854,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,854,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,854,854,854,854,854,854,-575,854,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,854,854,-725,-726,-727,854,854,854,854,854,854,-996,854,854,-93,-94,854,854,854,854,-311,-312,-322,854,-309,-295,-296,-297,854,854,854,854,-620,-635,-592,854,854,-438,854,-439,854,-446,-447,-448,-380,-381,854,854,854,-508,854,854,-512,854,854,854,854,-517,-518,-519,-520,854,854,-523,-524,854,-526,-527,-528,-529,-530,-531,-532,-533,854,-535,854,854,854,-541,-543,-544,854,-546,-547,-548,-549,854,854,854,854,854,854,-654,-655,-656,-657,854,-659,-660,-661,854,854,854,-667,854,854,-671,-672,854,854,-675,854,-677,-678,854,-681,854,-683,854,854,-686,-687,-688,854,-690,854,854,-693,854,854,-696,-697,-698,854,-700,-701,-702,-703,854,854,-748,854,-751,-752,-753,-754,-755,854,-757,-758,-759,-760,-761,854,-768,-769,-771,854,-773,-774,-775,-784,-858,-860,-862,-864,854,854,854,854,-870,854,-872,854,854,854,854,854,854,854,-908,-909,854,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,854,-923,-926,854,-936,854,-387,-388,-389,854,854,-392,-393,-394,-395,854,-398,854,-401,-402,854,-403,854,-408,-409,854,-412,-413,-414,854,-417,854,-418,854,-423,-424,854,-427,854,-430,-431,-1896,-1896,854,-621,-622,-623,-624,-625,-636,-586,-626,-799,854,854,854,854,854,-833,854,854,-808,854,-834,854,854,854,854,-800,854,-855,-801,854,854,854,854,854,854,-856,-857,854,-836,-832,-837,854,-627,854,-628,-629,-630,-631,-576,854,854,-632,-633,-634,854,854,854,854,854,854,-637,-638,-639,-594,-1896,-604,854,-640,-641,-715,-642,-606,854,-574,-579,-582,-585,854,854,854,-600,-603,854,-610,854,854,854,854,854,854,854,854,854,854,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,854,854,854,-997,854,854,854,854,854,854,-308,-327,-321,-298,-377,-454,-455,-456,-460,854,-445,854,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,854,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,854,854,854,854,854,854,854,854,854,-318,-537,-510,-593,-939,-941,-942,-440,854,-442,-382,-383,-385,-509,-511,-513,854,-515,-516,-521,-522,854,-534,-536,-539,-540,-545,-550,-728,854,-729,854,-734,854,-736,854,-741,-658,-662,-663,854,-668,854,-669,854,-674,-676,854,-679,854,854,854,-689,-691,854,-694,854,854,-746,854,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,854,854,854,854,854,-879,854,-882,-910,-922,-927,-390,-391,854,-396,854,-399,854,-404,854,-405,854,-410,854,-415,854,-419,854,-420,854,-425,854,-428,-901,-902,-645,-587,-1896,-903,854,854,854,-802,854,854,-806,854,-809,-835,854,-820,854,-822,854,-824,-810,854,-826,854,-853,-854,854,854,-813,854,-648,-904,-906,-650,-651,-647,854,-707,-708,854,-644,-905,-649,-652,-605,-716,854,854,-607,-588,854,854,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,854,854,-711,-712,854,-718,854,854,854,854,854,854,-940,854,-441,-443,-749,854,-893,854,-717,-1896,854,854,854,854,854,-444,-514,-525,854,-730,-735,854,-737,854,-742,854,-664,-670,854,-680,-682,-684,-685,-692,-695,-699,-747,854,854,-876,854,854,-880,854,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,854,-814,854,-816,-803,854,-804,-807,854,-818,-821,-823,-825,-827,854,-828,854,-811,854,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,854,-284,854,854,854,854,-457,854,854,-731,854,-738,854,-743,854,-665,-673,854,854,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,854,-838,-53,854,854,-732,854,-739,854,-744,-666,854,-875,-54,854,854,-733,-740,-745,854,854,854,-874,]),'UNUSUAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[855,855,855,855,-1896,855,855,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,855,855,855,855,-277,-278,855,-1427,855,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,855,855,855,-492,855,855,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,855,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,855,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,855,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,855,-174,-175,-176,-177,-995,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-292,-293,-283,855,855,855,855,855,-330,-320,-334,-335,-336,855,855,-984,-985,-986,-987,-988,-989,-990,855,855,855,855,855,855,855,855,855,855,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,855,855,855,-355,-358,855,-325,-326,-143,855,-144,855,-145,855,-432,-937,-938,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-1896,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-1896,855,-1896,855,855,855,855,855,855,855,855,855,855,855,855,-1896,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-1896,855,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,855,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,855,855,855,-193,-194,855,-996,855,855,855,855,855,-279,-280,-281,-282,-367,855,-310,855,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,855,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,855,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,855,855,855,855,855,855,-575,855,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,855,855,-725,-726,-727,855,855,855,855,855,855,-996,855,855,-93,-94,855,855,855,855,-311,-312,-322,855,-309,-295,-296,-297,855,855,855,855,-620,-635,-592,855,855,-438,855,-439,855,-446,-447,-448,-380,-381,855,855,855,-508,855,855,-512,855,855,855,855,-517,-518,-519,-520,855,855,-523,-524,855,-526,-527,-528,-529,-530,-531,-532,-533,855,-535,855,855,855,-541,-543,-544,855,-546,-547,-548,-549,855,855,855,855,855,855,-654,-655,-656,-657,855,-659,-660,-661,855,855,855,-667,855,855,-671,-672,855,855,-675,855,-677,-678,855,-681,855,-683,855,855,-686,-687,-688,855,-690,855,855,-693,855,855,-696,-697,-698,855,-700,-701,-702,-703,855,855,-748,855,-751,-752,-753,-754,-755,855,-757,-758,-759,-760,-761,855,-768,-769,-771,855,-773,-774,-775,-784,-858,-860,-862,-864,855,855,855,855,-870,855,-872,855,855,855,855,855,855,855,-908,-909,855,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,855,-923,-926,855,-936,855,-387,-388,-389,855,855,-392,-393,-394,-395,855,-398,855,-401,-402,855,-403,855,-408,-409,855,-412,-413,-414,855,-417,855,-418,855,-423,-424,855,-427,855,-430,-431,-1896,-1896,855,-621,-622,-623,-624,-625,-636,-586,-626,-799,855,855,855,855,855,-833,855,855,-808,855,-834,855,855,855,855,-800,855,-855,-801,855,855,855,855,855,855,-856,-857,855,-836,-832,-837,855,-627,855,-628,-629,-630,-631,-576,855,855,-632,-633,-634,855,855,855,855,855,855,-637,-638,-639,-594,-1896,-604,855,-640,-641,-715,-642,-606,855,-574,-579,-582,-585,855,855,855,-600,-603,855,-610,855,855,855,855,855,855,855,855,855,855,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,855,855,855,-997,855,855,855,855,855,855,-308,-327,-321,-298,-377,-454,-455,-456,-460,855,-445,855,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,855,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,855,855,855,855,855,855,855,855,855,-318,-537,-510,-593,-939,-941,-942,-440,855,-442,-382,-383,-385,-509,-511,-513,855,-515,-516,-521,-522,855,-534,-536,-539,-540,-545,-550,-728,855,-729,855,-734,855,-736,855,-741,-658,-662,-663,855,-668,855,-669,855,-674,-676,855,-679,855,855,855,-689,-691,855,-694,855,855,-746,855,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,855,855,855,855,855,-879,855,-882,-910,-922,-927,-390,-391,855,-396,855,-399,855,-404,855,-405,855,-410,855,-415,855,-419,855,-420,855,-425,855,-428,-901,-902,-645,-587,-1896,-903,855,855,855,-802,855,855,-806,855,-809,-835,855,-820,855,-822,855,-824,-810,855,-826,855,-853,-854,855,855,-813,855,-648,-904,-906,-650,-651,-647,855,-707,-708,855,-644,-905,-649,-652,-605,-716,855,855,-607,-588,855,855,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,855,855,-711,-712,855,-718,855,855,855,855,855,855,-940,855,-441,-443,-749,855,-893,855,-717,-1896,855,855,855,855,855,-444,-514,-525,855,-730,-735,855,-737,855,-742,855,-664,-670,855,-680,-682,-684,-685,-692,-695,-699,-747,855,855,-876,855,855,-880,855,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,855,-814,855,-816,-803,855,-804,-807,855,-818,-821,-823,-825,-827,855,-828,855,-811,855,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,855,-284,855,855,855,855,-457,855,855,-731,855,-738,855,-743,855,-665,-673,855,855,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,855,-838,-53,855,855,-732,855,-739,855,-744,-666,855,-875,-54,855,855,-733,-740,-745,855,855,855,-874,]),'UPDATEXML':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[856,856,856,1131,-1896,856,856,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,856,856,856,856,-277,-278,1131,-1427,1131,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1131,1131,1131,-492,1131,1131,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1131,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1131,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1974,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,856,-174,-175,-176,-177,-995,856,856,856,856,856,856,856,856,856,856,1131,1131,1131,1131,1131,-292,-293,-283,856,1131,1131,1131,1131,-330,-320,-334,-335,-336,1131,1131,-984,-985,-986,-987,-988,-989,-990,856,856,1131,1131,1131,1131,1131,1131,1131,1131,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1131,1131,1131,-355,-358,856,-325,-326,-143,1131,-144,1131,-145,1131,-432,-937,-938,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1896,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1896,1131,-1896,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1896,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1896,856,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1131,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1131,856,856,-193,-194,856,-996,1131,856,856,856,856,-279,-280,-281,-282,-367,1131,-310,1131,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1131,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1131,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1131,1131,1131,1131,1131,1131,-575,1131,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1131,1131,-725,-726,-727,1131,1974,856,856,856,856,-996,856,1131,-93,-94,856,856,856,1131,-311,-312,-322,1131,-309,-295,-296,-297,1131,856,1131,1131,-620,-635,-592,1131,856,-438,856,-439,1131,-446,-447,-448,-380,-381,1131,1131,1131,-508,1131,1131,-512,1131,1131,1131,1131,-517,-518,-519,-520,1131,1131,-523,-524,1131,-526,-527,-528,-529,-530,-531,-532,-533,1131,-535,1131,1131,1131,-541,-543,-544,1131,-546,-547,-548,-549,1131,1131,1131,1131,1131,1131,-654,-655,-656,-657,856,-659,-660,-661,1131,1131,1131,-667,1131,1131,-671,-672,1131,1131,-675,1131,-677,-678,1131,-681,1131,-683,1131,1131,-686,-687,-688,1131,-690,1131,1131,-693,1131,1131,-696,-697,-698,1131,-700,-701,-702,-703,1131,1131,-748,1131,-751,-752,-753,-754,-755,1131,-757,-758,-759,-760,-761,1131,-768,-769,-771,1131,-773,-774,-775,-784,-858,-860,-862,-864,1131,1131,1131,1131,-870,1131,-872,1131,1131,1131,1131,1131,1131,1131,-908,-909,1131,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1131,-923,-926,1131,-936,1131,-387,-388,-389,1131,1131,-392,-393,-394,-395,1131,-398,1131,-401,-402,1131,-403,1131,-408,-409,1131,-412,-413,-414,1131,-417,1131,-418,1131,-423,-424,1131,-427,1131,-430,-431,-1896,-1896,1131,-621,-622,-623,-624,-625,-636,-586,-626,-799,1131,1131,1131,1131,1131,-833,1131,1131,-808,1131,-834,1131,1131,1131,1131,-800,1131,-855,-801,1131,1131,1131,1131,1131,1131,-856,-857,1131,-836,-832,-837,1131,-627,1131,-628,-629,-630,-631,-576,1131,1131,-632,-633,-634,1131,1131,1131,1131,1131,1131,-637,-638,-639,-594,-1896,-604,1131,-640,-641,-715,-642,-606,1131,-574,-579,-582,-585,1131,1131,1131,-600,-603,1131,-610,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1131,856,856,-997,856,1131,856,856,856,1131,-308,-327,-321,-298,-377,-454,-455,-456,-460,856,-445,1131,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1131,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,856,856,856,856,856,856,856,856,1131,-318,-537,-510,-593,-939,-941,-942,-440,1131,-442,-382,-383,-385,-509,-511,-513,1131,-515,-516,-521,-522,1131,-534,-536,-539,-540,-545,-550,-728,1131,-729,1131,-734,1131,-736,1131,-741,-658,-662,-663,1131,-668,1131,-669,1131,-674,-676,1131,-679,1131,1131,1131,-689,-691,1131,-694,1131,1131,-746,1131,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1131,1131,1131,1131,1131,-879,1131,-882,-910,-922,-927,-390,-391,1131,-396,1131,-399,1131,-404,1131,-405,1131,-410,1131,-415,1131,-419,1131,-420,1131,-425,1131,-428,-901,-902,-645,-587,-1896,-903,1131,1131,1131,-802,1131,1131,-806,1131,-809,-835,1131,-820,1131,-822,1131,-824,-810,1131,-826,1131,-853,-854,1131,1131,-813,1131,-648,-904,-906,-650,-651,-647,1131,-707,-708,1131,-644,-905,-649,-652,-605,-716,1131,1131,-607,-588,1131,1131,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1131,1131,-711,-712,1131,-718,1131,856,856,856,1131,1131,-940,856,-441,-443,-749,1131,-893,1974,-717,-1896,1131,1131,856,856,1131,-444,-514,-525,1131,-730,-735,1131,-737,1131,-742,1131,-664,-670,1131,-680,-682,-684,-685,-692,-695,-699,-747,1131,1131,-876,1131,1131,-880,1131,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1131,-814,1131,-816,-803,1131,-804,-807,1131,-818,-821,-823,-825,-827,1131,-828,1131,-811,1131,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,856,-284,856,1131,856,1131,-457,1131,1131,-731,1131,-738,1131,-743,1131,-665,-673,1131,1131,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1131,-838,-53,856,1131,-732,1131,-739,1131,-744,-666,1131,-875,-54,856,856,-733,-740,-745,1131,856,1131,-874,]),'UPGRADE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[857,857,857,857,-1896,857,857,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,857,857,857,857,-277,-278,857,-1427,857,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,857,857,857,-492,857,857,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,857,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,857,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,857,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,857,-174,-175,-176,-177,-995,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-292,-293,-283,857,857,857,857,857,-330,-320,-334,-335,-336,857,857,-984,-985,-986,-987,-988,-989,-990,857,857,857,857,857,857,857,857,857,857,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,857,857,857,-355,-358,857,-325,-326,-143,857,-144,857,-145,857,-432,-937,-938,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-1896,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-1896,857,-1896,857,857,857,857,857,857,857,857,857,857,857,857,-1896,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-1896,857,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,857,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,857,857,857,-193,-194,857,-996,857,857,857,857,857,-279,-280,-281,-282,-367,857,-310,857,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,857,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,857,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,857,857,857,857,857,857,-575,857,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,857,857,-725,-726,-727,857,857,857,857,857,857,-996,857,857,-93,-94,857,857,857,857,-311,-312,-322,857,-309,-295,-296,-297,857,857,857,857,-620,-635,-592,857,857,-438,857,-439,857,-446,-447,-448,-380,-381,857,857,857,-508,857,857,-512,857,857,857,857,-517,-518,-519,-520,857,857,-523,-524,857,-526,-527,-528,-529,-530,-531,-532,-533,857,-535,857,857,857,-541,-543,-544,857,-546,-547,-548,-549,857,857,857,857,857,857,-654,-655,-656,-657,857,-659,-660,-661,857,857,857,-667,857,857,-671,-672,857,857,-675,857,-677,-678,857,-681,857,-683,857,857,-686,-687,-688,857,-690,857,857,-693,857,857,-696,-697,-698,857,-700,-701,-702,-703,857,857,-748,857,-751,-752,-753,-754,-755,857,-757,-758,-759,-760,-761,857,-768,-769,-771,857,-773,-774,-775,-784,-858,-860,-862,-864,857,857,857,857,-870,857,-872,857,857,857,857,857,857,857,-908,-909,857,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,857,-923,-926,857,-936,857,-387,-388,-389,857,857,-392,-393,-394,-395,857,-398,857,-401,-402,857,-403,857,-408,-409,857,-412,-413,-414,857,-417,857,-418,857,-423,-424,857,-427,857,-430,-431,-1896,-1896,857,-621,-622,-623,-624,-625,-636,-586,-626,-799,857,857,857,857,857,-833,857,857,-808,857,-834,857,857,857,857,-800,857,-855,-801,857,857,857,857,857,857,-856,-857,857,-836,-832,-837,857,-627,857,-628,-629,-630,-631,-576,857,857,-632,-633,-634,857,857,857,857,857,857,-637,-638,-639,-594,-1896,-604,857,-640,-641,-715,-642,-606,857,-574,-579,-582,-585,857,857,857,-600,-603,857,-610,857,857,857,857,857,857,857,857,857,857,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,857,857,857,-997,857,857,857,857,857,857,-308,-327,-321,-298,-377,-454,-455,-456,-460,857,-445,857,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,857,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,857,857,857,857,857,857,857,857,857,-318,-537,-510,-593,-939,-941,-942,-440,857,-442,-382,-383,-385,-509,-511,-513,857,-515,-516,-521,-522,857,-534,-536,-539,-540,-545,-550,-728,857,-729,857,-734,857,-736,857,-741,-658,-662,-663,857,-668,857,-669,857,-674,-676,857,-679,857,857,857,-689,-691,857,-694,857,857,-746,857,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,857,857,857,857,857,-879,857,-882,-910,-922,-927,-390,-391,857,-396,857,-399,857,-404,857,-405,857,-410,857,-415,857,-419,857,-420,857,-425,857,-428,-901,-902,-645,-587,-1896,-903,857,857,857,-802,857,857,-806,857,-809,-835,857,-820,857,-822,857,-824,-810,857,-826,857,-853,-854,857,857,-813,857,-648,-904,-906,-650,-651,-647,857,-707,-708,857,-644,-905,-649,-652,-605,-716,857,857,-607,-588,857,857,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,857,857,-711,-712,857,-718,857,857,857,857,857,857,-940,857,-441,-443,-749,857,-893,857,-717,-1896,857,857,857,857,857,-444,-514,-525,857,-730,-735,857,-737,857,-742,857,-664,-670,857,-680,-682,-684,-685,-692,-695,-699,-747,857,857,-876,857,857,-880,857,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,857,-814,857,-816,-803,857,-804,-807,857,-818,-821,-823,-825,-827,857,-828,857,-811,857,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,857,-284,857,857,857,857,-457,857,857,-731,857,-738,857,-743,857,-665,-673,857,857,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,857,-838,-53,857,857,-732,857,-739,857,-744,-666,857,-875,-54,857,857,-733,-740,-745,857,857,857,-874,]),'UPPER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[858,858,858,1126,-1896,858,858,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,858,858,858,858,-277,-278,1126,-1427,1126,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1126,1126,1126,-492,1126,1126,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1126,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1126,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1975,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,858,-174,-175,-176,-177,-995,858,858,858,858,858,858,858,858,858,858,1126,1126,1126,1126,1126,-292,-293,-283,858,1126,1126,1126,1126,-330,-320,-334,-335,-336,1126,1126,-984,-985,-986,-987,-988,-989,-990,858,858,1126,1126,1126,1126,1126,1126,1126,1126,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1126,1126,1126,-355,-358,858,-325,-326,-143,1126,-144,1126,-145,1126,-432,-937,-938,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1896,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1896,1126,-1896,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1896,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1896,858,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1126,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1126,858,858,-193,-194,858,-996,1126,858,858,858,858,-279,-280,-281,-282,-367,1126,-310,1126,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1126,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1126,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1126,1126,1126,1126,1126,1126,-575,1126,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1126,1126,-725,-726,-727,1126,1975,858,858,858,858,-996,858,1126,-93,-94,858,858,858,1126,-311,-312,-322,1126,-309,-295,-296,-297,1126,858,1126,1126,-620,-635,-592,1126,858,-438,858,-439,1126,-446,-447,-448,-380,-381,1126,1126,1126,-508,1126,1126,-512,1126,1126,1126,1126,-517,-518,-519,-520,1126,1126,-523,-524,1126,-526,-527,-528,-529,-530,-531,-532,-533,1126,-535,1126,1126,1126,-541,-543,-544,1126,-546,-547,-548,-549,1126,1126,1126,1126,1126,1126,-654,-655,-656,-657,858,-659,-660,-661,1126,1126,1126,-667,1126,1126,-671,-672,1126,1126,-675,1126,-677,-678,1126,-681,1126,-683,1126,1126,-686,-687,-688,1126,-690,1126,1126,-693,1126,1126,-696,-697,-698,1126,-700,-701,-702,-703,1126,1126,-748,1126,-751,-752,-753,-754,-755,1126,-757,-758,-759,-760,-761,1126,-768,-769,-771,1126,-773,-774,-775,-784,-858,-860,-862,-864,1126,1126,1126,1126,-870,1126,-872,1126,1126,1126,1126,1126,1126,1126,-908,-909,1126,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1126,-923,-926,1126,-936,1126,-387,-388,-389,1126,1126,-392,-393,-394,-395,1126,-398,1126,-401,-402,1126,-403,1126,-408,-409,1126,-412,-413,-414,1126,-417,1126,-418,1126,-423,-424,1126,-427,1126,-430,-431,-1896,-1896,1126,-621,-622,-623,-624,-625,-636,-586,-626,-799,1126,1126,1126,1126,1126,-833,1126,1126,-808,1126,-834,1126,1126,1126,1126,-800,1126,-855,-801,1126,1126,1126,1126,1126,1126,-856,-857,1126,-836,-832,-837,1126,-627,1126,-628,-629,-630,-631,-576,1126,1126,-632,-633,-634,1126,1126,1126,1126,1126,1126,-637,-638,-639,-594,-1896,-604,1126,-640,-641,-715,-642,-606,1126,-574,-579,-582,-585,1126,1126,1126,-600,-603,1126,-610,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1126,858,858,-997,858,1126,858,858,858,1126,-308,-327,-321,-298,-377,-454,-455,-456,-460,858,-445,1126,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1126,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,858,858,858,858,858,858,858,858,1126,-318,-537,-510,-593,-939,-941,-942,-440,1126,-442,-382,-383,-385,-509,-511,-513,1126,-515,-516,-521,-522,1126,-534,-536,-539,-540,-545,-550,-728,1126,-729,1126,-734,1126,-736,1126,-741,-658,-662,-663,1126,-668,1126,-669,1126,-674,-676,1126,-679,1126,1126,1126,-689,-691,1126,-694,1126,1126,-746,1126,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1126,1126,1126,1126,1126,-879,1126,-882,-910,-922,-927,-390,-391,1126,-396,1126,-399,1126,-404,1126,-405,1126,-410,1126,-415,1126,-419,1126,-420,1126,-425,1126,-428,-901,-902,-645,-587,-1896,-903,1126,1126,1126,-802,1126,1126,-806,1126,-809,-835,1126,-820,1126,-822,1126,-824,-810,1126,-826,1126,-853,-854,1126,1126,-813,1126,-648,-904,-906,-650,-651,-647,1126,-707,-708,1126,-644,-905,-649,-652,-605,-716,1126,1126,-607,-588,1126,1126,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1126,1126,-711,-712,1126,-718,1126,858,858,858,1126,1126,-940,858,-441,-443,-749,1126,-893,1975,-717,-1896,1126,1126,858,858,1126,-444,-514,-525,1126,-730,-735,1126,-737,1126,-742,1126,-664,-670,1126,-680,-682,-684,-685,-692,-695,-699,-747,1126,1126,-876,1126,1126,-880,1126,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1126,-814,1126,-816,-803,1126,-804,-807,1126,-818,-821,-823,-825,-827,1126,-828,1126,-811,1126,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,858,-284,858,1126,858,1126,-457,1126,1126,-731,1126,-738,1126,-743,1126,-665,-673,1126,1126,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1126,-838,-53,858,1126,-732,1126,-739,1126,-744,-666,1126,-875,-54,858,858,-733,-740,-745,1126,858,1126,-874,]),'USEC_TO_TIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[859,859,859,1013,-1896,859,859,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,859,859,859,859,-277,-278,1013,-1427,1013,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1013,1013,1013,-492,1013,1013,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1013,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1013,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1976,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,859,-174,-175,-176,-177,-995,859,859,859,859,859,859,859,859,859,859,1013,1013,1013,1013,1013,-292,-293,-283,859,1013,1013,1013,1013,-330,-320,-334,-335,-336,1013,1013,-984,-985,-986,-987,-988,-989,-990,859,859,1013,1013,1013,1013,1013,1013,1013,1013,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1013,1013,1013,-355,-358,859,-325,-326,-143,1013,-144,1013,-145,1013,-432,-937,-938,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1896,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1896,1013,-1896,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1896,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1896,859,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1013,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1013,859,859,-193,-194,859,-996,1013,859,859,859,859,-279,-280,-281,-282,-367,1013,-310,1013,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1013,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1013,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1013,1013,1013,1013,1013,1013,-575,1013,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1013,1013,-725,-726,-727,1013,1976,859,859,859,859,-996,859,1013,-93,-94,859,859,859,1013,-311,-312,-322,1013,-309,-295,-296,-297,1013,859,1013,1013,-620,-635,-592,1013,859,-438,859,-439,1013,-446,-447,-448,-380,-381,1013,1013,1013,-508,1013,1013,-512,1013,1013,1013,1013,-517,-518,-519,-520,1013,1013,-523,-524,1013,-526,-527,-528,-529,-530,-531,-532,-533,1013,-535,1013,1013,1013,-541,-543,-544,1013,-546,-547,-548,-549,1013,1013,1013,1013,1013,1013,-654,-655,-656,-657,859,-659,-660,-661,1013,1013,1013,-667,1013,1013,-671,-672,1013,1013,-675,1013,-677,-678,1013,-681,1013,-683,1013,1013,-686,-687,-688,1013,-690,1013,1013,-693,1013,1013,-696,-697,-698,1013,-700,-701,-702,-703,1013,1013,-748,1013,-751,-752,-753,-754,-755,1013,-757,-758,-759,-760,-761,1013,-768,-769,-771,1013,-773,-774,-775,-784,-858,-860,-862,-864,1013,1013,1013,1013,-870,1013,-872,1013,1013,1013,1013,1013,1013,1013,-908,-909,1013,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1013,-923,-926,1013,-936,1013,-387,-388,-389,1013,1013,-392,-393,-394,-395,1013,-398,1013,-401,-402,1013,-403,1013,-408,-409,1013,-412,-413,-414,1013,-417,1013,-418,1013,-423,-424,1013,-427,1013,-430,-431,-1896,-1896,1013,-621,-622,-623,-624,-625,-636,-586,-626,-799,1013,1013,1013,1013,1013,-833,1013,1013,-808,1013,-834,1013,1013,1013,1013,-800,1013,-855,-801,1013,1013,1013,1013,1013,1013,-856,-857,1013,-836,-832,-837,1013,-627,1013,-628,-629,-630,-631,-576,1013,1013,-632,-633,-634,1013,1013,1013,1013,1013,1013,-637,-638,-639,-594,-1896,-604,1013,-640,-641,-715,-642,-606,1013,-574,-579,-582,-585,1013,1013,1013,-600,-603,1013,-610,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1013,859,859,-997,859,1013,859,859,859,1013,-308,-327,-321,-298,-377,-454,-455,-456,-460,859,-445,1013,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1013,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,859,859,859,859,859,859,859,859,1013,-318,-537,-510,-593,-939,-941,-942,-440,1013,-442,-382,-383,-385,-509,-511,-513,1013,-515,-516,-521,-522,1013,-534,-536,-539,-540,-545,-550,-728,1013,-729,1013,-734,1013,-736,1013,-741,-658,-662,-663,1013,-668,1013,-669,1013,-674,-676,1013,-679,1013,1013,1013,-689,-691,1013,-694,1013,1013,-746,1013,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1013,1013,1013,1013,1013,-879,1013,-882,-910,-922,-927,-390,-391,1013,-396,1013,-399,1013,-404,1013,-405,1013,-410,1013,-415,1013,-419,1013,-420,1013,-425,1013,-428,-901,-902,-645,-587,-1896,-903,1013,1013,1013,-802,1013,1013,-806,1013,-809,-835,1013,-820,1013,-822,1013,-824,-810,1013,-826,1013,-853,-854,1013,1013,-813,1013,-648,-904,-906,-650,-651,-647,1013,-707,-708,1013,-644,-905,-649,-652,-605,-716,1013,1013,-607,-588,1013,1013,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1013,1013,-711,-712,1013,-718,1013,859,859,859,1013,1013,-940,859,-441,-443,-749,1013,-893,1976,-717,-1896,1013,1013,859,859,1013,-444,-514,-525,1013,-730,-735,1013,-737,1013,-742,1013,-664,-670,1013,-680,-682,-684,-685,-692,-695,-699,-747,1013,1013,-876,1013,1013,-880,1013,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1013,-814,1013,-816,-803,1013,-804,-807,1013,-818,-821,-823,-825,-827,1013,-828,1013,-811,1013,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,859,-284,859,1013,859,1013,-457,1013,1013,-731,1013,-738,1013,-743,1013,-665,-673,1013,1013,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1013,-838,-53,859,1013,-732,1013,-739,1013,-744,-666,1013,-875,-54,859,859,-733,-740,-745,1013,859,1013,-874,]),'USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[860,860,860,1174,-1896,860,860,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,860,860,860,860,-277,-278,1174,-1427,1174,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1174,1174,1174,-492,1174,1174,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1174,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1174,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1977,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,860,-174,-175,-176,-177,-995,860,860,860,860,860,860,860,860,860,860,1174,1174,1174,1174,1174,-292,-293,-283,860,1174,1174,1174,1174,-330,-320,-334,-335,-336,1174,1174,-984,-985,-986,-987,-988,-989,-990,860,860,1174,1174,1174,1174,1174,1174,1174,1174,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1174,1174,1174,-355,-358,860,-325,-326,-143,1174,-144,1174,-145,1174,-432,-937,-938,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1896,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1896,1174,-1896,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1896,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1896,860,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1174,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1174,860,860,-193,-194,860,-996,1174,860,860,860,860,-279,-280,-281,-282,-367,1174,-310,1174,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1174,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1174,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1174,1174,1174,1174,1174,1174,-575,1174,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1174,1174,-725,-726,-727,1174,1977,860,860,860,860,-996,860,1174,-93,-94,860,860,860,1174,-311,-312,-322,1174,-309,-295,-296,-297,1174,860,1174,1174,-620,-635,-592,1174,860,-438,860,-439,1174,-446,-447,-448,-380,-381,1174,1174,1174,-508,1174,1174,-512,1174,1174,1174,1174,-517,-518,-519,-520,1174,1174,-523,-524,1174,-526,-527,-528,-529,-530,-531,-532,-533,1174,-535,1174,1174,1174,-541,-543,-544,1174,-546,-547,-548,-549,1174,1174,1174,1174,1174,1174,-654,-655,-656,-657,860,-659,-660,-661,1174,1174,1174,-667,1174,1174,-671,-672,1174,1174,-675,1174,-677,-678,1174,-681,1174,-683,1174,1174,-686,-687,-688,1174,-690,1174,1174,-693,1174,1174,-696,-697,-698,1174,-700,-701,-702,-703,1174,1174,-748,1174,-751,-752,-753,-754,-755,1174,-757,-758,-759,-760,-761,1174,-768,-769,-771,1174,-773,-774,-775,-784,-858,-860,-862,-864,1174,1174,1174,1174,-870,1174,-872,1174,1174,1174,1174,1174,1174,1174,-908,-909,1174,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1174,-923,-926,1174,-936,1174,-387,-388,-389,1174,1174,-392,-393,-394,-395,1174,-398,1174,-401,-402,1174,-403,1174,-408,-409,1174,-412,-413,-414,1174,-417,1174,-418,1174,-423,-424,1174,-427,1174,-430,-431,-1896,-1896,1174,-621,-622,-623,-624,-625,-636,-586,-626,-799,1174,1174,1174,1174,1174,-833,1174,1174,-808,1174,-834,1174,1174,1174,1174,-800,1174,-855,-801,1174,1174,1174,1174,1174,1174,-856,-857,1174,-836,-832,-837,1174,-627,1174,-628,-629,-630,-631,-576,1174,1174,-632,-633,-634,1174,1174,1174,1174,1174,1174,-637,-638,-639,-594,-1896,-604,1174,-640,-641,-715,-642,-606,1174,-574,-579,-582,-585,1174,1174,1174,-600,-603,1174,-610,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1174,860,860,-997,860,1174,860,860,860,1174,-308,-327,-321,-298,-377,-454,-455,-456,-460,860,-445,1174,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1174,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,860,860,860,860,860,860,860,860,1174,-318,-537,-510,-593,-939,-941,-942,-440,1174,-442,-382,-383,-385,-509,-511,-513,1174,-515,-516,-521,-522,1174,-534,-536,-539,-540,-545,-550,-728,1174,-729,1174,-734,1174,-736,1174,-741,-658,-662,-663,1174,-668,1174,-669,1174,-674,-676,1174,-679,1174,1174,1174,-689,-691,1174,-694,1174,1174,-746,1174,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1174,1174,1174,1174,1174,-879,1174,-882,-910,-922,-927,-390,-391,1174,-396,1174,-399,1174,-404,1174,-405,1174,-410,1174,-415,1174,-419,1174,-420,1174,-425,1174,-428,-901,-902,-645,-587,-1896,-903,1174,1174,1174,-802,1174,1174,-806,1174,-809,-835,1174,-820,1174,-822,1174,-824,-810,1174,-826,1174,-853,-854,1174,1174,-813,1174,-648,-904,-906,-650,-651,-647,1174,-707,-708,1174,-644,-905,-649,-652,-605,-716,1174,1174,-607,-588,1174,1174,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1174,1174,-711,-712,1174,-718,1174,860,860,860,1174,1174,-940,860,-441,-443,-749,1174,-893,1977,-717,-1896,1174,1174,860,860,1174,-444,-514,-525,1174,-730,-735,1174,-737,1174,-742,1174,-664,-670,1174,-680,-682,-684,-685,-692,-695,-699,-747,1174,1174,-876,1174,1174,-880,1174,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1174,-814,1174,-816,-803,1174,-804,-807,1174,-818,-821,-823,-825,-827,1174,-828,1174,-811,1174,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,860,-284,860,1174,860,1174,-457,1174,1174,-731,1174,-738,1174,-743,1174,-665,-673,1174,1174,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1174,-838,-53,860,1174,-732,1174,-739,1174,-744,-666,1174,-875,-54,860,860,-733,-740,-745,1174,860,1174,-874,]),'USER_RESOURCES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[861,861,861,861,-1896,861,861,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,861,861,861,861,-277,-278,861,-1427,861,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,861,861,861,-492,861,861,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,861,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,861,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,861,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,861,-174,-175,-176,-177,-995,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-292,-293,-283,861,861,861,861,861,-330,-320,-334,-335,-336,861,861,-984,-985,-986,-987,-988,-989,-990,861,861,861,861,861,861,861,861,861,861,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,861,861,861,-355,-358,861,-325,-326,-143,861,-144,861,-145,861,-432,-937,-938,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-1896,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-1896,861,-1896,861,861,861,861,861,861,861,861,861,861,861,861,-1896,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-1896,861,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,861,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,861,861,861,-193,-194,861,-996,861,861,861,861,861,-279,-280,-281,-282,-367,861,-310,861,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,861,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,861,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,861,861,861,861,861,861,-575,861,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,861,861,-725,-726,-727,861,861,861,861,861,861,-996,861,861,-93,-94,861,861,861,861,-311,-312,-322,861,-309,-295,-296,-297,861,861,861,861,-620,-635,-592,861,861,-438,861,-439,861,-446,-447,-448,-380,-381,861,861,861,-508,861,861,-512,861,861,861,861,-517,-518,-519,-520,861,861,-523,-524,861,-526,-527,-528,-529,-530,-531,-532,-533,861,-535,861,861,861,-541,-543,-544,861,-546,-547,-548,-549,861,861,861,861,861,861,-654,-655,-656,-657,861,-659,-660,-661,861,861,861,-667,861,861,-671,-672,861,861,-675,861,-677,-678,861,-681,861,-683,861,861,-686,-687,-688,861,-690,861,861,-693,861,861,-696,-697,-698,861,-700,-701,-702,-703,861,861,-748,861,-751,-752,-753,-754,-755,861,-757,-758,-759,-760,-761,861,-768,-769,-771,861,-773,-774,-775,-784,-858,-860,-862,-864,861,861,861,861,-870,861,-872,861,861,861,861,861,861,861,-908,-909,861,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,861,-923,-926,861,-936,861,-387,-388,-389,861,861,-392,-393,-394,-395,861,-398,861,-401,-402,861,-403,861,-408,-409,861,-412,-413,-414,861,-417,861,-418,861,-423,-424,861,-427,861,-430,-431,-1896,-1896,861,-621,-622,-623,-624,-625,-636,-586,-626,-799,861,861,861,861,861,-833,861,861,-808,861,-834,861,861,861,861,-800,861,-855,-801,861,861,861,861,861,861,-856,-857,861,-836,-832,-837,861,-627,861,-628,-629,-630,-631,-576,861,861,-632,-633,-634,861,861,861,861,861,861,-637,-638,-639,-594,-1896,-604,861,-640,-641,-715,-642,-606,861,-574,-579,-582,-585,861,861,861,-600,-603,861,-610,861,861,861,861,861,861,861,861,861,861,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,861,861,861,-997,861,861,861,861,861,861,-308,-327,-321,-298,-377,-454,-455,-456,-460,861,-445,861,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,861,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,861,861,861,861,861,861,861,861,861,-318,-537,-510,-593,-939,-941,-942,-440,861,-442,-382,-383,-385,-509,-511,-513,861,-515,-516,-521,-522,861,-534,-536,-539,-540,-545,-550,-728,861,-729,861,-734,861,-736,861,-741,-658,-662,-663,861,-668,861,-669,861,-674,-676,861,-679,861,861,861,-689,-691,861,-694,861,861,-746,861,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,861,861,861,861,861,-879,861,-882,-910,-922,-927,-390,-391,861,-396,861,-399,861,-404,861,-405,861,-410,861,-415,861,-419,861,-420,861,-425,861,-428,-901,-902,-645,-587,-1896,-903,861,861,861,-802,861,861,-806,861,-809,-835,861,-820,861,-822,861,-824,-810,861,-826,861,-853,-854,861,861,-813,861,-648,-904,-906,-650,-651,-647,861,-707,-708,861,-644,-905,-649,-652,-605,-716,861,861,-607,-588,861,861,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,861,861,-711,-712,861,-718,861,861,861,861,861,861,-940,861,-441,-443,-749,861,-893,861,-717,-1896,861,861,861,861,861,-444,-514,-525,861,-730,-735,861,-737,861,-742,861,-664,-670,861,-680,-682,-684,-685,-692,-695,-699,-747,861,861,-876,861,861,-880,861,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,861,-814,861,-816,-803,861,-804,-807,861,-818,-821,-823,-825,-827,861,-828,861,-811,861,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,861,-284,861,861,861,861,-457,861,861,-731,861,-738,861,-743,861,-665,-673,861,861,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,861,-838,-53,861,861,-732,861,-739,861,-744,-666,861,-875,-54,861,861,-733,-740,-745,861,861,861,-874,]),'USE_BLOOM_FILTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[862,862,862,862,-1896,862,862,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,862,862,862,862,-277,-278,862,-1427,862,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,862,862,862,-492,862,862,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,862,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,862,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,862,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,862,-174,-175,-176,-177,-995,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-292,-293,-283,862,862,862,862,862,-330,-320,-334,-335,-336,862,862,-984,-985,-986,-987,-988,-989,-990,862,862,862,862,862,862,862,862,862,862,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,862,862,862,-355,-358,862,-325,-326,-143,862,-144,862,-145,862,-432,-937,-938,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-1896,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-1896,862,-1896,862,862,862,862,862,862,862,862,862,862,862,862,-1896,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-1896,862,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,862,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,862,862,862,-193,-194,862,-996,862,862,862,862,862,-279,-280,-281,-282,-367,862,-310,862,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,862,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,862,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,862,862,862,862,862,862,-575,862,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,862,862,-725,-726,-727,862,862,862,862,862,862,-996,862,862,-93,-94,862,862,862,862,-311,-312,-322,862,-309,-295,-296,-297,862,862,862,862,-620,-635,-592,862,862,-438,862,-439,862,-446,-447,-448,-380,-381,862,862,862,-508,862,862,-512,862,862,862,862,-517,-518,-519,-520,862,862,-523,-524,862,-526,-527,-528,-529,-530,-531,-532,-533,862,-535,862,862,862,-541,-543,-544,862,-546,-547,-548,-549,862,862,862,862,862,862,-654,-655,-656,-657,862,-659,-660,-661,862,862,862,-667,862,862,-671,-672,862,862,-675,862,-677,-678,862,-681,862,-683,862,862,-686,-687,-688,862,-690,862,862,-693,862,862,-696,-697,-698,862,-700,-701,-702,-703,862,862,-748,862,-751,-752,-753,-754,-755,862,-757,-758,-759,-760,-761,862,-768,-769,-771,862,-773,-774,-775,-784,-858,-860,-862,-864,862,862,862,862,-870,862,-872,862,862,862,862,862,862,862,-908,-909,862,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,862,-923,-926,862,-936,862,-387,-388,-389,862,862,-392,-393,-394,-395,862,-398,862,-401,-402,862,-403,862,-408,-409,862,-412,-413,-414,862,-417,862,-418,862,-423,-424,862,-427,862,-430,-431,-1896,-1896,862,-621,-622,-623,-624,-625,-636,-586,-626,-799,862,862,862,862,862,-833,862,862,-808,862,-834,862,862,862,862,-800,862,-855,-801,862,862,862,862,862,862,-856,-857,862,-836,-832,-837,862,-627,862,-628,-629,-630,-631,-576,862,862,-632,-633,-634,862,862,862,862,862,862,-637,-638,-639,-594,-1896,-604,862,-640,-641,-715,-642,-606,862,-574,-579,-582,-585,862,862,862,-600,-603,862,-610,862,862,862,862,862,862,862,862,862,862,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,862,862,3190,862,-997,862,862,862,862,862,862,-308,-327,-321,-298,-377,-454,-455,-456,-460,862,-445,862,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,862,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,862,862,862,862,862,862,862,862,862,-318,-537,-510,-593,-939,-941,-942,-440,862,-442,-382,-383,-385,-509,-511,-513,862,-515,-516,-521,-522,862,-534,-536,-539,-540,-545,-550,-728,862,-729,862,-734,862,-736,862,-741,-658,-662,-663,862,-668,862,-669,862,-674,-676,862,-679,862,862,862,-689,-691,862,-694,862,862,-746,862,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,862,862,862,862,862,-879,862,-882,-910,-922,-927,-390,-391,862,-396,862,-399,862,-404,862,-405,862,-410,862,-415,862,-419,862,-420,862,-425,862,-428,-901,-902,-645,-587,-1896,-903,862,862,862,-802,862,862,-806,862,-809,-835,862,-820,862,-822,862,-824,-810,862,-826,862,-853,-854,862,862,-813,862,-648,-904,-906,-650,-651,-647,862,-707,-708,862,-644,-905,-649,-652,-605,-716,862,862,-607,-588,862,862,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,862,862,-711,-712,862,-718,862,862,862,862,3190,862,862,-940,862,-441,-443,-749,862,-893,862,-717,-1896,862,862,3190,862,3190,3190,3190,3190,3190,3190,3190,3190,3190,862,862,-444,-514,-525,862,-730,-735,862,-737,862,-742,862,-664,-670,862,-680,-682,-684,-685,-692,-695,-699,-747,862,862,-876,862,862,-880,862,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,862,-814,862,-816,-803,862,-804,-807,862,-818,-821,-823,-825,-827,862,-828,862,-811,862,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,862,3190,-284,862,862,862,862,-457,862,862,-731,862,-738,862,-743,862,-665,-673,862,862,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,862,-838,-53,862,862,-732,862,-739,862,-744,-666,862,-875,-54,862,862,-733,-740,-745,862,862,862,-874,]),'USE_FRM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[863,863,863,863,-1896,863,863,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,863,863,863,863,-277,-278,863,-1427,863,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,863,863,863,-492,863,863,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,863,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,863,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,863,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,863,-174,-175,-176,-177,-995,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-292,-293,-283,863,863,863,863,863,-330,-320,-334,-335,-336,863,863,-984,-985,-986,-987,-988,-989,-990,863,863,863,863,863,863,863,863,863,863,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,863,863,863,-355,-358,863,-325,-326,-143,863,-144,863,-145,863,-432,-937,-938,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-1896,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-1896,863,-1896,863,863,863,863,863,863,863,863,863,863,863,863,-1896,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-1896,863,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,863,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,863,863,863,-193,-194,863,-996,863,863,863,863,863,-279,-280,-281,-282,-367,863,-310,863,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,863,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,863,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,863,863,863,863,863,863,-575,863,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,863,863,-725,-726,-727,863,863,863,863,863,863,-996,863,863,-93,-94,863,863,863,863,-311,-312,-322,863,-309,-295,-296,-297,863,863,863,863,-620,-635,-592,863,863,-438,863,-439,863,-446,-447,-448,-380,-381,863,863,863,-508,863,863,-512,863,863,863,863,-517,-518,-519,-520,863,863,-523,-524,863,-526,-527,-528,-529,-530,-531,-532,-533,863,-535,863,863,863,-541,-543,-544,863,-546,-547,-548,-549,863,863,863,863,863,863,-654,-655,-656,-657,863,-659,-660,-661,863,863,863,-667,863,863,-671,-672,863,863,-675,863,-677,-678,863,-681,863,-683,863,863,-686,-687,-688,863,-690,863,863,-693,863,863,-696,-697,-698,863,-700,-701,-702,-703,863,863,-748,863,-751,-752,-753,-754,-755,863,-757,-758,-759,-760,-761,863,-768,-769,-771,863,-773,-774,-775,-784,-858,-860,-862,-864,863,863,863,863,-870,863,-872,863,863,863,863,863,863,863,-908,-909,863,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,863,-923,-926,863,-936,863,-387,-388,-389,863,863,-392,-393,-394,-395,863,-398,863,-401,-402,863,-403,863,-408,-409,863,-412,-413,-414,863,-417,863,-418,863,-423,-424,863,-427,863,-430,-431,-1896,-1896,863,-621,-622,-623,-624,-625,-636,-586,-626,-799,863,863,863,863,863,-833,863,863,-808,863,-834,863,863,863,863,-800,863,-855,-801,863,863,863,863,863,863,-856,-857,863,-836,-832,-837,863,-627,863,-628,-629,-630,-631,-576,863,863,-632,-633,-634,863,863,863,863,863,863,-637,-638,-639,-594,-1896,-604,863,-640,-641,-715,-642,-606,863,-574,-579,-582,-585,863,863,863,-600,-603,863,-610,863,863,863,863,863,863,863,863,863,863,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,863,863,863,-997,863,863,863,863,863,863,-308,-327,-321,-298,-377,-454,-455,-456,-460,863,-445,863,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,863,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,863,863,863,863,863,863,863,863,863,-318,-537,-510,-593,-939,-941,-942,-440,863,-442,-382,-383,-385,-509,-511,-513,863,-515,-516,-521,-522,863,-534,-536,-539,-540,-545,-550,-728,863,-729,863,-734,863,-736,863,-741,-658,-662,-663,863,-668,863,-669,863,-674,-676,863,-679,863,863,863,-689,-691,863,-694,863,863,-746,863,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,863,863,863,863,863,-879,863,-882,-910,-922,-927,-390,-391,863,-396,863,-399,863,-404,863,-405,863,-410,863,-415,863,-419,863,-420,863,-425,863,-428,-901,-902,-645,-587,-1896,-903,863,863,863,-802,863,863,-806,863,-809,-835,863,-820,863,-822,863,-824,-810,863,-826,863,-853,-854,863,863,-813,863,-648,-904,-906,-650,-651,-647,863,-707,-708,863,-644,-905,-649,-652,-605,-716,863,863,-607,-588,863,863,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,863,863,-711,-712,863,-718,863,863,863,863,863,863,-940,863,-441,-443,-749,863,-893,863,-717,-1896,863,863,863,863,863,-444,-514,-525,863,-730,-735,863,-737,863,-742,863,-664,-670,863,-680,-682,-684,-685,-692,-695,-699,-747,863,863,-876,863,863,-880,863,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,863,-814,863,-816,-803,863,-804,-807,863,-818,-821,-823,-825,-827,863,-828,863,-811,863,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,863,-284,863,863,863,863,-457,863,863,-731,863,-738,863,-743,863,-665,-673,863,863,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,863,-838,-53,863,863,-732,863,-739,863,-744,-666,863,-875,-54,863,863,-733,-740,-745,863,863,863,-874,]),'UUID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[864,864,864,1215,-1896,864,864,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,864,864,864,864,-277,-278,1215,-1427,1215,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1215,1215,1215,-492,1215,1215,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1215,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1215,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1978,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,864,-174,-175,-176,-177,-995,864,864,864,864,864,864,864,864,864,864,1215,1215,1215,1215,1215,-292,-293,-283,864,1215,1215,1215,1215,-330,-320,-334,-335,-336,1215,1215,-984,-985,-986,-987,-988,-989,-990,864,864,1215,1215,1215,1215,1215,1215,1215,1215,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1215,1215,1215,-355,-358,864,-325,-326,-143,1215,-144,1215,-145,1215,-432,-937,-938,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1896,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1896,1215,-1896,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1896,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1896,864,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1215,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1215,864,864,-193,-194,864,-996,1215,864,864,864,864,-279,-280,-281,-282,-367,1215,-310,1215,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1215,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1215,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1215,1215,1215,1215,1215,1215,-575,1215,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1215,1215,-725,-726,-727,1215,1978,864,864,864,864,-996,864,1215,-93,-94,864,864,864,1215,-311,-312,-322,1215,-309,-295,-296,-297,1215,864,1215,1215,-620,-635,-592,1215,864,-438,864,-439,1215,-446,-447,-448,-380,-381,1215,1215,1215,-508,1215,1215,-512,1215,1215,1215,1215,-517,-518,-519,-520,1215,1215,-523,-524,1215,-526,-527,-528,-529,-530,-531,-532,-533,1215,-535,1215,1215,1215,-541,-543,-544,1215,-546,-547,-548,-549,1215,1215,1215,1215,1215,1215,-654,-655,-656,-657,864,-659,-660,-661,1215,1215,1215,-667,1215,1215,-671,-672,1215,1215,-675,1215,-677,-678,1215,-681,1215,-683,1215,1215,-686,-687,-688,1215,-690,1215,1215,-693,1215,1215,-696,-697,-698,1215,-700,-701,-702,-703,1215,1215,-748,1215,-751,-752,-753,-754,-755,1215,-757,-758,-759,-760,-761,1215,-768,-769,-771,1215,-773,-774,-775,-784,-858,-860,-862,-864,1215,1215,1215,1215,-870,1215,-872,1215,1215,1215,1215,1215,1215,1215,-908,-909,1215,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1215,-923,-926,1215,-936,1215,-387,-388,-389,1215,1215,-392,-393,-394,-395,1215,-398,1215,-401,-402,1215,-403,1215,-408,-409,1215,-412,-413,-414,1215,-417,1215,-418,1215,-423,-424,1215,-427,1215,-430,-431,-1896,-1896,1215,-621,-622,-623,-624,-625,-636,-586,-626,-799,1215,1215,1215,1215,1215,-833,1215,1215,-808,1215,-834,1215,1215,1215,1215,-800,1215,-855,-801,1215,1215,1215,1215,1215,1215,-856,-857,1215,-836,-832,-837,1215,-627,1215,-628,-629,-630,-631,-576,1215,1215,-632,-633,-634,1215,1215,1215,1215,1215,1215,-637,-638,-639,-594,-1896,-604,1215,-640,-641,-715,-642,-606,1215,-574,-579,-582,-585,1215,1215,1215,-600,-603,1215,-610,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1215,864,864,-997,864,1215,864,864,864,1215,-308,-327,-321,-298,-377,-454,-455,-456,-460,864,-445,1215,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1215,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,864,864,864,864,864,864,864,864,1215,-318,-537,-510,-593,-939,-941,-942,-440,1215,-442,-382,-383,-385,-509,-511,-513,1215,-515,-516,-521,-522,1215,-534,-536,-539,-540,-545,-550,-728,1215,-729,1215,-734,1215,-736,1215,-741,-658,-662,-663,1215,-668,1215,-669,1215,-674,-676,1215,-679,1215,1215,1215,-689,-691,1215,-694,1215,1215,-746,1215,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1215,1215,1215,1215,1215,-879,1215,-882,-910,-922,-927,-390,-391,1215,-396,1215,-399,1215,-404,1215,-405,1215,-410,1215,-415,1215,-419,1215,-420,1215,-425,1215,-428,-901,-902,-645,-587,-1896,-903,1215,1215,1215,-802,1215,1215,-806,1215,-809,-835,1215,-820,1215,-822,1215,-824,-810,1215,-826,1215,-853,-854,1215,1215,-813,1215,-648,-904,-906,-650,-651,-647,1215,-707,-708,1215,-644,-905,-649,-652,-605,-716,1215,1215,-607,-588,1215,1215,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1215,1215,-711,-712,1215,-718,1215,864,864,864,1215,1215,-940,864,-441,-443,-749,1215,-893,1978,-717,-1896,1215,1215,864,864,1215,-444,-514,-525,1215,-730,-735,1215,-737,1215,-742,1215,-664,-670,1215,-680,-682,-684,-685,-692,-695,-699,-747,1215,1215,-876,1215,1215,-880,1215,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1215,-814,1215,-816,-803,1215,-804,-807,1215,-818,-821,-823,-825,-827,1215,-828,1215,-811,1215,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,864,-284,864,1215,864,1215,-457,1215,1215,-731,1215,-738,1215,-743,1215,-665,-673,1215,1215,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1215,-838,-53,864,1215,-732,1215,-739,1215,-744,-666,1215,-875,-54,864,864,-733,-740,-745,1215,864,1215,-874,]),'UUID_SHORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[865,865,865,1216,-1896,865,865,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,865,865,865,865,-277,-278,1216,-1427,1216,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1216,1216,1216,-492,1216,1216,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1216,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1216,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1979,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,865,-174,-175,-176,-177,-995,865,865,865,865,865,865,865,865,865,865,1216,1216,1216,1216,1216,-292,-293,-283,865,1216,1216,1216,1216,-330,-320,-334,-335,-336,1216,1216,-984,-985,-986,-987,-988,-989,-990,865,865,1216,1216,1216,1216,1216,1216,1216,1216,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1216,1216,1216,-355,-358,865,-325,-326,-143,1216,-144,1216,-145,1216,-432,-937,-938,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1896,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1896,1216,-1896,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1896,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1896,865,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1216,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1216,865,865,-193,-194,865,-996,1216,865,865,865,865,-279,-280,-281,-282,-367,1216,-310,1216,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1216,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1216,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1216,1216,1216,1216,1216,1216,-575,1216,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1216,1216,-725,-726,-727,1216,1979,865,865,865,865,-996,865,1216,-93,-94,865,865,865,1216,-311,-312,-322,1216,-309,-295,-296,-297,1216,865,1216,1216,-620,-635,-592,1216,865,-438,865,-439,1216,-446,-447,-448,-380,-381,1216,1216,1216,-508,1216,1216,-512,1216,1216,1216,1216,-517,-518,-519,-520,1216,1216,-523,-524,1216,-526,-527,-528,-529,-530,-531,-532,-533,1216,-535,1216,1216,1216,-541,-543,-544,1216,-546,-547,-548,-549,1216,1216,1216,1216,1216,1216,-654,-655,-656,-657,865,-659,-660,-661,1216,1216,1216,-667,1216,1216,-671,-672,1216,1216,-675,1216,-677,-678,1216,-681,1216,-683,1216,1216,-686,-687,-688,1216,-690,1216,1216,-693,1216,1216,-696,-697,-698,1216,-700,-701,-702,-703,1216,1216,-748,1216,-751,-752,-753,-754,-755,1216,-757,-758,-759,-760,-761,1216,-768,-769,-771,1216,-773,-774,-775,-784,-858,-860,-862,-864,1216,1216,1216,1216,-870,1216,-872,1216,1216,1216,1216,1216,1216,1216,-908,-909,1216,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1216,-923,-926,1216,-936,1216,-387,-388,-389,1216,1216,-392,-393,-394,-395,1216,-398,1216,-401,-402,1216,-403,1216,-408,-409,1216,-412,-413,-414,1216,-417,1216,-418,1216,-423,-424,1216,-427,1216,-430,-431,-1896,-1896,1216,-621,-622,-623,-624,-625,-636,-586,-626,-799,1216,1216,1216,1216,1216,-833,1216,1216,-808,1216,-834,1216,1216,1216,1216,-800,1216,-855,-801,1216,1216,1216,1216,1216,1216,-856,-857,1216,-836,-832,-837,1216,-627,1216,-628,-629,-630,-631,-576,1216,1216,-632,-633,-634,1216,1216,1216,1216,1216,1216,-637,-638,-639,-594,-1896,-604,1216,-640,-641,-715,-642,-606,1216,-574,-579,-582,-585,1216,1216,1216,-600,-603,1216,-610,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1216,865,865,-997,865,1216,865,865,865,1216,-308,-327,-321,-298,-377,-454,-455,-456,-460,865,-445,1216,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1216,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,865,865,865,865,865,865,865,865,1216,-318,-537,-510,-593,-939,-941,-942,-440,1216,-442,-382,-383,-385,-509,-511,-513,1216,-515,-516,-521,-522,1216,-534,-536,-539,-540,-545,-550,-728,1216,-729,1216,-734,1216,-736,1216,-741,-658,-662,-663,1216,-668,1216,-669,1216,-674,-676,1216,-679,1216,1216,1216,-689,-691,1216,-694,1216,1216,-746,1216,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1216,1216,1216,1216,1216,-879,1216,-882,-910,-922,-927,-390,-391,1216,-396,1216,-399,1216,-404,1216,-405,1216,-410,1216,-415,1216,-419,1216,-420,1216,-425,1216,-428,-901,-902,-645,-587,-1896,-903,1216,1216,1216,-802,1216,1216,-806,1216,-809,-835,1216,-820,1216,-822,1216,-824,-810,1216,-826,1216,-853,-854,1216,1216,-813,1216,-648,-904,-906,-650,-651,-647,1216,-707,-708,1216,-644,-905,-649,-652,-605,-716,1216,1216,-607,-588,1216,1216,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1216,1216,-711,-712,1216,-718,1216,865,865,865,1216,1216,-940,865,-441,-443,-749,1216,-893,1979,-717,-1896,1216,1216,865,865,1216,-444,-514,-525,1216,-730,-735,1216,-737,1216,-742,1216,-664,-670,1216,-680,-682,-684,-685,-692,-695,-699,-747,1216,1216,-876,1216,1216,-880,1216,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1216,-814,1216,-816,-803,1216,-804,-807,1216,-818,-821,-823,-825,-827,1216,-828,1216,-811,1216,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,865,-284,865,1216,865,1216,-457,1216,1216,-731,1216,-738,1216,-743,1216,-665,-673,1216,1216,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1216,-838,-53,865,1216,-732,1216,-739,1216,-744,-666,1216,-875,-54,865,865,-733,-740,-745,1216,865,1216,-874,]),'UUID_TO_BIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[866,866,866,1217,-1896,866,866,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,866,866,866,866,-277,-278,1217,-1427,1217,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1217,1217,1217,-492,1217,1217,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1217,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1217,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1980,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,866,-174,-175,-176,-177,-995,866,866,866,866,866,866,866,866,866,866,1217,1217,1217,1217,1217,-292,-293,-283,866,1217,1217,1217,1217,-330,-320,-334,-335,-336,1217,1217,-984,-985,-986,-987,-988,-989,-990,866,866,1217,1217,1217,1217,1217,1217,1217,1217,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1217,1217,1217,-355,-358,866,-325,-326,-143,1217,-144,1217,-145,1217,-432,-937,-938,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1896,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1896,1217,-1896,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1896,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1896,866,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1217,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1217,866,866,-193,-194,866,-996,1217,866,866,866,866,-279,-280,-281,-282,-367,1217,-310,1217,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1217,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1217,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1217,1217,1217,1217,1217,1217,-575,1217,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1217,1217,-725,-726,-727,1217,1980,866,866,866,866,-996,866,1217,-93,-94,866,866,866,1217,-311,-312,-322,1217,-309,-295,-296,-297,1217,866,1217,1217,-620,-635,-592,1217,866,-438,866,-439,1217,-446,-447,-448,-380,-381,1217,1217,1217,-508,1217,1217,-512,1217,1217,1217,1217,-517,-518,-519,-520,1217,1217,-523,-524,1217,-526,-527,-528,-529,-530,-531,-532,-533,1217,-535,1217,1217,1217,-541,-543,-544,1217,-546,-547,-548,-549,1217,1217,1217,1217,1217,1217,-654,-655,-656,-657,866,-659,-660,-661,1217,1217,1217,-667,1217,1217,-671,-672,1217,1217,-675,1217,-677,-678,1217,-681,1217,-683,1217,1217,-686,-687,-688,1217,-690,1217,1217,-693,1217,1217,-696,-697,-698,1217,-700,-701,-702,-703,1217,1217,-748,1217,-751,-752,-753,-754,-755,1217,-757,-758,-759,-760,-761,1217,-768,-769,-771,1217,-773,-774,-775,-784,-858,-860,-862,-864,1217,1217,1217,1217,-870,1217,-872,1217,1217,1217,1217,1217,1217,1217,-908,-909,1217,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1217,-923,-926,1217,-936,1217,-387,-388,-389,1217,1217,-392,-393,-394,-395,1217,-398,1217,-401,-402,1217,-403,1217,-408,-409,1217,-412,-413,-414,1217,-417,1217,-418,1217,-423,-424,1217,-427,1217,-430,-431,-1896,-1896,1217,-621,-622,-623,-624,-625,-636,-586,-626,-799,1217,1217,1217,1217,1217,-833,1217,1217,-808,1217,-834,1217,1217,1217,1217,-800,1217,-855,-801,1217,1217,1217,1217,1217,1217,-856,-857,1217,-836,-832,-837,1217,-627,1217,-628,-629,-630,-631,-576,1217,1217,-632,-633,-634,1217,1217,1217,1217,1217,1217,-637,-638,-639,-594,-1896,-604,1217,-640,-641,-715,-642,-606,1217,-574,-579,-582,-585,1217,1217,1217,-600,-603,1217,-610,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1217,866,866,-997,866,1217,866,866,866,1217,-308,-327,-321,-298,-377,-454,-455,-456,-460,866,-445,1217,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1217,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,866,866,866,866,866,866,866,866,1217,-318,-537,-510,-593,-939,-941,-942,-440,1217,-442,-382,-383,-385,-509,-511,-513,1217,-515,-516,-521,-522,1217,-534,-536,-539,-540,-545,-550,-728,1217,-729,1217,-734,1217,-736,1217,-741,-658,-662,-663,1217,-668,1217,-669,1217,-674,-676,1217,-679,1217,1217,1217,-689,-691,1217,-694,1217,1217,-746,1217,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1217,1217,1217,1217,1217,-879,1217,-882,-910,-922,-927,-390,-391,1217,-396,1217,-399,1217,-404,1217,-405,1217,-410,1217,-415,1217,-419,1217,-420,1217,-425,1217,-428,-901,-902,-645,-587,-1896,-903,1217,1217,1217,-802,1217,1217,-806,1217,-809,-835,1217,-820,1217,-822,1217,-824,-810,1217,-826,1217,-853,-854,1217,1217,-813,1217,-648,-904,-906,-650,-651,-647,1217,-707,-708,1217,-644,-905,-649,-652,-605,-716,1217,1217,-607,-588,1217,1217,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1217,1217,-711,-712,1217,-718,1217,866,866,866,1217,1217,-940,866,-441,-443,-749,1217,-893,1980,-717,-1896,1217,1217,866,866,1217,-444,-514,-525,1217,-730,-735,1217,-737,1217,-742,1217,-664,-670,1217,-680,-682,-684,-685,-692,-695,-699,-747,1217,1217,-876,1217,1217,-880,1217,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1217,-814,1217,-816,-803,1217,-804,-807,1217,-818,-821,-823,-825,-827,1217,-828,1217,-811,1217,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,866,-284,866,1217,866,1217,-457,1217,1217,-731,1217,-738,1217,-743,1217,-665,-673,1217,1217,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1217,-838,-53,866,1217,-732,1217,-739,1217,-744,-666,1217,-875,-54,866,866,-733,-740,-745,1217,866,1217,-874,]),'VALID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[867,867,867,867,-1896,867,867,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,867,867,867,867,-277,-278,867,-1427,867,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,867,867,867,-492,867,867,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,867,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,867,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,867,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,867,-174,-175,-176,-177,-995,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-292,-293,-283,867,867,867,867,867,-330,-320,-334,-335,-336,867,867,-984,-985,-986,-987,-988,-989,-990,867,867,867,867,867,867,867,867,867,867,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,867,867,867,-355,-358,867,-325,-326,-143,867,-144,867,-145,867,-432,-937,-938,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-1896,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-1896,867,-1896,867,867,867,867,867,867,867,867,867,867,867,867,-1896,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-1896,867,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,867,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,867,867,867,-193,-194,867,-996,867,867,867,867,867,-279,-280,-281,-282,-367,867,-310,867,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,867,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,867,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,867,867,867,867,867,867,-575,867,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,867,867,-725,-726,-727,867,867,867,867,867,867,-996,867,867,-93,-94,867,867,867,867,-311,-312,-322,867,-309,-295,-296,-297,867,867,867,867,-620,-635,-592,867,867,-438,867,-439,867,-446,-447,-448,-380,-381,867,867,867,-508,867,867,-512,867,867,867,867,-517,-518,-519,-520,867,867,-523,-524,867,-526,-527,-528,-529,-530,-531,-532,-533,867,-535,867,867,867,-541,-543,-544,867,-546,-547,-548,-549,867,867,867,867,867,867,-654,-655,-656,-657,867,-659,-660,-661,867,867,867,-667,867,867,-671,-672,867,867,-675,867,-677,-678,867,-681,867,-683,867,867,-686,-687,-688,867,-690,867,867,-693,867,867,-696,-697,-698,867,-700,-701,-702,-703,867,867,-748,867,-751,-752,-753,-754,-755,867,-757,-758,-759,-760,-761,867,-768,-769,-771,867,-773,-774,-775,-784,-858,-860,-862,-864,867,867,867,867,-870,867,-872,867,867,867,867,867,867,867,-908,-909,867,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,867,-923,-926,867,-936,867,-387,-388,-389,867,867,-392,-393,-394,-395,867,-398,867,-401,-402,867,-403,867,-408,-409,867,-412,-413,-414,867,-417,867,-418,867,-423,-424,867,-427,867,-430,-431,-1896,-1896,867,-621,-622,-623,-624,-625,-636,-586,-626,-799,867,867,867,867,867,-833,867,867,-808,867,-834,867,867,867,867,-800,867,-855,-801,867,867,867,867,867,867,-856,-857,867,-836,-832,-837,867,-627,867,-628,-629,-630,-631,-576,867,867,-632,-633,-634,867,867,867,867,867,867,-637,-638,-639,-594,-1896,-604,867,-640,-641,-715,-642,-606,867,-574,-579,-582,-585,867,867,867,-600,-603,867,-610,867,867,867,867,867,867,867,867,867,867,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,867,867,867,-997,867,867,867,867,867,867,-308,-327,-321,-298,-377,-454,-455,-456,-460,867,-445,867,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,867,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,867,867,867,867,867,867,867,867,867,-318,-537,-510,-593,-939,-941,-942,-440,867,-442,-382,-383,-385,-509,-511,-513,867,-515,-516,-521,-522,867,-534,-536,-539,-540,-545,-550,-728,867,-729,867,-734,867,-736,867,-741,-658,-662,-663,867,-668,867,-669,867,-674,-676,867,-679,867,867,867,-689,-691,867,-694,867,867,-746,867,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,867,867,867,867,867,-879,867,-882,-910,-922,-927,-390,-391,867,-396,867,-399,867,-404,867,-405,867,-410,867,-415,867,-419,867,-420,867,-425,867,-428,-901,-902,-645,-587,-1896,-903,867,867,867,-802,867,867,-806,867,-809,-835,867,-820,867,-822,867,-824,-810,867,-826,867,-853,-854,867,867,-813,867,-648,-904,-906,-650,-651,-647,867,-707,-708,867,-644,-905,-649,-652,-605,-716,867,867,-607,-588,867,867,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,867,867,-711,-712,867,-718,867,867,867,867,867,867,-940,867,-441,-443,-749,867,-893,867,-717,-1896,867,867,867,867,867,-444,-514,-525,867,-730,-735,867,-737,867,-742,867,-664,-670,867,-680,-682,-684,-685,-692,-695,-699,-747,867,867,-876,867,867,-880,867,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,867,-814,867,-816,-803,867,-804,-807,867,-818,-821,-823,-825,-827,867,-828,867,-811,867,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,867,-284,867,867,867,867,-457,867,867,-731,867,-738,867,-743,867,-665,-673,867,867,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,867,-838,-53,867,867,-732,867,-739,867,-744,-666,867,-875,-54,867,867,-733,-740,-745,867,867,867,-874,]),'VALIDATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[868,868,868,868,-1896,868,868,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,868,868,868,868,-277,-278,868,-1427,868,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,868,868,868,-492,868,868,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,868,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,868,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,868,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,868,-174,-175,-176,-177,-995,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-292,-293,-283,868,868,868,868,868,-330,-320,-334,-335,-336,868,868,-984,-985,-986,-987,-988,-989,-990,868,868,868,868,868,868,868,868,868,868,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,868,868,868,-355,-358,868,-325,-326,-143,868,-144,868,-145,868,-432,-937,-938,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-1896,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-1896,868,-1896,868,868,868,868,868,868,868,868,868,868,868,868,-1896,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-1896,868,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,868,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,868,868,868,-193,-194,868,-996,868,868,868,868,868,-279,-280,-281,-282,-367,868,-310,868,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,868,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,868,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,868,868,868,868,868,868,-575,868,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,868,868,-725,-726,-727,868,868,868,868,868,868,-996,868,868,-93,-94,868,868,868,868,-311,-312,-322,868,-309,-295,-296,-297,868,868,868,868,-620,-635,-592,868,868,-438,868,-439,868,-446,-447,-448,-380,-381,868,868,868,-508,868,868,-512,868,868,868,868,-517,-518,-519,-520,868,868,-523,-524,868,-526,-527,-528,-529,-530,-531,-532,-533,868,-535,868,868,868,-541,-543,-544,868,-546,-547,-548,-549,868,868,868,868,868,868,-654,-655,-656,-657,868,-659,-660,-661,868,868,868,-667,868,868,-671,-672,868,868,-675,868,-677,-678,868,-681,868,-683,868,868,-686,-687,-688,868,-690,868,868,-693,868,868,-696,-697,-698,868,-700,-701,-702,-703,868,868,-748,868,-751,-752,-753,-754,-755,868,-757,-758,-759,-760,-761,868,-768,-769,-771,868,-773,-774,-775,-784,-858,-860,-862,-864,868,868,868,868,-870,868,-872,868,868,868,868,868,868,868,-908,-909,868,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,868,-923,-926,868,-936,868,-387,-388,-389,868,868,-392,-393,-394,-395,868,-398,868,-401,-402,868,-403,868,-408,-409,868,-412,-413,-414,868,-417,868,-418,868,-423,-424,868,-427,868,-430,-431,-1896,-1896,868,-621,-622,-623,-624,-625,-636,-586,-626,-799,868,868,868,868,868,-833,868,868,-808,868,-834,868,868,868,868,-800,868,-855,-801,868,868,868,868,868,868,-856,-857,868,-836,-832,-837,868,-627,868,-628,-629,-630,-631,-576,868,868,-632,-633,-634,868,868,868,868,868,868,-637,-638,-639,-594,-1896,-604,868,-640,-641,-715,-642,-606,868,-574,-579,-582,-585,868,868,868,-600,-603,868,-610,868,868,868,868,868,868,868,868,868,868,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,868,868,868,-997,868,868,868,868,868,868,-308,-327,-321,-298,-377,-454,-455,-456,-460,868,-445,868,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,868,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,868,868,868,868,868,868,868,868,868,-318,-537,-510,-593,-939,-941,-942,-440,868,-442,-382,-383,-385,-509,-511,-513,868,-515,-516,-521,-522,868,-534,-536,-539,-540,-545,-550,-728,868,-729,868,-734,868,-736,868,-741,-658,-662,-663,868,-668,868,-669,868,-674,-676,868,-679,868,868,868,-689,-691,868,-694,868,868,-746,868,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,868,868,868,868,868,-879,868,-882,-910,-922,-927,-390,-391,868,-396,868,-399,868,-404,868,-405,868,-410,868,-415,868,-419,868,-420,868,-425,868,-428,-901,-902,-645,-587,-1896,-903,868,868,868,-802,868,868,-806,868,-809,-835,868,-820,868,-822,868,-824,-810,868,-826,868,-853,-854,868,868,-813,868,-648,-904,-906,-650,-651,-647,868,-707,-708,868,-644,-905,-649,-652,-605,-716,868,868,-607,-588,868,868,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,868,868,-711,-712,868,-718,868,868,868,868,868,868,-940,868,-441,-443,-749,868,-893,868,-717,-1896,868,868,868,868,868,-444,-514,-525,868,-730,-735,868,-737,868,-742,868,-664,-670,868,-680,-682,-684,-685,-692,-695,-699,-747,868,868,-876,868,868,-880,868,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,868,-814,868,-816,-803,868,-804,-807,868,-818,-821,-823,-825,-827,868,-828,868,-811,868,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,868,-284,868,868,868,868,-457,868,868,-731,868,-738,868,-743,868,-665,-673,868,868,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,868,-838,-53,868,868,-732,868,-739,868,-744,-666,868,-875,-54,868,868,-733,-740,-745,868,868,868,-874,]),'VALIDATE_PASSWORD_STRENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[869,869,869,1145,-1896,869,869,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,869,869,869,869,-277,-278,1145,-1427,1145,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1145,1145,1145,-492,1145,1145,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1145,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1145,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1981,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,869,-174,-175,-176,-177,-995,869,869,869,869,869,869,869,869,869,869,1145,1145,1145,1145,1145,-292,-293,-283,869,1145,1145,1145,1145,-330,-320,-334,-335,-336,1145,1145,-984,-985,-986,-987,-988,-989,-990,869,869,1145,1145,1145,1145,1145,1145,1145,1145,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1145,1145,1145,-355,-358,869,-325,-326,-143,1145,-144,1145,-145,1145,-432,-937,-938,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1896,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1896,1145,-1896,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1896,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1896,869,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1145,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1145,869,869,-193,-194,869,-996,1145,869,869,869,869,-279,-280,-281,-282,-367,1145,-310,1145,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1145,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1145,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1145,1145,1145,1145,1145,1145,-575,1145,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1145,1145,-725,-726,-727,1145,1981,869,869,869,869,-996,869,1145,-93,-94,869,869,869,1145,-311,-312,-322,1145,-309,-295,-296,-297,1145,869,1145,1145,-620,-635,-592,1145,869,-438,869,-439,1145,-446,-447,-448,-380,-381,1145,1145,1145,-508,1145,1145,-512,1145,1145,1145,1145,-517,-518,-519,-520,1145,1145,-523,-524,1145,-526,-527,-528,-529,-530,-531,-532,-533,1145,-535,1145,1145,1145,-541,-543,-544,1145,-546,-547,-548,-549,1145,1145,1145,1145,1145,1145,-654,-655,-656,-657,869,-659,-660,-661,1145,1145,1145,-667,1145,1145,-671,-672,1145,1145,-675,1145,-677,-678,1145,-681,1145,-683,1145,1145,-686,-687,-688,1145,-690,1145,1145,-693,1145,1145,-696,-697,-698,1145,-700,-701,-702,-703,1145,1145,-748,1145,-751,-752,-753,-754,-755,1145,-757,-758,-759,-760,-761,1145,-768,-769,-771,1145,-773,-774,-775,-784,-858,-860,-862,-864,1145,1145,1145,1145,-870,1145,-872,1145,1145,1145,1145,1145,1145,1145,-908,-909,1145,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1145,-923,-926,1145,-936,1145,-387,-388,-389,1145,1145,-392,-393,-394,-395,1145,-398,1145,-401,-402,1145,-403,1145,-408,-409,1145,-412,-413,-414,1145,-417,1145,-418,1145,-423,-424,1145,-427,1145,-430,-431,-1896,-1896,1145,-621,-622,-623,-624,-625,-636,-586,-626,-799,1145,1145,1145,1145,1145,-833,1145,1145,-808,1145,-834,1145,1145,1145,1145,-800,1145,-855,-801,1145,1145,1145,1145,1145,1145,-856,-857,1145,-836,-832,-837,1145,-627,1145,-628,-629,-630,-631,-576,1145,1145,-632,-633,-634,1145,1145,1145,1145,1145,1145,-637,-638,-639,-594,-1896,-604,1145,-640,-641,-715,-642,-606,1145,-574,-579,-582,-585,1145,1145,1145,-600,-603,1145,-610,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1145,869,869,-997,869,1145,869,869,869,1145,-308,-327,-321,-298,-377,-454,-455,-456,-460,869,-445,1145,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1145,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,869,869,869,869,869,869,869,869,1145,-318,-537,-510,-593,-939,-941,-942,-440,1145,-442,-382,-383,-385,-509,-511,-513,1145,-515,-516,-521,-522,1145,-534,-536,-539,-540,-545,-550,-728,1145,-729,1145,-734,1145,-736,1145,-741,-658,-662,-663,1145,-668,1145,-669,1145,-674,-676,1145,-679,1145,1145,1145,-689,-691,1145,-694,1145,1145,-746,1145,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1145,1145,1145,1145,1145,-879,1145,-882,-910,-922,-927,-390,-391,1145,-396,1145,-399,1145,-404,1145,-405,1145,-410,1145,-415,1145,-419,1145,-420,1145,-425,1145,-428,-901,-902,-645,-587,-1896,-903,1145,1145,1145,-802,1145,1145,-806,1145,-809,-835,1145,-820,1145,-822,1145,-824,-810,1145,-826,1145,-853,-854,1145,1145,-813,1145,-648,-904,-906,-650,-651,-647,1145,-707,-708,1145,-644,-905,-649,-652,-605,-716,1145,1145,-607,-588,1145,1145,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1145,1145,-711,-712,1145,-718,1145,869,869,869,1145,1145,-940,869,-441,-443,-749,1145,-893,1981,-717,-1896,1145,1145,869,869,1145,-444,-514,-525,1145,-730,-735,1145,-737,1145,-742,1145,-664,-670,1145,-680,-682,-684,-685,-692,-695,-699,-747,1145,1145,-876,1145,1145,-880,1145,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1145,-814,1145,-816,-803,1145,-804,-807,1145,-818,-821,-823,-825,-827,1145,-828,1145,-811,1145,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,869,-284,869,1145,869,1145,-457,1145,1145,-731,1145,-738,1145,-743,1145,-665,-673,1145,1145,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1145,-838,-53,869,1145,-732,1145,-739,1145,-744,-666,1145,-875,-54,869,869,-733,-740,-745,1145,869,1145,-874,]),'VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[870,870,870,870,-1896,870,870,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,870,870,870,870,-277,-278,870,-1427,870,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,870,870,870,-492,870,870,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,870,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,870,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,870,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,870,-174,-175,-176,-177,-995,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-292,-293,-283,870,870,870,870,870,-330,-320,-334,-335,-336,870,870,-984,-985,-986,-987,-988,-989,-990,870,870,870,870,870,870,870,870,870,870,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,870,870,870,-355,-358,870,-325,-326,-143,870,-144,870,-145,870,-432,-937,-938,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-1896,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-1896,870,-1896,870,870,870,870,870,870,870,870,870,870,870,870,-1896,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-1896,870,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,870,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,870,870,870,-193,-194,870,-996,870,870,870,870,870,-279,-280,-281,-282,-367,870,-310,870,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,870,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,870,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,870,870,870,870,870,870,-575,870,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,870,870,-725,-726,-727,870,870,870,870,870,870,-996,870,870,-93,-94,870,870,870,870,-311,-312,-322,870,-309,-295,-296,-297,870,870,870,870,-620,-635,-592,870,870,-438,870,-439,870,-446,-447,-448,-380,-381,870,870,870,-508,870,870,-512,870,870,870,870,-517,-518,-519,-520,870,870,-523,-524,870,-526,-527,-528,-529,-530,-531,-532,-533,870,-535,870,870,870,-541,-543,-544,870,-546,-547,-548,-549,870,870,870,870,870,870,-654,-655,-656,-657,870,-659,-660,-661,870,870,870,-667,870,870,-671,-672,870,870,-675,870,-677,-678,870,-681,870,-683,870,870,-686,-687,-688,870,-690,870,870,-693,870,870,-696,-697,-698,870,-700,-701,-702,-703,870,870,-748,870,-751,-752,-753,-754,-755,870,-757,-758,-759,-760,-761,870,-768,-769,-771,870,-773,-774,-775,-784,-858,-860,-862,-864,870,870,870,870,-870,870,-872,870,870,870,870,870,870,870,-908,-909,870,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,870,-923,-926,870,-936,870,-387,-388,-389,870,870,-392,-393,-394,-395,870,-398,870,-401,-402,870,-403,870,-408,-409,870,-412,-413,-414,870,-417,870,-418,870,-423,-424,870,-427,870,-430,-431,-1896,-1896,870,-621,-622,-623,-624,-625,-636,-586,-626,-799,870,870,870,870,870,-833,870,870,-808,870,-834,870,870,870,870,-800,870,-855,-801,870,870,870,870,870,870,-856,-857,870,-836,-832,-837,870,-627,870,-628,-629,-630,-631,-576,870,870,-632,-633,-634,870,870,870,870,870,870,-637,-638,-639,-594,-1896,-604,870,-640,-641,-715,-642,-606,870,-574,-579,-582,-585,870,870,870,-600,-603,870,-610,870,870,870,870,870,870,870,870,870,870,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,870,870,870,-997,870,870,870,870,870,870,-308,-327,-321,-298,-377,-454,-455,-456,-460,870,-445,870,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,870,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,870,870,870,870,870,870,870,870,870,-318,-537,-510,-593,-939,-941,-942,-440,870,-442,-382,-383,-385,-509,-511,-513,870,-515,-516,-521,-522,870,-534,-536,-539,-540,-545,-550,-728,870,-729,870,-734,870,-736,870,-741,-658,-662,-663,870,-668,870,-669,870,-674,-676,870,-679,870,870,870,-689,-691,870,-694,870,870,-746,870,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,870,870,870,870,870,-879,870,-882,-910,-922,-927,-390,-391,870,-396,870,-399,870,-404,870,-405,870,-410,870,-415,870,-419,870,-420,870,-425,870,-428,-901,-902,-645,-587,-1896,-903,870,870,870,-802,870,870,-806,870,-809,-835,870,-820,870,-822,870,-824,-810,870,-826,870,-853,-854,870,870,-813,870,-648,-904,-906,-650,-651,-647,870,-707,-708,870,-644,-905,-649,-652,-605,-716,870,870,-607,-588,870,870,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,870,870,-711,-712,870,-718,870,870,870,870,870,870,-940,870,-441,-443,-749,870,-893,870,-717,-1896,870,870,870,870,870,-444,-514,-525,870,-730,-735,870,-737,870,-742,870,-664,-670,870,-680,-682,-684,-685,-692,-695,-699,-747,870,870,-876,870,870,-880,870,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,870,-814,870,-816,-803,870,-804,-807,870,-818,-821,-823,-825,-827,870,-828,870,-811,870,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,870,-284,870,870,870,870,-457,870,870,-731,870,-738,870,-743,870,-665,-673,870,870,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,870,-838,-53,870,870,-732,870,-739,870,-744,-666,870,-875,-54,870,870,-733,-740,-745,870,870,870,-874,]),'VARCHARACTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[871,871,871,871,-1896,871,871,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,871,871,871,871,-277,-278,871,-1427,871,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,871,871,871,-492,871,871,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,871,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,871,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,871,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,871,-174,-175,-176,-177,-995,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-292,-293,-283,871,871,871,871,871,-330,-320,-334,-335,-336,871,871,-984,-985,-986,-987,-988,-989,-990,871,871,871,871,871,871,871,871,871,871,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,871,871,871,-355,-358,871,-325,-326,-143,871,-144,871,-145,871,-432,-937,-938,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-1896,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-1896,871,-1896,871,871,871,871,871,871,871,871,871,871,871,871,-1896,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-1896,871,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,871,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,871,871,871,-193,-194,871,-996,871,871,871,871,871,-279,-280,-281,-282,-367,871,-310,871,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,871,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,871,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,871,871,871,871,871,871,-575,871,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,871,871,-725,-726,-727,871,871,871,871,871,871,-996,871,871,-93,-94,871,871,871,871,-311,-312,-322,871,-309,-295,-296,-297,871,871,871,871,-620,-635,-592,871,871,-438,871,-439,871,-446,-447,-448,-380,-381,871,871,871,-508,871,871,-512,871,871,871,871,-517,-518,-519,-520,871,871,-523,-524,871,-526,-527,-528,-529,-530,-531,-532,-533,871,-535,871,871,871,-541,-543,-544,871,-546,-547,-548,-549,871,871,871,871,871,871,-654,-655,-656,-657,871,-659,-660,-661,871,871,871,-667,871,871,-671,-672,871,871,-675,871,-677,-678,871,-681,871,-683,871,871,-686,-687,-688,871,-690,871,871,-693,871,871,-696,-697,-698,871,-700,-701,-702,-703,871,871,-748,871,-751,-752,-753,-754,-755,871,-757,-758,-759,-760,-761,871,-768,-769,-771,871,-773,-774,-775,-784,-858,-860,-862,-864,871,871,871,871,-870,871,-872,871,871,871,871,871,871,871,-908,-909,871,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,871,-923,-926,871,-936,871,-387,-388,-389,871,871,-392,-393,-394,-395,871,-398,871,-401,-402,871,-403,871,-408,-409,871,-412,-413,-414,871,-417,871,-418,871,-423,-424,871,-427,871,-430,-431,-1896,-1896,871,-621,-622,-623,-624,-625,-636,-586,-626,-799,871,871,871,871,871,-833,871,871,-808,871,-834,871,871,871,871,-800,871,-855,-801,871,871,871,871,871,871,-856,-857,871,-836,-832,-837,871,-627,871,-628,-629,-630,-631,-576,871,871,-632,-633,-634,871,871,871,871,871,871,-637,-638,-639,-594,-1896,-604,871,-640,-641,-715,-642,-606,871,-574,-579,-582,-585,871,871,871,-600,-603,871,-610,871,871,871,871,871,871,871,871,871,871,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,871,871,871,-997,871,871,871,871,871,871,-308,-327,-321,-298,-377,-454,-455,-456,-460,871,-445,871,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,871,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,871,871,871,871,871,871,871,871,871,-318,-537,-510,-593,-939,-941,-942,-440,871,-442,-382,-383,-385,-509,-511,-513,871,-515,-516,-521,-522,871,-534,-536,-539,-540,-545,-550,-728,871,-729,871,-734,871,-736,871,-741,-658,-662,-663,871,-668,871,-669,871,-674,-676,871,-679,871,871,871,-689,-691,871,-694,871,871,-746,871,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,871,871,871,871,871,-879,871,-882,-910,-922,-927,-390,-391,871,-396,871,-399,871,-404,871,-405,871,-410,871,-415,871,-419,871,-420,871,-425,871,-428,-901,-902,-645,-587,-1896,-903,871,871,871,-802,871,871,-806,871,-809,-835,871,-820,871,-822,871,-824,-810,871,-826,871,-853,-854,871,871,-813,871,-648,-904,-906,-650,-651,-647,871,-707,-708,871,-644,-905,-649,-652,-605,-716,871,871,-607,-588,871,871,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,871,871,-711,-712,871,-718,871,871,871,871,871,871,-940,871,-441,-443,-749,871,-893,871,-717,-1896,871,871,871,871,871,-444,-514,-525,871,-730,-735,871,-737,871,-742,871,-664,-670,871,-680,-682,-684,-685,-692,-695,-699,-747,871,871,-876,871,871,-880,871,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,871,-814,871,-816,-803,871,-804,-807,871,-818,-821,-823,-825,-827,871,-828,871,-811,871,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,871,-284,871,871,871,871,-457,871,871,-731,871,-738,871,-743,871,-665,-673,871,871,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,871,-838,-53,871,871,-732,871,-739,871,-744,-666,871,-875,-54,871,871,-733,-740,-745,871,871,871,-874,]),'VARIABLES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[872,872,872,872,-1896,872,872,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,872,872,872,872,-277,-278,872,-1427,872,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,872,872,872,-492,872,872,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,872,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,872,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,872,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,872,-174,-175,-176,-177,-995,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-292,-293,-283,872,872,872,872,872,-330,-320,-334,-335,-336,872,872,-984,-985,-986,-987,-988,-989,-990,872,872,872,872,872,872,872,872,872,872,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,872,872,872,-355,-358,872,-325,-326,-143,872,-144,872,-145,872,-432,-937,-938,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-1896,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-1896,872,-1896,872,872,872,872,872,872,872,872,872,872,872,872,-1896,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-1896,872,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,872,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,872,872,872,-193,-194,872,-996,872,872,872,872,872,-279,-280,-281,-282,-367,872,-310,872,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,872,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,872,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,872,872,872,872,872,872,-575,872,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,872,872,-725,-726,-727,872,872,872,872,872,872,-996,872,872,-93,-94,872,872,872,872,-311,-312,-322,872,-309,-295,-296,-297,872,872,872,872,-620,-635,-592,872,872,-438,872,-439,872,-446,-447,-448,-380,-381,872,872,872,-508,872,872,-512,872,872,872,872,-517,-518,-519,-520,872,872,-523,-524,872,-526,-527,-528,-529,-530,-531,-532,-533,872,-535,872,872,872,-541,-543,-544,872,-546,-547,-548,-549,872,872,872,872,872,872,-654,-655,-656,-657,872,-659,-660,-661,872,872,872,-667,872,872,-671,-672,872,872,-675,872,-677,-678,872,-681,872,-683,872,872,-686,-687,-688,872,-690,872,872,-693,872,872,-696,-697,-698,872,-700,-701,-702,-703,872,872,-748,872,-751,-752,-753,-754,-755,872,-757,-758,-759,-760,-761,872,-768,-769,-771,872,-773,-774,-775,-784,-858,-860,-862,-864,872,872,872,872,-870,872,-872,872,872,872,872,872,872,872,-908,-909,872,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,872,-923,-926,872,-936,872,-387,-388,-389,872,872,-392,-393,-394,-395,872,-398,872,-401,-402,872,-403,872,-408,-409,872,-412,-413,-414,872,-417,872,-418,872,-423,-424,872,-427,872,-430,-431,-1896,-1896,872,-621,-622,-623,-624,-625,-636,-586,-626,-799,872,872,872,872,872,-833,872,872,-808,872,-834,872,872,872,872,-800,872,-855,-801,872,872,872,872,872,872,-856,-857,872,-836,-832,-837,872,-627,872,-628,-629,-630,-631,-576,872,872,-632,-633,-634,872,872,872,872,872,872,-637,-638,-639,-594,-1896,-604,872,-640,-641,-715,-642,-606,872,-574,-579,-582,-585,872,872,872,-600,-603,872,-610,872,872,872,872,872,872,872,872,872,872,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,872,872,872,-997,872,872,872,872,872,872,-308,-327,-321,-298,-377,-454,-455,-456,-460,872,-445,872,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,872,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,872,872,872,872,872,872,872,872,872,-318,-537,-510,-593,-939,-941,-942,-440,872,-442,-382,-383,-385,-509,-511,-513,872,-515,-516,-521,-522,872,-534,-536,-539,-540,-545,-550,-728,872,-729,872,-734,872,-736,872,-741,-658,-662,-663,872,-668,872,-669,872,-674,-676,872,-679,872,872,872,-689,-691,872,-694,872,872,-746,872,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,872,872,872,872,872,-879,872,-882,-910,-922,-927,-390,-391,872,-396,872,-399,872,-404,872,-405,872,-410,872,-415,872,-419,872,-420,872,-425,872,-428,-901,-902,-645,-587,-1896,-903,872,872,872,-802,872,872,-806,872,-809,-835,872,-820,872,-822,872,-824,-810,872,-826,872,-853,-854,872,872,-813,872,-648,-904,-906,-650,-651,-647,872,-707,-708,872,-644,-905,-649,-652,-605,-716,872,872,-607,-588,872,872,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,872,872,-711,-712,872,-718,872,872,872,872,872,872,-940,872,-441,-443,-749,872,-893,872,-717,-1896,872,872,872,872,872,-444,-514,-525,872,-730,-735,872,-737,872,-742,872,-664,-670,872,-680,-682,-684,-685,-692,-695,-699,-747,872,872,-876,872,872,-880,872,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,872,-814,872,-816,-803,872,-804,-807,872,-818,-821,-823,-825,-827,872,-828,872,-811,872,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,872,-284,872,872,872,872,-457,872,872,-731,872,-738,872,-743,872,-665,-673,872,872,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,872,-838,-53,872,872,-732,872,-739,872,-744,-666,872,-875,-54,872,872,-733,-740,-745,872,872,872,-874,]),'VARIANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[873,873,873,873,-1896,873,873,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,873,873,873,873,-277,-278,873,-1427,873,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,873,873,873,-492,873,873,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,873,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,873,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,873,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,873,-174,-175,-176,-177,-995,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-292,-293,-283,873,873,873,873,873,-330,-320,-334,-335,-336,873,873,-984,-985,-986,-987,-988,-989,-990,873,873,873,873,873,873,873,873,873,873,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,873,873,873,-355,-358,873,-325,-326,-143,873,-144,873,-145,873,-432,-937,-938,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-1896,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-1896,873,-1896,873,873,873,873,873,873,873,873,873,873,873,873,-1896,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-1896,873,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,873,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,873,873,873,-193,-194,873,-996,873,873,873,873,873,-279,-280,-281,-282,-367,873,-310,873,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,873,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,873,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,873,873,873,873,873,873,-575,873,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,873,873,-725,-726,-727,873,873,873,873,873,873,-996,873,873,-93,-94,873,873,873,873,-311,-312,-322,873,-309,-295,-296,-297,873,873,873,873,-620,-635,-592,873,873,-438,873,-439,873,-446,-447,-448,-380,-381,873,873,873,-508,873,873,-512,873,873,873,873,-517,-518,-519,-520,873,873,-523,-524,873,-526,-527,-528,-529,-530,-531,-532,-533,873,-535,873,873,873,-541,-543,-544,873,-546,-547,-548,-549,873,873,873,873,873,873,-654,-655,-656,-657,873,-659,-660,-661,873,873,873,-667,873,873,-671,-672,873,873,-675,873,-677,-678,873,-681,873,-683,873,873,-686,-687,-688,873,-690,873,873,-693,873,873,-696,-697,-698,873,-700,-701,-702,-703,873,873,-748,873,-751,-752,-753,-754,-755,873,-757,-758,-759,-760,-761,873,-768,-769,-771,873,-773,-774,-775,-784,-858,-860,-862,-864,873,873,873,873,-870,873,-872,873,873,873,873,873,873,873,-908,-909,873,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,873,-923,-926,873,-936,873,-387,-388,-389,873,873,-392,-393,-394,-395,873,-398,873,-401,-402,873,-403,873,-408,-409,873,-412,-413,-414,873,-417,873,-418,873,-423,-424,873,-427,873,-430,-431,-1896,-1896,873,-621,-622,-623,-624,-625,-636,-586,-626,-799,873,873,873,873,873,-833,873,873,-808,873,-834,873,873,873,873,-800,873,-855,-801,873,873,873,873,873,873,-856,-857,873,-836,-832,-837,873,-627,873,-628,-629,-630,-631,-576,873,873,-632,-633,-634,873,873,873,873,873,873,-637,-638,-639,-594,-1896,-604,873,-640,-641,-715,-642,-606,873,-574,-579,-582,-585,873,873,873,-600,-603,873,-610,873,873,873,873,873,873,873,873,873,873,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,873,873,873,-997,873,873,873,873,873,873,-308,-327,-321,-298,-377,-454,-455,-456,-460,873,-445,873,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,873,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,873,873,873,873,873,873,873,873,873,-318,-537,-510,-593,-939,-941,-942,-440,873,-442,-382,-383,-385,-509,-511,-513,873,-515,-516,-521,-522,873,-534,-536,-539,-540,-545,-550,-728,873,-729,873,-734,873,-736,873,-741,-658,-662,-663,873,-668,873,-669,873,-674,-676,873,-679,873,873,873,-689,-691,873,-694,873,873,-746,873,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,873,873,873,873,873,-879,873,-882,-910,-922,-927,-390,-391,873,-396,873,-399,873,-404,873,-405,873,-410,873,-415,873,-419,873,-420,873,-425,873,-428,-901,-902,-645,-587,-1896,-903,873,873,873,-802,873,873,-806,873,-809,-835,873,-820,873,-822,873,-824,-810,873,-826,873,-853,-854,873,873,-813,873,-648,-904,-906,-650,-651,-647,873,-707,-708,873,-644,-905,-649,-652,-605,-716,873,873,-607,-588,873,873,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,873,873,-711,-712,873,-718,873,873,873,873,873,873,-940,873,-441,-443,-749,873,-893,873,-717,-1896,873,873,873,873,873,-444,-514,-525,873,-730,-735,873,-737,873,-742,873,-664,-670,873,-680,-682,-684,-685,-692,-695,-699,-747,873,873,-876,873,873,-880,873,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,873,-814,873,-816,-803,873,-804,-807,873,-818,-821,-823,-825,-827,873,-828,873,-811,873,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,873,-284,873,873,873,873,-457,873,873,-731,873,-738,873,-743,873,-665,-673,873,873,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,873,-838,-53,873,873,-732,873,-739,873,-744,-666,873,-875,-54,873,873,-733,-740,-745,873,873,873,-874,]),'VAR_VARIANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[874,874,874,1309,-1896,874,874,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,874,874,874,874,-277,-278,1309,-1427,1309,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1309,1309,1309,-492,1309,1309,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1309,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1309,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1309,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,874,-174,-175,-176,-177,-995,874,874,874,874,874,874,874,874,874,874,1309,1309,1309,1309,1309,-292,-293,-283,874,1309,1309,1309,1309,-330,-320,-334,-335,-336,1309,1309,-984,-985,-986,-987,-988,-989,-990,874,874,1309,1309,1309,1309,1309,1309,1309,1309,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1309,1309,1309,-355,-358,874,-325,-326,-143,1309,-144,1309,-145,1309,-432,-937,-938,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1896,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1896,1309,-1896,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1896,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1896,874,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1309,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1309,874,874,-193,-194,874,-996,1309,874,874,874,874,-279,-280,-281,-282,-367,1309,-310,1309,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1309,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1309,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1309,1309,1309,1309,1309,1309,-575,1309,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1309,1309,-725,-726,-727,1309,1309,874,874,874,874,-996,874,1309,-93,-94,874,874,874,1309,-311,-312,-322,1309,-309,-295,-296,-297,1309,874,1309,1309,-620,-635,-592,1309,874,-438,874,-439,1309,-446,-447,-448,-380,-381,1309,1309,1309,-508,1309,1309,-512,1309,1309,1309,1309,-517,-518,-519,-520,1309,1309,-523,-524,1309,-526,-527,-528,-529,-530,-531,-532,-533,1309,-535,1309,1309,1309,-541,-543,-544,1309,-546,-547,-548,-549,1309,1309,1309,1309,1309,1309,-654,-655,-656,-657,874,-659,-660,-661,1309,1309,1309,-667,1309,1309,-671,-672,1309,1309,-675,1309,-677,-678,1309,-681,1309,-683,1309,1309,-686,-687,-688,1309,-690,1309,1309,-693,1309,1309,-696,-697,-698,1309,-700,-701,-702,-703,1309,1309,-748,1309,-751,-752,-753,-754,-755,1309,-757,-758,-759,-760,-761,1309,-768,-769,-771,1309,-773,-774,-775,-784,-858,-860,-862,-864,1309,1309,1309,1309,-870,1309,-872,1309,1309,1309,1309,1309,1309,1309,-908,-909,1309,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1309,-923,-926,1309,-936,1309,-387,-388,-389,1309,1309,-392,-393,-394,-395,1309,-398,1309,-401,-402,1309,-403,1309,-408,-409,1309,-412,-413,-414,1309,-417,1309,-418,1309,-423,-424,1309,-427,1309,-430,-431,-1896,-1896,1309,-621,-622,-623,-624,-625,-636,-586,-626,-799,1309,1309,1309,1309,1309,-833,1309,1309,-808,1309,-834,1309,1309,1309,1309,-800,1309,-855,-801,1309,1309,1309,1309,1309,1309,-856,-857,1309,-836,-832,-837,1309,-627,1309,-628,-629,-630,-631,-576,1309,1309,-632,-633,-634,1309,1309,1309,1309,1309,1309,-637,-638,-639,-594,-1896,-604,1309,-640,-641,-715,-642,-606,1309,-574,-579,-582,-585,1309,1309,1309,-600,-603,1309,-610,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1309,874,874,-997,874,1309,874,874,874,1309,-308,-327,-321,-298,-377,-454,-455,-456,-460,874,-445,1309,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1309,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,874,874,874,874,874,874,874,874,1309,-318,-537,-510,-593,-939,-941,-942,-440,1309,-442,-382,-383,-385,-509,-511,-513,1309,-515,-516,-521,-522,1309,-534,-536,-539,-540,-545,-550,-728,1309,-729,1309,-734,1309,-736,1309,-741,-658,-662,-663,1309,-668,1309,-669,1309,-674,-676,1309,-679,1309,1309,1309,-689,-691,1309,-694,1309,1309,-746,1309,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1309,1309,1309,1309,1309,-879,1309,-882,-910,-922,-927,-390,-391,1309,-396,1309,-399,1309,-404,1309,-405,1309,-410,1309,-415,1309,-419,1309,-420,1309,-425,1309,-428,-901,-902,-645,-587,-1896,-903,1309,1309,1309,-802,1309,1309,-806,1309,-809,-835,1309,-820,1309,-822,1309,-824,-810,1309,-826,1309,-853,-854,1309,1309,-813,1309,-648,-904,-906,-650,-651,-647,1309,-707,-708,1309,-644,-905,-649,-652,-605,-716,1309,1309,-607,-588,1309,1309,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1309,1309,-711,-712,1309,-718,1309,874,874,874,1309,1309,-940,874,-441,-443,-749,1309,-893,1309,-717,-1896,1309,1309,874,874,1309,-444,-514,-525,1309,-730,-735,1309,-737,1309,-742,1309,-664,-670,1309,-680,-682,-684,-685,-692,-695,-699,-747,1309,1309,-876,1309,1309,-880,1309,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1309,-814,1309,-816,-803,1309,-804,-807,1309,-818,-821,-823,-825,-827,1309,-828,1309,-811,1309,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,874,-284,874,1309,874,1309,-457,1309,1309,-731,1309,-738,1309,-743,1309,-665,-673,1309,1309,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1309,-838,-53,874,1309,-732,1309,-739,1309,-744,-666,1309,-875,-54,874,874,-733,-740,-745,1309,874,1309,-874,]),'VERBOSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[875,875,875,875,-1896,875,875,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,875,875,875,875,-277,-278,875,-1427,875,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,875,875,875,-492,875,875,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,875,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,875,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,875,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,875,-174,-175,-176,-177,-995,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-292,-293,-283,875,875,875,875,875,-330,-320,-334,-335,-336,875,875,-984,-985,-986,-987,-988,-989,-990,875,875,875,875,875,875,875,875,875,875,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,875,875,875,-355,-358,875,-325,-326,-143,875,-144,875,-145,875,-432,-937,-938,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-1896,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-1896,875,-1896,875,875,875,875,875,875,875,875,875,875,875,875,-1896,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-1896,875,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,875,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,875,875,875,-193,-194,875,-996,875,875,875,875,875,-279,-280,-281,-282,-367,875,-310,875,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,875,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,875,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,875,875,875,875,875,875,-575,875,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,875,875,-725,-726,-727,875,875,875,875,875,875,-996,875,875,-93,-94,875,875,875,875,-311,-312,-322,875,-309,-295,-296,-297,875,875,875,875,-620,-635,-592,875,875,-438,875,-439,875,-446,-447,-448,-380,-381,875,875,875,-508,875,875,-512,875,875,875,875,-517,-518,-519,-520,875,875,-523,-524,875,-526,-527,-528,-529,-530,-531,-532,-533,875,-535,875,875,875,-541,-543,-544,875,-546,-547,-548,-549,875,875,875,875,875,875,-654,-655,-656,-657,875,-659,-660,-661,875,875,875,-667,875,875,-671,-672,875,875,-675,875,-677,-678,875,-681,875,-683,875,875,-686,-687,-688,875,-690,875,875,-693,875,875,-696,-697,-698,875,-700,-701,-702,-703,875,875,-748,875,-751,-752,-753,-754,-755,875,-757,-758,-759,-760,-761,875,-768,-769,-771,875,-773,-774,-775,-784,-858,-860,-862,-864,875,875,875,875,-870,875,-872,875,875,875,875,875,875,875,-908,-909,875,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,875,-923,-926,875,-936,875,-387,-388,-389,875,875,-392,-393,-394,-395,875,-398,875,-401,-402,875,-403,875,-408,-409,875,-412,-413,-414,875,-417,875,-418,875,-423,-424,875,-427,875,-430,-431,-1896,-1896,875,-621,-622,-623,-624,-625,-636,-586,-626,-799,875,875,875,875,875,-833,875,875,-808,875,-834,875,875,875,875,-800,875,-855,-801,875,875,875,875,875,875,-856,-857,875,-836,-832,-837,875,-627,875,-628,-629,-630,-631,-576,875,875,-632,-633,-634,875,875,875,875,875,875,-637,-638,-639,-594,-1896,-604,875,-640,-641,-715,-642,-606,875,-574,-579,-582,-585,875,875,875,-600,-603,875,-610,875,875,875,875,875,875,875,875,875,875,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,875,875,875,-997,875,875,875,875,875,875,-308,-327,-321,-298,-377,-454,-455,-456,-460,875,-445,875,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,875,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,875,875,875,875,875,875,875,875,875,-318,-537,-510,-593,-939,-941,-942,-440,875,-442,-382,-383,-385,-509,-511,-513,875,-515,-516,-521,-522,875,-534,-536,-539,-540,-545,-550,-728,875,-729,875,-734,875,-736,875,-741,-658,-662,-663,875,-668,875,-669,875,-674,-676,875,-679,875,875,875,-689,-691,875,-694,875,875,-746,875,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,875,875,875,875,875,-879,875,-882,-910,-922,-927,-390,-391,875,-396,875,-399,875,-404,875,-405,875,-410,875,-415,875,-419,875,-420,875,-425,875,-428,-901,-902,-645,-587,-1896,-903,875,875,875,-802,875,875,-806,875,-809,-835,875,-820,875,-822,875,-824,-810,875,-826,875,-853,-854,875,875,-813,875,-648,-904,-906,-650,-651,-647,875,-707,-708,875,-644,-905,-649,-652,-605,-716,875,875,-607,-588,875,875,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,875,875,-711,-712,875,-718,875,875,875,875,875,875,-940,875,-441,-443,-749,875,-893,875,-717,-1896,875,875,875,875,875,-444,-514,-525,875,-730,-735,875,-737,875,-742,875,-664,-670,875,-680,-682,-684,-685,-692,-695,-699,-747,875,875,-876,875,875,-880,875,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,875,-814,875,-816,-803,875,-804,-807,875,-818,-821,-823,-825,-827,875,-828,875,-811,875,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,875,-284,875,875,875,875,-457,875,875,-731,875,-738,875,-743,875,-665,-673,875,875,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,875,-838,-53,875,875,-732,875,-739,875,-744,-666,875,-875,-54,875,875,-733,-740,-745,875,875,875,-874,]),'VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[876,876,876,1175,-1896,876,876,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,876,876,876,876,-277,-278,1175,-1427,1175,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1175,1175,1175,-492,1175,1175,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1175,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1175,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1982,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,876,-174,-175,-176,-177,-995,876,876,876,876,876,876,876,876,876,876,1175,1175,1175,1175,1175,-292,-293,-283,876,1175,1175,1175,1175,-330,-320,-334,-335,-336,1175,1175,-984,-985,-986,-987,-988,-989,-990,876,876,1175,1175,1175,1175,1175,1175,1175,1175,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1175,1175,1175,-355,-358,876,-325,-326,-143,1175,-144,1175,-145,1175,-432,-937,-938,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1896,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1896,1175,-1896,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1896,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1896,876,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1175,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1175,876,876,-193,-194,876,-996,1175,876,876,876,876,-279,-280,-281,-282,-367,1175,-310,1175,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1175,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1175,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1175,1175,1175,1175,1175,1175,-575,1175,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1175,1175,-725,-726,-727,1175,1982,876,876,876,876,-996,876,1175,-93,-94,876,876,876,1175,-311,-312,-322,1175,-309,-295,-296,-297,1175,876,1175,1175,-620,-635,-592,1175,876,-438,876,-439,1175,-446,-447,-448,-380,-381,1175,1175,1175,-508,1175,1175,-512,1175,1175,1175,1175,-517,-518,-519,-520,1175,1175,-523,-524,1175,-526,-527,-528,-529,-530,-531,-532,-533,1175,-535,1175,1175,1175,-541,-543,-544,1175,-546,-547,-548,-549,1175,1175,1175,1175,1175,1175,-654,-655,-656,-657,876,-659,-660,-661,1175,1175,1175,-667,1175,1175,-671,-672,1175,1175,-675,1175,-677,-678,1175,-681,1175,-683,1175,1175,-686,-687,-688,1175,-690,1175,1175,-693,1175,1175,-696,-697,-698,1175,-700,-701,-702,-703,1175,1175,-748,1175,-751,-752,-753,-754,-755,1175,-757,-758,-759,-760,-761,1175,-768,-769,-771,1175,-773,-774,-775,-784,-858,-860,-862,-864,1175,1175,1175,1175,-870,1175,-872,1175,1175,1175,1175,1175,1175,1175,-908,-909,1175,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1175,-923,-926,1175,-936,1175,-387,-388,-389,1175,1175,-392,-393,-394,-395,1175,-398,1175,-401,-402,1175,-403,1175,-408,-409,1175,-412,-413,-414,1175,-417,1175,-418,1175,-423,-424,1175,-427,1175,-430,-431,-1896,-1896,1175,-621,-622,-623,-624,-625,-636,-586,-626,-799,1175,1175,1175,1175,1175,-833,1175,1175,-808,1175,-834,1175,1175,1175,1175,-800,1175,-855,-801,1175,1175,1175,1175,1175,1175,-856,-857,1175,-836,-832,-837,1175,-627,1175,-628,-629,-630,-631,-576,1175,1175,-632,-633,-634,1175,1175,1175,1175,1175,1175,-637,-638,-639,-594,-1896,-604,1175,-640,-641,-715,-642,-606,1175,-574,-579,-582,-585,1175,1175,1175,-600,-603,1175,-610,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1175,876,876,-997,876,1175,876,876,876,1175,-308,-327,-321,-298,-377,-454,-455,-456,-460,876,-445,1175,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1175,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,876,876,876,876,876,876,876,876,1175,-318,-537,-510,-593,-939,-941,-942,-440,1175,-442,-382,-383,-385,-509,-511,-513,1175,-515,-516,-521,-522,1175,-534,-536,-539,-540,-545,-550,-728,1175,-729,1175,-734,1175,-736,1175,-741,-658,-662,-663,1175,-668,1175,-669,1175,-674,-676,1175,-679,1175,1175,1175,-689,-691,1175,-694,1175,1175,-746,1175,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1175,1175,1175,1175,1175,-879,1175,-882,-910,-922,-927,-390,-391,1175,-396,1175,-399,1175,-404,1175,-405,1175,-410,1175,-415,1175,-419,1175,-420,1175,-425,1175,-428,-901,-902,-645,-587,-1896,-903,1175,1175,1175,-802,1175,1175,-806,1175,-809,-835,1175,-820,1175,-822,1175,-824,-810,1175,-826,1175,-853,-854,1175,1175,-813,1175,-648,-904,-906,-650,-651,-647,1175,-707,-708,1175,-644,-905,-649,-652,-605,-716,1175,1175,-607,-588,1175,1175,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1175,1175,-711,-712,1175,-718,1175,876,876,876,1175,1175,-940,876,-441,-443,-749,1175,-893,1982,-717,-1896,1175,1175,876,876,1175,-444,-514,-525,1175,-730,-735,1175,-737,1175,-742,1175,-664,-670,1175,-680,-682,-684,-685,-692,-695,-699,-747,1175,1175,-876,1175,1175,-880,1175,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1175,-814,1175,-816,-803,1175,-804,-807,1175,-818,-821,-823,-825,-827,1175,-828,1175,-811,1175,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,876,-284,876,1175,876,1175,-457,1175,1175,-731,1175,-738,1175,-743,1175,-665,-673,1175,1175,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1175,-838,-53,876,1175,-732,1175,-739,1175,-744,-666,1175,-875,-54,876,876,-733,-740,-745,1175,876,1175,-874,]),'VIEW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[877,877,877,877,-1896,877,877,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,877,877,877,877,-277,-278,877,-1427,877,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,877,877,877,-492,877,877,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,877,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,877,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,877,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,877,-174,-175,-176,-177,-995,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-292,-293,-283,877,877,877,877,877,-330,-320,-334,-335,-336,877,877,-984,-985,-986,-987,-988,-989,-990,877,877,877,877,877,877,877,877,877,877,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,877,877,877,-355,-358,877,-325,-326,-143,877,-144,877,-145,877,-432,-937,-938,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-1896,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-1896,877,-1896,877,877,877,877,877,877,877,877,877,877,877,877,-1896,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-1896,877,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,877,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,877,877,877,-193,-194,877,-996,877,877,877,877,877,-279,-280,-281,-282,-367,877,-310,877,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,877,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,877,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,877,877,877,877,877,877,-575,877,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,877,877,-725,-726,-727,877,877,877,877,877,877,-996,877,877,-93,-94,877,877,877,877,-311,-312,-322,877,-309,-295,-296,-297,877,877,877,877,-620,-635,-592,877,877,-438,877,-439,877,-446,-447,-448,-380,-381,877,877,877,-508,877,877,-512,877,877,877,877,-517,-518,-519,-520,877,877,-523,-524,877,-526,-527,-528,-529,-530,-531,-532,-533,877,-535,877,877,877,-541,-543,-544,877,-546,-547,-548,-549,877,877,877,877,877,877,-654,-655,-656,-657,877,-659,-660,-661,877,877,877,-667,877,877,-671,-672,877,877,-675,877,-677,-678,877,-681,877,-683,877,877,-686,-687,-688,877,-690,877,877,-693,877,877,-696,-697,-698,877,-700,-701,-702,-703,877,877,-748,877,-751,-752,-753,-754,-755,877,-757,-758,-759,-760,-761,877,-768,-769,-771,877,-773,-774,-775,-784,-858,-860,-862,-864,877,877,877,877,-870,877,-872,877,877,877,877,877,877,877,-908,-909,877,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,877,-923,-926,877,-936,877,-387,-388,-389,877,877,-392,-393,-394,-395,877,-398,877,-401,-402,877,-403,877,-408,-409,877,-412,-413,-414,877,-417,877,-418,877,-423,-424,877,-427,877,-430,-431,-1896,-1896,877,-621,-622,-623,-624,-625,-636,-586,-626,-799,877,877,877,877,877,-833,877,877,-808,877,-834,877,877,877,877,-800,877,-855,-801,877,877,877,877,877,877,-856,-857,877,-836,-832,-837,877,-627,877,-628,-629,-630,-631,-576,877,877,-632,-633,-634,877,877,877,877,877,877,-637,-638,-639,-594,-1896,-604,877,-640,-641,-715,-642,-606,877,-574,-579,-582,-585,877,877,877,-600,-603,877,-610,877,877,877,877,877,877,877,877,877,877,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,877,877,877,-997,877,877,877,877,877,877,-308,-327,-321,-298,-377,-454,-455,-456,-460,877,-445,877,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,877,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,877,877,877,877,877,877,877,877,877,-318,-537,-510,-593,-939,-941,-942,-440,877,-442,-382,-383,-385,-509,-511,-513,877,-515,-516,-521,-522,877,-534,-536,-539,-540,-545,-550,-728,877,-729,877,-734,877,-736,877,-741,-658,-662,-663,877,-668,877,-669,877,-674,-676,877,-679,877,877,877,-689,-691,877,-694,877,877,-746,877,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,877,877,877,877,877,-879,877,-882,-910,-922,-927,-390,-391,877,-396,877,-399,877,-404,877,-405,877,-410,877,-415,877,-419,877,-420,877,-425,877,-428,-901,-902,-645,-587,-1896,-903,877,877,877,-802,877,877,-806,877,-809,-835,877,-820,877,-822,877,-824,-810,877,-826,877,-853,-854,877,877,-813,877,-648,-904,-906,-650,-651,-647,877,-707,-708,877,-644,-905,-649,-652,-605,-716,877,877,-607,-588,877,877,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,877,877,-711,-712,877,-718,877,877,877,877,877,877,-940,877,-441,-443,-749,877,-893,877,-717,-1896,877,877,877,877,877,-444,-514,-525,877,-730,-735,877,-737,877,-742,877,-664,-670,877,-680,-682,-684,-685,-692,-695,-699,-747,877,877,-876,877,877,-880,877,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,877,-814,877,-816,-803,877,-804,-807,877,-818,-821,-823,-825,-827,877,-828,877,-811,877,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,877,-284,877,877,877,877,-457,877,877,-731,877,-738,877,-743,877,-665,-673,877,877,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,877,-838,-53,877,877,-732,877,-739,877,-744,-666,877,-875,-54,877,877,-733,-740,-745,877,877,877,-874,]),'VIRTUAL_COLUMN_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[878,878,878,878,-1896,878,878,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,878,878,878,878,-277,-278,878,-1427,878,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,878,878,878,-492,878,878,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,878,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,878,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,878,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,878,-174,-175,-176,-177,-995,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-292,-293,-283,878,878,878,878,878,-330,-320,-334,-335,-336,878,878,-984,-985,-986,-987,-988,-989,-990,878,878,878,878,878,878,878,878,878,878,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,878,878,878,-355,-358,878,-325,-326,-143,878,-144,878,-145,878,-432,-937,-938,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-1896,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-1896,878,-1896,878,878,878,878,878,878,878,878,878,878,878,878,-1896,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-1896,878,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,878,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,878,878,878,-193,-194,878,-996,878,878,878,878,878,-279,-280,-281,-282,-367,878,-310,878,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,878,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,878,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,878,878,878,878,878,878,-575,878,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,878,878,-725,-726,-727,878,878,878,878,878,878,-996,878,878,-93,-94,878,878,878,878,-311,-312,-322,878,-309,-295,-296,-297,878,878,878,878,-620,-635,-592,878,878,-438,878,-439,878,-446,-447,-448,-380,-381,878,878,878,-508,878,878,-512,878,878,878,878,-517,-518,-519,-520,878,878,-523,-524,878,-526,-527,-528,-529,-530,-531,-532,-533,878,-535,878,878,878,-541,-543,-544,878,-546,-547,-548,-549,878,878,878,878,878,878,-654,-655,-656,-657,878,-659,-660,-661,878,878,878,-667,878,878,-671,-672,878,878,-675,878,-677,-678,878,-681,878,-683,878,878,-686,-687,-688,878,-690,878,878,-693,878,878,-696,-697,-698,878,-700,-701,-702,-703,878,878,-748,878,-751,-752,-753,-754,-755,878,-757,-758,-759,-760,-761,878,-768,-769,-771,878,-773,-774,-775,-784,-858,-860,-862,-864,878,878,878,878,-870,878,-872,878,878,878,878,878,878,878,-908,-909,878,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,878,-923,-926,878,-936,878,-387,-388,-389,878,878,-392,-393,-394,-395,878,-398,878,-401,-402,878,-403,878,-408,-409,878,-412,-413,-414,878,-417,878,-418,878,-423,-424,878,-427,878,-430,-431,-1896,-1896,878,-621,-622,-623,-624,-625,-636,-586,-626,-799,878,878,878,878,878,-833,878,878,-808,878,-834,878,878,878,878,-800,878,-855,-801,878,878,878,878,878,878,-856,-857,878,-836,-832,-837,878,-627,878,-628,-629,-630,-631,-576,878,878,-632,-633,-634,878,878,878,878,878,878,-637,-638,-639,-594,-1896,-604,878,-640,-641,-715,-642,-606,878,-574,-579,-582,-585,878,878,878,-600,-603,878,-610,878,878,878,878,878,878,878,878,878,878,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,878,878,878,-997,878,878,878,878,878,878,-308,-327,-321,-298,-377,-454,-455,-456,-460,878,-445,878,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,878,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,878,878,878,878,878,878,878,878,878,-318,-537,-510,-593,-939,-941,-942,-440,878,-442,-382,-383,-385,-509,-511,-513,878,-515,-516,-521,-522,878,-534,-536,-539,-540,-545,-550,-728,878,-729,878,-734,878,-736,878,-741,-658,-662,-663,878,-668,878,-669,878,-674,-676,878,-679,878,878,878,-689,-691,878,-694,878,878,-746,878,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,878,878,878,878,878,-879,878,-882,-910,-922,-927,-390,-391,878,-396,878,-399,878,-404,878,-405,878,-410,878,-415,878,-419,878,-420,878,-425,878,-428,-901,-902,-645,-587,-1896,-903,878,878,878,-802,878,878,-806,878,-809,-835,878,-820,878,-822,878,-824,-810,878,-826,878,-853,-854,878,878,-813,878,-648,-904,-906,-650,-651,-647,878,-707,-708,878,-644,-905,-649,-652,-605,-716,878,878,-607,-588,878,878,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,878,878,-711,-712,878,-718,878,878,878,878,878,878,-940,878,-441,-443,-749,878,-893,878,-717,-1896,878,878,878,878,878,-444,-514,-525,878,-730,-735,878,-737,878,-742,878,-664,-670,878,-680,-682,-684,-685,-692,-695,-699,-747,878,878,-876,878,878,-880,878,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,878,-814,878,-816,-803,878,-804,-807,878,-818,-821,-823,-825,-827,878,-828,878,-811,878,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,878,-284,878,878,878,878,-457,878,878,-731,878,-738,878,-743,878,-665,-673,878,878,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,878,-838,-53,878,878,-732,878,-739,878,-744,-666,878,-875,-54,878,878,-733,-740,-745,878,878,878,-874,]),'VISIBLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[879,879,879,879,-1896,879,879,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,879,879,879,879,-277,-278,879,-1427,879,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,879,879,879,-492,879,879,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,879,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,879,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,879,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,879,-174,-175,-176,-177,-995,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-292,-293,-283,879,879,879,879,879,-330,-320,-334,-335,-336,879,879,-984,-985,-986,-987,-988,-989,-990,879,879,879,879,879,879,879,879,879,879,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,879,879,879,-355,-358,879,-325,-326,-143,879,-144,879,-145,879,-432,-937,-938,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-1896,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-1896,879,-1896,879,879,879,879,879,879,879,879,879,879,879,879,-1896,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-1896,879,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,879,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,879,879,879,-193,-194,879,-996,879,879,879,879,879,-279,-280,-281,-282,-367,879,-310,879,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,879,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,879,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,879,879,879,879,879,879,-575,879,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,879,879,-725,-726,-727,879,879,879,879,879,879,-996,879,879,-93,-94,879,879,879,879,-311,-312,-322,879,-309,-295,-296,-297,879,879,879,879,-620,-635,-592,879,879,-438,879,-439,879,-446,-447,-448,-380,-381,879,879,879,-508,879,879,-512,879,879,879,879,-517,-518,-519,-520,879,879,-523,-524,879,-526,-527,-528,-529,-530,-531,-532,-533,879,-535,879,879,879,-541,-543,-544,879,-546,-547,-548,-549,879,879,879,879,879,879,-654,-655,-656,-657,879,-659,-660,-661,879,879,879,-667,879,879,-671,-672,879,879,-675,879,-677,-678,879,-681,879,-683,879,879,-686,-687,-688,879,-690,879,879,-693,879,879,-696,-697,-698,879,-700,-701,-702,-703,879,879,-748,879,-751,-752,-753,-754,-755,879,-757,-758,-759,-760,-761,879,-768,-769,-771,879,-773,-774,-775,-784,-858,-860,-862,-864,879,879,879,879,-870,879,-872,879,879,879,879,879,879,879,-908,-909,879,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,879,-923,-926,879,-936,879,-387,-388,-389,879,879,-392,-393,-394,-395,879,-398,879,-401,-402,879,-403,879,-408,-409,879,-412,-413,-414,879,-417,879,-418,879,-423,-424,879,-427,879,-430,-431,-1896,-1896,879,-621,-622,-623,-624,-625,-636,-586,-626,-799,879,879,879,879,879,-833,879,879,-808,879,-834,879,879,879,879,-800,879,-855,-801,879,879,879,879,879,879,-856,-857,879,-836,-832,-837,879,-627,879,-628,-629,-630,-631,-576,879,879,-632,-633,-634,879,879,879,879,879,879,-637,-638,-639,-594,-1896,-604,879,-640,-641,-715,-642,-606,879,-574,-579,-582,-585,879,879,879,-600,-603,879,-610,879,879,879,879,879,879,879,879,879,879,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,879,879,879,-997,879,879,879,879,879,879,-308,-327,-321,-298,-377,-454,-455,-456,-460,879,-445,879,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,879,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,879,879,879,879,879,879,879,879,879,-318,-537,-510,-593,-939,-941,-942,-440,879,-442,-382,-383,-385,-509,-511,-513,879,-515,-516,-521,-522,879,-534,-536,-539,-540,-545,-550,-728,879,-729,879,-734,879,-736,879,-741,-658,-662,-663,879,-668,879,-669,879,-674,-676,879,-679,879,879,879,-689,-691,879,-694,879,879,-746,879,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,879,879,879,879,879,-879,879,-882,-910,-922,-927,-390,-391,879,-396,879,-399,879,-404,879,-405,879,-410,879,-415,879,-419,879,-420,879,-425,879,-428,-901,-902,-645,-587,-1896,-903,879,879,879,-802,879,879,-806,879,-809,-835,879,-820,879,-822,879,-824,-810,879,-826,879,-853,-854,879,879,-813,879,-648,-904,-906,-650,-651,-647,879,-707,-708,879,-644,-905,-649,-652,-605,-716,879,879,-607,-588,879,879,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,879,879,-711,-712,879,-718,879,879,879,879,879,879,-940,879,-441,-443,-749,879,-893,879,-717,-1896,879,879,879,879,879,-444,-514,-525,879,-730,-735,879,-737,879,-742,879,-664,-670,879,-680,-682,-684,-685,-692,-695,-699,-747,879,879,-876,879,879,-880,879,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,879,-814,879,-816,-803,879,-804,-807,879,-818,-821,-823,-825,-827,879,-828,879,-811,879,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,879,-284,879,879,879,879,-457,879,879,-731,879,-738,879,-743,879,-665,-673,879,879,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,879,-838,-53,879,879,-732,879,-739,879,-744,-666,879,-875,-54,879,879,-733,-740,-745,879,879,879,-874,]),'WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[880,880,880,880,-1896,880,880,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,880,880,880,880,-277,-278,880,-1427,880,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,880,880,880,-492,880,880,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,880,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,880,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,880,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,880,-174,-175,-176,-177,-995,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-292,-293,-283,880,880,880,880,880,-330,-320,-334,-335,-336,880,880,-984,-985,-986,-987,-988,-989,-990,880,880,880,880,880,880,880,880,880,880,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,880,880,880,-355,-358,880,-325,-326,-143,880,-144,880,-145,880,-432,-937,-938,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-1896,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-1896,880,-1896,880,880,880,880,880,880,880,880,880,880,880,880,-1896,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-1896,880,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,880,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,880,880,880,-193,-194,880,-996,880,880,880,880,880,-279,-280,-281,-282,-367,880,-310,880,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,880,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,880,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,880,880,880,880,880,880,-575,880,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,880,880,-725,-726,-727,880,880,880,880,880,880,-996,880,880,-93,-94,880,880,880,880,-311,-312,-322,880,-309,-295,-296,-297,880,880,880,880,-620,-635,-592,880,880,-438,880,-439,880,-446,-447,-448,-380,-381,880,880,880,-508,880,880,-512,880,880,880,880,-517,-518,-519,-520,880,880,-523,-524,880,-526,-527,-528,-529,-530,-531,-532,-533,880,-535,880,880,880,-541,-543,-544,880,-546,-547,-548,-549,880,880,880,880,880,880,-654,-655,-656,-657,880,-659,-660,-661,880,880,880,-667,880,880,-671,-672,880,880,-675,880,-677,-678,880,-681,880,-683,880,880,-686,-687,-688,880,-690,880,880,-693,880,880,-696,-697,-698,880,-700,-701,-702,-703,880,880,-748,880,-751,-752,-753,-754,-755,880,-757,-758,-759,-760,-761,880,-768,-769,-771,880,-773,-774,-775,-784,-858,-860,-862,-864,880,880,880,880,-870,880,-872,880,880,880,880,880,880,880,-908,-909,880,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,880,-923,-926,880,-936,880,-387,-388,-389,880,880,-392,-393,-394,-395,880,-398,880,-401,-402,880,-403,880,-408,-409,880,-412,-413,-414,880,-417,880,-418,880,-423,-424,880,-427,880,-430,-431,-1896,-1896,880,-621,-622,-623,-624,-625,-636,-586,-626,-799,880,880,880,880,880,-833,880,880,-808,880,-834,880,880,880,880,-800,880,-855,-801,880,880,880,880,880,880,-856,-857,880,-836,-832,-837,880,-627,880,-628,-629,-630,-631,-576,880,880,-632,-633,-634,880,880,880,880,880,880,-637,-638,-639,-594,-1896,-604,880,-640,-641,-715,-642,-606,880,-574,-579,-582,-585,880,880,880,-600,-603,880,-610,880,880,880,880,880,880,880,880,880,880,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,880,880,880,3200,-997,880,880,880,880,880,880,-308,-327,-321,-298,-377,-454,-455,-456,-460,880,-445,880,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,880,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,880,880,880,880,880,880,880,880,880,-318,-537,-510,-593,-939,-941,-942,-440,880,-442,-382,-383,-385,-509,-511,-513,880,-515,-516,-521,-522,880,-534,-536,-539,-540,-545,-550,-728,880,-729,880,-734,880,-736,880,-741,-658,-662,-663,880,-668,880,-669,880,-674,-676,880,-679,880,880,880,-689,-691,880,-694,880,880,-746,880,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,880,880,880,880,880,-879,880,-882,-910,-922,-927,-390,-391,880,-396,880,-399,880,-404,880,-405,880,-410,880,-415,880,-419,880,-420,880,-425,880,-428,-901,-902,-645,-587,-1896,-903,880,880,880,-802,880,880,-806,880,-809,-835,880,-820,880,-822,880,-824,-810,880,-826,880,-853,-854,880,880,-813,880,-648,-904,-906,-650,-651,-647,880,-707,-708,880,-644,-905,-649,-652,-605,-716,880,880,-607,-588,880,880,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,880,880,-711,-712,880,-718,880,880,880,880,880,880,-940,880,-441,-443,-749,880,-893,880,-717,-1896,880,880,880,880,880,-444,-514,-525,880,-730,-735,880,-737,880,-742,880,-664,-670,880,-680,-682,-684,-685,-692,-695,-699,-747,880,880,-876,880,880,-880,880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,880,-814,880,-816,-803,880,-804,-807,880,-818,-821,-823,-825,-827,880,-828,880,-811,880,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,880,-284,880,880,880,880,-457,880,880,-731,880,-738,880,-743,880,-665,-673,880,880,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,880,-838,-53,880,880,-732,880,-739,880,-744,-666,880,-875,-54,880,880,-733,-740,-745,880,880,880,-874,]),'WAIT_FOR_EXECUTED_GTID_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[881,881,881,1188,-1896,881,881,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,881,881,881,881,-277,-278,1188,-1427,1188,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1188,1188,1188,-492,1188,1188,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1188,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1188,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1983,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,881,-174,-175,-176,-177,-995,881,881,881,881,881,881,881,881,881,881,1188,1188,1188,1188,1188,-292,-293,-283,881,1188,1188,1188,1188,-330,-320,-334,-335,-336,1188,1188,-984,-985,-986,-987,-988,-989,-990,881,881,1188,1188,1188,1188,1188,1188,1188,1188,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1188,1188,1188,-355,-358,881,-325,-326,-143,1188,-144,1188,-145,1188,-432,-937,-938,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1896,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1896,1188,-1896,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1896,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1896,881,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1188,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1188,881,881,-193,-194,881,-996,1188,881,881,881,881,-279,-280,-281,-282,-367,1188,-310,1188,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1188,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1188,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1188,1188,1188,1188,1188,1188,-575,1188,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1188,1188,-725,-726,-727,1188,1983,881,881,881,881,-996,881,1188,-93,-94,881,881,881,1188,-311,-312,-322,1188,-309,-295,-296,-297,1188,881,1188,1188,-620,-635,-592,1188,881,-438,881,-439,1188,-446,-447,-448,-380,-381,1188,1188,1188,-508,1188,1188,-512,1188,1188,1188,1188,-517,-518,-519,-520,1188,1188,-523,-524,1188,-526,-527,-528,-529,-530,-531,-532,-533,1188,-535,1188,1188,1188,-541,-543,-544,1188,-546,-547,-548,-549,1188,1188,1188,1188,1188,1188,-654,-655,-656,-657,881,-659,-660,-661,1188,1188,1188,-667,1188,1188,-671,-672,1188,1188,-675,1188,-677,-678,1188,-681,1188,-683,1188,1188,-686,-687,-688,1188,-690,1188,1188,-693,1188,1188,-696,-697,-698,1188,-700,-701,-702,-703,1188,1188,-748,1188,-751,-752,-753,-754,-755,1188,-757,-758,-759,-760,-761,1188,-768,-769,-771,1188,-773,-774,-775,-784,-858,-860,-862,-864,1188,1188,1188,1188,-870,1188,-872,1188,1188,1188,1188,1188,1188,1188,-908,-909,1188,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1188,-923,-926,1188,-936,1188,-387,-388,-389,1188,1188,-392,-393,-394,-395,1188,-398,1188,-401,-402,1188,-403,1188,-408,-409,1188,-412,-413,-414,1188,-417,1188,-418,1188,-423,-424,1188,-427,1188,-430,-431,-1896,-1896,1188,-621,-622,-623,-624,-625,-636,-586,-626,-799,1188,1188,1188,1188,1188,-833,1188,1188,-808,1188,-834,1188,1188,1188,1188,-800,1188,-855,-801,1188,1188,1188,1188,1188,1188,-856,-857,1188,-836,-832,-837,1188,-627,1188,-628,-629,-630,-631,-576,1188,1188,-632,-633,-634,1188,1188,1188,1188,1188,1188,-637,-638,-639,-594,-1896,-604,1188,-640,-641,-715,-642,-606,1188,-574,-579,-582,-585,1188,1188,1188,-600,-603,1188,-610,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1188,881,881,-997,881,1188,881,881,881,1188,-308,-327,-321,-298,-377,-454,-455,-456,-460,881,-445,1188,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1188,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,881,881,881,881,881,881,881,881,1188,-318,-537,-510,-593,-939,-941,-942,-440,1188,-442,-382,-383,-385,-509,-511,-513,1188,-515,-516,-521,-522,1188,-534,-536,-539,-540,-545,-550,-728,1188,-729,1188,-734,1188,-736,1188,-741,-658,-662,-663,1188,-668,1188,-669,1188,-674,-676,1188,-679,1188,1188,1188,-689,-691,1188,-694,1188,1188,-746,1188,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1188,1188,1188,1188,1188,-879,1188,-882,-910,-922,-927,-390,-391,1188,-396,1188,-399,1188,-404,1188,-405,1188,-410,1188,-415,1188,-419,1188,-420,1188,-425,1188,-428,-901,-902,-645,-587,-1896,-903,1188,1188,1188,-802,1188,1188,-806,1188,-809,-835,1188,-820,1188,-822,1188,-824,-810,1188,-826,1188,-853,-854,1188,1188,-813,1188,-648,-904,-906,-650,-651,-647,1188,-707,-708,1188,-644,-905,-649,-652,-605,-716,1188,1188,-607,-588,1188,1188,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1188,1188,-711,-712,1188,-718,1188,881,881,881,1188,1188,-940,881,-441,-443,-749,1188,-893,1983,-717,-1896,1188,1188,881,881,1188,-444,-514,-525,1188,-730,-735,1188,-737,1188,-742,1188,-664,-670,1188,-680,-682,-684,-685,-692,-695,-699,-747,1188,1188,-876,1188,1188,-880,1188,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1188,-814,1188,-816,-803,1188,-804,-807,1188,-818,-821,-823,-825,-827,1188,-828,1188,-811,1188,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,881,-284,881,1188,881,1188,-457,1188,1188,-731,1188,-738,1188,-743,1188,-665,-673,1188,1188,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1188,-838,-53,881,1188,-732,1188,-739,1188,-744,-666,1188,-875,-54,881,881,-733,-740,-745,1188,881,1188,-874,]),'WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[882,882,882,1189,-1896,882,882,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,882,882,882,882,-277,-278,1189,-1427,1189,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1189,1189,1189,-492,1189,1189,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1189,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1189,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1984,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,882,-174,-175,-176,-177,-995,882,882,882,882,882,882,882,882,882,882,1189,1189,1189,1189,1189,-292,-293,-283,882,1189,1189,1189,1189,-330,-320,-334,-335,-336,1189,1189,-984,-985,-986,-987,-988,-989,-990,882,882,1189,1189,1189,1189,1189,1189,1189,1189,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1189,1189,1189,-355,-358,882,-325,-326,-143,1189,-144,1189,-145,1189,-432,-937,-938,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1896,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1896,1189,-1896,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1896,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1896,882,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1189,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1189,882,882,-193,-194,882,-996,1189,882,882,882,882,-279,-280,-281,-282,-367,1189,-310,1189,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1189,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1189,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1189,1189,1189,1189,1189,1189,-575,1189,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1189,1189,-725,-726,-727,1189,1984,882,882,882,882,-996,882,1189,-93,-94,882,882,882,1189,-311,-312,-322,1189,-309,-295,-296,-297,1189,882,1189,1189,-620,-635,-592,1189,882,-438,882,-439,1189,-446,-447,-448,-380,-381,1189,1189,1189,-508,1189,1189,-512,1189,1189,1189,1189,-517,-518,-519,-520,1189,1189,-523,-524,1189,-526,-527,-528,-529,-530,-531,-532,-533,1189,-535,1189,1189,1189,-541,-543,-544,1189,-546,-547,-548,-549,1189,1189,1189,1189,1189,1189,-654,-655,-656,-657,882,-659,-660,-661,1189,1189,1189,-667,1189,1189,-671,-672,1189,1189,-675,1189,-677,-678,1189,-681,1189,-683,1189,1189,-686,-687,-688,1189,-690,1189,1189,-693,1189,1189,-696,-697,-698,1189,-700,-701,-702,-703,1189,1189,-748,1189,-751,-752,-753,-754,-755,1189,-757,-758,-759,-760,-761,1189,-768,-769,-771,1189,-773,-774,-775,-784,-858,-860,-862,-864,1189,1189,1189,1189,-870,1189,-872,1189,1189,1189,1189,1189,1189,1189,-908,-909,1189,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1189,-923,-926,1189,-936,1189,-387,-388,-389,1189,1189,-392,-393,-394,-395,1189,-398,1189,-401,-402,1189,-403,1189,-408,-409,1189,-412,-413,-414,1189,-417,1189,-418,1189,-423,-424,1189,-427,1189,-430,-431,-1896,-1896,1189,-621,-622,-623,-624,-625,-636,-586,-626,-799,1189,1189,1189,1189,1189,-833,1189,1189,-808,1189,-834,1189,1189,1189,1189,-800,1189,-855,-801,1189,1189,1189,1189,1189,1189,-856,-857,1189,-836,-832,-837,1189,-627,1189,-628,-629,-630,-631,-576,1189,1189,-632,-633,-634,1189,1189,1189,1189,1189,1189,-637,-638,-639,-594,-1896,-604,1189,-640,-641,-715,-642,-606,1189,-574,-579,-582,-585,1189,1189,1189,-600,-603,1189,-610,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1189,882,882,-997,882,1189,882,882,882,1189,-308,-327,-321,-298,-377,-454,-455,-456,-460,882,-445,1189,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1189,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,882,882,882,882,882,882,882,882,1189,-318,-537,-510,-593,-939,-941,-942,-440,1189,-442,-382,-383,-385,-509,-511,-513,1189,-515,-516,-521,-522,1189,-534,-536,-539,-540,-545,-550,-728,1189,-729,1189,-734,1189,-736,1189,-741,-658,-662,-663,1189,-668,1189,-669,1189,-674,-676,1189,-679,1189,1189,1189,-689,-691,1189,-694,1189,1189,-746,1189,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1189,1189,1189,1189,1189,-879,1189,-882,-910,-922,-927,-390,-391,1189,-396,1189,-399,1189,-404,1189,-405,1189,-410,1189,-415,1189,-419,1189,-420,1189,-425,1189,-428,-901,-902,-645,-587,-1896,-903,1189,1189,1189,-802,1189,1189,-806,1189,-809,-835,1189,-820,1189,-822,1189,-824,-810,1189,-826,1189,-853,-854,1189,1189,-813,1189,-648,-904,-906,-650,-651,-647,1189,-707,-708,1189,-644,-905,-649,-652,-605,-716,1189,1189,-607,-588,1189,1189,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1189,1189,-711,-712,1189,-718,1189,882,882,882,1189,1189,-940,882,-441,-443,-749,1189,-893,1984,-717,-1896,1189,1189,882,882,1189,-444,-514,-525,1189,-730,-735,1189,-737,1189,-742,1189,-664,-670,1189,-680,-682,-684,-685,-692,-695,-699,-747,1189,1189,-876,1189,1189,-880,1189,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1189,-814,1189,-816,-803,1189,-804,-807,1189,-818,-821,-823,-825,-827,1189,-828,1189,-811,1189,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,882,-284,882,1189,882,1189,-457,1189,1189,-731,1189,-738,1189,-743,1189,-665,-673,1189,1189,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1189,-838,-53,882,1189,-732,1189,-739,1189,-744,-666,1189,-875,-54,882,882,-733,-740,-745,1189,882,1189,-874,]),'WARNINGS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[883,883,883,883,-1896,883,883,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,883,883,883,883,-277,-278,883,-1427,883,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,883,883,883,-492,883,883,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,883,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,883,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,883,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,883,-174,-175,-176,-177,-995,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-292,-293,-283,883,883,883,883,883,-330,-320,-334,-335,-336,883,883,-984,-985,-986,-987,-988,-989,-990,883,883,883,883,883,883,883,883,883,883,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,883,883,883,-355,-358,883,-325,-326,-143,883,-144,883,-145,883,-432,-937,-938,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-1896,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-1896,883,-1896,883,883,883,883,883,883,883,883,883,883,883,883,-1896,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-1896,883,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,883,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,883,883,883,-193,-194,883,-996,883,883,883,883,883,-279,-280,-281,-282,-367,883,-310,883,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,883,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,883,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,883,883,883,883,883,883,-575,883,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,883,883,-725,-726,-727,883,883,883,883,883,883,-996,883,883,-93,-94,883,883,883,883,-311,-312,-322,883,-309,-295,-296,-297,883,883,883,883,-620,-635,-592,883,883,-438,883,-439,883,-446,-447,-448,-380,-381,883,883,883,-508,883,883,-512,883,883,883,883,-517,-518,-519,-520,883,883,-523,-524,883,-526,-527,-528,-529,-530,-531,-532,-533,883,-535,883,883,883,-541,-543,-544,883,-546,-547,-548,-549,883,883,883,883,883,883,-654,-655,-656,-657,883,-659,-660,-661,883,883,883,-667,883,883,-671,-672,883,883,-675,883,-677,-678,883,-681,883,-683,883,883,-686,-687,-688,883,-690,883,883,-693,883,883,-696,-697,-698,883,-700,-701,-702,-703,883,883,-748,883,-751,-752,-753,-754,-755,883,-757,-758,-759,-760,-761,883,-768,-769,-771,883,-773,-774,-775,-784,-858,-860,-862,-864,883,883,883,883,-870,883,-872,883,883,883,883,883,883,883,-908,-909,883,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,883,-923,-926,883,-936,883,-387,-388,-389,883,883,-392,-393,-394,-395,883,-398,883,-401,-402,883,-403,883,-408,-409,883,-412,-413,-414,883,-417,883,-418,883,-423,-424,883,-427,883,-430,-431,-1896,-1896,883,-621,-622,-623,-624,-625,-636,-586,-626,-799,883,883,883,883,883,-833,883,883,-808,883,-834,883,883,883,883,-800,883,-855,-801,883,883,883,883,883,883,-856,-857,883,-836,-832,-837,883,-627,883,-628,-629,-630,-631,-576,883,883,-632,-633,-634,883,883,883,883,883,883,-637,-638,-639,-594,-1896,-604,883,-640,-641,-715,-642,-606,883,-574,-579,-582,-585,883,883,883,-600,-603,883,-610,883,883,883,883,883,883,883,883,883,883,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,883,883,883,-997,883,883,883,883,883,883,-308,-327,-321,-298,-377,-454,-455,-456,-460,883,-445,883,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,883,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,883,883,883,883,883,883,883,883,883,-318,-537,-510,-593,-939,-941,-942,-440,883,-442,-382,-383,-385,-509,-511,-513,883,-515,-516,-521,-522,883,-534,-536,-539,-540,-545,-550,-728,883,-729,883,-734,883,-736,883,-741,-658,-662,-663,883,-668,883,-669,883,-674,-676,883,-679,883,883,883,-689,-691,883,-694,883,883,-746,883,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,883,883,883,883,883,-879,883,-882,-910,-922,-927,-390,-391,883,-396,883,-399,883,-404,883,-405,883,-410,883,-415,883,-419,883,-420,883,-425,883,-428,-901,-902,-645,-587,-1896,-903,883,883,883,-802,883,883,-806,883,-809,-835,883,-820,883,-822,883,-824,-810,883,-826,883,-853,-854,883,883,-813,883,-648,-904,-906,-650,-651,-647,883,-707,-708,883,-644,-905,-649,-652,-605,-716,883,883,-607,-588,883,883,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,883,883,-711,-712,883,-718,883,883,883,883,883,883,-940,883,-441,-443,-749,883,-893,883,-717,-1896,883,883,883,883,883,-444,-514,-525,883,-730,-735,883,-737,883,-742,883,-664,-670,883,-680,-682,-684,-685,-692,-695,-699,-747,883,883,-876,883,883,-880,883,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,883,-814,883,-816,-803,883,-804,-807,883,-818,-821,-823,-825,-827,883,-828,883,-811,883,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,883,-284,883,883,883,883,-457,883,883,-731,883,-738,883,-743,883,-665,-673,883,883,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,883,-838,-53,883,883,-732,883,-739,883,-744,-666,883,-875,-54,883,883,-733,-740,-745,883,883,883,-874,]),'WEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[884,884,884,1310,-1896,884,884,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,884,884,884,884,-277,-278,1310,-1427,1310,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1310,1310,1310,-492,1310,1310,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1310,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1310,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1310,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,884,-174,-175,-176,-177,-995,884,884,884,884,884,884,884,884,884,884,1310,1310,1310,1310,1310,-292,-293,-283,884,1310,1310,1310,1310,-330,-320,-334,-335,-336,1310,1310,-984,-985,-986,-987,-988,-989,-990,884,884,1310,1310,1310,1310,1310,1310,1310,1310,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1310,1310,2109,1310,-355,-358,884,-325,-326,-143,1310,-144,1310,-145,1310,-432,-937,-938,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1896,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1896,1310,-1896,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1896,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,2109,2109,1310,1310,2109,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1896,884,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1310,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1310,884,884,-193,-194,884,-996,1310,884,884,884,884,-279,-280,-281,-282,-367,1310,-310,1310,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1310,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1310,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1310,1310,1310,1310,1310,1310,-575,1310,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1310,1310,-725,-726,-727,1310,1310,884,884,884,884,-996,884,1310,-93,-94,884,884,884,1310,-311,-312,-322,1310,-309,-295,-296,-297,1310,884,1310,1310,-620,-635,-592,1310,884,-438,884,-439,1310,-446,-447,-448,-380,-381,1310,1310,1310,-508,1310,1310,-512,1310,1310,1310,1310,-517,-518,-519,-520,1310,1310,-523,-524,1310,-526,-527,-528,-529,-530,-531,-532,-533,1310,-535,1310,1310,1310,-541,-543,-544,1310,-546,-547,-548,-549,1310,1310,1310,1310,1310,1310,-654,-655,-656,-657,884,-659,-660,-661,1310,1310,1310,-667,1310,1310,-671,-672,1310,1310,-675,1310,-677,-678,1310,-681,1310,-683,1310,1310,-686,-687,-688,1310,-690,1310,1310,-693,1310,1310,-696,-697,-698,1310,-700,-701,-702,-703,1310,1310,-748,1310,-751,-752,-753,-754,-755,1310,-757,-758,-759,-760,-761,1310,-768,-769,-771,1310,-773,-774,-775,-784,-858,-860,-862,-864,1310,1310,1310,1310,-870,1310,-872,1310,1310,1310,1310,1310,1310,1310,-908,-909,1310,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1310,-923,-926,1310,-936,1310,-387,-388,-389,1310,1310,-392,-393,-394,-395,1310,-398,1310,-401,-402,1310,-403,1310,-408,-409,1310,-412,-413,-414,1310,-417,1310,-418,1310,-423,-424,1310,-427,1310,-430,-431,-1896,-1896,1310,-621,-622,-623,-624,-625,-636,-586,-626,-799,1310,1310,1310,1310,1310,-833,1310,1310,-808,1310,-834,1310,1310,1310,1310,-800,1310,-855,-801,1310,1310,1310,1310,1310,1310,-856,-857,1310,-836,-832,-837,1310,-627,1310,-628,-629,-630,-631,-576,1310,1310,-632,-633,-634,1310,1310,1310,1310,1310,1310,-637,-638,-639,-594,-1896,-604,1310,-640,-641,-715,-642,-606,1310,-574,-579,-582,-585,1310,1310,1310,-600,-603,1310,-610,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1310,884,884,-997,884,1310,884,884,884,1310,-308,-327,-321,-298,-377,-454,-455,-456,-460,884,-445,1310,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1310,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,884,884,884,884,884,884,884,884,1310,-318,-537,-510,-593,-939,-941,-942,-440,1310,-442,-382,-383,-385,-509,-511,-513,1310,-515,-516,-521,-522,1310,-534,-536,-539,-540,-545,-550,-728,1310,-729,1310,-734,1310,-736,1310,-741,-658,-662,-663,1310,-668,1310,-669,1310,-674,-676,1310,-679,1310,1310,1310,-689,-691,1310,-694,1310,1310,-746,1310,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1310,1310,1310,1310,1310,-879,1310,-882,-910,-922,-927,-390,-391,1310,-396,1310,-399,1310,-404,1310,-405,1310,-410,1310,-415,1310,-419,1310,-420,1310,-425,1310,-428,-901,-902,-645,-587,-1896,-903,1310,1310,1310,-802,1310,1310,-806,1310,-809,-835,1310,-820,1310,-822,1310,-824,-810,1310,-826,1310,-853,-854,1310,1310,-813,1310,-648,-904,-906,-650,-651,-647,1310,-707,-708,1310,-644,-905,-649,-652,-605,-716,1310,1310,-607,-588,1310,1310,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1310,1310,-711,-712,1310,-718,1310,884,884,884,1310,1310,-940,884,-441,-443,-749,1310,-893,1310,-717,-1896,1310,1310,884,884,1310,-444,-514,-525,1310,-730,-735,1310,-737,1310,-742,1310,-664,-670,1310,-680,-682,-684,-685,-692,-695,-699,-747,1310,1310,-876,1310,1310,-880,1310,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1310,-814,1310,-816,-803,1310,-804,-807,1310,-818,-821,-823,-825,-827,1310,-828,1310,-811,1310,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,884,-284,884,1310,884,1310,-457,1310,1310,-731,1310,-738,1310,-743,1310,-665,-673,1310,1310,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1310,-838,-53,884,1310,-732,1310,-739,1310,-744,-666,1310,-875,-54,884,884,-733,-740,-745,1310,884,1310,-874,]),'WEEKDAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[885,885,885,1311,-1896,885,885,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,885,885,885,885,-277,-278,1311,-1427,1311,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1311,1311,1311,-492,1311,1311,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1311,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1311,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1311,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,885,-174,-175,-176,-177,-995,885,885,885,885,885,885,885,885,885,885,1311,1311,1311,1311,1311,-292,-293,-283,885,1311,1311,1311,1311,-330,-320,-334,-335,-336,1311,1311,-984,-985,-986,-987,-988,-989,-990,885,885,1311,1311,1311,1311,1311,1311,1311,1311,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1311,1311,1311,-355,-358,885,-325,-326,-143,1311,-144,1311,-145,1311,-432,-937,-938,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1896,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1896,1311,-1896,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1896,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1896,885,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1311,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1311,885,885,-193,-194,885,-996,1311,885,885,885,885,-279,-280,-281,-282,-367,1311,-310,1311,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1311,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1311,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1311,1311,1311,1311,1311,1311,-575,1311,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1311,1311,-725,-726,-727,1311,1311,885,885,885,885,-996,885,1311,-93,-94,885,885,885,1311,-311,-312,-322,1311,-309,-295,-296,-297,1311,885,1311,1311,-620,-635,-592,1311,885,-438,885,-439,1311,-446,-447,-448,-380,-381,1311,1311,1311,-508,1311,1311,-512,1311,1311,1311,1311,-517,-518,-519,-520,1311,1311,-523,-524,1311,-526,-527,-528,-529,-530,-531,-532,-533,1311,-535,1311,1311,1311,-541,-543,-544,1311,-546,-547,-548,-549,1311,1311,1311,1311,1311,1311,-654,-655,-656,-657,885,-659,-660,-661,1311,1311,1311,-667,1311,1311,-671,-672,1311,1311,-675,1311,-677,-678,1311,-681,1311,-683,1311,1311,-686,-687,-688,1311,-690,1311,1311,-693,1311,1311,-696,-697,-698,1311,-700,-701,-702,-703,1311,1311,-748,1311,-751,-752,-753,-754,-755,1311,-757,-758,-759,-760,-761,1311,-768,-769,-771,1311,-773,-774,-775,-784,-858,-860,-862,-864,1311,1311,1311,1311,-870,1311,-872,1311,1311,1311,1311,1311,1311,1311,-908,-909,1311,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1311,-923,-926,1311,-936,1311,-387,-388,-389,1311,1311,-392,-393,-394,-395,1311,-398,1311,-401,-402,1311,-403,1311,-408,-409,1311,-412,-413,-414,1311,-417,1311,-418,1311,-423,-424,1311,-427,1311,-430,-431,-1896,-1896,1311,-621,-622,-623,-624,-625,-636,-586,-626,-799,1311,1311,1311,1311,1311,-833,1311,1311,-808,1311,-834,1311,1311,1311,1311,-800,1311,-855,-801,1311,1311,1311,1311,1311,1311,-856,-857,1311,-836,-832,-837,1311,-627,1311,-628,-629,-630,-631,-576,1311,1311,-632,-633,-634,1311,1311,1311,1311,1311,1311,-637,-638,-639,-594,-1896,-604,1311,-640,-641,-715,-642,-606,1311,-574,-579,-582,-585,1311,1311,1311,-600,-603,1311,-610,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1311,885,885,-997,885,1311,885,885,885,1311,-308,-327,-321,-298,-377,-454,-455,-456,-460,885,-445,1311,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1311,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,885,885,885,885,885,885,885,885,1311,-318,-537,-510,-593,-939,-941,-942,-440,1311,-442,-382,-383,-385,-509,-511,-513,1311,-515,-516,-521,-522,1311,-534,-536,-539,-540,-545,-550,-728,1311,-729,1311,-734,1311,-736,1311,-741,-658,-662,-663,1311,-668,1311,-669,1311,-674,-676,1311,-679,1311,1311,1311,-689,-691,1311,-694,1311,1311,-746,1311,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1311,1311,1311,1311,1311,-879,1311,-882,-910,-922,-927,-390,-391,1311,-396,1311,-399,1311,-404,1311,-405,1311,-410,1311,-415,1311,-419,1311,-420,1311,-425,1311,-428,-901,-902,-645,-587,-1896,-903,1311,1311,1311,-802,1311,1311,-806,1311,-809,-835,1311,-820,1311,-822,1311,-824,-810,1311,-826,1311,-853,-854,1311,1311,-813,1311,-648,-904,-906,-650,-651,-647,1311,-707,-708,1311,-644,-905,-649,-652,-605,-716,1311,1311,-607,-588,1311,1311,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1311,1311,-711,-712,1311,-718,1311,885,885,885,1311,1311,-940,885,-441,-443,-749,1311,-893,1311,-717,-1896,1311,1311,885,885,1311,-444,-514,-525,1311,-730,-735,1311,-737,1311,-742,1311,-664,-670,1311,-680,-682,-684,-685,-692,-695,-699,-747,1311,1311,-876,1311,1311,-880,1311,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1311,-814,1311,-816,-803,1311,-804,-807,1311,-818,-821,-823,-825,-827,1311,-828,1311,-811,1311,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,885,-284,885,1311,885,1311,-457,1311,1311,-731,1311,-738,1311,-743,1311,-665,-673,1311,1311,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1311,-838,-53,885,1311,-732,1311,-739,1311,-744,-666,1311,-875,-54,885,885,-733,-740,-745,1311,885,1311,-874,]),'WEEKOFYEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[886,886,886,1312,-1896,886,886,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,886,886,886,886,-277,-278,1312,-1427,1312,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1312,1312,1312,-492,1312,1312,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1312,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1312,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1312,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,886,-174,-175,-176,-177,-995,886,886,886,886,886,886,886,886,886,886,1312,1312,1312,1312,1312,-292,-293,-283,886,1312,1312,1312,1312,-330,-320,-334,-335,-336,1312,1312,-984,-985,-986,-987,-988,-989,-990,886,886,1312,1312,1312,1312,1312,1312,1312,1312,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1312,1312,1312,-355,-358,886,-325,-326,-143,1312,-144,1312,-145,1312,-432,-937,-938,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1896,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1896,1312,-1896,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1896,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1896,886,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1312,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1312,886,886,-193,-194,886,-996,1312,886,886,886,886,-279,-280,-281,-282,-367,1312,-310,1312,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1312,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1312,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1312,1312,1312,1312,1312,1312,-575,1312,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1312,1312,-725,-726,-727,1312,1312,886,886,886,886,-996,886,1312,-93,-94,886,886,886,1312,-311,-312,-322,1312,-309,-295,-296,-297,1312,886,1312,1312,-620,-635,-592,1312,886,-438,886,-439,1312,-446,-447,-448,-380,-381,1312,1312,1312,-508,1312,1312,-512,1312,1312,1312,1312,-517,-518,-519,-520,1312,1312,-523,-524,1312,-526,-527,-528,-529,-530,-531,-532,-533,1312,-535,1312,1312,1312,-541,-543,-544,1312,-546,-547,-548,-549,1312,1312,1312,1312,1312,1312,-654,-655,-656,-657,886,-659,-660,-661,1312,1312,1312,-667,1312,1312,-671,-672,1312,1312,-675,1312,-677,-678,1312,-681,1312,-683,1312,1312,-686,-687,-688,1312,-690,1312,1312,-693,1312,1312,-696,-697,-698,1312,-700,-701,-702,-703,1312,1312,-748,1312,-751,-752,-753,-754,-755,1312,-757,-758,-759,-760,-761,1312,-768,-769,-771,1312,-773,-774,-775,-784,-858,-860,-862,-864,1312,1312,1312,1312,-870,1312,-872,1312,1312,1312,1312,1312,1312,1312,-908,-909,1312,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1312,-923,-926,1312,-936,1312,-387,-388,-389,1312,1312,-392,-393,-394,-395,1312,-398,1312,-401,-402,1312,-403,1312,-408,-409,1312,-412,-413,-414,1312,-417,1312,-418,1312,-423,-424,1312,-427,1312,-430,-431,-1896,-1896,1312,-621,-622,-623,-624,-625,-636,-586,-626,-799,1312,1312,1312,1312,1312,-833,1312,1312,-808,1312,-834,1312,1312,1312,1312,-800,1312,-855,-801,1312,1312,1312,1312,1312,1312,-856,-857,1312,-836,-832,-837,1312,-627,1312,-628,-629,-630,-631,-576,1312,1312,-632,-633,-634,1312,1312,1312,1312,1312,1312,-637,-638,-639,-594,-1896,-604,1312,-640,-641,-715,-642,-606,1312,-574,-579,-582,-585,1312,1312,1312,-600,-603,1312,-610,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1312,886,886,-997,886,1312,886,886,886,1312,-308,-327,-321,-298,-377,-454,-455,-456,-460,886,-445,1312,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1312,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,886,886,886,886,886,886,886,886,1312,-318,-537,-510,-593,-939,-941,-942,-440,1312,-442,-382,-383,-385,-509,-511,-513,1312,-515,-516,-521,-522,1312,-534,-536,-539,-540,-545,-550,-728,1312,-729,1312,-734,1312,-736,1312,-741,-658,-662,-663,1312,-668,1312,-669,1312,-674,-676,1312,-679,1312,1312,1312,-689,-691,1312,-694,1312,1312,-746,1312,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1312,1312,1312,1312,1312,-879,1312,-882,-910,-922,-927,-390,-391,1312,-396,1312,-399,1312,-404,1312,-405,1312,-410,1312,-415,1312,-419,1312,-420,1312,-425,1312,-428,-901,-902,-645,-587,-1896,-903,1312,1312,1312,-802,1312,1312,-806,1312,-809,-835,1312,-820,1312,-822,1312,-824,-810,1312,-826,1312,-853,-854,1312,1312,-813,1312,-648,-904,-906,-650,-651,-647,1312,-707,-708,1312,-644,-905,-649,-652,-605,-716,1312,1312,-607,-588,1312,1312,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1312,1312,-711,-712,1312,-718,1312,886,886,886,1312,1312,-940,886,-441,-443,-749,1312,-893,1312,-717,-1896,1312,1312,886,886,1312,-444,-514,-525,1312,-730,-735,1312,-737,1312,-742,1312,-664,-670,1312,-680,-682,-684,-685,-692,-695,-699,-747,1312,1312,-876,1312,1312,-880,1312,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1312,-814,1312,-816,-803,1312,-804,-807,1312,-818,-821,-823,-825,-827,1312,-828,1312,-811,1312,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,886,-284,886,1312,886,1312,-457,1312,1312,-731,1312,-738,1312,-743,1312,-665,-673,1312,1312,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1312,-838,-53,886,1312,-732,1312,-739,1312,-744,-666,1312,-875,-54,886,886,-733,-740,-745,1312,886,1312,-874,]),'WEIGHT_STRING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[887,887,887,1313,-1896,887,887,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,887,887,887,887,-277,-278,1313,-1427,1313,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1313,1313,1313,-492,1313,1313,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1313,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1313,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1313,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,887,-174,-175,-176,-177,-995,887,887,887,887,887,887,887,887,887,887,1313,1313,1313,1313,1313,-292,-293,-283,887,1313,1313,1313,1313,-330,-320,-334,-335,-336,1313,1313,-984,-985,-986,-987,-988,-989,-990,887,887,1313,1313,1313,1313,1313,1313,1313,1313,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1313,1313,1313,-355,-358,887,-325,-326,-143,1313,-144,1313,-145,1313,-432,-937,-938,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1896,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1896,1313,-1896,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1896,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1896,887,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1313,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1313,887,887,-193,-194,887,-996,1313,887,887,887,887,-279,-280,-281,-282,-367,1313,-310,1313,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1313,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1313,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1313,1313,1313,1313,1313,1313,-575,1313,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1313,1313,-725,-726,-727,1313,1313,887,887,887,887,-996,887,1313,-93,-94,887,887,887,1313,-311,-312,-322,1313,-309,-295,-296,-297,1313,887,1313,1313,-620,-635,-592,1313,887,-438,887,-439,1313,-446,-447,-448,-380,-381,1313,1313,1313,-508,1313,1313,-512,1313,1313,1313,1313,-517,-518,-519,-520,1313,1313,-523,-524,1313,-526,-527,-528,-529,-530,-531,-532,-533,1313,-535,1313,1313,1313,-541,-543,-544,1313,-546,-547,-548,-549,1313,1313,1313,1313,1313,1313,-654,-655,-656,-657,887,-659,-660,-661,1313,1313,1313,-667,1313,1313,-671,-672,1313,1313,-675,1313,-677,-678,1313,-681,1313,-683,1313,1313,-686,-687,-688,1313,-690,1313,1313,-693,1313,1313,-696,-697,-698,1313,-700,-701,-702,-703,1313,1313,-748,1313,-751,-752,-753,-754,-755,1313,-757,-758,-759,-760,-761,1313,-768,-769,-771,1313,-773,-774,-775,-784,-858,-860,-862,-864,1313,1313,1313,1313,-870,1313,-872,1313,1313,1313,1313,1313,1313,1313,-908,-909,1313,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1313,-923,-926,1313,-936,1313,-387,-388,-389,1313,1313,-392,-393,-394,-395,1313,-398,1313,-401,-402,1313,-403,1313,-408,-409,1313,-412,-413,-414,1313,-417,1313,-418,1313,-423,-424,1313,-427,1313,-430,-431,-1896,-1896,1313,-621,-622,-623,-624,-625,-636,-586,-626,-799,1313,1313,1313,1313,1313,-833,1313,1313,-808,1313,-834,1313,1313,1313,1313,-800,1313,-855,-801,1313,1313,1313,1313,1313,1313,-856,-857,1313,-836,-832,-837,1313,-627,1313,-628,-629,-630,-631,-576,1313,1313,-632,-633,-634,1313,1313,1313,1313,1313,1313,-637,-638,-639,-594,-1896,-604,1313,-640,-641,-715,-642,-606,1313,-574,-579,-582,-585,1313,1313,1313,-600,-603,1313,-610,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1313,887,887,-997,887,1313,887,887,887,1313,-308,-327,-321,-298,-377,-454,-455,-456,-460,887,-445,1313,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1313,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,887,887,887,887,887,887,887,887,1313,-318,-537,-510,-593,-939,-941,-942,-440,1313,-442,-382,-383,-385,-509,-511,-513,1313,-515,-516,-521,-522,1313,-534,-536,-539,-540,-545,-550,-728,1313,-729,1313,-734,1313,-736,1313,-741,-658,-662,-663,1313,-668,1313,-669,1313,-674,-676,1313,-679,1313,1313,1313,-689,-691,1313,-694,1313,1313,-746,1313,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1313,1313,1313,1313,1313,-879,1313,-882,-910,-922,-927,-390,-391,1313,-396,1313,-399,1313,-404,1313,-405,1313,-410,1313,-415,1313,-419,1313,-420,1313,-425,1313,-428,-901,-902,-645,-587,-1896,-903,1313,1313,1313,-802,1313,1313,-806,1313,-809,-835,1313,-820,1313,-822,1313,-824,-810,1313,-826,1313,-853,-854,1313,1313,-813,1313,-648,-904,-906,-650,-651,-647,1313,-707,-708,1313,-644,-905,-649,-652,-605,-716,1313,1313,-607,-588,1313,1313,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1313,1313,-711,-712,1313,-718,1313,887,887,887,1313,1313,-940,887,-441,-443,-749,1313,-893,1313,-717,-1896,1313,1313,887,887,1313,-444,-514,-525,1313,-730,-735,1313,-737,1313,-742,1313,-664,-670,1313,-680,-682,-684,-685,-692,-695,-699,-747,1313,1313,-876,1313,1313,-880,1313,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1313,-814,1313,-816,-803,1313,-804,-807,1313,-818,-821,-823,-825,-827,1313,-828,1313,-811,1313,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,887,-284,887,1313,887,1313,-457,1313,1313,-731,1313,-738,1313,-743,1313,-665,-673,1313,1313,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1313,-838,-53,887,1313,-732,1313,-739,1313,-744,-666,1313,-875,-54,887,887,-733,-740,-745,1313,887,1313,-874,]),'WITH_ROWID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[889,889,889,889,-1896,889,889,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,889,889,889,889,-277,-278,889,-1427,889,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,889,889,889,-492,889,889,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,889,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,889,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,889,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,889,-174,-175,-176,-177,-995,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-292,-293,-283,889,889,889,889,889,-330,-320,-334,-335,-336,889,889,-984,-985,-986,-987,-988,-989,-990,889,889,889,889,889,889,889,889,889,889,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,889,889,889,-355,-358,889,-325,-326,-143,889,-144,889,-145,889,-432,-937,-938,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-1896,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-1896,889,-1896,889,889,889,889,889,889,889,889,889,889,889,889,-1896,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-1896,889,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,889,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,889,889,889,-193,-194,889,-996,889,889,889,889,889,-279,-280,-281,-282,-367,889,-310,889,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,889,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,889,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,889,889,889,889,889,889,-575,889,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,889,889,-725,-726,-727,889,889,889,889,889,889,-996,889,889,-93,-94,889,889,889,889,-311,-312,-322,889,-309,-295,-296,-297,889,889,889,889,-620,-635,-592,889,889,-438,889,-439,889,-446,-447,-448,-380,-381,889,889,889,-508,889,889,-512,889,889,889,889,-517,-518,-519,-520,889,889,-523,-524,889,-526,-527,-528,-529,-530,-531,-532,-533,889,-535,889,889,889,-541,-543,-544,889,-546,-547,-548,-549,889,889,889,889,889,889,-654,-655,-656,-657,889,-659,-660,-661,889,889,889,-667,889,889,-671,-672,889,889,-675,889,-677,-678,889,-681,889,-683,889,889,-686,-687,-688,889,-690,889,889,-693,889,889,-696,-697,-698,889,-700,-701,-702,-703,889,889,-748,889,-751,-752,-753,-754,-755,889,-757,-758,-759,-760,-761,889,-768,-769,-771,889,-773,-774,-775,-784,-858,-860,-862,-864,889,889,889,889,-870,889,-872,889,889,889,889,889,889,889,-908,-909,889,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,889,-923,-926,889,-936,889,-387,-388,-389,889,889,-392,-393,-394,-395,889,-398,889,-401,-402,889,-403,889,-408,-409,889,-412,-413,-414,889,-417,889,-418,889,-423,-424,889,-427,889,-430,-431,-1896,-1896,889,-621,-622,-623,-624,-625,-636,-586,-626,-799,889,889,889,889,889,-833,889,889,-808,889,-834,889,889,889,889,-800,889,-855,-801,889,889,889,889,889,889,-856,-857,889,-836,-832,-837,889,-627,889,-628,-629,-630,-631,-576,889,889,-632,-633,-634,889,889,889,889,889,889,-637,-638,-639,-594,-1896,-604,889,-640,-641,-715,-642,-606,889,-574,-579,-582,-585,889,889,889,-600,-603,889,-610,889,889,889,889,889,889,889,889,889,889,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,889,889,889,-997,889,889,889,889,889,889,-308,-327,-321,-298,-377,-454,-455,-456,-460,889,-445,889,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,889,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,889,889,889,889,889,889,889,889,889,-318,-537,-510,-593,-939,-941,-942,-440,889,-442,-382,-383,-385,-509,-511,-513,889,-515,-516,-521,-522,889,-534,-536,-539,-540,-545,-550,-728,889,-729,889,-734,889,-736,889,-741,-658,-662,-663,889,-668,889,-669,889,-674,-676,889,-679,889,889,889,-689,-691,889,-694,889,889,-746,889,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,889,889,889,889,889,-879,889,-882,-910,-922,-927,-390,-391,889,-396,889,-399,889,-404,889,-405,889,-410,889,-415,889,-419,889,-420,889,-425,889,-428,-901,-902,-645,-587,-1896,-903,889,889,889,-802,889,889,-806,889,-809,-835,889,-820,889,-822,889,-824,-810,889,-826,889,-853,-854,889,889,-813,889,-648,-904,-906,-650,-651,-647,889,-707,-708,889,-644,-905,-649,-652,-605,-716,889,889,-607,-588,889,889,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,889,889,-711,-712,889,-718,889,889,889,889,889,889,-940,889,-441,-443,-749,889,-893,889,-717,-1896,889,889,889,889,889,-444,-514,-525,889,-730,-735,889,-737,889,-742,889,-664,-670,889,-680,-682,-684,-685,-692,-695,-699,-747,889,889,-876,889,889,-880,889,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,889,-814,889,-816,-803,889,-804,-807,889,-818,-821,-823,-825,-827,889,-828,889,-811,889,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,889,-284,889,889,889,889,-457,889,889,-731,889,-738,889,-743,889,-665,-673,889,889,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,889,-838,-53,889,889,-732,889,-739,889,-744,-666,889,-875,-54,889,889,-733,-740,-745,889,889,889,-874,]),'WORK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[890,890,890,890,-1896,890,890,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,890,890,890,890,-277,-278,890,-1427,890,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,890,890,890,-492,890,890,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,890,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,890,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,890,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,890,-174,-175,-176,-177,-995,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-292,-293,-283,890,890,890,890,890,-330,-320,-334,-335,-336,890,890,-984,-985,-986,-987,-988,-989,-990,890,890,890,890,890,890,890,890,890,890,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,890,890,890,-355,-358,890,-325,-326,-143,890,-144,890,-145,890,-432,-937,-938,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-1896,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-1896,890,-1896,890,890,890,890,890,890,890,890,890,890,890,890,-1896,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-1896,890,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,890,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,890,890,890,-193,-194,890,-996,890,890,890,890,890,-279,-280,-281,-282,-367,890,-310,890,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,890,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,890,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,890,890,890,890,890,890,-575,890,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,890,890,-725,-726,-727,890,890,890,890,890,890,-996,890,890,-93,-94,890,890,890,890,-311,-312,-322,890,-309,-295,-296,-297,890,890,890,890,-620,-635,-592,890,890,-438,890,-439,890,-446,-447,-448,-380,-381,890,890,890,-508,890,890,-512,890,890,890,890,-517,-518,-519,-520,890,890,-523,-524,890,-526,-527,-528,-529,-530,-531,-532,-533,890,-535,890,890,890,-541,-543,-544,890,-546,-547,-548,-549,890,890,890,890,890,890,-654,-655,-656,-657,890,-659,-660,-661,890,890,890,-667,890,890,-671,-672,890,890,-675,890,-677,-678,890,-681,890,-683,890,890,-686,-687,-688,890,-690,890,890,-693,890,890,-696,-697,-698,890,-700,-701,-702,-703,890,890,-748,890,-751,-752,-753,-754,-755,890,-757,-758,-759,-760,-761,890,-768,-769,-771,890,-773,-774,-775,-784,-858,-860,-862,-864,890,890,890,890,-870,890,-872,890,890,890,890,890,890,890,-908,-909,890,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,890,-923,-926,890,-936,890,-387,-388,-389,890,890,-392,-393,-394,-395,890,-398,890,-401,-402,890,-403,890,-408,-409,890,-412,-413,-414,890,-417,890,-418,890,-423,-424,890,-427,890,-430,-431,-1896,-1896,890,-621,-622,-623,-624,-625,-636,-586,-626,-799,890,890,890,890,890,-833,890,890,-808,890,-834,890,890,890,890,-800,890,-855,-801,890,890,890,890,890,890,-856,-857,890,-836,-832,-837,890,-627,890,-628,-629,-630,-631,-576,890,890,-632,-633,-634,890,890,890,890,890,890,-637,-638,-639,-594,-1896,-604,890,-640,-641,-715,-642,-606,890,-574,-579,-582,-585,890,890,890,-600,-603,890,-610,890,890,890,890,890,890,890,890,890,890,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,890,890,890,-997,890,890,890,890,890,890,-308,-327,-321,-298,-377,-454,-455,-456,-460,890,-445,890,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,890,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,890,890,890,890,890,890,890,890,890,-318,-537,-510,-593,-939,-941,-942,-440,890,-442,-382,-383,-385,-509,-511,-513,890,-515,-516,-521,-522,890,-534,-536,-539,-540,-545,-550,-728,890,-729,890,-734,890,-736,890,-741,-658,-662,-663,890,-668,890,-669,890,-674,-676,890,-679,890,890,890,-689,-691,890,-694,890,890,-746,890,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,890,890,890,890,890,-879,890,-882,-910,-922,-927,-390,-391,890,-396,890,-399,890,-404,890,-405,890,-410,890,-415,890,-419,890,-420,890,-425,890,-428,-901,-902,-645,-587,-1896,-903,890,890,890,-802,890,890,-806,890,-809,-835,890,-820,890,-822,890,-824,-810,890,-826,890,-853,-854,890,890,-813,890,-648,-904,-906,-650,-651,-647,890,-707,-708,890,-644,-905,-649,-652,-605,-716,890,890,-607,-588,890,890,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,890,890,-711,-712,890,-718,890,890,890,890,890,890,-940,890,-441,-443,-749,890,-893,890,-717,-1896,890,890,890,890,890,-444,-514,-525,890,-730,-735,890,-737,890,-742,890,-664,-670,890,-680,-682,-684,-685,-692,-695,-699,-747,890,890,-876,890,890,-880,890,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,890,-814,890,-816,-803,890,-804,-807,890,-818,-821,-823,-825,-827,890,-828,890,-811,890,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,890,-284,890,890,890,890,-457,890,890,-731,890,-738,890,-743,890,-665,-673,890,890,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,890,-838,-53,890,890,-732,890,-739,890,-744,-666,890,-875,-54,890,890,-733,-740,-745,890,890,890,-874,]),'WRAPPER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[891,891,891,891,-1896,891,891,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,891,891,891,891,-277,-278,891,-1427,891,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,891,891,891,-492,891,891,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,891,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,891,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,891,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,891,-174,-175,-176,-177,-995,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-292,-293,-283,891,891,891,891,891,-330,-320,-334,-335,-336,891,891,-984,-985,-986,-987,-988,-989,-990,891,891,891,891,891,891,891,891,891,891,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,891,891,891,-355,-358,891,-325,-326,-143,891,-144,891,-145,891,-432,-937,-938,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-1896,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-1896,891,-1896,891,891,891,891,891,891,891,891,891,891,891,891,-1896,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-1896,891,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,891,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,891,891,891,-193,-194,891,-996,891,891,891,891,891,-279,-280,-281,-282,-367,891,-310,891,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,891,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,891,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,891,891,891,891,891,891,-575,891,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,891,891,-725,-726,-727,891,891,891,891,891,891,-996,891,891,-93,-94,891,891,891,891,-311,-312,-322,891,-309,-295,-296,-297,891,891,891,891,-620,-635,-592,891,891,-438,891,-439,891,-446,-447,-448,-380,-381,891,891,891,-508,891,891,-512,891,891,891,891,-517,-518,-519,-520,891,891,-523,-524,891,-526,-527,-528,-529,-530,-531,-532,-533,891,-535,891,891,891,-541,-543,-544,891,-546,-547,-548,-549,891,891,891,891,891,891,-654,-655,-656,-657,891,-659,-660,-661,891,891,891,-667,891,891,-671,-672,891,891,-675,891,-677,-678,891,-681,891,-683,891,891,-686,-687,-688,891,-690,891,891,-693,891,891,-696,-697,-698,891,-700,-701,-702,-703,891,891,-748,891,-751,-752,-753,-754,-755,891,-757,-758,-759,-760,-761,891,-768,-769,-771,891,-773,-774,-775,-784,-858,-860,-862,-864,891,891,891,891,-870,891,-872,891,891,891,891,891,891,891,-908,-909,891,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,891,-923,-926,891,-936,891,-387,-388,-389,891,891,-392,-393,-394,-395,891,-398,891,-401,-402,891,-403,891,-408,-409,891,-412,-413,-414,891,-417,891,-418,891,-423,-424,891,-427,891,-430,-431,-1896,-1896,891,-621,-622,-623,-624,-625,-636,-586,-626,-799,891,891,891,891,891,-833,891,891,-808,891,-834,891,891,891,891,-800,891,-855,-801,891,891,891,891,891,891,-856,-857,891,-836,-832,-837,891,-627,891,-628,-629,-630,-631,-576,891,891,-632,-633,-634,891,891,891,891,891,891,-637,-638,-639,-594,-1896,-604,891,-640,-641,-715,-642,-606,891,-574,-579,-582,-585,891,891,891,-600,-603,891,-610,891,891,891,891,891,891,891,891,891,891,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,891,891,891,-997,891,891,891,891,891,891,-308,-327,-321,-298,-377,-454,-455,-456,-460,891,-445,891,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,891,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,891,891,891,891,891,891,891,891,891,-318,-537,-510,-593,-939,-941,-942,-440,891,-442,-382,-383,-385,-509,-511,-513,891,-515,-516,-521,-522,891,-534,-536,-539,-540,-545,-550,-728,891,-729,891,-734,891,-736,891,-741,-658,-662,-663,891,-668,891,-669,891,-674,-676,891,-679,891,891,891,-689,-691,891,-694,891,891,-746,891,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,891,891,891,891,891,-879,891,-882,-910,-922,-927,-390,-391,891,-396,891,-399,891,-404,891,-405,891,-410,891,-415,891,-419,891,-420,891,-425,891,-428,-901,-902,-645,-587,-1896,-903,891,891,891,-802,891,891,-806,891,-809,-835,891,-820,891,-822,891,-824,-810,891,-826,891,-853,-854,891,891,-813,891,-648,-904,-906,-650,-651,-647,891,-707,-708,891,-644,-905,-649,-652,-605,-716,891,891,-607,-588,891,891,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,891,891,-711,-712,891,-718,891,891,891,891,891,891,-940,891,-441,-443,-749,891,-893,891,-717,-1896,891,891,891,891,891,-444,-514,-525,891,-730,-735,891,-737,891,-742,891,-664,-670,891,-680,-682,-684,-685,-692,-695,-699,-747,891,891,-876,891,891,-880,891,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,891,-814,891,-816,-803,891,-804,-807,891,-818,-821,-823,-825,-827,891,-828,891,-811,891,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,891,-284,891,891,891,891,-457,891,891,-731,891,-738,891,-743,891,-665,-673,891,891,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,891,-838,-53,891,891,-732,891,-739,891,-744,-666,891,-875,-54,891,891,-733,-740,-745,891,891,891,-874,]),'WRITE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[892,892,892,892,-1896,892,892,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,892,892,892,892,-277,-278,892,-1427,892,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,892,892,892,-492,892,892,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,892,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,892,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,892,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,892,-174,-175,-176,-177,-995,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-292,-293,-283,892,892,892,892,892,-330,-320,-334,-335,-336,892,892,-984,-985,-986,-987,-988,-989,-990,892,892,892,892,892,892,892,892,892,892,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,892,892,892,-355,-358,892,-325,-326,-143,892,-144,892,-145,892,-432,-937,-938,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-1896,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-1896,892,-1896,892,892,892,892,892,892,892,892,892,892,892,892,-1896,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-1896,892,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,892,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,892,892,892,-193,-194,892,-996,892,892,892,892,892,-279,-280,-281,-282,-367,892,-310,892,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,892,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,892,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,892,892,892,892,892,892,-575,892,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,892,892,-725,-726,-727,892,892,892,892,892,892,-996,892,892,-93,-94,892,892,892,892,-311,-312,-322,892,-309,-295,-296,-297,892,892,892,892,-620,-635,-592,892,892,-438,892,-439,892,-446,-447,-448,-380,-381,892,892,892,-508,892,892,-512,892,892,892,892,-517,-518,-519,-520,892,892,-523,-524,892,-526,-527,-528,-529,-530,-531,-532,-533,892,-535,892,892,892,-541,-543,-544,892,-546,-547,-548,-549,892,892,892,892,892,892,-654,-655,-656,-657,892,-659,-660,-661,892,892,892,-667,892,892,-671,-672,892,892,-675,892,-677,-678,892,-681,892,-683,892,892,-686,-687,-688,892,-690,892,892,-693,892,892,-696,-697,-698,892,-700,-701,-702,-703,892,892,-748,892,-751,-752,-753,-754,-755,892,-757,-758,-759,-760,-761,892,-768,-769,-771,892,-773,-774,-775,-784,-858,-860,-862,-864,892,892,892,892,-870,892,-872,892,892,892,892,892,892,892,-908,-909,892,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,892,-923,-926,892,-936,892,-387,-388,-389,892,892,-392,-393,-394,-395,892,-398,892,-401,-402,892,-403,892,-408,-409,892,-412,-413,-414,892,-417,892,-418,892,-423,-424,892,-427,892,-430,-431,-1896,-1896,892,-621,-622,-623,-624,-625,-636,-586,-626,-799,892,892,892,892,892,-833,892,892,-808,892,-834,892,892,892,892,-800,892,-855,-801,892,892,892,892,892,892,-856,-857,892,-836,-832,-837,892,-627,892,-628,-629,-630,-631,-576,892,892,-632,-633,-634,892,892,892,892,892,892,-637,-638,-639,-594,-1896,-604,892,-640,-641,-715,-642,-606,892,-574,-579,-582,-585,892,892,892,-600,-603,892,-610,892,892,892,892,892,892,892,892,892,892,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,892,892,892,-997,892,892,892,892,892,892,-308,-327,-321,-298,-377,-454,-455,-456,-460,892,-445,892,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,892,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,892,892,892,892,892,892,892,892,892,-318,-537,-510,-593,-939,-941,-942,-440,892,-442,-382,-383,-385,-509,-511,-513,892,-515,-516,-521,-522,892,-534,-536,-539,-540,-545,-550,-728,892,-729,892,-734,892,-736,892,-741,-658,-662,-663,892,-668,892,-669,892,-674,-676,892,-679,892,892,892,-689,-691,892,-694,892,892,-746,892,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,892,892,892,892,892,-879,892,-882,-910,-922,-927,-390,-391,892,-396,892,-399,892,-404,892,-405,892,-410,892,-415,892,-419,892,-420,892,-425,892,-428,-901,-902,-645,-587,-1896,-903,892,892,892,-802,892,892,-806,892,-809,-835,892,-820,892,-822,892,-824,-810,892,-826,892,-853,-854,892,892,-813,892,-648,-904,-906,-650,-651,-647,892,-707,-708,892,-644,-905,-649,-652,-605,-716,892,892,-607,-588,892,892,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,892,892,-711,-712,892,-718,892,892,892,892,892,892,-940,892,-441,-443,-749,892,-893,892,-717,-1896,892,892,892,892,892,-444,-514,-525,892,-730,-735,892,-737,892,-742,892,-664,-670,892,-680,-682,-684,-685,-692,-695,-699,-747,892,892,-876,892,892,-880,892,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,892,-814,892,-816,-803,892,-804,-807,892,-818,-821,-823,-825,-827,892,-828,892,-811,892,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,892,-284,892,892,892,892,-457,892,892,-731,892,-738,892,-743,892,-665,-673,892,892,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,892,-838,-53,892,892,-732,892,-739,892,-744,-666,892,-875,-54,892,892,-733,-740,-745,892,892,892,-874,]),'X509':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[893,893,893,893,-1896,893,893,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,893,893,893,893,-277,-278,893,-1427,893,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,893,893,893,-492,893,893,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,893,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,893,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,893,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,893,-174,-175,-176,-177,-995,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-292,-293,-283,893,893,893,893,893,-330,-320,-334,-335,-336,893,893,-984,-985,-986,-987,-988,-989,-990,893,893,893,893,893,893,893,893,893,893,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,893,893,893,-355,-358,893,-325,-326,-143,893,-144,893,-145,893,-432,-937,-938,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-1896,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-1896,893,-1896,893,893,893,893,893,893,893,893,893,893,893,893,-1896,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-1896,893,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,893,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,893,893,893,-193,-194,893,-996,893,893,893,893,893,-279,-280,-281,-282,-367,893,-310,893,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,893,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,893,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,893,893,893,893,893,893,-575,893,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,893,893,-725,-726,-727,893,893,893,893,893,893,-996,893,893,-93,-94,893,893,893,893,-311,-312,-322,893,-309,-295,-296,-297,893,893,893,893,-620,-635,-592,893,893,-438,893,-439,893,-446,-447,-448,-380,-381,893,893,893,-508,893,893,-512,893,893,893,893,-517,-518,-519,-520,893,893,-523,-524,893,-526,-527,-528,-529,-530,-531,-532,-533,893,-535,893,893,893,-541,-543,-544,893,-546,-547,-548,-549,893,893,893,893,893,893,-654,-655,-656,-657,893,-659,-660,-661,893,893,893,-667,893,893,-671,-672,893,893,-675,893,-677,-678,893,-681,893,-683,893,893,-686,-687,-688,893,-690,893,893,-693,893,893,-696,-697,-698,893,-700,-701,-702,-703,893,893,-748,893,-751,-752,-753,-754,-755,893,-757,-758,-759,-760,-761,893,-768,-769,-771,893,-773,-774,-775,-784,-858,-860,-862,-864,893,893,893,893,-870,893,-872,893,893,893,893,893,893,893,-908,-909,893,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,893,-923,-926,893,-936,893,-387,-388,-389,893,893,-392,-393,-394,-395,893,-398,893,-401,-402,893,-403,893,-408,-409,893,-412,-413,-414,893,-417,893,-418,893,-423,-424,893,-427,893,-430,-431,-1896,-1896,893,-621,-622,-623,-624,-625,-636,-586,-626,-799,893,893,893,893,893,-833,893,893,-808,893,-834,893,893,893,893,-800,893,-855,-801,893,893,893,893,893,893,-856,-857,893,-836,-832,-837,893,-627,893,-628,-629,-630,-631,-576,893,893,-632,-633,-634,893,893,893,893,893,893,-637,-638,-639,-594,-1896,-604,893,-640,-641,-715,-642,-606,893,-574,-579,-582,-585,893,893,893,-600,-603,893,-610,893,893,893,893,893,893,893,893,893,893,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,893,893,893,-997,893,893,893,893,893,893,-308,-327,-321,-298,-377,-454,-455,-456,-460,893,-445,893,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,893,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,893,893,893,893,893,893,893,893,893,-318,-537,-510,-593,-939,-941,-942,-440,893,-442,-382,-383,-385,-509,-511,-513,893,-515,-516,-521,-522,893,-534,-536,-539,-540,-545,-550,-728,893,-729,893,-734,893,-736,893,-741,-658,-662,-663,893,-668,893,-669,893,-674,-676,893,-679,893,893,893,-689,-691,893,-694,893,893,-746,893,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,893,893,893,893,893,-879,893,-882,-910,-922,-927,-390,-391,893,-396,893,-399,893,-404,893,-405,893,-410,893,-415,893,-419,893,-420,893,-425,893,-428,-901,-902,-645,-587,-1896,-903,893,893,893,-802,893,893,-806,893,-809,-835,893,-820,893,-822,893,-824,-810,893,-826,893,-853,-854,893,893,-813,893,-648,-904,-906,-650,-651,-647,893,-707,-708,893,-644,-905,-649,-652,-605,-716,893,893,-607,-588,893,893,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,893,893,-711,-712,893,-718,893,893,893,893,893,893,-940,893,-441,-443,-749,893,-893,893,-717,-1896,893,893,893,893,893,-444,-514,-525,893,-730,-735,893,-737,893,-742,893,-664,-670,893,-680,-682,-684,-685,-692,-695,-699,-747,893,893,-876,893,893,-880,893,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,893,-814,893,-816,-803,893,-804,-807,893,-818,-821,-823,-825,-827,893,-828,893,-811,893,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,893,-284,893,893,893,893,-457,893,893,-731,893,-738,893,-743,893,-665,-673,893,893,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,893,-838,-53,893,893,-732,893,-739,893,-744,-666,893,-875,-54,893,893,-733,-740,-745,893,893,893,-874,]),'XA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[894,894,894,894,-1896,894,894,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,894,894,894,894,-277,-278,894,-1427,894,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,894,894,894,-492,894,894,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,894,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,894,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,894,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,894,-174,-175,-176,-177,-995,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-292,-293,-283,894,894,894,894,894,-330,-320,-334,-335,-336,894,894,-984,-985,-986,-987,-988,-989,-990,894,894,894,894,894,894,894,894,894,894,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,894,894,894,-355,-358,894,-325,-326,-143,894,-144,894,-145,894,-432,-937,-938,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-1896,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-1896,894,-1896,894,894,894,894,894,894,894,894,894,894,894,894,-1896,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-1896,894,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,894,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,894,894,894,-193,-194,894,-996,894,894,894,894,894,-279,-280,-281,-282,-367,894,-310,894,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,894,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,894,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,894,894,894,894,894,894,-575,894,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,894,894,-725,-726,-727,894,894,894,894,894,894,-996,894,894,-93,-94,894,894,894,894,-311,-312,-322,894,-309,-295,-296,-297,894,894,894,894,-620,-635,-592,894,894,-438,894,-439,894,-446,-447,-448,-380,-381,894,894,894,-508,894,894,-512,894,894,894,894,-517,-518,-519,-520,894,894,-523,-524,894,-526,-527,-528,-529,-530,-531,-532,-533,894,-535,894,894,894,-541,-543,-544,894,-546,-547,-548,-549,894,894,894,894,894,894,-654,-655,-656,-657,894,-659,-660,-661,894,894,894,-667,894,894,-671,-672,894,894,-675,894,-677,-678,894,-681,894,-683,894,894,-686,-687,-688,894,-690,894,894,-693,894,894,-696,-697,-698,894,-700,-701,-702,-703,894,894,-748,894,-751,-752,-753,-754,-755,894,-757,-758,-759,-760,-761,894,-768,-769,-771,894,-773,-774,-775,-784,-858,-860,-862,-864,894,894,894,894,-870,894,-872,894,894,894,894,894,894,894,-908,-909,894,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,894,-923,-926,894,-936,894,-387,-388,-389,894,894,-392,-393,-394,-395,894,-398,894,-401,-402,894,-403,894,-408,-409,894,-412,-413,-414,894,-417,894,-418,894,-423,-424,894,-427,894,-430,-431,-1896,-1896,894,-621,-622,-623,-624,-625,-636,-586,-626,-799,894,894,894,894,894,-833,894,894,-808,894,-834,894,894,894,894,-800,894,-855,-801,894,894,894,894,894,894,-856,-857,894,-836,-832,-837,894,-627,894,-628,-629,-630,-631,-576,894,894,-632,-633,-634,894,894,894,894,894,894,-637,-638,-639,-594,-1896,-604,894,-640,-641,-715,-642,-606,894,-574,-579,-582,-585,894,894,894,-600,-603,894,-610,894,894,894,894,894,894,894,894,894,894,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,894,894,894,-997,894,894,894,894,894,894,-308,-327,-321,-298,-377,-454,-455,-456,-460,894,-445,894,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,894,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,894,894,894,894,894,894,894,894,894,-318,-537,-510,-593,-939,-941,-942,-440,894,-442,-382,-383,-385,-509,-511,-513,894,-515,-516,-521,-522,894,-534,-536,-539,-540,-545,-550,-728,894,-729,894,-734,894,-736,894,-741,-658,-662,-663,894,-668,894,-669,894,-674,-676,894,-679,894,894,894,-689,-691,894,-694,894,894,-746,894,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,894,894,894,894,894,-879,894,-882,-910,-922,-927,-390,-391,894,-396,894,-399,894,-404,894,-405,894,-410,894,-415,894,-419,894,-420,894,-425,894,-428,-901,-902,-645,-587,-1896,-903,894,894,894,-802,894,894,-806,894,-809,-835,894,-820,894,-822,894,-824,-810,894,-826,894,-853,-854,894,894,-813,894,-648,-904,-906,-650,-651,-647,894,-707,-708,894,-644,-905,-649,-652,-605,-716,894,894,-607,-588,894,894,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,894,894,-711,-712,894,-718,894,894,894,894,894,894,-940,894,-441,-443,-749,894,-893,894,-717,-1896,894,894,894,894,894,-444,-514,-525,894,-730,-735,894,-737,894,-742,894,-664,-670,894,-680,-682,-684,-685,-692,-695,-699,-747,894,894,-876,894,894,-880,894,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,894,-814,894,-816,-803,894,-804,-807,894,-818,-821,-823,-825,-827,894,-828,894,-811,894,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,894,-284,894,894,894,894,-457,894,894,-731,894,-738,894,-743,894,-665,-673,894,894,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,894,-838,-53,894,894,-732,894,-739,894,-744,-666,894,-875,-54,894,894,-733,-740,-745,894,894,894,-874,]),'XML':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[895,895,895,895,-1896,895,895,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,895,895,895,895,-277,-278,895,-1427,895,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,895,895,895,-492,895,895,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,895,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,895,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,895,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,895,-174,-175,-176,-177,-995,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-292,-293,-283,895,895,895,895,895,-330,-320,-334,-335,-336,895,895,-984,-985,-986,-987,-988,-989,-990,895,895,895,895,895,895,895,895,895,895,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,895,895,895,-355,-358,895,-325,-326,-143,895,-144,895,-145,895,-432,-937,-938,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-1896,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-1896,895,-1896,895,895,895,895,895,895,895,895,895,895,895,895,-1896,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-1896,895,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,895,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,895,895,895,-193,-194,895,-996,895,895,895,895,895,-279,-280,-281,-282,-367,895,-310,895,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,895,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,895,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,895,895,895,895,895,895,-575,895,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,895,895,-725,-726,-727,895,895,895,895,895,895,-996,895,895,-93,-94,895,895,895,895,-311,-312,-322,895,-309,-295,-296,-297,895,895,895,895,-620,-635,-592,895,895,-438,895,-439,895,-446,-447,-448,-380,-381,895,895,895,-508,895,895,-512,895,895,895,895,-517,-518,-519,-520,895,895,-523,-524,895,-526,-527,-528,-529,-530,-531,-532,-533,895,-535,895,895,895,-541,-543,-544,895,-546,-547,-548,-549,895,895,895,895,895,895,-654,-655,-656,-657,895,-659,-660,-661,895,895,895,-667,895,895,-671,-672,895,895,-675,895,-677,-678,895,-681,895,-683,895,895,-686,-687,-688,895,-690,895,895,-693,895,895,-696,-697,-698,895,-700,-701,-702,-703,895,895,-748,895,-751,-752,-753,-754,-755,895,-757,-758,-759,-760,-761,895,-768,-769,-771,895,-773,-774,-775,-784,-858,-860,-862,-864,895,895,895,895,-870,895,-872,895,895,895,895,895,895,895,-908,-909,895,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,895,-923,-926,895,-936,895,-387,-388,-389,895,895,-392,-393,-394,-395,895,-398,895,-401,-402,895,-403,895,-408,-409,895,-412,-413,-414,895,-417,895,-418,895,-423,-424,895,-427,895,-430,-431,-1896,-1896,895,-621,-622,-623,-624,-625,-636,-586,-626,-799,895,895,895,895,895,-833,895,895,-808,895,-834,895,895,895,895,-800,895,-855,-801,895,895,895,895,895,895,-856,-857,895,-836,-832,-837,895,-627,895,-628,-629,-630,-631,-576,895,895,-632,-633,-634,895,895,895,895,895,895,-637,-638,-639,-594,-1896,-604,895,-640,-641,-715,-642,-606,895,-574,-579,-582,-585,895,895,895,-600,-603,895,-610,895,895,895,895,895,895,895,895,895,895,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,895,895,895,-997,895,895,895,895,895,895,-308,-327,-321,-298,-377,-454,-455,-456,-460,895,-445,895,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,895,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,895,895,895,895,895,895,895,895,895,-318,-537,-510,-593,-939,-941,-942,-440,895,-442,-382,-383,-385,-509,-511,-513,895,-515,-516,-521,-522,895,-534,-536,-539,-540,-545,-550,-728,895,-729,895,-734,895,-736,895,-741,-658,-662,-663,895,-668,895,-669,895,-674,-676,895,-679,895,895,895,-689,-691,895,-694,895,895,-746,895,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,895,895,895,895,895,-879,895,-882,-910,-922,-927,-390,-391,895,-396,895,-399,895,-404,895,-405,895,-410,895,-415,895,-419,895,-420,895,-425,895,-428,-901,-902,-645,-587,-1896,-903,895,895,895,-802,895,895,-806,895,-809,-835,895,-820,895,-822,895,-824,-810,895,-826,895,-853,-854,895,895,-813,895,-648,-904,-906,-650,-651,-647,895,-707,-708,895,-644,-905,-649,-652,-605,-716,895,895,-607,-588,895,895,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,895,895,-711,-712,895,-718,895,895,895,895,895,895,-940,895,-441,-443,-749,895,-893,895,-717,-1896,895,895,895,895,895,-444,-514,-525,895,-730,-735,895,-737,895,-742,895,-664,-670,895,-680,-682,-684,-685,-692,-695,-699,-747,895,895,-876,895,895,-880,895,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,895,-814,895,-816,-803,895,-804,-807,895,-818,-821,-823,-825,-827,895,-828,895,-811,895,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,895,-284,895,895,895,895,-457,895,895,-731,895,-738,895,-743,895,-665,-673,895,895,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,895,-838,-53,895,895,-732,895,-739,895,-744,-666,895,-875,-54,895,895,-733,-740,-745,895,895,895,-874,]),'XOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2502,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3210,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3705,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[896,896,896,896,-1896,896,896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,896,896,896,896,1429,-278,896,-1427,896,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,896,896,896,-492,896,896,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,896,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,896,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,896,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,896,-174,-175,-176,-177,-995,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-292,-293,-283,896,896,-365,896,896,896,-330,-320,-334,-335,-336,896,896,-984,-985,-986,-987,-988,-989,-990,896,896,896,896,896,896,896,896,896,896,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,896,896,896,-355,-358,896,-325,-326,-143,896,-144,896,-145,896,-432,-937,-938,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-1896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-1896,896,-1896,896,896,896,896,896,896,896,896,896,896,896,896,-1896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-1896,896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,896,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,896,896,896,-193,-194,896,-996,896,896,896,896,896,-279,-280,-281,-282,-367,896,-310,896,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,896,1429,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,896,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,896,896,896,896,896,896,-575,896,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,896,896,-725,-726,-727,896,896,896,896,896,1429,896,-996,896,896,-93,-94,896,896,896,896,-311,-312,-322,896,-309,-295,-296,-297,896,896,896,896,-620,-635,-592,896,896,-438,896,-439,896,-446,-447,-448,-380,-381,896,896,896,-508,896,896,-512,896,896,896,896,-517,-518,-519,-520,896,896,-523,-524,896,-526,-527,-528,-529,-530,-531,-532,-533,896,-535,896,896,896,-541,-543,-544,896,-546,-547,-548,-549,896,896,896,896,896,896,-654,-655,-656,-657,896,-659,-660,-661,896,896,896,-667,896,896,-671,-672,896,896,-675,896,-677,-678,896,-681,896,-683,896,896,-686,-687,-688,896,-690,896,896,-693,896,896,-696,-697,-698,896,-700,-701,-702,-703,896,896,-748,896,-751,-752,-753,-754,-755,896,-757,-758,-759,-760,-761,896,-768,-769,-771,896,-773,-774,-775,-784,-858,-860,-862,-864,896,896,896,896,-870,896,-872,896,896,896,896,896,896,896,-908,-909,896,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,896,-923,-926,896,-936,896,-387,-388,-389,896,896,-392,-393,-394,-395,896,-398,896,-401,-402,896,-403,896,-408,-409,896,-412,-413,-414,896,-417,896,-418,896,-423,-424,896,-427,896,-430,-431,-1896,-1896,896,-621,-622,-623,-624,-625,-636,-586,-626,-799,896,896,896,896,896,-833,896,896,-808,896,-834,896,896,896,896,-800,896,-855,-801,896,896,896,896,896,896,-856,-857,896,-836,-832,-837,896,-627,896,-628,-629,-630,-631,-576,896,896,-632,-633,-634,896,896,896,896,896,896,-637,-638,-639,-594,-1896,-604,896,-640,-641,-715,-642,-606,896,-574,-579,-582,-585,896,896,896,-600,-603,896,-610,896,896,896,896,896,896,896,896,896,896,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,896,896,896,-997,896,896,896,896,896,896,-308,-327,-321,-298,-377,-454,-455,-456,-460,896,-445,896,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,896,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,896,896,896,1429,896,896,896,896,896,896,-318,-537,-510,-593,-939,-941,-942,-440,896,-442,-382,-383,-385,-509,-511,-513,896,-515,-516,-521,-522,896,-534,-536,-539,-540,-545,-550,-728,896,-729,896,-734,896,-736,896,-741,-658,-662,-663,896,-668,896,-669,896,-674,-676,896,-679,896,896,896,-689,-691,896,-694,896,896,-746,896,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,896,896,896,896,896,-879,896,-882,-910,-922,-927,-390,-391,896,-396,896,-399,896,-404,896,-405,896,-410,896,-415,896,-419,896,-420,896,-425,896,-428,-901,-902,-645,-587,-1896,-903,896,896,896,-802,896,896,-806,896,-809,-835,896,-820,896,-822,896,-824,-810,896,-826,896,-853,-854,896,896,-813,896,-648,-904,-906,-650,-651,-647,896,-707,-708,896,-644,-905,-649,-652,-605,-716,896,896,-607,-588,896,896,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,896,896,-711,-712,896,-718,896,896,896,896,896,896,-940,896,-441,-443,-749,896,-893,896,-717,-1896,896,896,896,896,896,-444,-514,-525,896,-730,-735,896,-737,896,-742,896,-664,-670,896,-680,-682,-684,-685,-692,-695,-699,-747,896,896,-876,896,896,-880,896,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,896,-814,896,-816,-803,896,-804,-807,896,-818,-821,-823,-825,-827,896,-828,896,-811,896,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,896,1429,-284,896,896,896,896,-457,896,896,-731,896,-738,896,-743,896,-665,-673,896,896,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,896,-838,-53,896,896,-732,896,-739,896,-744,-666,896,-875,-54,896,896,-733,-740,-745,896,896,896,-874,]),'XTRACTVALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[897,897,897,897,-1896,897,897,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,897,897,897,897,-277,-278,897,-1427,897,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,897,897,897,-492,897,897,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,897,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,897,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,897,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,897,-174,-175,-176,-177,-995,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-292,-293,-283,897,897,897,897,897,-330,-320,-334,-335,-336,897,897,-984,-985,-986,-987,-988,-989,-990,897,897,897,897,897,897,897,897,897,897,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,897,897,897,-355,-358,897,-325,-326,-143,897,-144,897,-145,897,-432,-937,-938,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-1896,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-1896,897,-1896,897,897,897,897,897,897,897,897,897,897,897,897,-1896,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-1896,897,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,897,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,897,897,897,-193,-194,897,-996,897,897,897,897,897,-279,-280,-281,-282,-367,897,-310,897,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,897,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,897,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,897,897,897,897,897,897,-575,897,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,897,897,-725,-726,-727,897,897,897,897,897,897,-996,897,897,-93,-94,897,897,897,897,-311,-312,-322,897,-309,-295,-296,-297,897,897,897,897,-620,-635,-592,897,897,-438,897,-439,897,-446,-447,-448,-380,-381,897,897,897,-508,897,897,-512,897,897,897,897,-517,-518,-519,-520,897,897,-523,-524,897,-526,-527,-528,-529,-530,-531,-532,-533,897,-535,897,897,897,-541,-543,-544,897,-546,-547,-548,-549,897,897,897,897,897,897,-654,-655,-656,-657,897,-659,-660,-661,897,897,897,-667,897,897,-671,-672,897,897,-675,897,-677,-678,897,-681,897,-683,897,897,-686,-687,-688,897,-690,897,897,-693,897,897,-696,-697,-698,897,-700,-701,-702,-703,897,897,-748,897,-751,-752,-753,-754,-755,897,-757,-758,-759,-760,-761,897,-768,-769,-771,897,-773,-774,-775,-784,-858,-860,-862,-864,897,897,897,897,-870,897,-872,897,897,897,897,897,897,897,-908,-909,897,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,897,-923,-926,897,-936,897,-387,-388,-389,897,897,-392,-393,-394,-395,897,-398,897,-401,-402,897,-403,897,-408,-409,897,-412,-413,-414,897,-417,897,-418,897,-423,-424,897,-427,897,-430,-431,-1896,-1896,897,-621,-622,-623,-624,-625,-636,-586,-626,-799,897,897,897,897,897,-833,897,897,-808,897,-834,897,897,897,897,-800,897,-855,-801,897,897,897,897,897,897,-856,-857,897,-836,-832,-837,897,-627,897,-628,-629,-630,-631,-576,897,897,-632,-633,-634,897,897,897,897,897,897,-637,-638,-639,-594,-1896,-604,897,-640,-641,-715,-642,-606,897,-574,-579,-582,-585,897,897,897,-600,-603,897,-610,897,897,897,897,897,897,897,897,897,897,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,897,897,897,-997,897,897,897,897,897,897,-308,-327,-321,-298,-377,-454,-455,-456,-460,897,-445,897,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,897,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,897,897,897,897,897,897,897,897,897,-318,-537,-510,-593,-939,-941,-942,-440,897,-442,-382,-383,-385,-509,-511,-513,897,-515,-516,-521,-522,897,-534,-536,-539,-540,-545,-550,-728,897,-729,897,-734,897,-736,897,-741,-658,-662,-663,897,-668,897,-669,897,-674,-676,897,-679,897,897,897,-689,-691,897,-694,897,897,-746,897,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,897,897,897,897,897,-879,897,-882,-910,-922,-927,-390,-391,897,-396,897,-399,897,-404,897,-405,897,-410,897,-415,897,-419,897,-420,897,-425,897,-428,-901,-902,-645,-587,-1896,-903,897,897,897,-802,897,897,-806,897,-809,-835,897,-820,897,-822,897,-824,-810,897,-826,897,-853,-854,897,897,-813,897,-648,-904,-906,-650,-651,-647,897,-707,-708,897,-644,-905,-649,-652,-605,-716,897,897,-607,-588,897,897,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,897,897,-711,-712,897,-718,897,897,897,897,897,897,-940,897,-441,-443,-749,897,-893,897,-717,-1896,897,897,897,897,897,-444,-514,-525,897,-730,-735,897,-737,897,-742,897,-664,-670,897,-680,-682,-684,-685,-692,-695,-699,-747,897,897,-876,897,897,-880,897,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,897,-814,897,-816,-803,897,-804,-807,897,-818,-821,-823,-825,-827,897,-828,897,-811,897,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,897,-284,897,897,897,897,-457,897,897,-731,897,-738,897,-743,897,-665,-673,897,897,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,897,-838,-53,897,897,-732,897,-739,897,-744,-666,897,-875,-54,897,897,-733,-740,-745,897,897,897,-874,]),'YEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[898,898,898,1314,-1896,898,898,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,898,898,898,898,-277,-278,1314,-1427,1314,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1314,1314,1314,-492,1314,1314,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1314,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1314,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1314,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,898,-174,-175,-176,-177,-995,898,898,898,898,898,898,898,898,898,898,1314,1314,1314,1314,1314,-292,-293,-283,898,1314,1314,1314,1314,-330,-320,-334,-335,-336,1314,1314,-984,-985,-986,-987,-988,-989,-990,898,898,1314,1314,1314,1314,1314,1314,1314,1314,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1314,1314,2112,1314,-355,-358,898,-325,-326,-143,1314,-144,1314,-145,1314,-432,-937,-938,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1896,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1896,1314,-1896,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1896,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,2112,2112,1314,1314,2112,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1896,898,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1314,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1314,898,898,-193,-194,898,-996,1314,898,898,898,898,-279,-280,-281,-282,-367,1314,-310,1314,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1314,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1314,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1314,1314,1314,1314,1314,1314,-575,1314,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1314,1314,-725,-726,-727,1314,1314,898,898,898,898,-996,898,1314,-93,-94,898,898,898,1314,-311,-312,-322,1314,-309,-295,-296,-297,1314,898,1314,1314,-620,-635,-592,1314,2962,2962,898,-438,898,-439,1314,-446,-447,-448,-380,-381,1314,1314,1314,-508,1314,1314,-512,1314,1314,1314,1314,-517,-518,-519,-520,1314,1314,-523,-524,1314,-526,-527,-528,-529,-530,-531,-532,-533,1314,-535,1314,1314,1314,-541,-543,-544,1314,-546,-547,-548,-549,1314,1314,1314,1314,1314,1314,-654,-655,-656,-657,898,-659,-660,-661,1314,1314,1314,-667,1314,1314,-671,-672,1314,1314,-675,1314,-677,-678,1314,-681,1314,-683,1314,1314,-686,-687,-688,1314,-690,1314,1314,-693,1314,1314,-696,-697,-698,1314,-700,-701,-702,-703,1314,1314,-748,1314,-751,-752,-753,-754,-755,1314,-757,-758,-759,-760,-761,1314,-768,-769,-771,1314,-773,-774,-775,-784,-858,-860,-862,-864,1314,1314,1314,1314,-870,1314,-872,1314,1314,1314,1314,1314,1314,1314,-908,-909,1314,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1314,-923,-926,1314,-936,1314,-387,-388,-389,1314,1314,-392,-393,-394,-395,1314,-398,1314,-401,-402,1314,-403,1314,-408,-409,1314,-412,-413,-414,1314,-417,1314,-418,1314,-423,-424,1314,-427,1314,-430,-431,-1896,-1896,1314,-621,-622,-623,-624,-625,-636,-586,-626,-799,1314,1314,1314,1314,1314,-833,1314,1314,-808,1314,-834,1314,1314,1314,1314,-800,1314,-855,-801,1314,1314,1314,1314,1314,1314,-856,-857,1314,-836,-832,-837,1314,-627,1314,-628,-629,-630,-631,-576,1314,1314,-632,-633,-634,1314,1314,1314,1314,1314,1314,-637,-638,-639,-594,-1896,-604,1314,-640,-641,-715,-642,-606,1314,-574,-579,-582,-585,1314,1314,1314,-600,-603,1314,-610,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1314,898,898,-997,898,1314,898,898,898,1314,-308,-327,-321,-298,-377,-454,-455,-456,-460,898,-445,1314,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1314,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,898,898,898,898,898,898,898,898,1314,-318,-537,-510,-593,-939,-941,-942,-440,1314,-442,-382,-383,-385,-509,-511,-513,1314,-515,-516,-521,-522,1314,-534,-536,-539,-540,-545,-550,-728,1314,-729,1314,-734,1314,-736,1314,-741,-658,-662,-663,1314,-668,1314,-669,1314,-674,-676,1314,-679,1314,1314,1314,-689,-691,1314,-694,1314,1314,-746,1314,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1314,1314,1314,1314,1314,-879,1314,-882,-910,-922,-927,-390,-391,1314,-396,1314,-399,1314,-404,1314,-405,1314,-410,1314,-415,1314,-419,1314,-420,1314,-425,1314,-428,-901,-902,-645,-587,-1896,-903,1314,1314,1314,-802,1314,1314,-806,1314,-809,-835,1314,-820,1314,-822,1314,-824,-810,1314,-826,1314,-853,-854,1314,1314,-813,1314,-648,-904,-906,-650,-651,-647,1314,-707,-708,1314,-644,-905,-649,-652,-605,-716,1314,1314,-607,-588,1314,1314,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1314,1314,-711,-712,1314,-718,1314,898,898,898,1314,1314,-940,898,-441,-443,-749,1314,-893,1314,-717,-1896,1314,1314,898,898,1314,-444,-514,-525,1314,-730,-735,1314,-737,1314,-742,1314,-664,-670,1314,-680,-682,-684,-685,-692,-695,-699,-747,1314,1314,-876,1314,1314,-880,1314,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1314,-814,1314,-816,-803,1314,-804,-807,1314,-818,-821,-823,-825,-827,1314,-828,1314,-811,1314,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,898,-284,898,1314,898,1314,-457,1314,1314,-731,1314,-738,1314,-743,1314,-665,-673,1314,1314,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1314,-838,-53,898,1314,-732,1314,-739,1314,-744,-666,1314,-875,-54,898,898,-733,-740,-745,1314,898,1314,-874,]),'YEARWEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[899,899,899,1315,-1896,899,899,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,899,899,899,899,-277,-278,1315,-1427,1315,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1315,1315,1315,-492,1315,1315,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1315,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1315,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1315,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,899,-174,-175,-176,-177,-995,899,899,899,899,899,899,899,899,899,899,1315,1315,1315,1315,1315,-292,-293,-283,899,1315,1315,1315,1315,-330,-320,-334,-335,-336,1315,1315,-984,-985,-986,-987,-988,-989,-990,899,899,1315,1315,1315,1315,1315,1315,1315,1315,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1315,1315,1315,-355,-358,899,-325,-326,-143,1315,-144,1315,-145,1315,-432,-937,-938,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1896,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1896,1315,-1896,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1896,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1896,899,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1315,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1315,899,899,-193,-194,899,-996,1315,899,899,899,899,-279,-280,-281,-282,-367,1315,-310,1315,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1315,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1315,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1315,1315,1315,1315,1315,1315,-575,1315,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1315,1315,-725,-726,-727,1315,1315,899,899,899,899,-996,899,1315,-93,-94,899,899,899,1315,-311,-312,-322,1315,-309,-295,-296,-297,1315,899,1315,1315,-620,-635,-592,1315,899,-438,899,-439,1315,-446,-447,-448,-380,-381,1315,1315,1315,-508,1315,1315,-512,1315,1315,1315,1315,-517,-518,-519,-520,1315,1315,-523,-524,1315,-526,-527,-528,-529,-530,-531,-532,-533,1315,-535,1315,1315,1315,-541,-543,-544,1315,-546,-547,-548,-549,1315,1315,1315,1315,1315,1315,-654,-655,-656,-657,899,-659,-660,-661,1315,1315,1315,-667,1315,1315,-671,-672,1315,1315,-675,1315,-677,-678,1315,-681,1315,-683,1315,1315,-686,-687,-688,1315,-690,1315,1315,-693,1315,1315,-696,-697,-698,1315,-700,-701,-702,-703,1315,1315,-748,1315,-751,-752,-753,-754,-755,1315,-757,-758,-759,-760,-761,1315,-768,-769,-771,1315,-773,-774,-775,-784,-858,-860,-862,-864,1315,1315,1315,1315,-870,1315,-872,1315,1315,1315,1315,1315,1315,1315,-908,-909,1315,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1315,-923,-926,1315,-936,1315,-387,-388,-389,1315,1315,-392,-393,-394,-395,1315,-398,1315,-401,-402,1315,-403,1315,-408,-409,1315,-412,-413,-414,1315,-417,1315,-418,1315,-423,-424,1315,-427,1315,-430,-431,-1896,-1896,1315,-621,-622,-623,-624,-625,-636,-586,-626,-799,1315,1315,1315,1315,1315,-833,1315,1315,-808,1315,-834,1315,1315,1315,1315,-800,1315,-855,-801,1315,1315,1315,1315,1315,1315,-856,-857,1315,-836,-832,-837,1315,-627,1315,-628,-629,-630,-631,-576,1315,1315,-632,-633,-634,1315,1315,1315,1315,1315,1315,-637,-638,-639,-594,-1896,-604,1315,-640,-641,-715,-642,-606,1315,-574,-579,-582,-585,1315,1315,1315,-600,-603,1315,-610,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1315,899,899,-997,899,1315,899,899,899,1315,-308,-327,-321,-298,-377,-454,-455,-456,-460,899,-445,1315,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1315,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,899,899,899,899,899,899,899,899,1315,-318,-537,-510,-593,-939,-941,-942,-440,1315,-442,-382,-383,-385,-509,-511,-513,1315,-515,-516,-521,-522,1315,-534,-536,-539,-540,-545,-550,-728,1315,-729,1315,-734,1315,-736,1315,-741,-658,-662,-663,1315,-668,1315,-669,1315,-674,-676,1315,-679,1315,1315,1315,-689,-691,1315,-694,1315,1315,-746,1315,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1315,1315,1315,1315,1315,-879,1315,-882,-910,-922,-927,-390,-391,1315,-396,1315,-399,1315,-404,1315,-405,1315,-410,1315,-415,1315,-419,1315,-420,1315,-425,1315,-428,-901,-902,-645,-587,-1896,-903,1315,1315,1315,-802,1315,1315,-806,1315,-809,-835,1315,-820,1315,-822,1315,-824,-810,1315,-826,1315,-853,-854,1315,1315,-813,1315,-648,-904,-906,-650,-651,-647,1315,-707,-708,1315,-644,-905,-649,-652,-605,-716,1315,1315,-607,-588,1315,1315,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1315,1315,-711,-712,1315,-718,1315,899,899,899,1315,1315,-940,899,-441,-443,-749,1315,-893,1315,-717,-1896,1315,1315,899,899,1315,-444,-514,-525,1315,-730,-735,1315,-737,1315,-742,1315,-664,-670,1315,-680,-682,-684,-685,-692,-695,-699,-747,1315,1315,-876,1315,1315,-880,1315,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1315,-814,1315,-816,-803,1315,-804,-807,1315,-818,-821,-823,-825,-827,1315,-828,1315,-811,1315,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,899,-284,899,1315,899,1315,-457,1315,1315,-731,1315,-738,1315,-743,1315,-665,-673,1315,1315,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1315,-838,-53,899,1315,-732,1315,-739,1315,-744,-666,1315,-875,-54,899,899,-733,-740,-745,1315,899,1315,-874,]),'ZEROFILL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[900,900,900,900,-1896,900,900,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,900,900,900,900,-277,-278,900,-1427,900,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,900,900,900,-492,900,900,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,900,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,900,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,900,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,900,-174,-175,-176,-177,-995,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-292,-293,-283,900,900,900,900,900,-330,-320,-334,-335,-336,900,900,-984,-985,-986,-987,-988,-989,-990,900,900,900,900,900,900,900,900,900,900,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,900,900,900,-355,-358,900,-325,-326,-143,900,-144,900,-145,900,-432,-937,-938,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-1896,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-1896,900,-1896,900,900,900,900,900,900,900,900,900,900,900,900,-1896,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-1896,900,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,900,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,900,900,900,-193,-194,900,-996,900,900,900,900,900,-279,-280,-281,-282,-367,900,-310,900,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,900,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,900,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,900,900,900,900,900,900,-575,900,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,900,900,-725,-726,-727,900,900,900,900,900,900,-996,900,900,-93,-94,900,900,900,900,-311,-312,-322,900,-309,-295,-296,-297,900,900,900,900,-620,-635,-592,900,900,-438,900,-439,900,-446,-447,-448,-380,-381,900,900,900,-508,900,900,-512,900,900,900,900,-517,-518,-519,-520,900,900,-523,-524,900,-526,-527,-528,-529,-530,-531,-532,-533,900,-535,900,900,900,-541,-543,-544,900,-546,-547,-548,-549,900,900,900,900,900,900,-654,-655,-656,-657,900,-659,-660,-661,900,900,900,-667,900,900,-671,-672,900,900,-675,900,-677,-678,900,-681,900,-683,900,900,-686,-687,-688,900,-690,900,900,-693,900,900,-696,-697,-698,900,-700,-701,-702,-703,900,900,-748,900,-751,-752,-753,-754,-755,900,-757,-758,-759,-760,-761,900,-768,-769,-771,900,-773,-774,-775,-784,-858,-860,-862,-864,900,900,900,900,-870,900,-872,900,900,900,900,900,900,900,-908,-909,900,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,900,-923,-926,900,-936,900,-387,-388,-389,900,900,-392,-393,-394,-395,900,-398,900,-401,-402,900,-403,900,-408,-409,900,-412,-413,-414,900,-417,900,-418,900,-423,-424,900,-427,900,-430,-431,-1896,-1896,900,-621,-622,-623,-624,-625,-636,-586,-626,-799,900,900,900,900,900,-833,900,900,-808,900,-834,900,900,900,900,-800,900,-855,-801,900,900,900,900,900,900,-856,-857,900,-836,-832,-837,900,-627,900,-628,-629,-630,-631,-576,900,900,-632,-633,-634,900,900,900,900,900,900,-637,-638,-639,-594,-1896,-604,900,-640,-641,-715,-642,-606,900,-574,-579,-582,-585,900,900,900,-600,-603,900,-610,900,900,900,900,900,900,900,900,900,900,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,900,900,900,-997,900,900,900,900,900,900,-308,-327,-321,-298,-377,-454,-455,-456,-460,900,-445,900,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,900,900,900,900,900,900,900,900,900,-318,-537,-510,-593,-939,-941,-942,-440,900,-442,-382,-383,-385,-509,-511,-513,900,-515,-516,-521,-522,900,-534,-536,-539,-540,-545,-550,-728,900,-729,900,-734,900,-736,900,-741,-658,-662,-663,900,-668,900,-669,900,-674,-676,900,-679,900,900,900,-689,-691,900,-694,900,900,-746,900,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,900,900,900,900,900,-879,900,-882,-910,-922,-927,-390,-391,900,-396,900,-399,900,-404,900,-405,900,-410,900,-415,900,-419,900,-420,900,-425,900,-428,-901,-902,-645,-587,-1896,-903,900,900,900,-802,900,900,-806,900,-809,-835,900,-820,900,-822,900,-824,-810,900,-826,900,-853,-854,900,900,-813,900,-648,-904,-906,-650,-651,-647,900,-707,-708,900,-644,-905,-649,-652,-605,-716,900,900,-607,-588,900,900,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,900,900,-711,-712,900,-718,900,900,900,900,900,900,-940,900,-441,-443,-749,900,-893,900,-717,-1896,900,900,900,900,900,-444,-514,-525,900,-730,-735,900,-737,900,-742,900,-664,-670,900,-680,-682,-684,-685,-692,-695,-699,-747,900,900,-876,900,900,-880,900,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,900,-814,900,-816,-803,900,-804,-807,900,-818,-821,-823,-825,-827,900,-828,900,-811,900,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,900,-284,900,900,900,900,-457,900,900,-731,900,-738,900,-743,900,-665,-673,900,900,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,900,-838,-53,900,900,-732,900,-739,900,-744,-666,900,-875,-54,900,900,-733,-740,-745,900,900,900,-874,]),'ZONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[901,901,901,901,-1896,901,901,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,901,901,901,901,-277,-278,901,-1427,901,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,901,901,901,-492,901,901,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,901,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,901,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,901,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,901,-174,-175,-176,-177,-995,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-292,-293,-283,901,901,901,901,901,-330,-320,-334,-335,-336,901,901,-984,-985,-986,-987,-988,-989,-990,901,901,901,901,901,901,901,901,901,901,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,901,901,901,-355,-358,901,-325,-326,-143,901,-144,901,-145,901,-432,-937,-938,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-1896,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-1896,901,-1896,901,901,901,901,901,901,901,901,901,901,901,901,-1896,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-1896,901,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,901,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,901,901,901,-193,-194,901,-996,901,901,901,901,901,-279,-280,-281,-282,-367,901,-310,901,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,901,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,901,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,901,901,901,901,901,901,-575,901,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,901,901,-725,-726,-727,901,901,901,901,901,901,-996,901,901,-93,-94,901,901,901,901,-311,-312,-322,901,-309,-295,-296,-297,901,901,901,901,-620,-635,-592,901,901,-438,901,-439,901,-446,-447,-448,-380,-381,901,901,901,-508,901,901,-512,901,901,901,901,-517,-518,-519,-520,901,901,-523,-524,901,-526,-527,-528,-529,-530,-531,-532,-533,901,-535,901,901,901,-541,-543,-544,901,-546,-547,-548,-549,901,901,901,901,901,901,-654,-655,-656,-657,901,-659,-660,-661,901,901,901,-667,901,901,-671,-672,901,901,-675,901,-677,-678,901,-681,901,-683,901,901,-686,-687,-688,901,-690,901,901,-693,901,901,-696,-697,-698,901,-700,-701,-702,-703,901,901,-748,901,-751,-752,-753,-754,-755,901,-757,-758,-759,-760,-761,901,-768,-769,-771,901,-773,-774,-775,-784,-858,-860,-862,-864,901,901,901,901,-870,901,-872,901,901,901,901,901,901,901,-908,-909,901,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,901,-923,-926,901,-936,901,-387,-388,-389,901,901,-392,-393,-394,-395,901,-398,901,-401,-402,901,-403,901,-408,-409,901,-412,-413,-414,901,-417,901,-418,901,-423,-424,901,-427,901,-430,-431,-1896,-1896,901,-621,-622,-623,-624,-625,-636,-586,-626,-799,901,901,901,901,901,-833,901,901,-808,901,-834,901,901,901,901,-800,901,-855,-801,901,901,901,901,901,901,-856,-857,901,-836,-832,-837,901,-627,901,-628,-629,-630,-631,-576,901,901,-632,-633,-634,901,901,901,901,901,901,-637,-638,-639,-594,-1896,-604,901,-640,-641,-715,-642,-606,901,-574,-579,-582,-585,901,901,901,-600,-603,901,-610,901,901,901,901,901,901,901,901,901,901,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,901,901,901,-997,901,901,901,901,901,901,-308,-327,-321,-298,-377,-454,-455,-456,-460,901,-445,901,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,901,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,901,901,901,901,901,901,901,901,901,-318,-537,-510,-593,-939,-941,-942,-440,901,-442,-382,-383,-385,-509,-511,-513,901,-515,-516,-521,-522,901,-534,-536,-539,-540,-545,-550,-728,901,-729,901,-734,901,-736,901,-741,-658,-662,-663,901,-668,901,-669,901,-674,-676,901,-679,901,901,901,-689,-691,901,-694,901,901,-746,901,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,901,901,901,901,901,-879,901,-882,-910,-922,-927,-390,-391,901,-396,901,-399,901,-404,901,-405,901,-410,901,-415,901,-419,901,-420,901,-425,901,-428,-901,-902,-645,-587,-1896,-903,901,901,901,-802,901,901,-806,901,-809,-835,901,-820,901,-822,901,-824,-810,901,-826,901,-853,-854,901,901,-813,901,-648,-904,-906,-650,-651,-647,901,-707,-708,901,-644,-905,-649,-652,-605,-716,901,901,-607,-588,901,901,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,901,901,-711,-712,901,-718,901,901,901,901,901,901,-940,901,-441,-443,-749,901,-893,901,-717,-1896,901,901,901,901,901,-444,-514,-525,901,-730,-735,901,-737,901,-742,901,-664,-670,901,-680,-682,-684,-685,-692,-695,-699,-747,901,901,-876,901,901,-880,901,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,901,-814,901,-816,-803,901,-804,-807,901,-818,-821,-823,-825,-827,901,-828,901,-811,901,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,901,-284,901,901,901,901,-457,901,901,-731,901,-738,901,-743,901,-665,-673,901,901,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,901,-838,-53,901,901,-732,901,-739,901,-744,-666,901,-875,-54,901,901,-733,-740,-745,901,901,901,-874,]),'ZONE_LIST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[902,902,902,902,-1896,902,902,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,902,902,902,902,-277,-278,902,-1427,902,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,902,902,902,-492,902,902,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,902,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,902,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,902,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,902,-174,-175,-176,-177,-995,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-292,-293,-283,902,902,902,902,902,-330,-320,-334,-335,-336,902,902,-984,-985,-986,-987,-988,-989,-990,902,902,902,902,902,902,902,902,902,902,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,902,902,902,-355,-358,902,-325,-326,-143,902,-144,902,-145,902,-432,-937,-938,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-1896,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-1896,902,-1896,902,902,902,902,902,902,902,902,902,902,902,902,-1896,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-1896,902,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,902,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,902,902,902,-193,-194,902,-996,902,902,902,902,902,-279,-280,-281,-282,-367,902,-310,902,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,902,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,902,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,902,902,902,902,902,902,-575,902,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,902,902,-725,-726,-727,902,902,902,902,902,902,-996,902,902,-93,-94,902,902,902,902,-311,-312,-322,902,-309,-295,-296,-297,902,902,902,902,-620,-635,-592,902,902,-438,902,-439,902,-446,-447,-448,-380,-381,902,902,902,-508,902,902,-512,902,902,902,902,-517,-518,-519,-520,902,902,-523,-524,902,-526,-527,-528,-529,-530,-531,-532,-533,902,-535,902,902,902,-541,-543,-544,902,-546,-547,-548,-549,902,902,902,902,902,902,-654,-655,-656,-657,902,-659,-660,-661,902,902,902,-667,902,902,-671,-672,902,902,-675,902,-677,-678,902,-681,902,-683,902,902,-686,-687,-688,902,-690,902,902,-693,902,902,-696,-697,-698,902,-700,-701,-702,-703,902,902,-748,902,-751,-752,-753,-754,-755,902,-757,-758,-759,-760,-761,902,-768,-769,-771,902,-773,-774,-775,-784,-858,-860,-862,-864,902,902,902,902,-870,902,-872,902,902,902,902,902,902,902,-908,-909,902,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,902,-923,-926,902,-936,902,-387,-388,-389,902,902,-392,-393,-394,-395,902,-398,902,-401,-402,902,-403,902,-408,-409,902,-412,-413,-414,902,-417,902,-418,902,-423,-424,902,-427,902,-430,-431,-1896,-1896,902,-621,-622,-623,-624,-625,-636,-586,-626,-799,902,902,902,902,902,-833,902,902,-808,902,-834,902,902,902,902,-800,902,-855,-801,902,902,902,902,902,902,-856,-857,902,-836,-832,-837,902,-627,902,-628,-629,-630,-631,-576,902,902,-632,-633,-634,902,902,902,902,902,902,-637,-638,-639,-594,-1896,-604,902,-640,-641,-715,-642,-606,902,-574,-579,-582,-585,902,902,902,-600,-603,902,-610,902,902,902,902,902,902,902,902,902,902,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,902,902,902,-997,902,902,902,902,902,902,-308,-327,-321,-298,-377,-454,-455,-456,-460,902,-445,902,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,902,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,902,902,902,902,902,902,902,902,902,-318,-537,-510,-593,-939,-941,-942,-440,902,-442,-382,-383,-385,-509,-511,-513,902,-515,-516,-521,-522,902,-534,-536,-539,-540,-545,-550,-728,902,-729,902,-734,902,-736,902,-741,-658,-662,-663,902,-668,902,-669,902,-674,-676,902,-679,902,902,902,-689,-691,902,-694,902,902,-746,902,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,902,902,902,902,902,-879,902,-882,-910,-922,-927,-390,-391,902,-396,902,-399,902,-404,902,-405,902,-410,902,-415,902,-419,902,-420,902,-425,902,-428,-901,-902,-645,-587,-1896,-903,902,902,902,-802,902,902,-806,902,-809,-835,902,-820,902,-822,902,-824,-810,902,-826,902,-853,-854,902,902,-813,902,-648,-904,-906,-650,-651,-647,902,-707,-708,902,-644,-905,-649,-652,-605,-716,902,902,-607,-588,902,902,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,902,902,-711,-712,902,-718,902,902,902,902,902,902,-940,902,-441,-443,-749,902,-893,902,-717,-1896,902,902,902,902,902,-444,-514,-525,902,-730,-735,902,-737,902,-742,902,-664,-670,902,-680,-682,-684,-685,-692,-695,-699,-747,902,902,-876,902,902,-880,902,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,902,-814,902,-816,-803,902,-804,-807,902,-818,-821,-823,-825,-827,902,-828,902,-811,902,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,902,-284,902,902,902,902,-457,902,902,-731,902,-738,902,-743,902,-665,-673,902,902,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,902,-838,-53,902,902,-732,902,-739,902,-744,-666,902,-875,-54,902,902,-733,-740,-745,902,902,902,-874,]),'ZONE_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[903,903,903,903,-1896,903,903,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,903,903,903,903,-277,-278,903,-1427,903,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,903,903,903,-492,903,903,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,903,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,903,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,903,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,903,-174,-175,-176,-177,-995,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-292,-293,-283,903,903,903,903,903,-330,-320,-334,-335,-336,903,903,-984,-985,-986,-987,-988,-989,-990,903,903,903,903,903,903,903,903,903,903,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,903,903,903,-355,-358,903,-325,-326,-143,903,-144,903,-145,903,-432,-937,-938,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-1896,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-1896,903,-1896,903,903,903,903,903,903,903,903,903,903,903,903,-1896,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-1896,903,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,903,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,903,903,903,-193,-194,903,-996,903,903,903,903,903,-279,-280,-281,-282,-367,903,-310,903,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,903,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,903,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,903,903,903,903,903,903,-575,903,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,903,903,-725,-726,-727,903,903,903,903,903,903,-996,903,903,-93,-94,903,903,903,903,-311,-312,-322,903,-309,-295,-296,-297,903,903,903,903,-620,-635,-592,903,903,-438,903,-439,903,-446,-447,-448,-380,-381,903,903,903,-508,903,903,-512,903,903,903,903,-517,-518,-519,-520,903,903,-523,-524,903,-526,-527,-528,-529,-530,-531,-532,-533,903,-535,903,903,903,-541,-543,-544,903,-546,-547,-548,-549,903,903,903,903,903,903,-654,-655,-656,-657,903,-659,-660,-661,903,903,903,-667,903,903,-671,-672,903,903,-675,903,-677,-678,903,-681,903,-683,903,903,-686,-687,-688,903,-690,903,903,-693,903,903,-696,-697,-698,903,-700,-701,-702,-703,903,903,-748,903,-751,-752,-753,-754,-755,903,-757,-758,-759,-760,-761,903,-768,-769,-771,903,-773,-774,-775,-784,-858,-860,-862,-864,903,903,903,903,-870,903,-872,903,903,903,903,903,903,903,-908,-909,903,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,903,-923,-926,903,-936,903,-387,-388,-389,903,903,-392,-393,-394,-395,903,-398,903,-401,-402,903,-403,903,-408,-409,903,-412,-413,-414,903,-417,903,-418,903,-423,-424,903,-427,903,-430,-431,-1896,-1896,903,-621,-622,-623,-624,-625,-636,-586,-626,-799,903,903,903,903,903,-833,903,903,-808,903,-834,903,903,903,903,-800,903,-855,-801,903,903,903,903,903,903,-856,-857,903,-836,-832,-837,903,-627,903,-628,-629,-630,-631,-576,903,903,-632,-633,-634,903,903,903,903,903,903,-637,-638,-639,-594,-1896,-604,903,-640,-641,-715,-642,-606,903,-574,-579,-582,-585,903,903,903,-600,-603,903,-610,903,903,903,903,903,903,903,903,903,903,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,903,903,903,-997,903,903,903,903,903,903,-308,-327,-321,-298,-377,-454,-455,-456,-460,903,-445,903,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,903,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,903,903,903,903,903,903,903,903,903,-318,-537,-510,-593,-939,-941,-942,-440,903,-442,-382,-383,-385,-509,-511,-513,903,-515,-516,-521,-522,903,-534,-536,-539,-540,-545,-550,-728,903,-729,903,-734,903,-736,903,-741,-658,-662,-663,903,-668,903,-669,903,-674,-676,903,-679,903,903,903,-689,-691,903,-694,903,903,-746,903,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,903,903,903,903,903,-879,903,-882,-910,-922,-927,-390,-391,903,-396,903,-399,903,-404,903,-405,903,-410,903,-415,903,-419,903,-420,903,-425,903,-428,-901,-902,-645,-587,-1896,-903,903,903,903,-802,903,903,-806,903,-809,-835,903,-820,903,-822,903,-824,-810,903,-826,903,-853,-854,903,903,-813,903,-648,-904,-906,-650,-651,-647,903,-707,-708,903,-644,-905,-649,-652,-605,-716,903,903,-607,-588,903,903,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,903,903,-711,-712,903,-718,903,903,903,903,903,903,-940,903,-441,-443,-749,903,-893,903,-717,-1896,903,903,903,903,903,-444,-514,-525,903,-730,-735,903,-737,903,-742,903,-664,-670,903,-680,-682,-684,-685,-692,-695,-699,-747,903,903,-876,903,903,-880,903,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,903,-814,903,-816,-803,903,-804,-807,903,-818,-821,-823,-825,-827,903,-828,903,-811,903,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,903,-284,903,903,903,903,-457,903,903,-731,903,-738,903,-743,903,-665,-673,903,903,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,903,-838,-53,903,903,-732,903,-739,903,-744,-666,903,-875,-54,903,903,-733,-740,-745,903,903,903,-874,]),'UNION':([14,23,24,32,33,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1388,1389,1390,1392,1393,1394,1395,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2491,2495,2498,2502,2514,2515,2517,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2911,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3197,3198,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3473,3474,3475,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-178,-172,-173,1384,-167,-179,-180,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-172,-173,-178,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-172,-173,-1896,-136,-137,-174,-175,-176,-177,-173,-1896,-271,-272,-274,-276,-270,-1896,-283,-173,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-153,-156,-158,-159,-1896,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-1896,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-173,-172,-168,-181,-116,-186,-1896,-1896,-253,-182,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-110,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-140,-142,-148,-149,-157,-111,-112,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-434,-1896,-1896,-190,-218,-113,-114,-115,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-185,-433,-435,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-436,-437,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'EXCEPT':([14,23,24,32,33,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1388,1389,1390,1392,1393,1394,1395,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2491,2495,2498,2502,2514,2515,2517,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2911,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3197,3198,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3473,3474,3475,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-178,-172,-173,1385,-167,-179,-180,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-172,-173,-178,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-172,-173,-1896,-136,-137,-174,-175,-176,-177,-173,-1896,-271,-272,-274,-276,-270,-1896,-283,-173,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-153,-156,-158,-159,-1896,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-1896,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-173,-172,-168,-181,-116,-186,-1896,-1896,-253,-182,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-110,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-140,-142,-148,-149,-157,-111,-112,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-434,-1896,-1896,-190,-218,-113,-114,-115,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-185,-433,-435,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-436,-437,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'INTERSECT':([14,23,24,32,33,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1388,1389,1390,1392,1393,1394,1395,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2491,2495,2498,2502,2514,2515,2517,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2911,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3197,3198,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3473,3474,3475,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-178,-172,-173,1386,-167,-179,-180,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-172,-173,-178,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-172,-173,-1896,-136,-137,-174,-175,-176,-177,-173,-1896,-271,-272,-274,-276,-270,-1896,-283,-173,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-153,-156,-158,-159,-1896,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-1896,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-173,-172,-168,-181,-116,-186,-1896,-1896,-253,-182,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-110,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-140,-142,-148,-149,-157,-111,-112,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-434,-1896,-1896,-190,-218,-113,-114,-115,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-185,-433,-435,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-436,-437,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'FROM':([16,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,911,912,913,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1417,1418,1420,1421,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1806,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2016,2017,2018,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2404,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2444,2445,2454,2456,2475,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2865,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2880,2882,2883,2913,2923,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3446,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[910,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1399,-82,-83,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-271,-272,-274,-276,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2457,2473,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-81,-84,-85,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,2826,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,2854,-609,2864,2866,-215,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,3141,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-996,-217,-997,-86,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-218,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DUAL':([17,910,921,1399,1403,1412,1423,2013,2024,2473,],[918,918,918,918,918,918,918,918,918,918,]),'IGNORE':([18,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,1020,1021,1398,1415,1416,1417,1418,1420,1421,1488,1489,2007,2031,2033,2034,2035,2039,2040,2505,2517,2556,2560,2913,2989,2993,3267,3481,3485,3487,3609,3610,3611,],[928,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-1896,-323,-324,-995,-1846,2038,-271,-272,-274,-276,-325,-326,-996,2038,-254,-255,-256,-273,-275,-996,-253,2987,2987,-997,2987,2987,2987,-257,-259,-261,-258,-260,-262,]),'NOT':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1449,1452,1476,1477,1478,1479,1480,1481,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2532,2533,2535,2537,2538,2539,2540,2544,2545,2546,2547,2548,2549,2553,2555,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2900,2901,2902,2904,2907,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3167,3169,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3453,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3582,3587,3588,3589,3590,3591,3592,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3780,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[934,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,934,-1427,934,1440,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,934,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,934,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,934,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,934,934,934,934,934,-292,-293,-283,934,-365,2068,934,-357,-362,-492,-1294,-356,934,934,-355,-358,-325,-326,-143,934,-144,934,-145,934,-432,-937,-938,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,-1896,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,-1896,934,-1896,934,934,934,934,934,934,934,934,934,934,934,934,-1896,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,934,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,934,-193,-194,-996,934,-279,-280,-281,-282,-367,934,-310,934,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,934,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,934,934,934,934,934,934,-575,934,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,934,934,-725,-726,-727,934,934,934,-93,-94,-311,-312,-322,-309,-295,-296,-297,934,934,-620,-635,-592,934,-438,-439,-446,-447,-448,-380,-381,934,934,934,-508,934,934,-512,934,934,934,934,-517,-518,-519,-520,934,934,-523,-524,934,-526,-527,-528,-529,-530,-531,-532,-533,934,-535,934,934,934,-541,-543,-544,934,-546,-547,-548,-549,934,934,934,934,934,934,-654,-655,-656,-657,-659,-660,-661,934,934,934,-667,934,934,-671,-672,934,934,-675,934,-677,-678,934,-681,934,-683,934,934,-686,-687,-688,934,-690,934,934,-693,934,934,-696,-697,-698,934,-700,-701,-702,-703,934,934,-748,934,-751,-752,-753,-754,-755,934,-757,-758,-759,-760,-761,934,-768,-769,-771,934,-773,-774,-775,-784,-858,-860,-862,-864,934,934,934,934,-870,934,-872,934,934,934,934,934,934,934,-908,-909,934,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,934,-923,-926,934,-936,934,-387,-388,-389,934,934,-392,-393,-394,-395,934,-398,934,-401,-402,934,-403,934,-408,-409,934,-412,-413,-414,934,-417,934,-418,934,-423,-424,934,-427,934,-430,-431,-1896,-1896,934,-621,-622,-623,-624,-625,-636,-586,-626,-799,934,934,934,934,934,-833,934,934,-808,934,-834,934,934,934,934,-800,934,-855,-801,934,934,934,934,934,934,-856,-857,934,-836,-832,-837,934,-627,934,-628,-629,-630,-631,-576,934,934,-632,-633,-634,934,934,934,934,934,934,-637,-638,-639,-594,-1896,-604,934,-640,-641,-715,-642,-606,934,-574,-579,-582,-585,934,934,934,-600,-603,934,-610,934,934,934,934,934,934,934,934,934,934,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,934,-1896,-1896,-1896,-1896,-1896,-997,934,934,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,934,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,934,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,3448,-46,-318,-537,-510,-593,-939,-941,-942,-440,934,-442,-382,-383,-385,-509,-511,-513,934,-515,-516,-521,-522,934,-534,-536,-539,-540,-545,-550,-728,934,-729,934,-734,934,-736,934,-741,-658,-662,-663,934,-668,934,-669,934,-674,-676,934,-679,934,934,934,-689,-691,934,-694,934,934,-746,934,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,934,934,934,934,934,-879,934,-882,-910,-922,-927,-390,-391,934,-396,934,-399,934,-404,934,-405,934,-410,934,-415,934,-419,934,-420,934,-425,934,-428,-901,-902,-645,-587,-1896,-903,934,934,934,-802,934,934,-806,934,-809,-835,934,-820,934,-822,934,-824,-810,934,-826,934,-853,-854,934,934,-813,934,-648,-904,-906,-650,-651,-647,934,-707,-708,934,-644,-905,-649,-652,-605,-716,934,934,-607,-588,934,934,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,934,934,-711,-712,934,-718,934,-45,934,934,-940,-441,-443,-749,934,-893,934,-717,-1896,934,934,-1896,-1896,-1896,-1896,-1896,-1896,-1896,934,-444,-514,-525,934,-730,-735,934,-737,934,-742,934,-664,-670,934,-680,-682,-684,-685,-692,-695,-699,-747,934,934,-876,934,934,-880,934,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,934,-814,934,-816,-803,934,-804,-807,934,-818,-821,-823,-825,-827,934,-828,934,-811,934,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,934,934,-1896,-457,934,934,-731,934,-738,934,-743,934,-665,-673,934,934,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,934,-838,934,-732,934,-739,934,-744,-666,934,-875,-733,-740,-745,934,934,-874,]),'SINGLE_AT_IDENTIFIER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[940,-1896,940,940,940,940,940,940,940,940,940,940,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,940,940,940,940,940,-292,-293,940,940,940,940,-330,-320,-334,-335,-336,940,940,-984,-985,-986,-987,-988,-989,-990,940,940,940,940,940,940,940,940,-350,-351,-352,-353,-354,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,-1896,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,-1896,940,-1896,940,940,940,940,940,940,940,940,940,940,940,940,-1896,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,-1896,940,-197,940,-193,-194,940,940,940,-319,-329,-333,940,940,940,940,940,940,940,940,940,940,940,-725,-726,-727,940,940,940,-93,-94,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,]),'DOUBLE_AT_IDENTIFIER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[941,-1896,941,941,941,941,941,941,941,941,941,941,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,941,941,941,941,941,-292,-293,941,941,941,941,-330,-320,-334,-335,-336,941,941,-984,-985,-986,-987,-988,-989,-990,941,941,941,941,941,941,941,941,-350,-351,-352,-353,-354,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,-1896,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,-1896,941,-1896,941,941,941,941,941,941,941,941,941,941,941,941,-1896,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,-1896,941,-197,941,-193,-194,941,941,941,-319,-329,-333,941,941,941,941,941,941,941,941,941,941,941,-725,-726,-727,941,941,941,-93,-94,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,]),'QM':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1376,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,1992,1993,1994,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2480,2481,2511,2512,2513,2530,2536,2541,2544,2545,2549,2558,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3746,3748,3749,3756,3773,3795,3798,3800,3802,3804,3806,3810,3811,3841,3851,3852,3854,3856,3860,3880,3886,],[961,-1896,961,961,1478,1478,961,1478,1478,961,961,961,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1991,961,961,961,961,961,-292,-293,961,961,961,961,-330,-320,-334,-335,-336,961,961,-984,-985,-986,-987,-988,-989,-990,961,961,961,961,961,961,961,961,-350,-351,-352,-353,-354,961,961,961,961,961,961,961,961,961,961,961,961,961,1478,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,-1896,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,-1896,961,-1896,961,961,961,961,961,961,961,961,961,961,961,961,-1896,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,-1896,961,-197,961,1991,-160,-161,-193,-194,961,961,961,-319,-329,-333,1478,961,961,961,961,961,961,961,961,961,961,-725,-726,-727,961,961,1991,1991,961,-93,-94,961,1478,961,961,961,961,2991,1478,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,3799,-470,-471,961,961,3799,961,961,961,961,961,961,961,961,3799,961,961,961,961,961,961,]),'BIT_OPPOSITE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[962,-1896,962,962,962,962,962,962,962,962,962,962,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,962,962,962,962,962,-292,-293,962,962,962,962,-330,-320,-334,-335,-336,962,962,-984,-985,-986,-987,-988,-989,-990,962,962,962,962,962,962,962,962,-350,-351,-352,-353,-354,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,-1896,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,-1896,962,-1896,962,962,962,962,962,962,962,962,962,962,962,962,-1896,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,-1896,962,-197,962,-193,-194,962,962,962,-319,-329,-333,962,962,962,962,962,962,962,962,962,962,962,-725,-726,-727,962,962,962,-93,-94,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,]),'MINUS':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[957,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,957,-1427,957,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1464,957,957,957,-492,957,957,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,957,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,957,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,957,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,957,957,957,957,957,-292,-293,-283,957,-365,957,957,957,-330,-320,-334,-335,-336,957,957,-984,-985,-986,-987,-988,-989,-990,957,957,957,957,957,957,957,957,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,957,957,957,-355,-358,-325,-326,-143,957,-144,957,-145,957,-432,-937,-938,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,-1896,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,-1896,957,-1896,957,957,957,957,957,957,957,957,957,957,957,957,-1896,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,957,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,957,-193,-194,-996,957,-279,-280,-281,-282,-367,957,-310,957,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,957,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,1464,957,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,957,957,957,957,957,957,-575,957,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,957,957,-725,-726,-727,957,957,957,-93,-94,957,-311,-312,-322,957,-309,-295,-296,-297,957,957,957,-620,-635,-592,957,-438,-439,-446,-447,-448,-380,-381,957,957,957,-508,957,957,-512,957,957,957,957,-517,-518,-519,-520,957,957,-523,-524,957,-526,-527,-528,-529,-530,-531,-532,-533,957,-535,957,957,957,-541,-543,-544,957,-546,-547,-548,-549,957,957,957,957,957,957,-654,-655,-656,-657,-659,-660,-661,957,957,957,-667,957,957,-671,-672,957,957,-675,957,-677,-678,957,-681,957,-683,957,957,-686,-687,-688,957,-690,957,957,-693,957,957,-696,-697,-698,957,-700,-701,-702,-703,957,957,-748,957,-751,-752,-753,-754,-755,957,-757,-758,-759,-760,-761,957,-768,-769,-771,957,-773,-774,-775,-784,-858,-860,-862,-864,957,957,957,957,-870,957,-872,957,957,957,957,957,957,957,-908,-909,957,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,957,-923,-926,957,-936,957,-387,-388,-389,957,957,-392,-393,-394,-395,957,-398,957,-401,-402,957,-403,957,-408,-409,957,-412,-413,-414,957,-417,957,-418,957,-423,-424,957,-427,957,-430,-431,-1896,-1896,957,-621,-622,-623,-624,-625,-636,-586,-626,-799,957,957,957,957,957,-833,957,957,-808,957,-834,957,957,957,957,-800,957,-855,-801,957,957,957,957,957,957,-856,-857,957,-836,-832,-837,957,-627,957,-628,-629,-630,-631,-576,957,957,-632,-633,-634,957,957,957,957,957,957,-637,-638,-639,-594,-1896,-604,957,-640,-641,-715,-642,-606,957,-574,-579,-582,-585,957,957,957,-600,-603,957,-610,957,957,957,957,957,957,957,957,957,957,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,957,-997,957,957,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,957,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,957,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,957,-318,-537,-510,-593,-939,-941,-942,-440,957,-442,-382,-383,-385,-509,-511,-513,957,-515,-516,-521,-522,957,-534,-536,-539,-540,-545,-550,-728,957,-729,957,-734,957,-736,957,-741,-658,-662,-663,957,-668,957,-669,957,-674,-676,957,-679,957,957,957,-689,-691,957,-694,957,957,-746,957,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,957,957,957,957,957,-879,957,-882,-910,-922,-927,-390,-391,957,-396,957,-399,957,-404,957,-405,957,-410,957,-415,957,-419,957,-420,957,-425,957,-428,-901,-902,-645,-587,-1896,-903,957,957,957,-802,957,957,-806,957,-809,-835,957,-820,957,-822,957,-824,-810,957,-826,957,-853,-854,957,957,-813,957,-648,-904,-906,-650,-651,-647,957,-707,-708,957,-644,-905,-649,-652,-605,-716,957,957,-607,-588,957,957,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,957,957,-711,-712,957,-718,957,957,957,-940,-441,-443,-749,957,-893,957,-717,-1896,957,957,957,-444,-514,-525,957,-730,-735,957,-737,957,-742,957,-664,-670,957,-680,-682,-684,-685,-692,-695,-699,-747,957,957,-876,957,957,-880,957,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,957,-814,957,-816,-803,957,-804,-807,957,-818,-821,-823,-825,-827,957,-828,957,-811,957,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,957,957,-457,957,957,-731,957,-738,957,-743,957,-665,-673,957,957,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,957,-838,957,-732,957,-739,957,-744,-666,957,-875,-733,-740,-745,957,957,-874,]),'PLUS':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,959,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2330,2337,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3129,3131,3133,3135,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[956,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,956,-1427,956,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1463,956,956,1482,956,-492,956,956,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,956,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,956,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,956,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,956,956,956,956,956,-292,-293,-283,956,-365,956,956,956,-330,-320,-334,-335,-336,956,956,-984,-985,-986,-987,-988,-989,-990,956,956,956,956,956,956,956,956,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,956,956,956,-355,-358,-325,-326,-143,956,-144,956,-145,956,-432,-937,-938,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,-1896,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,-1896,956,-1896,956,956,956,956,956,956,956,956,956,956,956,956,-1896,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,956,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,956,-193,-194,-996,956,-279,-280,-281,-282,-367,956,-310,956,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,956,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,1463,956,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,956,1482,1482,956,956,956,956,956,-575,956,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,956,956,-725,-726,-727,956,956,956,-93,-94,956,-311,-312,-322,956,-309,-295,-296,-297,956,956,956,-620,-635,-592,956,-438,-439,-446,-447,-448,-380,-381,956,956,956,-508,956,956,-512,956,956,956,956,-517,-518,-519,-520,956,956,-523,-524,956,-526,-527,-528,-529,-530,-531,-532,-533,956,-535,956,956,956,-541,-543,-544,956,-546,-547,-548,-549,956,956,956,956,956,956,-654,-655,-656,-657,-659,-660,-661,956,956,956,-667,956,956,-671,-672,956,956,-675,956,-677,-678,956,-681,956,-683,956,956,-686,-687,-688,956,-690,956,956,-693,956,956,-696,-697,-698,956,-700,-701,-702,-703,956,956,-748,956,-751,-752,-753,-754,-755,956,-757,-758,-759,-760,-761,956,-768,-769,-771,956,-773,-774,-775,-784,-858,-860,-862,-864,956,956,956,956,-870,956,-872,956,956,956,956,956,956,956,-908,-909,956,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,956,-923,-926,956,-936,956,-387,-388,-389,956,956,-392,-393,-394,-395,956,-398,956,-401,-402,956,-403,956,-408,-409,956,-412,-413,-414,956,-417,956,-418,956,-423,-424,956,-427,956,-430,-431,-1896,-1896,956,-621,-622,-623,-624,-625,-636,-586,-626,-799,956,956,956,956,956,-833,956,956,-808,956,-834,956,956,956,956,-800,956,-855,-801,956,956,956,956,956,956,-856,-857,956,-836,-832,-837,956,-627,956,-628,-629,-630,-631,-576,956,956,-632,-633,-634,956,956,956,956,956,956,-637,-638,-639,-594,-1896,-604,956,-640,-641,-715,-642,-606,956,-574,-579,-582,-585,956,956,956,-600,-603,956,-610,956,956,956,956,956,956,956,956,956,956,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,956,-997,956,956,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,956,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1482,1482,1482,1482,956,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,956,-318,-537,-510,-593,-939,-941,-942,-440,956,-442,-382,-383,-385,-509,-511,-513,956,-515,-516,-521,-522,956,-534,-536,-539,-540,-545,-550,-728,956,-729,956,-734,956,-736,956,-741,-658,-662,-663,956,-668,956,-669,956,-674,-676,956,-679,956,956,956,-689,-691,956,-694,956,956,-746,956,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,956,956,956,956,956,-879,956,-882,-910,-922,-927,-390,-391,956,-396,956,-399,956,-404,956,-405,956,-410,956,-415,956,-419,956,-420,956,-425,956,-428,-901,-902,-645,-587,-1896,-903,956,956,956,-802,956,956,-806,956,-809,-835,956,-820,956,-822,956,-824,-810,956,-826,956,-853,-854,956,956,-813,956,-648,-904,-906,-650,-651,-647,956,-707,-708,956,-644,-905,-649,-652,-605,-716,956,956,-607,-588,956,956,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,956,956,-711,-712,956,-718,956,956,956,-940,-441,-443,-749,956,-893,956,-717,-1896,956,956,956,-444,-514,-525,956,-730,-735,956,-737,956,-742,956,-664,-670,956,-680,-682,-684,-685,-692,-695,-699,-747,956,956,-876,956,956,-880,956,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,956,-814,956,-816,-803,956,-804,-807,956,-818,-821,-823,-825,-827,956,-828,956,-811,956,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,956,956,-457,956,956,-731,956,-738,956,-743,956,-665,-673,956,956,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,956,-838,956,-732,956,-739,956,-744,-666,956,-875,-733,-740,-745,956,956,-874,]),'EXCLA_MARK':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[963,-1896,963,963,963,963,963,963,963,963,963,963,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,963,963,963,963,963,-292,-293,963,963,963,963,-330,-320,-334,-335,-336,963,963,-984,-985,-986,-987,-988,-989,-990,963,963,963,963,963,963,963,963,-350,-351,-352,-353,-354,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,-1896,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,-1896,963,-1896,963,963,963,963,963,963,963,963,963,963,963,963,-1896,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,-1896,963,-197,963,-193,-194,963,963,963,-319,-329,-333,963,963,963,963,963,963,963,963,963,963,963,-725,-726,-727,963,963,963,-93,-94,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,]),'NULL':([19,21,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2068,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2900,2901,2902,2904,2907,2930,2944,3041,3141,3167,3169,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3448,3450,3453,3489,3491,3528,3559,3579,3581,3582,3584,3587,3588,3589,3590,3591,3592,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3780,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[951,-1896,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,951,951,951,951,951,951,951,951,951,951,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,951,951,951,951,951,-292,-293,951,951,951,951,2062,-330,-320,-334,-332,-335,-336,951,951,-984,-985,-986,-987,-988,-989,-990,951,951,951,951,951,951,951,951,-350,-351,-352,-353,-354,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1896,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1896,951,-1896,951,951,951,951,951,951,951,951,951,951,951,951,-1896,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1896,951,-197,951,-193,-194,951,951,951,-319,-329,-333,951,-331,951,951,951,951,951,951,951,951,951,951,-725,-726,-727,951,951,951,-93,-94,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1896,-1896,-1896,-1896,-1896,951,951,951,951,3449,-46,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,3583,3585,-45,951,951,951,951,951,951,-1896,3715,-1896,-1896,-1896,-1896,-1896,-1896,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1896,951,951,951,951,951,951,951,951,951,951,951,951,951,951,]),'EXISTS':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[995,-1896,995,995,995,995,995,995,995,995,995,995,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,995,995,995,995,995,-292,-293,995,995,995,995,-330,-320,-334,-335,-336,995,995,-984,-985,-986,-987,-988,-989,-990,995,995,995,995,995,995,995,995,-350,-351,-352,-353,-354,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,-1896,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,-1896,995,-1896,995,995,995,995,995,995,995,995,995,995,995,995,-1896,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,-1896,995,-197,995,-193,-194,995,995,995,-319,-329,-333,995,995,995,995,995,995,995,995,995,995,995,-725,-726,-727,995,995,995,-93,-94,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,]),'BINARY':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2550,2551,2552,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2620,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2841,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[997,-1896,997,997,997,997,997,997,997,997,997,997,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,997,997,997,997,997,-292,-293,997,997,997,997,-330,-320,-334,-335,-336,997,997,-984,-985,-986,-987,-988,-989,-990,997,997,997,997,997,997,997,997,-350,-351,-352,-353,-354,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,-1896,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,-1896,997,-1896,997,997,997,997,997,997,997,997,997,997,997,997,-1896,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,-1896,997,-197,997,-193,-194,997,997,997,-319,-329,-333,997,997,997,997,997,997,997,997,997,997,997,-725,-726,-727,997,997,997,-93,-94,997,997,997,997,997,997,2959,2959,2979,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,2979,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,3121,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,]),'_BINARY':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[998,-1896,998,998,998,998,998,998,998,998,998,998,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,998,998,998,998,998,-292,-293,998,998,998,998,-330,-320,-334,-335,-336,998,998,-984,-985,-986,-987,-988,-989,-990,998,998,998,998,998,998,998,998,-350,-351,-352,-353,-354,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,-1896,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,-1896,998,-1896,998,998,998,998,998,998,998,998,998,998,998,998,-1896,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,-1896,998,-197,998,-193,-194,998,998,998,-319,-329,-333,998,998,998,998,998,998,998,998,998,998,998,-725,-726,-727,998,998,998,-93,-94,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,]),'CONVERT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1000,-1896,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1000,1000,1000,1000,1000,-292,-293,1000,1000,1000,1000,-330,-320,-334,-335,-336,1000,1000,-984,-985,-986,-987,-988,-989,-990,1000,1000,1000,1000,1000,1000,1000,1000,-350,-351,-352,-353,-354,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1896,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1896,1000,-1896,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1896,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1896,1000,-197,1000,-193,-194,1000,1000,1000,-319,-329,-333,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-725,-726,-727,1000,1000,1000,-93,-94,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,]),'CUME_DIST':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1001,-1896,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1001,1001,1001,1001,1001,-292,-293,1001,1001,1001,1001,-330,-320,-334,-335,-336,1001,1001,-984,-985,-986,-987,-988,-989,-990,1001,1001,1001,1001,1001,1001,1001,1001,-350,-351,-352,-353,-354,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1896,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1896,1001,-1896,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1896,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1896,1001,-197,1001,-193,-194,1001,1001,1001,-319,-329,-333,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-725,-726,-727,1001,1001,1001,-93,-94,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,]),'DENSE_RANK':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1002,-1896,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1002,1002,1002,1002,1002,-292,-293,1002,1002,1002,1002,-330,-320,-334,-335,-336,1002,1002,-984,-985,-986,-987,-988,-989,-990,1002,1002,1002,1002,1002,1002,1002,1002,-350,-351,-352,-353,-354,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1896,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1896,1002,-1896,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1896,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1896,1002,-197,1002,-193,-194,1002,1002,1002,-319,-329,-333,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-725,-726,-727,1002,1002,1002,-93,-94,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,]),'FIRST_VALUE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1003,-1896,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1003,1003,1003,1003,1003,-292,-293,1003,1003,1003,1003,-330,-320,-334,-335,-336,1003,1003,-984,-985,-986,-987,-988,-989,-990,1003,1003,1003,1003,1003,1003,1003,1003,-350,-351,-352,-353,-354,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1896,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1896,1003,-1896,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1896,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1896,1003,-197,1003,-193,-194,1003,1003,1003,-319,-329,-333,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-725,-726,-727,1003,1003,1003,-93,-94,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,]),'LEAD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1006,-1896,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1006,1006,1006,1006,1006,-292,-293,1006,1006,1006,1006,-330,-320,-334,-335,-336,1006,1006,-984,-985,-986,-987,-988,-989,-990,1006,1006,1006,1006,1006,1006,1006,1006,-350,-351,-352,-353,-354,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1896,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1896,1006,-1896,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1896,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1896,1006,-197,1006,-193,-194,1006,1006,1006,-319,-329,-333,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-725,-726,-727,1006,1006,1006,-93,-94,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,]),'NTH_VALUE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1007,-1896,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1007,1007,1007,1007,1007,-292,-293,1007,1007,1007,1007,-330,-320,-334,-335,-336,1007,1007,-984,-985,-986,-987,-988,-989,-990,1007,1007,1007,1007,1007,1007,1007,1007,-350,-351,-352,-353,-354,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1896,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1896,1007,-1896,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1896,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1896,1007,-197,1007,-193,-194,1007,1007,1007,-319,-329,-333,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-725,-726,-727,1007,1007,1007,-93,-94,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,]),'NTILE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1008,-1896,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1008,1008,1008,1008,1008,-292,-293,1008,1008,1008,1008,-330,-320,-334,-335,-336,1008,1008,-984,-985,-986,-987,-988,-989,-990,1008,1008,1008,1008,1008,1008,1008,1008,-350,-351,-352,-353,-354,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1896,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1896,1008,-1896,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1896,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1896,1008,-197,1008,-193,-194,1008,1008,1008,-319,-329,-333,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-725,-726,-727,1008,1008,1008,-93,-94,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,]),'PERCENT_RANK':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1009,-1896,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1009,1009,1009,1009,1009,-292,-293,1009,1009,1009,1009,-330,-320,-334,-335,-336,1009,1009,-984,-985,-986,-987,-988,-989,-990,1009,1009,1009,1009,1009,1009,1009,1009,-350,-351,-352,-353,-354,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1896,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1896,1009,-1896,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1896,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1896,1009,-197,1009,-193,-194,1009,1009,1009,-319,-329,-333,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-725,-726,-727,1009,1009,1009,-93,-94,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,]),'TIME_TO_USEC':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1014,-1896,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1014,1014,1014,1014,1014,-292,-293,1014,1014,1014,1014,-330,-320,-334,-335,-336,1014,1014,-984,-985,-986,-987,-988,-989,-990,1014,1014,1014,1014,1014,1014,1014,1014,-350,-351,-352,-353,-354,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1896,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1896,1014,-1896,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1896,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1896,1014,-197,1014,-193,-194,1014,1014,1014,-319,-329,-333,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-725,-726,-727,1014,1014,1014,-93,-94,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,]),'OB_VERSION':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1017,-1896,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1017,1017,1017,1017,1017,-292,-293,1017,1017,1017,1017,-330,-320,-334,-335,-336,1017,1017,-984,-985,-986,-987,-988,-989,-990,1017,1017,1017,1017,1017,1017,1017,1017,-350,-351,-352,-353,-354,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1896,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1896,1017,-1896,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1896,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1896,1017,-197,1017,-193,-194,1017,1017,1017,-319,-329,-333,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-725,-726,-727,1017,1017,1017,-93,-94,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,]),'SCONST':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,998,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1414,1415,1419,1421,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2040,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2530,2532,2533,2534,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2552,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2774,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2977,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3083,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3464,3465,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3711,3713,3738,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1020,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1020,1020,-277,-278,1020,-1427,1020,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1020,1020,1020,-492,1020,1020,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,1488,-490,-491,1020,1020,1020,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1020,1020,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1020,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1020,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-995,1020,-1846,1020,1488,1020,1020,1020,1020,1020,-292,-293,-283,1020,1020,1020,1020,-330,-320,-334,-335,-336,1020,1020,-984,-985,-986,-987,-988,-989,-990,1020,1020,1020,1020,1020,1020,1020,1020,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1020,1020,1020,-355,-358,-325,-326,1488,1020,1488,1020,1488,1020,-432,-937,-938,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1896,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1896,1020,-1896,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1896,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1896,1020,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,1020,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1020,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,1020,1020,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1020,-193,-194,-996,1020,1488,-279,-280,-281,-282,-367,1020,-310,1020,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1020,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1020,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1020,1020,1020,1020,1020,1020,-575,1020,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1020,1020,-725,-726,-727,1020,1020,-996,1020,-93,-94,1020,-311,-312,1020,-322,1020,-309,-295,-296,-297,1020,1020,1020,-620,-635,-592,1020,1020,-438,-439,1020,-446,-447,-448,-380,-381,1020,1020,1020,-508,1020,1020,-512,1020,1020,1020,1020,-517,-518,-519,-520,1020,1020,-523,-524,1020,-526,-527,-528,-529,-530,-531,-532,-533,1020,-535,1020,1020,1020,-541,-543,-544,1020,-546,-547,-548,-549,1020,1020,1020,1020,1020,1020,-654,-655,-656,-657,1020,-659,-660,-661,1020,1020,1020,-667,1020,1020,-671,-672,1020,1020,-675,1020,-677,-678,1020,-681,1020,-683,1020,1020,-686,-687,-688,1020,-690,1020,1020,-693,1020,1020,-696,-697,-698,1020,-700,-701,-702,-703,1020,1020,-748,1020,-751,-752,-753,-754,-755,1020,-757,-758,-759,-760,-761,1020,-768,-769,-771,1020,-773,-774,-775,-784,-858,-860,-862,-864,1020,1020,1020,1020,-870,1020,-872,1020,1020,1020,1020,1020,1020,1020,-908,-909,1020,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1020,-923,-926,1020,-936,1020,-387,-388,-389,1020,1020,-392,-393,-394,-395,1020,-398,1020,-401,-402,1020,-403,1020,-408,-409,1020,-412,-413,-414,1020,-417,1020,-418,1020,-423,-424,1020,-427,1020,-430,-431,-1896,-1896,1020,-621,-622,-623,-624,-625,-636,-586,1020,-626,-799,1020,1020,1020,1020,1020,-833,1020,1020,-808,1020,-834,1020,1020,1020,1020,-800,1020,-855,-801,1020,1020,1020,1020,1020,1020,-856,-857,1020,-836,-832,-837,1020,-627,1020,-628,-629,-630,-631,-576,1020,1020,-632,-633,-634,1020,1020,1020,1020,1020,1020,-637,-638,-639,-594,-1896,-604,1020,-640,-641,-715,-642,-606,1020,-574,-579,-582,-585,1020,1020,1020,-600,-603,1020,-610,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1020,-997,1020,1020,-308,-327,1488,-298,-377,1488,-454,-455,-456,-460,-445,1020,-935,-1896,-891,-452,-453,-892,-1896,1488,-1896,-1896,-1896,-1896,-900,1020,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1020,-318,-537,-510,-593,-939,-941,-942,-440,1020,-442,-382,-383,-385,-509,-511,-513,1020,-515,-516,-521,-522,1020,-534,-536,-539,-540,-545,-550,-728,1020,-729,1020,-734,1020,-736,1020,-741,-658,-662,-663,1020,-668,1020,-669,1020,-674,-676,1020,-679,1020,1020,1020,-689,-691,1020,-694,1020,1020,-746,1020,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1020,1020,1020,1020,1020,-879,1020,-882,-910,-922,-927,-390,-391,1020,-396,1020,-399,1020,-404,1020,-405,1020,-410,1020,-415,1020,-419,1020,-420,1020,-425,1020,-428,-901,-902,-645,-587,-1896,-903,1020,1020,1020,-802,1020,1020,-806,1020,-809,-835,1020,-820,1020,-822,1020,-824,-810,1020,-826,1020,-853,-854,1020,1020,-813,1020,-648,-904,-906,-650,-651,-647,1020,-707,-708,1020,-644,-905,-649,-652,-605,-716,1020,1020,-607,-588,1020,1020,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1020,1020,-711,-712,1020,-718,1020,3598,3599,1020,1020,-940,-441,-443,-749,1020,-893,1020,-717,-1896,1020,1020,1020,-444,-514,-525,1020,-730,-735,1020,-737,1020,-742,1020,-664,-670,1020,-680,-682,-684,-685,-692,-695,-699,-747,1020,1020,-876,1020,1020,-880,1020,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1020,-814,1020,-816,-803,1020,-804,-807,1020,-818,-821,-823,-825,-827,1020,-828,1020,-811,1020,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,3775,3778,-284,1020,1020,1020,-457,1020,1020,-731,1020,-738,1020,-743,1020,-665,-673,1020,1020,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1020,-838,1020,-732,1020,-739,1020,-744,-666,1020,-875,-733,-740,-745,1020,1020,-874,]),'QUOTED_IDENTIFIER':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,998,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1414,1415,1419,1421,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2040,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2530,2532,2533,2534,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2552,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2774,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2977,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3083,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1021,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1021,1021,-277,-278,1021,-1427,1021,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1021,1021,1021,-492,1021,1021,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,1489,-490,-491,1021,1021,1021,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1021,1021,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1021,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1021,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-995,1021,-1846,1021,1489,1021,1021,1021,1021,1021,-292,-293,-283,1021,1021,1021,1021,-330,-320,-334,-335,-336,1021,1021,-984,-985,-986,-987,-988,-989,-990,1021,1021,1021,1021,1021,1021,1021,1021,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1021,1021,1021,-355,-358,-325,-326,1489,1021,1489,1021,1489,1021,-432,-937,-938,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1896,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1896,1021,-1896,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1896,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1896,1021,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,1021,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1021,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,1021,1021,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1021,-193,-194,-996,1021,1489,-279,-280,-281,-282,-367,1021,-310,1021,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1021,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1021,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1021,1021,1021,1021,1021,1021,-575,1021,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1021,1021,-725,-726,-727,1021,1021,-996,1021,-93,-94,1021,-311,-312,1021,-322,1021,-309,-295,-296,-297,1021,1021,1021,-620,-635,-592,1021,1021,-438,-439,1021,-446,-447,-448,-380,-381,1021,1021,1021,-508,1021,1021,-512,1021,1021,1021,1021,-517,-518,-519,-520,1021,1021,-523,-524,1021,-526,-527,-528,-529,-530,-531,-532,-533,1021,-535,1021,1021,1021,-541,-543,-544,1021,-546,-547,-548,-549,1021,1021,1021,1021,1021,1021,-654,-655,-656,-657,1021,-659,-660,-661,1021,1021,1021,-667,1021,1021,-671,-672,1021,1021,-675,1021,-677,-678,1021,-681,1021,-683,1021,1021,-686,-687,-688,1021,-690,1021,1021,-693,1021,1021,-696,-697,-698,1021,-700,-701,-702,-703,1021,1021,-748,1021,-751,-752,-753,-754,-755,1021,-757,-758,-759,-760,-761,1021,-768,-769,-771,1021,-773,-774,-775,-784,-858,-860,-862,-864,1021,1021,1021,1021,-870,1021,-872,1021,1021,1021,1021,1021,1021,1021,-908,-909,1021,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1021,-923,-926,1021,-936,1021,-387,-388,-389,1021,1021,-392,-393,-394,-395,1021,-398,1021,-401,-402,1021,-403,1021,-408,-409,1021,-412,-413,-414,1021,-417,1021,-418,1021,-423,-424,1021,-427,1021,-430,-431,-1896,-1896,1021,-621,-622,-623,-624,-625,-636,-586,1021,-626,-799,1021,1021,1021,1021,1021,-833,1021,1021,-808,1021,-834,1021,1021,1021,1021,-800,1021,-855,-801,1021,1021,1021,1021,1021,1021,-856,-857,1021,-836,-832,-837,1021,-627,1021,-628,-629,-630,-631,-576,1021,1021,-632,-633,-634,1021,1021,1021,1021,1021,1021,-637,-638,-639,-594,-1896,-604,1021,-640,-641,-715,-642,-606,1021,-574,-579,-582,-585,1021,1021,1021,-600,-603,1021,-610,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1021,-997,1021,1021,-308,-327,1489,-298,-377,1489,-454,-455,-456,-460,-445,1021,-935,-1896,-891,-452,-453,-892,-1896,1489,-1896,-1896,-1896,-1896,-900,1021,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1021,-318,-537,-510,-593,-939,-941,-942,-440,1021,-442,-382,-383,-385,-509,-511,-513,1021,-515,-516,-521,-522,1021,-534,-536,-539,-540,-545,-550,-728,1021,-729,1021,-734,1021,-736,1021,-741,-658,-662,-663,1021,-668,1021,-669,1021,-674,-676,1021,-679,1021,1021,1021,-689,-691,1021,-694,1021,1021,-746,1021,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1021,1021,1021,1021,1021,-879,1021,-882,-910,-922,-927,-390,-391,1021,-396,1021,-399,1021,-404,1021,-405,1021,-410,1021,-415,1021,-419,1021,-420,1021,-425,1021,-428,-901,-902,-645,-587,-1896,-903,1021,1021,1021,-802,1021,1021,-806,1021,-809,-835,1021,-820,1021,-822,1021,-824,-810,1021,-826,1021,-853,-854,1021,1021,-813,1021,-648,-904,-906,-650,-651,-647,1021,-707,-708,1021,-644,-905,-649,-652,-605,-716,1021,1021,-607,-588,1021,1021,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1021,1021,-711,-712,1021,-718,1021,1021,1021,-940,-441,-443,-749,1021,-893,1021,-717,-1896,1021,1021,1021,-444,-514,-525,1021,-730,-735,1021,-737,1021,-742,1021,-664,-670,1021,-680,-682,-684,-685,-692,-695,-699,-747,1021,1021,-876,1021,1021,-880,1021,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1021,-814,1021,-816,-803,1021,-804,-807,1021,-818,-821,-823,-825,-827,1021,-828,1021,-811,1021,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1021,1021,1021,-457,1021,1021,-731,1021,-738,1021,-743,1021,-665,-673,1021,1021,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1021,-838,1021,-732,1021,-739,1021,-744,-666,1021,-875,-733,-740,-745,1021,1021,-874,]),'FRACTION':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2558,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3200,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3746,3748,3749,3756,3773,3795,3798,3800,3802,3804,3806,3810,3811,3841,3851,3852,3854,3856,3860,3880,3886,],[1022,-1896,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1022,1022,1022,1022,1022,-292,-293,1022,1022,1022,1022,-330,-320,-334,-335,-336,1022,1022,-984,-985,-986,-987,-988,-989,-990,1022,1022,1022,1022,1022,1022,1022,1022,-350,-351,-352,-353,-354,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1896,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1896,1022,-1896,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1896,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1896,1022,-197,1022,-193,-194,1022,1022,1022,-319,-329,-333,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-725,-726,-727,1022,1022,1022,-93,-94,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-470,-471,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,]),'TRUE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2068,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[952,-1896,952,952,952,952,952,952,952,952,952,952,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,952,952,952,952,952,-292,-293,952,952,952,952,2063,-330,-320,-334,-332,-335,-336,952,952,-984,-985,-986,-987,-988,-989,-990,952,952,952,952,952,952,952,952,-350,-351,-352,-353,-354,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,-1896,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,-1896,952,-1896,952,952,952,952,952,952,952,952,952,952,952,952,-1896,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,-1896,952,-197,952,-193,-194,952,952,952,-319,-329,-333,952,-331,952,952,952,952,952,952,952,952,952,952,-725,-726,-727,952,952,952,-93,-94,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,]),'FALSE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2068,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3468,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[953,-1896,953,953,953,953,953,953,953,953,953,953,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,953,953,953,953,953,-292,-293,953,953,953,953,2065,-330,-320,-334,-332,-335,-336,953,953,-984,-985,-986,-987,-988,-989,-990,953,953,953,953,953,953,953,953,-350,-351,-352,-353,-354,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,-1896,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,-1896,953,-1896,953,953,953,953,953,953,953,953,953,953,953,953,-1896,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,-1896,953,-197,953,-193,-194,953,953,953,-319,-329,-333,953,-331,953,953,953,953,953,953,953,953,953,953,-725,-726,-727,953,953,953,-93,-94,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,3602,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,]),'IF':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1045,-1896,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1045,1045,1045,1045,1045,-292,-293,1045,1045,1045,1045,-330,-320,-334,-335,-336,1045,1045,-984,-985,-986,-987,-988,-989,-990,1045,1045,1045,1045,1045,1045,1045,1045,-350,-351,-352,-353,-354,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1896,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1896,1045,-1896,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1896,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1896,1045,-197,1045,-193,-194,1045,1045,1045,-319,-329,-333,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-725,-726,-727,1045,1045,1045,-93,-94,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,]),'ATAN2':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1052,-1896,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1052,1052,1052,1052,1052,-292,-293,1052,1052,1052,1052,-330,-320,-334,-335,-336,1052,1052,-984,-985,-986,-987,-988,-989,-990,1052,1052,1052,1052,1052,1052,1052,1052,-350,-351,-352,-353,-354,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1896,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1896,1052,-1896,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1896,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1896,1052,-197,1052,-193,-194,1052,1052,1052,-319,-329,-333,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-725,-726,-727,1052,1052,1052,-93,-94,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,]),'MOD':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[958,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,958,-1427,958,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1468,958,958,958,-492,958,958,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,958,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,958,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,958,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,958,958,958,958,958,-292,-293,-283,958,-365,958,958,958,-330,-320,-334,-335,-336,958,958,-984,-985,-986,-987,-988,-989,-990,958,958,958,958,958,958,958,958,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,958,958,958,-355,-358,-325,-326,-143,958,-144,958,-145,958,-432,-937,-938,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,-1896,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,-1896,958,-1896,958,958,958,958,958,958,958,958,958,958,958,958,-1896,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,958,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,958,-193,-194,-996,958,-279,-280,-281,-282,-367,958,-310,958,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,958,-285,-294,-1017,-1689,-362,-374,-378,-376,1468,-347,1468,-346,-340,-341,-342,-343,-344,1468,958,1468,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,958,958,958,958,958,958,-575,958,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,958,958,-725,-726,-727,958,958,958,-93,-94,958,-311,-312,-322,958,-309,-295,-296,-297,958,958,958,-620,-635,-592,958,-438,-439,958,-446,-447,-448,-380,-381,958,958,958,-508,958,958,-512,958,958,958,958,-517,-518,-519,-520,958,958,-523,-524,958,-526,-527,-528,-529,-530,-531,-532,-533,958,-535,958,958,958,-541,-543,-544,958,-546,-547,-548,-549,958,958,958,958,958,958,-654,-655,-656,-657,-659,-660,-661,958,958,958,-667,958,958,-671,-672,958,958,-675,958,-677,-678,958,-681,958,-683,958,958,-686,-687,-688,958,-690,958,958,-693,958,958,-696,-697,-698,958,-700,-701,-702,-703,958,958,-748,958,-751,-752,-753,-754,-755,958,-757,-758,-759,-760,-761,958,-768,-769,-771,958,-773,-774,-775,-784,-858,-860,-862,-864,958,958,958,958,-870,958,-872,958,958,958,958,958,958,958,-908,-909,958,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,958,-923,-926,958,-936,958,-387,-388,-389,958,958,-392,-393,-394,-395,958,-398,958,-401,-402,958,-403,958,-408,-409,958,-412,-413,-414,958,-417,958,-418,958,-423,-424,958,-427,958,-430,-431,-1896,-1896,958,-621,-622,-623,-624,-625,-636,-586,-626,-799,958,958,958,958,958,-833,958,958,-808,958,-834,958,958,958,958,-800,958,-855,-801,958,958,958,958,958,958,-856,-857,958,-836,-832,-837,958,-627,958,-628,-629,-630,-631,-576,958,958,-632,-633,-634,958,958,958,958,958,958,-637,-638,-639,-594,-1896,-604,958,-640,-641,-715,-642,-606,958,-574,-579,-582,-585,958,958,958,-600,-603,958,-610,958,958,958,958,958,958,958,958,958,958,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,958,-997,958,958,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,958,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,958,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,958,-318,-537,-510,-593,-939,-941,-942,-440,958,-442,-382,-383,-385,-509,-511,-513,958,-515,-516,-521,-522,958,-534,-536,-539,-540,-545,-550,-728,958,-729,958,-734,958,-736,958,-741,-658,-662,-663,958,-668,958,-669,958,-674,-676,958,-679,958,958,958,-689,-691,958,-694,958,958,-746,958,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,958,958,958,958,958,-879,958,-882,-910,-922,-927,-390,-391,958,-396,958,-399,958,-404,958,-405,958,-410,958,-415,958,-419,958,-420,958,-425,958,-428,-901,-902,-645,-587,-1896,-903,958,958,958,-802,958,958,-806,958,-809,-835,958,-820,958,-822,958,-824,-810,958,-826,958,-853,-854,958,958,-813,958,-648,-904,-906,-650,-651,-647,958,-707,-708,958,-644,-905,-649,-652,-605,-716,958,958,-607,-588,958,958,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,958,958,-711,-712,958,-718,958,958,958,-940,-441,-443,-749,958,-893,958,-717,-1896,958,958,958,-444,-514,-525,958,-730,-735,958,-737,958,-742,958,-664,-670,958,-680,-682,-684,-685,-692,-695,-699,-747,958,958,-876,958,958,-880,958,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,958,-814,958,-816,-803,958,-804,-807,958,-818,-821,-823,-825,-827,958,-828,958,-811,958,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,958,958,-457,958,958,-731,958,-738,958,-743,958,-665,-673,958,958,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,958,-838,958,-732,958,-739,958,-744,-666,958,-875,-733,-740,-745,958,958,-874,]),'RADIANS':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1069,-1896,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1069,1069,1069,1069,1069,-292,-293,1069,1069,1069,1069,-330,-320,-334,-335,-336,1069,1069,-984,-985,-986,-987,-988,-989,-990,1069,1069,1069,1069,1069,1069,1069,1069,-350,-351,-352,-353,-354,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1896,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1896,1069,-1896,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1896,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1896,1069,-197,1069,-193,-194,1069,1069,1069,-319,-329,-333,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-725,-726,-727,1069,1069,1069,-93,-94,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,]),'RAND':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1070,-1896,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1070,1070,1070,1070,1070,-292,-293,1070,1070,1070,1070,-330,-320,-334,-335,-336,1070,1070,-984,-985,-986,-987,-988,-989,-990,1070,1070,1070,1070,1070,1070,1070,1070,-350,-351,-352,-353,-354,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1896,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1896,1070,-1896,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1896,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1896,1070,-197,1070,-193,-194,1070,1070,1070,-319,-329,-333,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-725,-726,-727,1070,1070,1070,-93,-94,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,]),'SIN':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1073,-1896,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1073,1073,1073,1073,1073,-292,-293,1073,1073,1073,1073,-330,-320,-334,-335,-336,1073,1073,-984,-985,-986,-987,-988,-989,-990,1073,1073,1073,1073,1073,1073,1073,1073,-350,-351,-352,-353,-354,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1896,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1896,1073,-1896,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1896,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1896,1073,-197,1073,-193,-194,1073,1073,1073,-319,-329,-333,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-725,-726,-727,1073,1073,1073,-93,-94,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,]),'SQRT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1074,-1896,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1074,1074,1074,1074,1074,-292,-293,1074,1074,1074,1074,-330,-320,-334,-335,-336,1074,1074,-984,-985,-986,-987,-988,-989,-990,1074,1074,1074,1074,1074,1074,1074,1074,-350,-351,-352,-353,-354,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1896,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1896,1074,-1896,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1896,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1896,1074,-197,1074,-193,-194,1074,1074,1074,-319,-329,-333,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-725,-726,-727,1074,1074,1074,-93,-94,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,]),'TAN':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1075,-1896,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1075,1075,1075,1075,1075,-292,-293,1075,1075,1075,1075,-330,-320,-334,-335,-336,1075,1075,-984,-985,-986,-987,-988,-989,-990,1075,1075,1075,1075,1075,1075,1075,1075,-350,-351,-352,-353,-354,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1896,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1896,1075,-1896,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1896,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1896,1075,-197,1075,-193,-194,1075,1075,1075,-319,-329,-333,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-725,-726,-727,1075,1075,1075,-93,-94,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,]),'CHAR':([19,21,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2492,2511,2512,2513,2530,2536,2541,2544,2545,2549,2550,2551,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2841,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1085,-1896,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1085,1085,1085,1085,1085,-292,-293,1085,1085,1085,1085,-330,-320,-334,-335,-336,1085,1085,-984,-985,-986,-987,-988,-989,-990,1085,1085,1085,1085,1085,1085,1085,1085,-350,-351,-352,-353,-354,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1896,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1896,1085,-1896,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1896,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1896,1085,-197,1085,-193,-194,1085,1085,1085,-319,-329,-333,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-725,-726,-727,1085,1085,2906,1085,-93,-94,1085,1085,1085,1085,1085,1085,2974,2974,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,3122,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,]),'CONCAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1088,-1896,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1088,1088,1088,1088,1088,-292,-293,1088,1088,1088,1088,-330,-320,-334,-335,-336,1088,1088,-984,-985,-986,-987,-988,-989,-990,1088,1088,1088,1088,1088,1088,1088,1088,-350,-351,-352,-353,-354,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1896,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1896,1088,-1896,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1896,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1896,1088,-197,1088,-193,-194,1088,1088,1088,-319,-329,-333,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-725,-726,-727,1088,1088,1088,-93,-94,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,]),'LEFT':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2007,2010,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2514,2515,2517,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2884,2913,2929,2930,2932,2933,2934,2935,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3481,3485,3487,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3608,3609,3610,3611,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1100,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1408,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,1100,-1427,1100,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1100,1100,1100,-492,1100,1100,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1100,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1100,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1100,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-995,1408,-1896,-1846,-1896,-271,-272,-274,-276,-270,1100,1100,1100,1100,1100,-292,-293,-283,1100,1100,1100,1100,-330,-320,-334,-335,-336,1100,1100,-984,-985,-986,-987,-988,-989,-990,1100,1100,1100,1100,1100,1100,1100,1100,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1100,1100,1100,-355,-358,-325,-326,-143,1100,-144,1100,-145,1100,-432,-937,-938,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1896,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1896,1100,-1896,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1896,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1896,1100,-197,1100,-193,-194,-996,1100,1408,-230,-250,-251,-252,-254,-255,-256,-273,-275,1408,-279,-280,-281,-282,-367,1100,-310,1100,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1100,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1100,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1100,1100,1100,1100,1100,1100,-575,1100,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1100,1100,-725,-726,-727,1100,1100,-996,1100,-93,-94,-1896,1408,-253,1100,-311,-312,-322,1100,-309,-295,-296,-297,1100,1100,1100,-620,-635,-592,1100,-438,-439,1100,-446,-447,-448,-380,-381,1100,1100,1100,-508,1100,1100,-512,1100,1100,1100,1100,-517,-518,-519,-520,1100,1100,-523,-524,1100,-526,-527,-528,-529,-530,-531,-532,-533,1100,-535,1100,1100,1100,-541,-543,-544,1100,-546,-547,-548,-549,1100,1100,1100,1100,1100,1100,-654,-655,-656,-657,-659,-660,-661,1100,1100,1100,-667,1100,1100,-671,-672,1100,1100,-675,1100,-677,-678,1100,-681,1100,-683,1100,1100,-686,-687,-688,1100,-690,1100,1100,-693,1100,1100,-696,-697,-698,1100,-700,-701,-702,-703,1100,1100,-748,1100,-751,-752,-753,-754,-755,1100,-757,-758,-759,-760,-761,1100,-768,-769,-771,1100,-773,-774,-775,-784,-858,-860,-862,-864,1100,1100,1100,1100,-870,1100,-872,1100,1100,1100,1100,1100,1100,1100,-908,-909,1100,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1100,-923,-926,1100,-936,1100,-387,-388,-389,1100,1100,-392,-393,-394,-395,1100,-398,1100,-401,-402,1100,-403,1100,-408,-409,1100,-412,-413,-414,1100,-417,1100,-418,1100,-423,-424,1100,-427,1100,-430,-431,-1896,-1896,1100,-621,-622,-623,-624,-625,-636,-586,-626,-799,1100,1100,1100,1100,1100,-833,1100,1100,-808,1100,-834,1100,1100,1100,1100,-800,1100,-855,-801,1100,1100,1100,1100,1100,1100,-856,-857,1100,-836,-832,-837,1100,-627,1100,-628,-629,-630,-631,-576,1100,1100,-632,-633,-634,1100,1100,1100,1100,1100,1100,-637,-638,-639,-594,-1896,-604,1100,-640,-641,-715,-642,-606,1100,-574,-579,-582,-585,1100,1100,1100,-600,-603,1100,-610,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,1100,-997,-234,1100,-247,-235,-247,-1896,1100,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,1100,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1100,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,1100,-318,-537,-510,-593,-939,-941,-942,-440,1100,-442,-382,-383,-385,-509,-511,-513,1100,-515,-516,-521,-522,1100,-534,-536,-539,-540,-545,-550,-728,1100,-729,1100,-734,1100,-736,1100,-741,-658,-662,-663,1100,-668,1100,-669,1100,-674,-676,1100,-679,1100,1100,1100,-689,-691,1100,-694,1100,1100,-746,1100,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1100,1100,1100,1100,1100,-879,1100,-882,-910,-922,-927,-390,-391,1100,-396,1100,-399,1100,-404,1100,-405,1100,-410,1100,-415,1100,-419,1100,-420,1100,-425,1100,-428,-901,-902,-645,-587,-1896,-903,1100,1100,1100,-802,1100,1100,-806,1100,-809,-835,1100,-820,1100,-822,1100,-824,-810,1100,-826,1100,-853,-854,1100,1100,-813,1100,-648,-904,-906,-650,-651,-647,1100,-707,-708,1100,-644,-905,-649,-652,-605,-716,1100,1100,-607,-588,1100,1100,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1100,1100,-711,-712,1100,-718,1100,-257,-259,-261,1100,1100,-940,-441,-443,-749,1100,-893,1100,-717,-1896,1100,1100,-246,-258,-260,-262,1100,-444,-514,-525,1100,-730,-735,1100,-737,1100,-742,1100,-664,-670,1100,-680,-682,-684,-685,-692,-695,-699,-747,1100,1100,-876,1100,1100,-880,1100,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1100,-814,1100,-816,-803,1100,-804,-807,1100,-818,-821,-823,-825,-827,1100,-828,1100,-811,1100,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1100,1100,-457,1100,1100,-731,1100,-738,1100,-743,1100,-665,-673,1100,1100,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1100,-838,1100,-732,1100,-739,1100,-744,-666,1100,-875,-733,-740,-745,1100,1100,-874,]),'REPEAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1114,-1896,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1114,1114,1114,1114,1114,-292,-293,1114,1114,1114,1114,-330,-320,-334,-335,-336,1114,1114,-984,-985,-986,-987,-988,-989,-990,1114,1114,1114,1114,1114,1114,1114,1114,-350,-351,-352,-353,-354,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1896,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1896,1114,-1896,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1896,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1896,1114,-197,1114,-193,-194,1114,1114,1114,-319,-329,-333,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-725,-726,-727,1114,1114,1114,-93,-94,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,]),'RIGHT':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2007,2010,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2514,2515,2517,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2884,2913,2929,2930,2932,2933,2934,2935,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3481,3485,3487,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3608,3609,3610,3611,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1117,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1409,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,1117,-1427,1117,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,1117,1117,1117,-492,1117,1117,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1117,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1117,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1117,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-995,1409,-1896,-1846,-1896,-271,-272,-274,-276,-270,1117,1117,1117,1117,1117,-292,-293,-283,1117,1117,1117,1117,-330,-320,-334,-335,-336,1117,1117,-984,-985,-986,-987,-988,-989,-990,1117,1117,1117,1117,1117,1117,1117,1117,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1117,1117,1117,-355,-358,-325,-326,-143,1117,-144,1117,-145,1117,-432,-937,-938,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1896,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1896,1117,-1896,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1896,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1896,1117,-197,1117,-193,-194,-996,1117,1409,-230,-250,-251,-252,-254,-255,-256,-273,-275,1409,-279,-280,-281,-282,-367,1117,-310,1117,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1117,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,1117,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1117,1117,1117,1117,1117,1117,-575,1117,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1117,1117,-725,-726,-727,1117,1117,-996,1117,-93,-94,-1896,1409,-253,1117,-311,-312,-322,1117,-309,-295,-296,-297,1117,1117,1117,-620,-635,-592,1117,-438,-439,1117,-446,-447,-448,-380,-381,1117,1117,1117,-508,1117,1117,-512,1117,1117,1117,1117,-517,-518,-519,-520,1117,1117,-523,-524,1117,-526,-527,-528,-529,-530,-531,-532,-533,1117,-535,1117,1117,1117,-541,-543,-544,1117,-546,-547,-548,-549,1117,1117,1117,1117,1117,1117,-654,-655,-656,-657,-659,-660,-661,1117,1117,1117,-667,1117,1117,-671,-672,1117,1117,-675,1117,-677,-678,1117,-681,1117,-683,1117,1117,-686,-687,-688,1117,-690,1117,1117,-693,1117,1117,-696,-697,-698,1117,-700,-701,-702,-703,1117,1117,-748,1117,-751,-752,-753,-754,-755,1117,-757,-758,-759,-760,-761,1117,-768,-769,-771,1117,-773,-774,-775,-784,-858,-860,-862,-864,1117,1117,1117,1117,-870,1117,-872,1117,1117,1117,1117,1117,1117,1117,-908,-909,1117,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1117,-923,-926,1117,-936,1117,-387,-388,-389,1117,1117,-392,-393,-394,-395,1117,-398,1117,-401,-402,1117,-403,1117,-408,-409,1117,-412,-413,-414,1117,-417,1117,-418,1117,-423,-424,1117,-427,1117,-430,-431,-1896,-1896,1117,-621,-622,-623,-624,-625,-636,-586,-626,-799,1117,1117,1117,1117,1117,-833,1117,1117,-808,1117,-834,1117,1117,1117,1117,-800,1117,-855,-801,1117,1117,1117,1117,1117,1117,-856,-857,1117,-836,-832,-837,1117,-627,1117,-628,-629,-630,-631,-576,1117,1117,-632,-633,-634,1117,1117,1117,1117,1117,1117,-637,-638,-639,-594,-1896,-604,1117,-640,-641,-715,-642,-606,1117,-574,-579,-582,-585,1117,1117,1117,-600,-603,1117,-610,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,1117,-997,-234,1117,-247,-235,-247,-1896,1117,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,1117,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1117,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,1117,-318,-537,-510,-593,-939,-941,-942,-440,1117,-442,-382,-383,-385,-509,-511,-513,1117,-515,-516,-521,-522,1117,-534,-536,-539,-540,-545,-550,-728,1117,-729,1117,-734,1117,-736,1117,-741,-658,-662,-663,1117,-668,1117,-669,1117,-674,-676,1117,-679,1117,1117,1117,-689,-691,1117,-694,1117,1117,-746,1117,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1117,1117,1117,1117,1117,-879,1117,-882,-910,-922,-927,-390,-391,1117,-396,1117,-399,1117,-404,1117,-405,1117,-410,1117,-415,1117,-419,1117,-420,1117,-425,1117,-428,-901,-902,-645,-587,-1896,-903,1117,1117,1117,-802,1117,1117,-806,1117,-809,-835,1117,-820,1117,-822,1117,-824,-810,1117,-826,1117,-853,-854,1117,1117,-813,1117,-648,-904,-906,-650,-651,-647,1117,-707,-708,1117,-644,-905,-649,-652,-605,-716,1117,1117,-607,-588,1117,1117,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1117,1117,-711,-712,1117,-718,1117,-257,-259,-261,1117,1117,-940,-441,-443,-749,1117,-893,1117,-717,-1896,1117,1117,-246,-258,-260,-262,1117,-444,-514,-525,1117,-730,-735,1117,-737,1117,-742,1117,-664,-670,1117,-680,-682,-684,-685,-692,-695,-699,-747,1117,1117,-876,1117,1117,-880,1117,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1117,-814,1117,-816,-803,1117,-804,-807,1117,-818,-821,-823,-825,-827,1117,-828,1117,-811,1117,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1117,1117,-457,1117,1117,-731,1117,-738,1117,-743,1117,-665,-673,1117,1117,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1117,-838,1117,-732,1117,-739,1117,-744,-666,1117,-875,-733,-740,-745,1117,1117,-874,]),'CURRENT_ROLE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1163,-1896,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1163,1163,1163,1163,1163,-292,-293,1163,1163,1163,1163,-330,-320,-334,-335,-336,1163,1163,-984,-985,-986,-987,-988,-989,-990,1163,1163,1163,1163,1163,1163,1163,1163,-350,-351,-352,-353,-354,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1896,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1896,1163,-1896,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1896,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1896,1163,-197,1163,-193,-194,1163,1163,1163,-319,-329,-333,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-725,-726,-727,1163,1163,1163,-93,-94,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,]),'CURRENT_USER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1164,-1896,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1164,1164,1164,1164,1164,-292,-293,1164,1164,1164,1164,-330,-320,-334,-335,-336,1164,1164,-984,-985,-986,-987,-988,-989,-990,1164,1164,1164,1164,1164,1164,1164,1164,-350,-351,-352,-353,-354,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1896,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1896,1164,-1896,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1896,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1896,1164,-197,1164,-193,-194,1164,1164,1164,-319,-329,-333,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-725,-726,-727,1164,1164,1164,-93,-94,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,]),'DATABASE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1165,-1896,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1165,1165,1165,1165,1165,-292,-293,1165,1165,1165,1165,-330,-320,-334,-335,-336,1165,1165,-984,-985,-986,-987,-988,-989,-990,1165,1165,1165,1165,1165,1165,1165,1165,-350,-351,-352,-353,-354,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1896,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1896,1165,-1896,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1896,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1896,1165,-197,1165,-193,-194,1165,1165,1165,-319,-329,-333,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-725,-726,-727,1165,1165,1165,-93,-94,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,]),'DEFAULT':([19,21,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,934,936,956,957,960,962,963,997,1218,1242,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2900,2901,2902,2904,2907,2909,2930,2944,3041,3141,3167,3169,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3449,3453,3471,3489,3491,3528,3559,3579,3581,3582,3583,3587,3588,3589,3590,3591,3592,3594,3596,3597,3598,3599,3600,3601,3602,3603,3604,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3726,3756,3773,3780,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1202,-1896,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1202,1202,1202,1202,1202,1202,1202,1202,1202,-166,1202,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1202,1202,1202,1202,1202,-292,-293,1202,1202,1202,1202,-330,-320,-334,-335,-336,1202,1202,-984,-985,-986,-987,-988,-989,-990,1202,1202,1202,1202,1202,1202,1202,1202,-350,-351,-352,-353,-354,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1896,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1896,1202,-1896,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1896,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1896,1202,-197,1202,-193,-194,1202,1202,1202,-319,-329,-333,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-725,-726,-727,1202,1202,2928,-93,-94,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1896,-1896,-1896,-1896,-1896,3183,1202,2928,1202,1202,3450,-46,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,3584,-45,3183,2928,2928,1202,1202,1202,1202,-1896,3711,-1896,-1896,-1896,-1896,-1896,-1896,3183,3183,3183,3183,3183,3183,3183,3183,3183,3183,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,3183,1202,1202,-1896,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,]),'CASE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1218,-1896,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1218,1218,1218,1218,1218,-292,-293,1218,1218,1218,1218,-330,-320,-334,-335,-336,1218,1218,-984,-985,-986,-987,-988,-989,-990,1218,1218,1218,1218,1218,1218,1218,1218,-350,-351,-352,-353,-354,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1896,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1896,1218,-1896,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1896,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1896,1218,-197,1218,-193,-194,1218,1218,1218,-319,-329,-333,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-725,-726,-727,1218,1218,1218,-93,-94,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,]),'ASCIISTR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1219,-1896,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1219,1219,1219,1219,1219,-292,-293,1219,1219,1219,1219,-330,-320,-334,-335,-336,1219,1219,-984,-985,-986,-987,-988,-989,-990,1219,1219,1219,1219,1219,1219,1219,1219,-350,-351,-352,-353,-354,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1896,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1896,1219,-1896,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1896,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1896,1219,-197,1219,-193,-194,1219,1219,1219,-319,-329,-333,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-725,-726,-727,1219,1219,1219,-93,-94,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,]),'CHARTOROWID':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1220,-1896,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1220,1220,1220,1220,1220,-292,-293,1220,1220,1220,1220,-330,-320,-334,-335,-336,1220,1220,-984,-985,-986,-987,-988,-989,-990,1220,1220,1220,1220,1220,1220,1220,1220,-350,-351,-352,-353,-354,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1896,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1896,1220,-1896,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1896,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1896,1220,-197,1220,-193,-194,1220,1220,1220,-319,-329,-333,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-725,-726,-727,1220,1220,1220,-93,-94,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,]),'HEXTORAW':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1221,-1896,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1221,1221,1221,1221,1221,-292,-293,1221,1221,1221,1221,-330,-320,-334,-335,-336,1221,1221,-984,-985,-986,-987,-988,-989,-990,1221,1221,1221,1221,1221,1221,1221,1221,-350,-351,-352,-353,-354,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1896,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1896,1221,-1896,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1896,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1896,1221,-197,1221,-193,-194,1221,1221,1221,-319,-329,-333,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-725,-726,-727,1221,1221,1221,-93,-94,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,]),'NUMTODSINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1222,-1896,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1222,1222,1222,1222,1222,-292,-293,1222,1222,1222,1222,-330,-320,-334,-335,-336,1222,1222,-984,-985,-986,-987,-988,-989,-990,1222,1222,1222,1222,1222,1222,1222,1222,-350,-351,-352,-353,-354,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1896,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1896,1222,-1896,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1896,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1896,1222,-197,1222,-193,-194,1222,1222,1222,-319,-329,-333,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-725,-726,-727,1222,1222,1222,-93,-94,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,]),'NUMTOYMINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1223,-1896,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1223,1223,1223,1223,1223,-292,-293,1223,1223,1223,1223,-330,-320,-334,-335,-336,1223,1223,-984,-985,-986,-987,-988,-989,-990,1223,1223,1223,1223,1223,1223,1223,1223,-350,-351,-352,-353,-354,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1896,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1896,1223,-1896,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1896,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1896,1223,-197,1223,-193,-194,1223,1223,1223,-319,-329,-333,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-725,-726,-727,1223,1223,1223,-93,-94,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,]),'ROWTOHEX':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1224,-1896,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1224,1224,1224,1224,1224,-292,-293,1224,1224,1224,1224,-330,-320,-334,-335,-336,1224,1224,-984,-985,-986,-987,-988,-989,-990,1224,1224,1224,1224,1224,1224,1224,1224,-350,-351,-352,-353,-354,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1896,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1896,1224,-1896,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1896,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1896,1224,-197,1224,-193,-194,1224,1224,1224,-319,-329,-333,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-725,-726,-727,1224,1224,1224,-93,-94,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,]),'ROWIDTOCHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1225,-1896,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1225,1225,1225,1225,1225,-292,-293,1225,1225,1225,1225,-330,-320,-334,-335,-336,1225,1225,-984,-985,-986,-987,-988,-989,-990,1225,1225,1225,1225,1225,1225,1225,1225,-350,-351,-352,-353,-354,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1896,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1896,1225,-1896,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1896,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1896,1225,-197,1225,-193,-194,1225,1225,1225,-319,-329,-333,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-725,-726,-727,1225,1225,1225,-93,-94,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,]),'ROWIDTONCHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1226,-1896,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1226,1226,1226,1226,1226,-292,-293,1226,1226,1226,1226,-330,-320,-334,-335,-336,1226,1226,-984,-985,-986,-987,-988,-989,-990,1226,1226,1226,1226,1226,1226,1226,1226,-350,-351,-352,-353,-354,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1896,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1896,1226,-1896,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1896,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1896,1226,-197,1226,-193,-194,1226,1226,1226,-319,-329,-333,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-725,-726,-727,1226,1226,1226,-93,-94,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,]),'TO_BINARY_DOUBLE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1227,-1896,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1227,1227,1227,1227,1227,-292,-293,1227,1227,1227,1227,-330,-320,-334,-335,-336,1227,1227,-984,-985,-986,-987,-988,-989,-990,1227,1227,1227,1227,1227,1227,1227,1227,-350,-351,-352,-353,-354,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1896,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1896,1227,-1896,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1896,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1896,1227,-197,1227,-193,-194,1227,1227,1227,-319,-329,-333,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-725,-726,-727,1227,1227,1227,-93,-94,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,]),'TO_BINARY_FLOAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1228,-1896,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1228,1228,1228,1228,1228,-292,-293,1228,1228,1228,1228,-330,-320,-334,-335,-336,1228,1228,-984,-985,-986,-987,-988,-989,-990,1228,1228,1228,1228,1228,1228,1228,1228,-350,-351,-352,-353,-354,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1896,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1896,1228,-1896,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1896,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1896,1228,-197,1228,-193,-194,1228,1228,1228,-319,-329,-333,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-725,-726,-727,1228,1228,1228,-93,-94,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,]),'TO_BLOB':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1229,-1896,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1229,1229,1229,1229,1229,-292,-293,1229,1229,1229,1229,-330,-320,-334,-335,-336,1229,1229,-984,-985,-986,-987,-988,-989,-990,1229,1229,1229,1229,1229,1229,1229,1229,-350,-351,-352,-353,-354,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1896,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1896,1229,-1896,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1896,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1896,1229,-197,1229,-193,-194,1229,1229,1229,-319,-329,-333,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-725,-726,-727,1229,1229,1229,-93,-94,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,]),'TO_CHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1230,-1896,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1230,1230,1230,1230,1230,-292,-293,1230,1230,1230,1230,-330,-320,-334,-335,-336,1230,1230,-984,-985,-986,-987,-988,-989,-990,1230,1230,1230,1230,1230,1230,1230,1230,-350,-351,-352,-353,-354,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1896,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1896,1230,-1896,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1896,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1896,1230,-197,1230,-193,-194,1230,1230,1230,-319,-329,-333,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-725,-726,-727,1230,1230,1230,-93,-94,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,]),'TO_CLOB':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1231,-1896,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1231,1231,1231,1231,1231,-292,-293,1231,1231,1231,1231,-330,-320,-334,-335,-336,1231,1231,-984,-985,-986,-987,-988,-989,-990,1231,1231,1231,1231,1231,1231,1231,1231,-350,-351,-352,-353,-354,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1896,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1896,1231,-1896,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1896,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1896,1231,-197,1231,-193,-194,1231,1231,1231,-319,-329,-333,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-725,-726,-727,1231,1231,1231,-93,-94,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,]),'TO_DATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1232,-1896,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1232,1232,1232,1232,1232,-292,-293,1232,1232,1232,1232,-330,-320,-334,-335,-336,1232,1232,-984,-985,-986,-987,-988,-989,-990,1232,1232,1232,1232,1232,1232,1232,1232,-350,-351,-352,-353,-354,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1896,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1896,1232,-1896,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1896,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1896,1232,-197,1232,-193,-194,1232,1232,1232,-319,-329,-333,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-725,-726,-727,1232,1232,1232,-93,-94,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,]),'TO_DSINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1233,-1896,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1233,1233,1233,1233,1233,-292,-293,1233,1233,1233,1233,-330,-320,-334,-335,-336,1233,1233,-984,-985,-986,-987,-988,-989,-990,1233,1233,1233,1233,1233,1233,1233,1233,-350,-351,-352,-353,-354,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1896,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1896,1233,-1896,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1896,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1896,1233,-197,1233,-193,-194,1233,1233,1233,-319,-329,-333,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-725,-726,-727,1233,1233,1233,-93,-94,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,]),'TO_MULTI_BYTE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1234,-1896,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1234,1234,1234,1234,1234,-292,-293,1234,1234,1234,1234,-330,-320,-334,-335,-336,1234,1234,-984,-985,-986,-987,-988,-989,-990,1234,1234,1234,1234,1234,1234,1234,1234,-350,-351,-352,-353,-354,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1896,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1896,1234,-1896,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1896,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1896,1234,-197,1234,-193,-194,1234,1234,1234,-319,-329,-333,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-725,-726,-727,1234,1234,1234,-93,-94,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,]),'TO_NUMBER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1235,-1896,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1235,1235,1235,1235,1235,-292,-293,1235,1235,1235,1235,-330,-320,-334,-335,-336,1235,1235,-984,-985,-986,-987,-988,-989,-990,1235,1235,1235,1235,1235,1235,1235,1235,-350,-351,-352,-353,-354,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1896,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1896,1235,-1896,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1896,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1896,1235,-197,1235,-193,-194,1235,1235,1235,-319,-329,-333,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-725,-726,-727,1235,1235,1235,-93,-94,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,]),'TO_NCHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1236,-1896,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1236,1236,1236,1236,1236,-292,-293,1236,1236,1236,1236,-330,-320,-334,-335,-336,1236,1236,-984,-985,-986,-987,-988,-989,-990,1236,1236,1236,1236,1236,1236,1236,1236,-350,-351,-352,-353,-354,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1896,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1896,1236,-1896,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1896,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1896,1236,-197,1236,-193,-194,1236,1236,1236,-319,-329,-333,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-725,-726,-727,1236,1236,1236,-93,-94,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,]),'TO_SINGLE_BYTE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1237,-1896,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1237,1237,1237,1237,1237,-292,-293,1237,1237,1237,1237,-330,-320,-334,-335,-336,1237,1237,-984,-985,-986,-987,-988,-989,-990,1237,1237,1237,1237,1237,1237,1237,1237,-350,-351,-352,-353,-354,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1896,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1896,1237,-1896,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1896,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1896,1237,-197,1237,-193,-194,1237,1237,1237,-319,-329,-333,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-725,-726,-727,1237,1237,1237,-93,-94,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,]),'TO_TIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1238,-1896,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1238,1238,1238,1238,1238,-292,-293,1238,1238,1238,1238,-330,-320,-334,-335,-336,1238,1238,-984,-985,-986,-987,-988,-989,-990,1238,1238,1238,1238,1238,1238,1238,1238,-350,-351,-352,-353,-354,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1896,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1896,1238,-1896,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1896,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1896,1238,-197,1238,-193,-194,1238,1238,1238,-319,-329,-333,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-725,-726,-727,1238,1238,1238,-93,-94,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,]),'TO_TIMESTAMP_TZ':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1239,-1896,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1239,1239,1239,1239,1239,-292,-293,1239,1239,1239,1239,-330,-320,-334,-335,-336,1239,1239,-984,-985,-986,-987,-988,-989,-990,1239,1239,1239,1239,1239,1239,1239,1239,-350,-351,-352,-353,-354,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1896,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1896,1239,-1896,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1896,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1896,1239,-197,1239,-193,-194,1239,1239,1239,-319,-329,-333,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-725,-726,-727,1239,1239,1239,-93,-94,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,]),'TO_YMINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1240,-1896,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1240,1240,1240,1240,1240,-292,-293,1240,1240,1240,1240,-330,-320,-334,-335,-336,1240,1240,-984,-985,-986,-987,-988,-989,-990,1240,1240,1240,1240,1240,1240,1240,1240,-350,-351,-352,-353,-354,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1896,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1896,1240,-1896,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1896,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1896,1240,-197,1240,-193,-194,1240,1240,1240,-319,-329,-333,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-725,-726,-727,1240,1240,1240,-93,-94,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,]),'UNISTR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1241,-1896,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1241,1241,1241,1241,1241,-292,-293,1241,1241,1241,1241,-330,-320,-334,-335,-336,1241,1241,-984,-985,-986,-987,-988,-989,-990,1241,1241,1241,1241,1241,1241,1241,1241,-350,-351,-352,-353,-354,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1896,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1896,1241,-1896,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1896,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1896,1241,-197,1241,-193,-194,1241,1241,1241,-319,-329,-333,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-725,-726,-727,1241,1241,1241,-93,-94,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,]),'NUMBER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1376,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,1992,1993,1994,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2480,2481,2511,2512,2513,2530,2536,2541,2544,2545,2549,2558,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3166,3173,3174,3176,3177,3178,3180,3200,3229,3237,3242,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3463,3466,3467,3469,3470,3489,3491,3499,3528,3559,3579,3581,3593,3626,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3743,3746,3748,3749,3756,3773,3795,3798,3800,3802,3804,3806,3810,3811,3841,3851,3852,3854,3856,3860,3880,3886,3889,],[1242,-1896,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1242,1242,1242,1242,1242,1242,-292,-293,1242,1242,1242,1242,-330,-320,-334,-335,-336,1242,1242,-984,-985,-986,-987,-988,-989,-990,1242,1242,1242,1242,1242,1242,1242,1242,-350,-351,-352,-353,-354,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1896,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1896,1242,-1896,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1896,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1896,1242,-197,1242,1242,-160,-161,-193,-194,1242,1242,1242,-319,-329,-333,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-725,-726,-727,1242,1242,1242,1242,1242,-93,-94,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,3497,3501,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,3744,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-470,-471,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,]),'CURDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1316,-1896,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1316,1316,1316,1316,1316,-292,-293,1316,1316,1316,1316,-330,-320,-334,-335,-336,1316,1316,-984,-985,-986,-987,-988,-989,-990,1316,1316,1316,1316,1316,1316,1316,1316,-350,-351,-352,-353,-354,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1896,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1896,1316,-1896,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1896,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1896,1316,-197,1316,-193,-194,1316,1316,1316,-319,-329,-333,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-725,-726,-727,1316,1316,1316,-93,-94,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,]),'CURRENT_DATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1317,-1896,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1317,1317,1317,1317,1317,-292,-293,1317,1317,1317,1317,-330,-320,-334,-335,-336,1317,1317,-984,-985,-986,-987,-988,-989,-990,1317,1317,1317,1317,1317,1317,1317,1317,-350,-351,-352,-353,-354,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1896,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1896,1317,-1896,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1896,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1896,1317,-197,1317,-193,-194,1317,1317,1317,-319,-329,-333,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-725,-726,-727,1317,1317,1317,-93,-94,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,]),'CURTIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1318,-1896,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1318,1318,1318,1318,1318,-292,-293,1318,1318,1318,1318,-330,-320,-334,-335,-336,1318,1318,-984,-985,-986,-987,-988,-989,-990,1318,1318,1318,1318,1318,1318,1318,1318,-350,-351,-352,-353,-354,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1896,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1896,1318,-1896,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1896,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1896,1318,-197,1318,-193,-194,1318,1318,1318,-319,-329,-333,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-725,-726,-727,1318,1318,1318,-93,-94,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,]),'CURRENT_TIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1319,-1896,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1319,1319,1319,1319,1319,-292,-293,1319,1319,1319,1319,-330,-320,-334,-335,-336,1319,1319,-984,-985,-986,-987,-988,-989,-990,1319,1319,1319,1319,1319,1319,1319,1319,-350,-351,-352,-353,-354,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1896,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1896,1319,-1896,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1896,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1896,1319,-197,1319,-193,-194,1319,1319,1319,-319,-329,-333,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-725,-726,-727,1319,1319,1319,-93,-94,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,]),'CURRENT_TIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3711,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3845,3852,3854,3856,3860,3880,3886,],[1320,-1896,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1320,1320,1320,1320,1320,-292,-293,1320,1320,1320,1320,-330,-320,-334,-335,-336,1320,1320,-984,-985,-986,-987,-988,-989,-990,1320,1320,1320,1320,1320,1320,1320,1320,-350,-351,-352,-353,-354,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1896,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1896,1320,-1896,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1896,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1896,1320,-197,1320,-193,-194,1320,1320,1320,-319,-329,-333,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-725,-726,-727,1320,1320,1320,-93,-94,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,3776,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,3862,1320,1320,1320,1320,1320,1320,]),'LOCALTIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1321,-1896,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1321,1321,1321,1321,1321,-292,-293,1321,1321,1321,1321,-330,-320,-334,-335,-336,1321,1321,-984,-985,-986,-987,-988,-989,-990,1321,1321,1321,1321,1321,1321,1321,1321,-350,-351,-352,-353,-354,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1896,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1896,1321,-1896,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1896,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1896,1321,-197,1321,-193,-194,1321,1321,1321,-319,-329,-333,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-725,-726,-727,1321,1321,1321,-93,-94,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,]),'LOCALTIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1322,-1896,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1322,1322,1322,1322,1322,-292,-293,1322,1322,1322,1322,-330,-320,-334,-335,-336,1322,1322,-984,-985,-986,-987,-988,-989,-990,1322,1322,1322,1322,1322,1322,1322,1322,-350,-351,-352,-353,-354,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1896,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1896,1322,-1896,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1896,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1896,1322,-197,1322,-193,-194,1322,1322,1322,-319,-329,-333,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-725,-726,-727,1322,1322,1322,-93,-94,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,]),'GET_FORMAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1323,-1896,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1323,1323,1323,1323,1323,-292,-293,1323,1323,1323,1323,-330,-320,-334,-335,-336,1323,1323,-984,-985,-986,-987,-988,-989,-990,1323,1323,1323,1323,1323,1323,1323,1323,-350,-351,-352,-353,-354,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1896,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1896,1323,-1896,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1896,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1896,1323,-197,1323,-193,-194,1323,1323,1323,-319,-329,-333,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-725,-726,-727,1323,1323,1323,-93,-94,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,]),'TIMESTAMPADD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1324,-1896,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1324,1324,1324,1324,1324,-292,-293,1324,1324,1324,1324,-330,-320,-334,-335,-336,1324,1324,-984,-985,-986,-987,-988,-989,-990,1324,1324,1324,1324,1324,1324,1324,1324,-350,-351,-352,-353,-354,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1896,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1896,1324,-1896,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1896,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1896,1324,-197,1324,-193,-194,1324,1324,1324,-319,-329,-333,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-725,-726,-727,1324,1324,1324,-93,-94,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,]),'TIMESTAMPDIFF':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1325,-1896,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1325,1325,1325,1325,1325,-292,-293,1325,1325,1325,1325,-330,-320,-334,-335,-336,1325,1325,-984,-985,-986,-987,-988,-989,-990,1325,1325,1325,1325,1325,1325,1325,1325,-350,-351,-352,-353,-354,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1896,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1896,1325,-1896,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1896,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1896,1325,-197,1325,-193,-194,1325,1325,1325,-319,-329,-333,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-725,-726,-727,1325,1325,1325,-93,-94,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,]),'UTC_DATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1326,-1896,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1326,1326,1326,1326,1326,-292,-293,1326,1326,1326,1326,-330,-320,-334,-335,-336,1326,1326,-984,-985,-986,-987,-988,-989,-990,1326,1326,1326,1326,1326,1326,1326,1326,-350,-351,-352,-353,-354,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1896,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1896,1326,-1896,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1896,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1896,1326,-197,1326,-193,-194,1326,1326,1326,-319,-329,-333,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-725,-726,-727,1326,1326,1326,-93,-94,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,]),'UTC_TIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1327,-1896,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1327,1327,1327,1327,1327,-292,-293,1327,1327,1327,1327,-330,-320,-334,-335,-336,1327,1327,-984,-985,-986,-987,-988,-989,-990,1327,1327,1327,1327,1327,1327,1327,1327,-350,-351,-352,-353,-354,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1896,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1896,1327,-1896,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1896,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1896,1327,-197,1327,-193,-194,1327,1327,1327,-319,-329,-333,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-725,-726,-727,1327,1327,1327,-93,-94,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,]),'UTC_TIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1328,-1896,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1328,1328,1328,1328,1328,-292,-293,1328,1328,1328,1328,-330,-320,-334,-335,-336,1328,1328,-984,-985,-986,-987,-988,-989,-990,1328,1328,1328,1328,1328,1328,1328,1328,-350,-351,-352,-353,-354,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1896,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1896,1328,-1896,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1896,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1896,1328,-197,1328,-193,-194,1328,1328,1328,-319,-329,-333,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-725,-726,-727,1328,1328,1328,-93,-94,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,]),'EXTRACT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1329,-1896,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1329,1329,1329,1329,1329,-292,-293,1329,1329,1329,1329,-330,-320,-334,-335,-336,1329,1329,-984,-985,-986,-987,-988,-989,-990,1329,1329,1329,1329,1329,1329,1329,1329,-350,-351,-352,-353,-354,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1896,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1896,1329,-1896,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1896,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1896,1329,-197,1329,-193,-194,1329,1329,1329,-319,-329,-333,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-725,-726,-727,1329,1329,1329,-93,-94,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,]),'SYSDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1330,-1896,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1330,1330,1330,1330,1330,-292,-293,1330,1330,1330,1330,-330,-320,-334,-335,-336,1330,1330,-984,-985,-986,-987,-988,-989,-990,1330,1330,1330,1330,1330,1330,1330,1330,-350,-351,-352,-353,-354,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1896,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1896,1330,-1896,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1896,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1896,1330,-197,1330,-193,-194,1330,1330,1330,-319,-329,-333,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-725,-726,-727,1330,1330,1330,-93,-94,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,]),'ADDDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1331,-1896,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1331,1331,1331,1331,1331,-292,-293,1331,1331,1331,1331,-330,-320,-334,-335,-336,1331,1331,-984,-985,-986,-987,-988,-989,-990,1331,1331,1331,1331,1331,1331,1331,1331,-350,-351,-352,-353,-354,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1896,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1896,1331,-1896,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1896,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1896,1331,-197,1331,-193,-194,1331,1331,1331,-319,-329,-333,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-725,-726,-727,1331,1331,1331,-93,-94,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,]),'SUBDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1332,-1896,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1332,1332,1332,1332,1332,-292,-293,1332,1332,1332,1332,-330,-320,-334,-335,-336,1332,1332,-984,-985,-986,-987,-988,-989,-990,1332,1332,1332,1332,1332,1332,1332,1332,-350,-351,-352,-353,-354,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1896,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1896,1332,-1896,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1896,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1896,1332,-197,1332,-193,-194,1332,1332,1332,-319,-329,-333,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-725,-726,-727,1332,1332,1332,-93,-94,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,]),'DATE_ADD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1333,-1896,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1333,1333,1333,1333,1333,-292,-293,1333,1333,1333,1333,-330,-320,-334,-335,-336,1333,1333,-984,-985,-986,-987,-988,-989,-990,1333,1333,1333,1333,1333,1333,1333,1333,-350,-351,-352,-353,-354,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1896,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1896,1333,-1896,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1896,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1896,1333,-197,1333,-193,-194,1333,1333,1333,-319,-329,-333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-725,-726,-727,1333,1333,1333,-93,-94,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,]),'DATE_SUB':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1334,-1896,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1334,1334,1334,1334,1334,-292,-293,1334,1334,1334,1334,-330,-320,-334,-335,-336,1334,1334,-984,-985,-986,-987,-988,-989,-990,1334,1334,1334,1334,1334,1334,1334,1334,-350,-351,-352,-353,-354,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1896,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1896,1334,-1896,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1896,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1896,1334,-197,1334,-193,-194,1334,1334,1334,-319,-329,-333,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-725,-726,-727,1334,1334,1334,-93,-94,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,]),'DATEDIFF':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1335,-1896,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1335,1335,1335,1335,1335,-292,-293,1335,1335,1335,1335,-330,-320,-334,-335,-336,1335,1335,-984,-985,-986,-987,-988,-989,-990,1335,1335,1335,1335,1335,1335,1335,1335,-350,-351,-352,-353,-354,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1896,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1896,1335,-1896,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1896,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1896,1335,-197,1335,-193,-194,1335,1335,1335,-319,-329,-333,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-725,-726,-727,1335,1335,1335,-93,-94,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,]),'ADDTIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1336,-1896,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1336,1336,1336,1336,1336,-292,-293,1336,1336,1336,1336,-330,-320,-334,-335,-336,1336,1336,-984,-985,-986,-987,-988,-989,-990,1336,1336,1336,1336,1336,1336,1336,1336,-350,-351,-352,-353,-354,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1896,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1896,1336,-1896,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1896,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1896,1336,-197,1336,-193,-194,1336,1336,1336,-319,-329,-333,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-725,-726,-727,1336,1336,1336,-93,-94,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,]),'CONVERT_TZ':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1337,-1896,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1337,1337,1337,1337,1337,-292,-293,1337,1337,1337,1337,-330,-320,-334,-335,-336,1337,1337,-984,-985,-986,-987,-988,-989,-990,1337,1337,1337,1337,1337,1337,1337,1337,-350,-351,-352,-353,-354,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1896,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1896,1337,-1896,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1896,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1896,1337,-197,1337,-193,-194,1337,1337,1337,-319,-329,-333,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-725,-726,-727,1337,1337,1337,-93,-94,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,]),'SUBSTRING':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1338,-1896,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1338,1338,1338,1338,1338,-292,-293,1338,1338,1338,1338,-330,-320,-334,-335,-336,1338,1338,-984,-985,-986,-987,-988,-989,-990,1338,1338,1338,1338,1338,1338,1338,1338,-350,-351,-352,-353,-354,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1896,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1896,1338,-1896,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1896,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1896,1338,-197,1338,-193,-194,1338,1338,1338,-319,-329,-333,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-725,-726,-727,1338,1338,1338,-93,-94,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,]),'TRIM':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1339,-1896,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1339,1339,1339,1339,1339,-292,-293,1339,1339,1339,1339,-330,-320,-334,-335,-336,1339,1339,-984,-985,-986,-987,-988,-989,-990,1339,1339,1339,1339,1339,1339,1339,1339,-350,-351,-352,-353,-354,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1896,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1896,1339,-1896,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1896,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1896,1339,-197,1339,-193,-194,1339,1339,1339,-319,-329,-333,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-725,-726,-727,1339,1339,1339,-93,-94,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,]),'BIT_AND':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1340,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,1340,-1427,1340,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1471,1340,1340,1340,-492,1340,1340,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1340,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1340,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1340,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,1340,1340,1340,1340,1340,-292,-293,-283,1340,-365,1340,1340,1340,-330,-320,-334,-335,-336,1340,1340,-984,-985,-986,-987,-988,-989,-990,1340,1340,1340,1340,1340,1340,1340,1340,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1340,1340,1340,-355,-358,-325,-326,-143,1340,-144,1340,-145,1340,-432,-937,-938,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1896,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1896,1340,-1896,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1896,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1340,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1340,-193,-194,-996,1340,-279,-280,-281,-282,-367,1340,-310,1340,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1340,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,1471,1340,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1340,1340,1340,1340,1340,1340,-575,1340,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1340,1340,-725,-726,-727,1340,1340,1340,-93,-94,1340,-311,-312,-322,1340,-309,-295,-296,-297,1340,1340,1340,-620,-635,-592,1340,-438,-439,1340,-446,-447,-448,-380,-381,1340,1340,1340,-508,1340,1340,-512,1340,1340,1340,1340,-517,-518,-519,-520,1340,1340,-523,-524,1340,-526,-527,-528,-529,-530,-531,-532,-533,1340,-535,1340,1340,1340,-541,-543,-544,1340,-546,-547,-548,-549,1340,1340,1340,1340,1340,1340,-654,-655,-656,-657,-659,-660,-661,1340,1340,1340,-667,1340,1340,-671,-672,1340,1340,-675,1340,-677,-678,1340,-681,1340,-683,1340,1340,-686,-687,-688,1340,-690,1340,1340,-693,1340,1340,-696,-697,-698,1340,-700,-701,-702,-703,1340,1340,-748,1340,-751,-752,-753,-754,-755,1340,-757,-758,-759,-760,-761,1340,-768,-769,-771,1340,-773,-774,-775,-784,-858,-860,-862,-864,1340,1340,1340,1340,-870,1340,-872,1340,1340,1340,1340,1340,1340,1340,-908,-909,1340,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1340,-923,-926,1340,-936,1340,-387,-388,-389,1340,1340,-392,-393,-394,-395,1340,-398,1340,-401,-402,1340,-403,1340,-408,-409,1340,-412,-413,-414,1340,-417,1340,-418,1340,-423,-424,1340,-427,1340,-430,-431,-1896,-1896,1340,-621,-622,-623,-624,-625,-636,-586,-626,-799,1340,1340,1340,1340,1340,-833,1340,1340,-808,1340,-834,1340,1340,1340,1340,-800,1340,-855,-801,1340,1340,1340,1340,1340,1340,-856,-857,1340,-836,-832,-837,1340,-627,1340,-628,-629,-630,-631,-576,1340,1340,-632,-633,-634,1340,1340,1340,1340,1340,1340,-637,-638,-639,-594,-1896,-604,1340,-640,-641,-715,-642,-606,1340,-574,-579,-582,-585,1340,1340,1340,-600,-603,1340,-610,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1340,-997,1340,1340,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,1340,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1340,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1340,-318,-537,-510,-593,-939,-941,-942,-440,1340,-442,-382,-383,-385,-509,-511,-513,1340,-515,-516,-521,-522,1340,-534,-536,-539,-540,-545,-550,-728,1340,-729,1340,-734,1340,-736,1340,-741,-658,-662,-663,1340,-668,1340,-669,1340,-674,-676,1340,-679,1340,1340,1340,-689,-691,1340,-694,1340,1340,-746,1340,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1340,1340,1340,1340,1340,-879,1340,-882,-910,-922,-927,-390,-391,1340,-396,1340,-399,1340,-404,1340,-405,1340,-410,1340,-415,1340,-419,1340,-420,1340,-425,1340,-428,-901,-902,-645,-587,-1896,-903,1340,1340,1340,-802,1340,1340,-806,1340,-809,-835,1340,-820,1340,-822,1340,-824,-810,1340,-826,1340,-853,-854,1340,1340,-813,1340,-648,-904,-906,-650,-651,-647,1340,-707,-708,1340,-644,-905,-649,-652,-605,-716,1340,1340,-607,-588,1340,1340,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1340,1340,-711,-712,1340,-718,1340,1340,1340,-940,-441,-443,-749,1340,-893,1340,-717,-1896,1340,1340,1340,-444,-514,-525,1340,-730,-735,1340,-737,1340,-742,1340,-664,-670,1340,-680,-682,-684,-685,-692,-695,-699,-747,1340,1340,-876,1340,1340,-880,1340,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1340,-814,1340,-816,-803,1340,-804,-807,1340,-818,-821,-823,-825,-827,1340,-828,1340,-811,1340,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1340,1340,-457,1340,1340,-731,1340,-738,1340,-743,1340,-665,-673,1340,1340,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1340,-838,1340,-732,1340,-739,1340,-744,-666,1340,-875,-733,-740,-745,1340,1340,-874,]),'BIT_OR':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1341,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,1341,-1427,1341,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1472,1341,1341,1341,-492,1341,1341,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1341,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1341,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1341,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,1341,1341,1341,1341,1341,-292,-293,-283,1341,-365,1341,1341,1341,-330,-320,-334,-335,-336,1341,1341,-984,-985,-986,-987,-988,-989,-990,1341,1341,1341,1341,1341,1341,1341,1341,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1341,1341,1341,-355,-358,-325,-326,-143,1341,-144,1341,-145,1341,-432,-937,-938,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1896,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1896,1341,-1896,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1896,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1341,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1341,-193,-194,-996,1341,-279,-280,-281,-282,-367,1341,-310,1341,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1341,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,1472,1341,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1341,1341,1341,1341,1341,1341,-575,1341,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1341,1341,-725,-726,-727,1341,1341,1341,-93,-94,1341,-311,-312,-322,1341,-309,-295,-296,-297,1341,1341,1341,-620,-635,-592,1341,-438,-439,1341,-446,-447,-448,-380,-381,1341,1341,1341,-508,1341,1341,-512,1341,1341,1341,1341,-517,-518,-519,-520,1341,1341,-523,-524,1341,-526,-527,-528,-529,-530,-531,-532,-533,1341,-535,1341,1341,1341,-541,-543,-544,1341,-546,-547,-548,-549,1341,1341,1341,1341,1341,1341,-654,-655,-656,-657,-659,-660,-661,1341,1341,1341,-667,1341,1341,-671,-672,1341,1341,-675,1341,-677,-678,1341,-681,1341,-683,1341,1341,-686,-687,-688,1341,-690,1341,1341,-693,1341,1341,-696,-697,-698,1341,-700,-701,-702,-703,1341,1341,-748,1341,-751,-752,-753,-754,-755,1341,-757,-758,-759,-760,-761,1341,-768,-769,-771,1341,-773,-774,-775,-784,-858,-860,-862,-864,1341,1341,1341,1341,-870,1341,-872,1341,1341,1341,1341,1341,1341,1341,-908,-909,1341,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1341,-923,-926,1341,-936,1341,-387,-388,-389,1341,1341,-392,-393,-394,-395,1341,-398,1341,-401,-402,1341,-403,1341,-408,-409,1341,-412,-413,-414,1341,-417,1341,-418,1341,-423,-424,1341,-427,1341,-430,-431,-1896,-1896,1341,-621,-622,-623,-624,-625,-636,-586,-626,-799,1341,1341,1341,1341,1341,-833,1341,1341,-808,1341,-834,1341,1341,1341,1341,-800,1341,-855,-801,1341,1341,1341,1341,1341,1341,-856,-857,1341,-836,-832,-837,1341,-627,1341,-628,-629,-630,-631,-576,1341,1341,-632,-633,-634,1341,1341,1341,1341,1341,1341,-637,-638,-639,-594,-1896,-604,1341,-640,-641,-715,-642,-606,1341,-574,-579,-582,-585,1341,1341,1341,-600,-603,1341,-610,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1341,-997,1341,1341,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,1341,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1341,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1341,-318,-537,-510,-593,-939,-941,-942,-440,1341,-442,-382,-383,-385,-509,-511,-513,1341,-515,-516,-521,-522,1341,-534,-536,-539,-540,-545,-550,-728,1341,-729,1341,-734,1341,-736,1341,-741,-658,-662,-663,1341,-668,1341,-669,1341,-674,-676,1341,-679,1341,1341,1341,-689,-691,1341,-694,1341,1341,-746,1341,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1341,1341,1341,1341,1341,-879,1341,-882,-910,-922,-927,-390,-391,1341,-396,1341,-399,1341,-404,1341,-405,1341,-410,1341,-415,1341,-419,1341,-420,1341,-425,1341,-428,-901,-902,-645,-587,-1896,-903,1341,1341,1341,-802,1341,1341,-806,1341,-809,-835,1341,-820,1341,-822,1341,-824,-810,1341,-826,1341,-853,-854,1341,1341,-813,1341,-648,-904,-906,-650,-651,-647,1341,-707,-708,1341,-644,-905,-649,-652,-605,-716,1341,1341,-607,-588,1341,1341,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1341,1341,-711,-712,1341,-718,1341,1341,1341,-940,-441,-443,-749,1341,-893,1341,-717,-1896,1341,1341,1341,-444,-514,-525,1341,-730,-735,1341,-737,1341,-742,1341,-664,-670,1341,-680,-682,-684,-685,-692,-695,-699,-747,1341,1341,-876,1341,1341,-880,1341,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1341,-814,1341,-816,-803,1341,-804,-807,1341,-818,-821,-823,-825,-827,1341,-828,1341,-811,1341,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1341,1341,-457,1341,1341,-731,1341,-738,1341,-743,1341,-665,-673,1341,1341,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1341,-838,1341,-732,1341,-739,1341,-744,-666,1341,-875,-733,-740,-745,1341,1341,-874,]),'BIT_XOR':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1342,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,1342,-1427,1342,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1473,1342,1342,1342,-492,1342,1342,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,1342,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1342,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1342,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,-1846,1342,1342,1342,1342,1342,-292,-293,-283,1342,-365,1342,1342,1342,-330,-320,-334,-335,-336,1342,1342,-984,-985,-986,-987,-988,-989,-990,1342,1342,1342,1342,1342,1342,1342,1342,-350,-351,-352,-353,-354,-357,-362,-492,-1294,-356,1342,1342,1342,-355,-358,-325,-326,-143,1342,-144,1342,-145,1342,-432,-937,-938,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1896,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1896,1342,-1896,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1896,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1896,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,1342,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,1342,-193,-194,-996,1342,-279,-280,-281,-282,-367,1342,-310,1342,-328,-319,-329,-333,-1896,-313,-314,-315,-316,-317,1342,-285,-294,-1017,-1689,-362,-374,-378,-376,1473,-347,1473,-346,1473,1473,1473,1473,1473,1473,1342,1473,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1342,1342,1342,1342,1342,1342,-575,1342,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1342,1342,-725,-726,-727,1342,1342,1342,-93,-94,1342,-311,-312,-322,1342,-309,-295,-296,-297,1342,1342,1342,-620,-635,-592,1342,-438,-439,1342,-446,-447,-448,-380,-381,1342,1342,1342,-508,1342,1342,-512,1342,1342,1342,1342,-517,-518,-519,-520,1342,1342,-523,-524,1342,-526,-527,-528,-529,-530,-531,-532,-533,1342,-535,1342,1342,1342,-541,-543,-544,1342,-546,-547,-548,-549,1342,1342,1342,1342,1342,1342,-654,-655,-656,-657,-659,-660,-661,1342,1342,1342,-667,1342,1342,-671,-672,1342,1342,-675,1342,-677,-678,1342,-681,1342,-683,1342,1342,-686,-687,-688,1342,-690,1342,1342,-693,1342,1342,-696,-697,-698,1342,-700,-701,-702,-703,1342,1342,-748,1342,-751,-752,-753,-754,-755,1342,-757,-758,-759,-760,-761,1342,-768,-769,-771,1342,-773,-774,-775,-784,-858,-860,-862,-864,1342,1342,1342,1342,-870,1342,-872,1342,1342,1342,1342,1342,1342,1342,-908,-909,1342,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,1342,-923,-926,1342,-936,1342,-387,-388,-389,1342,1342,-392,-393,-394,-395,1342,-398,1342,-401,-402,1342,-403,1342,-408,-409,1342,-412,-413,-414,1342,-417,1342,-418,1342,-423,-424,1342,-427,1342,-430,-431,-1896,-1896,1342,-621,-622,-623,-624,-625,-636,-586,-626,-799,1342,1342,1342,1342,1342,-833,1342,1342,-808,1342,-834,1342,1342,1342,1342,-800,1342,-855,-801,1342,1342,1342,1342,1342,1342,-856,-857,1342,-836,-832,-837,1342,-627,1342,-628,-629,-630,-631,-576,1342,1342,-632,-633,-634,1342,1342,1342,1342,1342,1342,-637,-638,-639,-594,-1896,-604,1342,-640,-641,-715,-642,-606,1342,-574,-579,-582,-585,1342,1342,1342,-600,-603,1342,-610,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,1342,-997,1342,1342,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,1342,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,1342,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1342,-318,-537,-510,-593,-939,-941,-942,-440,1342,-442,-382,-383,-385,-509,-511,-513,1342,-515,-516,-521,-522,1342,-534,-536,-539,-540,-545,-550,-728,1342,-729,1342,-734,1342,-736,1342,-741,-658,-662,-663,1342,-668,1342,-669,1342,-674,-676,1342,-679,1342,1342,1342,-689,-691,1342,-694,1342,1342,-746,1342,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,1342,1342,1342,1342,1342,-879,1342,-882,-910,-922,-927,-390,-391,1342,-396,1342,-399,1342,-404,1342,-405,1342,-410,1342,-415,1342,-419,1342,-420,1342,-425,1342,-428,-901,-902,-645,-587,-1896,-903,1342,1342,1342,-802,1342,1342,-806,1342,-809,-835,1342,-820,1342,-822,1342,-824,-810,1342,-826,1342,-853,-854,1342,1342,-813,1342,-648,-904,-906,-650,-651,-647,1342,-707,-708,1342,-644,-905,-649,-652,-605,-716,1342,1342,-607,-588,1342,1342,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,1342,1342,-711,-712,1342,-718,1342,1342,1342,-940,-441,-443,-749,1342,-893,1342,-717,-1896,1342,1342,1342,-444,-514,-525,1342,-730,-735,1342,-737,1342,-742,1342,-664,-670,1342,-680,-682,-684,-685,-692,-695,-699,-747,1342,1342,-876,1342,1342,-880,1342,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,1342,-814,1342,-816,-803,1342,-804,-807,1342,-818,-821,-823,-825,-827,1342,-828,1342,-811,1342,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1342,1342,-457,1342,1342,-731,1342,-738,1342,-743,1342,-665,-673,1342,1342,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,1342,-838,1342,-732,1342,-739,1342,-744,-666,1342,-875,-733,-740,-745,1342,1342,-874,]),'STD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1343,-1896,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1343,1343,1343,1343,1343,-292,-293,1343,1343,1343,1343,-330,-320,-334,-335,-336,1343,1343,-984,-985,-986,-987,-988,-989,-990,1343,1343,1343,1343,1343,1343,1343,1343,-350,-351,-352,-353,-354,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1896,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1896,1343,-1896,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1896,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1896,1343,-197,1343,-193,-194,1343,1343,1343,-319,-329,-333,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-725,-726,-727,1343,1343,1343,-93,-94,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,]),'STDDEV':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1344,-1896,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1344,1344,1344,1344,1344,-292,-293,1344,1344,1344,1344,-330,-320,-334,-335,-336,1344,1344,-984,-985,-986,-987,-988,-989,-990,1344,1344,1344,1344,1344,1344,1344,1344,-350,-351,-352,-353,-354,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1896,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1896,1344,-1896,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1896,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1896,1344,-197,1344,-193,-194,1344,1344,1344,-319,-329,-333,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-725,-726,-727,1344,1344,1344,-93,-94,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,]),'STDDEV_POP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1345,-1896,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1345,1345,1345,1345,1345,-292,-293,1345,1345,1345,1345,-330,-320,-334,-335,-336,1345,1345,-984,-985,-986,-987,-988,-989,-990,1345,1345,1345,1345,1345,1345,1345,1345,-350,-351,-352,-353,-354,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1896,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1896,1345,-1896,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1896,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1896,1345,-197,1345,-193,-194,1345,1345,1345,-319,-329,-333,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-725,-726,-727,1345,1345,1345,-93,-94,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,]),'STDDEV_SAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1346,-1896,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1346,1346,1346,1346,1346,-292,-293,1346,1346,1346,1346,-330,-320,-334,-335,-336,1346,1346,-984,-985,-986,-987,-988,-989,-990,1346,1346,1346,1346,1346,1346,1346,1346,-350,-351,-352,-353,-354,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1896,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1896,1346,-1896,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1896,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1896,1346,-197,1346,-193,-194,1346,1346,1346,-319,-329,-333,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-725,-726,-727,1346,1346,1346,-93,-94,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,]),'VAR_POP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1347,-1896,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1347,1347,1347,1347,1347,-292,-293,1347,1347,1347,1347,-330,-320,-334,-335,-336,1347,1347,-984,-985,-986,-987,-988,-989,-990,1347,1347,1347,1347,1347,1347,1347,1347,-350,-351,-352,-353,-354,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1896,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1896,1347,-1896,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1896,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1896,1347,-197,1347,-193,-194,1347,1347,1347,-319,-329,-333,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-725,-726,-727,1347,1347,1347,-93,-94,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,]),'VAR_SAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1348,-1896,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1348,1348,1348,1348,1348,-292,-293,1348,1348,1348,1348,-330,-320,-334,-335,-336,1348,1348,-984,-985,-986,-987,-988,-989,-990,1348,1348,1348,1348,1348,1348,1348,1348,-350,-351,-352,-353,-354,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1896,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1896,1348,-1896,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1896,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1896,1348,-197,1348,-193,-194,1348,1348,1348,-319,-329,-333,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-725,-726,-727,1348,1348,1348,-93,-94,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,]),'GROUP_CONCAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1349,-1896,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1349,1349,1349,1349,1349,-292,-293,1349,1349,1349,1349,-330,-320,-334,-335,-336,1349,1349,-984,-985,-986,-987,-988,-989,-990,1349,1349,1349,1349,1349,1349,1349,1349,-350,-351,-352,-353,-354,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1896,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1896,1349,-1896,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1896,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1896,1349,-197,1349,-193,-194,1349,1349,1349,-319,-329,-333,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-725,-726,-727,1349,1349,1349,-93,-94,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,]),'ASTERISK':([21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1401,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1711,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,2007,2014,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2472,2476,2508,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2920,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3559,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1465,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1821,-195,-196,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-174,-175,-176,-177,2018,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2345,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-197,-996,2018,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,1465,-347,1465,-346,-340,-341,-342,-343,-344,1465,1465,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1821,2883,2923,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,2923,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,3446,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,1821,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'SQL_BIG_RESULT':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1985,],[1357,1357,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-197,]),'ALL':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1376,1383,1384,1385,1386,1453,1454,1455,1456,1457,1458,1459,1460,1710,1722,1754,1756,1769,1816,1985,],[1362,1362,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1989,1362,-169,-170,-171,2073,-984,-985,-986,-987,-988,-989,-990,1362,1362,1362,1362,1362,1362,-197,]),'UNIQUE':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1383,1384,1385,1386,1710,1722,1754,1756,1769,1816,1985,2899,2900,2901,2902,2904,2907,3165,3169,3171,3172,3175,3179,3582,3583,3585,3586,3587,3588,3589,3590,3591,3592,3709,3710,3712,3714,3715,3716,3717,3718,3719,3720,3721,3722,3723,3775,3776,3777,3778,3779,3780,3825,3826,3828,3829,3862,3863,3873,],[1363,1363,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1363,-169,-170,-171,1363,1363,1363,1363,1363,1363,-197,3164,-1896,-1896,-1896,-1896,-1896,-23,-44,-25,-26,-29,-33,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-24,-35,-1896,-48,-1896,-37,-39,-43,-27,-28,-30,-31,-32,-1896,-1896,-40,-47,-38,-1896,-36,-41,-34,3849,-1896,3849,-42,]),'DISTINCT':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1383,1384,1385,1386,1710,1711,1722,1754,1756,1769,1816,1985,],[1364,1364,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1364,-169,-170,-171,1364,2346,1364,1364,1364,1364,1364,-197,]),'DISTINCTROW':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1383,1384,1385,1386,1710,1722,1754,1756,1769,1816,1985,],[1365,1365,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,1365,-169,-170,-171,1365,1365,1365,1365,1365,1365,-197,]),'HIGH_PRIORITY':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1985,],[1366,1366,-198,-199,-200,-201,-202,-203,-204,-205,-206,-208,-209,-210,-211,-207,-197,]),'ORDER':([24,30,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,907,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1368,1392,1393,1394,1395,1396,1398,1414,1416,1417,1418,1420,1421,1422,1432,1436,1437,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2489,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2529,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2880,2881,2882,2883,2889,2890,2913,2918,2919,2922,2925,2926,2927,2928,2929,2932,2933,2934,2935,2938,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3203,3206,3210,3212,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3481,3485,3487,3496,3502,3503,3504,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3750,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[1375,1375,1375,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1375,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,1375,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1375,-174,-175,-176,-177,-1896,-995,1375,-1896,-271,-272,-274,-276,-270,-283,1375,-952,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,1375,-1896,-187,-1896,-1896,-90,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1375,-221,-215,-134,1375,-186,-1896,-996,1375,-1896,1375,-1896,-1896,-253,-951,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,1375,-213,-1896,-996,-217,-146,-147,-997,1375,-1896,1375,-91,-92,-95,-96,-234,-247,-235,-247,-1896,3218,-308,-327,-321,-298,-377,-454,-455,-456,-460,-1896,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-222,1375,-245,-236,-318,-537,-510,-593,-939,-941,-942,-1896,-458,-459,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-1896,-190,-218,-257,-259,-261,-940,1375,-461,-462,-441,-443,-749,-893,-717,-1896,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-463,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'LIMIT':([24,30,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,907,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1368,1373,1381,1388,1389,1390,1392,1393,1394,1395,1396,1398,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2500,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2913,2915,2918,2919,2921,2922,2924,2925,2926,2927,2928,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3158,3159,3160,3161,3203,3205,3206,3208,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3478,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[1376,1376,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1376,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1376,1376,1376,1376,-136,-137,-174,-175,-176,-177,-1896,-995,1376,-1896,-271,-272,-274,-276,-270,1376,-283,1376,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-1896,-1896,-187,-1896,-1896,-90,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-134,1376,-1896,-186,-1896,-996,-1896,-1896,-1896,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,1376,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-997,1376,-1896,-1896,1376,-1896,1376,-91,-92,-95,-96,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-140,-142,-148,-149,-222,1376,-1896,1376,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-1896,-190,-218,1376,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'FETCH':([24,30,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,907,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1368,1373,1381,1388,1389,1390,1392,1393,1394,1395,1396,1398,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2500,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2913,2915,2918,2919,2921,2922,2924,2925,2926,2927,2928,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3158,3159,3160,3161,3203,3205,3206,3208,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3478,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[1377,1377,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1377,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1377,1377,1377,1377,-136,-137,-174,-175,-176,-177,-1896,-995,1377,-1896,-271,-272,-274,-276,-270,1377,-283,1377,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-1896,-1896,-187,-1896,-1896,-90,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-134,1377,-1896,-186,-1896,-996,-1896,-1896,-1896,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,1377,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-997,1377,-1896,-1896,1377,-1896,1377,-91,-92,-95,-96,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-140,-142,-148,-149,-222,1377,-1896,1377,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-1896,-190,-218,1377,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'RPAREN':([25,26,27,28,30,31,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,905,906,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1369,1370,1371,1372,1373,1374,1381,1382,1388,1389,1390,1392,1393,1394,1395,1413,1414,1415,1416,1417,1418,1420,1421,1422,1424,1432,1435,1436,1437,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1501,1502,1509,1510,1511,1512,1517,1544,1548,1624,1630,1631,1632,1633,1634,1635,1636,1637,1638,1639,1640,1641,1642,1643,1645,1647,1649,1653,1662,1680,1681,1760,1775,1783,1784,1785,1786,1787,1788,1789,1793,1794,1795,1797,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1986,1988,1989,1990,1991,1999,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2048,2049,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2121,2122,2123,2124,2125,2130,2131,2132,2133,2135,2139,2140,2141,2144,2146,2149,2153,2154,2155,2156,2158,2159,2161,2162,2163,2164,2165,2166,2167,2168,2169,2171,2174,2175,2176,2177,2178,2179,2180,2181,2188,2189,2190,2191,2192,2193,2194,2198,2201,2202,2205,2207,2208,2210,2212,2215,2216,2217,2219,2222,2225,2226,2227,2229,2230,2231,2232,2235,2238,2239,2240,2241,2242,2244,2245,2246,2247,2248,2250,2251,2252,2253,2255,2256,2257,2258,2259,2260,2261,2262,2263,2264,2265,2266,2267,2268,2269,2270,2271,2272,2273,2274,2275,2276,2277,2278,2279,2282,2285,2286,2291,2294,2295,2296,2297,2298,2299,2300,2301,2302,2303,2304,2305,2306,2308,2309,2310,2311,2318,2319,2320,2323,2324,2325,2326,2327,2328,2329,2330,2331,2332,2333,2334,2335,2336,2337,2338,2339,2340,2341,2342,2344,2345,2348,2349,2350,2351,2352,2353,2354,2355,2356,2363,2366,2367,2371,2373,2374,2381,2382,2384,2385,2386,2388,2391,2393,2394,2395,2396,2397,2400,2401,2402,2409,2410,2411,2412,2413,2414,2415,2416,2417,2418,2419,2420,2421,2422,2423,2424,2425,2426,2427,2428,2429,2430,2431,2439,2440,2441,2442,2443,2445,2446,2456,2461,2462,2463,2464,2465,2466,2467,2468,2469,2471,2474,2475,2477,2478,2479,2487,2488,2489,2490,2493,2494,2495,2498,2502,2514,2515,2517,2526,2529,2531,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2557,2559,2561,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2666,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2762,2763,2764,2765,2767,2768,2769,2770,2771,2772,2773,2775,2776,2778,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2812,2813,2814,2815,2816,2817,2818,2821,2822,2823,2828,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2868,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2899,2900,2901,2902,2904,2907,2911,2913,2916,2917,2927,2928,2929,2932,2933,2934,2935,2945,2946,2948,2949,2950,2951,2952,2953,2954,2955,2956,2957,2958,2959,2960,2961,2962,2963,2964,2965,2966,2967,2968,2969,2970,2971,2972,2973,2974,2975,2976,2977,2978,2979,2980,2981,2982,2983,2984,2990,2991,2994,2995,2996,2997,2998,2999,3000,3001,3003,3004,3005,3006,3008,3009,3010,3011,3012,3013,3014,3015,3016,3017,3018,3019,3020,3021,3023,3024,3026,3027,3028,3032,3033,3035,3038,3040,3042,3043,3044,3045,3046,3047,3048,3049,3050,3051,3052,3057,3058,3059,3060,3061,3062,3064,3065,3066,3067,3068,3069,3070,3071,3072,3073,3074,3075,3076,3077,3078,3079,3080,3081,3082,3083,3084,3085,3088,3090,3092,3093,3094,3095,3096,3097,3098,3100,3101,3105,3106,3107,3108,3109,3110,3111,3112,3113,3114,3115,3116,3117,3118,3119,3120,3121,3122,3123,3124,3127,3128,3129,3130,3131,3132,3133,3134,3135,3136,3137,3139,3140,3142,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3153,3154,3155,3156,3158,3159,3160,3161,3162,3163,3164,3165,3169,3171,3172,3175,3179,3194,3195,3197,3198,3203,3210,3212,3213,3214,3215,3220,3222,3225,3226,3230,3231,3232,3233,3234,3235,3236,3238,3239,3240,3241,3243,3244,3245,3246,3247,3248,3249,3250,3251,3252,3253,3254,3255,3256,3257,3262,3263,3264,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3318,3319,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3434,3435,3436,3438,3439,3441,3442,3443,3445,3446,3447,3454,3455,3456,3457,3458,3473,3474,3475,3476,3480,3481,3482,3485,3486,3487,3488,3494,3495,3496,3497,3498,3500,3501,3502,3503,3504,3506,3507,3508,3510,3511,3512,3513,3514,3515,3516,3517,3519,3520,3521,3522,3523,3524,3525,3526,3527,3531,3533,3534,3535,3536,3537,3538,3539,3540,3541,3542,3543,3544,3545,3546,3547,3548,3549,3550,3551,3552,3553,3554,3555,3556,3557,3558,3560,3561,3562,3563,3564,3565,3566,3567,3568,3569,3570,3571,3572,3573,3574,3575,3577,3578,3580,3582,3583,3585,3586,3587,3588,3589,3590,3591,3592,3608,3609,3610,3611,3612,3613,3615,3618,3619,3620,3621,3622,3623,3624,3625,3627,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3651,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3690,3691,3692,3693,3694,3695,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3709,3710,3712,3714,3715,3716,3717,3718,3719,3720,3721,3722,3723,3724,3736,3738,3742,3744,3745,3747,3750,3751,3752,3753,3754,3755,3759,3760,3761,3762,3763,3764,3765,3766,3767,3768,3769,3770,3771,3774,3775,3776,3777,3778,3779,3780,3782,3784,3785,3786,3787,3788,3789,3790,3791,3801,3803,3805,3807,3808,3809,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3822,3823,3824,3825,3826,3828,3830,3831,3832,3833,3834,3835,3837,3838,3839,3840,3843,3844,3847,3853,3855,3857,3858,3859,3861,3862,3867,3868,3869,3870,3871,3873,3876,3877,3878,3879,3882,3885,3887,3888,3890,3891,3892,3893,3894,3895,],[-118,-119,-120,-121,-126,-127,-179,-180,-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1392,1393,1394,1395,-178,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-100,-101,-122,-123,-124,-125,-129,-131,-128,-130,-1896,-136,-137,-174,-175,-176,-177,2029,1395,-1846,-1896,-271,-272,-274,-276,-270,-1896,-283,2050,1395,-952,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2128,2129,2136,2137,2138,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-133,-153,-156,-158,-159,-132,-1896,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-1896,-183,-279,-280,-281,-282,2527,-994,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-952,-360,2546,2547,2548,2556,-1896,2560,-1896,2563,-379,2567,2568,-384,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,-538,2602,-542,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,-770,2681,2683,2684,2685,-776,-777,-779,-780,-781,-782,-783,2686,-785,-786,-787,-788,-789,-790,-791,2687,-859,2688,-861,2689,-863,2690,-867,2695,2697,-878,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,-924,-925,2721,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,-575,2818,2821,2822,2823,2831,2832,2833,2834,-595,2835,2836,2838,2839,2840,2842,2843,-568,-569,-571,-573,2845,-578,2846,-581,2847,-584,2848,-597,-599,2852,-602,2853,-609,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,-1896,-221,-215,-138,-139,-1896,2897,-108,-134,-135,2909,-19,-181,-116,-186,-1896,-1896,-253,-182,-951,2950,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,2989,-485,2993,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-1896,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,3076,-1896,-1896,3081,-621,-622,-623,-624,-625,-636,-586,-626,-799,3085,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,3107,-628,3108,-629,-630,-631,-576,-632,-633,-634,3115,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,3143,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-21,-1896,-1896,-1896,-1896,-1896,-110,-997,3203,-248,-95,-96,-234,-247,-235,-247,-1896,3227,-55,-993,-308,-327,-321,3230,-298,-377,3231,3232,3233,3234,-1896,-1896,-955,-956,-1896,-1896,-1896,-1896,-1896,-1896,-963,-964,-1896,-966,-978,-979,3252,3253,-945,-946,-947,-454,-455,-456,-460,-1896,-1896,-1896,3267,-445,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,-1896,3320,-766,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,-935,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,-1896,-891,-452,-453,-892,-1896,3365,3366,3367,-1896,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,-1896,-1896,3399,3400,3401,3403,3404,3406,-1896,3408,3409,-900,3410,3411,-721,-723,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-1896,-140,-142,-148,-149,-157,-109,-22,-23,-44,-25,-26,-29,-33,3471,-20,-111,-112,-222,-245,-236,3481,-268,-269,3485,3487,3490,-69,-318,-537,-510,-593,-939,3496,-953,-968,-1896,-957,-958,-977,-959,-960,-961,-980,-981,-982,-962,-965,-941,-942,-1896,-458,-459,-440,-483,-487,-484,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,3527,-762,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,3570,-718,3571,-933,-1896,-434,-1896,-1896,-190,-218,3582,3588,3589,3590,3591,3592,-113,-114,-115,-249,3608,-257,3609,-259,3610,-261,3611,-56,-1896,-940,3619,-954,-970,3625,-1896,-461,-462,-441,-486,-443,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,-749,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,-893,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3694,3695,3696,3697,3698,3699,3700,-717,-1896,-932,-185,-433,-435,-1896,-220,-192,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-246,-258,-260,-262,3737,-70,3738,-291,-967,3742,-972,-973,-974,-983,-975,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-763,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,3769,-589,-709,-710,-722,-724,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-24,-35,-1896,-48,-1896,-37,-39,-43,-27,-28,-30,-31,-32,3780,3782,-284,-969,3787,3788,-469,-463,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,-1896,-436,-437,-467,-1896,-1896,-40,-47,-38,-1896,-49,-289,-290,-971,-976,-457,-468,-472,-473,-731,-738,-743,-665,-673,-764,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,3844,-189,-465,-36,-41,-34,-287,-474,-475,-476,-477,-478,3853,3855,3857,3858,3861,-838,-50,-732,-739,-744,-666,-765,-875,-1896,-479,-480,3877,3878,3879,-42,-288,-733,-740,-745,3885,-1896,3892,-51,-58,3894,-1896,-57,-874,-52,]),'FOR':([37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1388,1389,1390,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1424,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2502,2514,2515,2517,2518,2519,2520,2521,2522,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3113,3115,3118,3140,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-1896,-136,-137,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-1896,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-153,-156,-158,-159,2496,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,2496,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-186,-1896,-1896,-253,2938,-266,-267,2938,2938,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,3405,-1896,-900,3433,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-140,-142,-148,-149,-157,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,2496,-434,-1896,-1896,-190,-218,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-433,-435,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-436,-437,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'LOCK':([37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1388,1389,1390,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1424,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-1896,-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-1896,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-1896,-136,-137,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-1896,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-153,-156,-158,-159,2497,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,2497,-183,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-186,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-1896,-140,-142,-148,-149,-157,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,2497,-434,-1896,-1896,-190,-218,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-433,-435,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-436,-437,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'AS':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1380,1392,1393,1394,1395,1398,1414,1415,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1996,1998,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2126,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2418,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2897,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3576,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3769,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1419,1419,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-1896,-174,-175,-176,-177,-995,1419,-1846,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,1419,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,2486,-107,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,2550,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,2841,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-996,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-106,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,3703,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,1419,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'USE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,1020,1021,1398,1415,1416,1417,1418,1420,1421,1488,1489,2007,2031,2033,2034,2035,2039,2040,2505,2517,2913,3481,3485,3487,3609,3610,3611,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-1896,-323,-324,-995,-1846,2036,-271,-272,-274,-276,-325,-326,-996,2036,-254,-255,-256,-273,-275,-996,-253,-997,-257,-259,-261,-258,-260,-262,]),'FORCE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,1020,1021,1398,1415,1416,1417,1418,1420,1421,1488,1489,2007,2031,2033,2034,2035,2039,2040,2505,2517,2913,3481,3485,3487,3609,3610,3611,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-1896,-323,-324,-995,-1846,2037,-271,-272,-274,-276,-325,-326,-996,2037,-254,-255,-256,-273,-275,-996,-253,-997,-257,-259,-261,-258,-260,-262,]),'CROSS':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1404,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-995,-1896,-1846,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,1404,-230,-250,-251,-252,-254,-255,-256,-273,-275,1404,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-996,-1896,1404,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'NATURAL':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3616,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1406,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-995,-1896,-1846,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,1406,-230,-250,-251,-252,-254,-255,-256,-273,-275,1406,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-996,-1896,1406,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,3739,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'INNER':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1407,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-995,1407,-1896,-1846,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,1407,-230,-250,-251,-252,-254,-255,-256,-273,-275,1407,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-996,-1896,1407,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'FULL':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1410,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-995,1410,-1896,-1846,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,1410,-230,-250,-251,-252,-254,-255,-256,-273,-275,1410,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-996,-1896,1410,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'JOIN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1404,1405,1406,1407,1408,1409,1410,1411,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2025,2026,2027,2028,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2938,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-1896,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-995,2023,2024,-1896,-237,-238,-240,-242,-244,-1896,-1846,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-1896,2516,-239,-241,-243,-230,-250,-251,-252,-254,-255,-256,-273,-275,-1896,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-996,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-244,-1896,3217,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'SET':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,914,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3168,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1402,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,3452,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'COMMA':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,911,912,913,914,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1378,1379,1392,1393,1394,1395,1396,1397,1398,1413,1414,1415,1416,1417,1418,1420,1421,1422,1432,1435,1436,1437,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1990,1991,2007,2015,2016,2017,2018,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2048,2049,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2089,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2121,2122,2125,2127,2131,2133,2134,2139,2142,2143,2144,2145,2147,2148,2149,2150,2151,2152,2156,2157,2160,2168,2170,2171,2172,2173,2175,2177,2182,2183,2184,2185,2186,2187,2194,2195,2196,2197,2198,2199,2200,2203,2204,2206,2209,2211,2213,2214,2220,2221,2223,2224,2228,2233,2234,2236,2237,2243,2249,2252,2254,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2280,2281,2282,2283,2284,2285,2286,2287,2288,2289,2290,2291,2292,2293,2295,2297,2307,2309,2310,2311,2321,2322,2326,2327,2329,2330,2332,2335,2336,2337,2339,2340,2347,2354,2356,2357,2359,2360,2361,2362,2364,2365,2366,2367,2368,2369,2370,2371,2372,2375,2376,2377,2378,2379,2380,2383,2387,2389,2396,2398,2399,2403,2404,2405,2407,2408,2413,2415,2420,2421,2422,2423,2424,2426,2428,2430,2432,2433,2434,2435,2436,2437,2438,2439,2440,2442,2445,2447,2448,2449,2450,2451,2452,2453,2454,2475,2477,2478,2479,2485,2487,2488,2493,2494,2504,2505,2514,2515,2517,2529,2531,2532,2533,2535,2537,2538,2539,2540,2543,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2666,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2765,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2880,2881,2882,2883,2885,2886,2888,2889,2890,2896,2899,2900,2901,2902,2904,2907,2913,2916,2917,2923,2925,2926,2927,2928,2929,2932,2933,2934,2935,2943,2945,2946,2948,2949,2950,2951,2953,2954,2956,2980,2981,2982,2983,2990,2991,2995,2997,2998,2999,3000,3001,3002,3007,3015,3016,3017,3018,3020,3021,3022,3024,3025,3028,3029,3030,3031,3034,3036,3037,3039,3040,3053,3054,3055,3056,3057,3058,3062,3066,3067,3068,3069,3070,3071,3072,3073,3074,3075,3076,3077,3078,3079,3080,3081,3085,3086,3087,3088,3089,3090,3091,3094,3095,3096,3098,3099,3102,3103,3106,3107,3108,3112,3115,3118,3125,3126,3138,3139,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3158,3159,3160,3161,3163,3164,3165,3169,3171,3172,3175,3179,3195,3210,3212,3215,3225,3226,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3319,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3446,3459,3476,3480,3481,3485,3487,3490,3494,3496,3501,3506,3508,3512,3514,3515,3516,3518,3521,3527,3529,3530,3532,3533,3534,3545,3546,3547,3548,3549,3550,3551,3552,3553,3554,3555,3556,3557,3558,3570,3571,3574,3575,3582,3583,3585,3586,3587,3588,3589,3590,3591,3592,3608,3609,3610,3611,3612,3613,3614,3620,3621,3622,3623,3624,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3651,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3690,3691,3692,3693,3696,3697,3698,3699,3700,3701,3706,3707,3708,3709,3710,3712,3714,3715,3716,3717,3718,3719,3720,3721,3722,3723,3736,3737,3738,3750,3751,3752,3753,3754,3757,3758,3762,3763,3764,3765,3766,3767,3768,3770,3771,3774,3775,3776,3777,3778,3779,3780,3782,3786,3788,3801,3803,3805,3807,3808,3809,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3825,3826,3828,3837,3838,3839,3842,3844,3847,3853,3855,3857,3858,3861,3862,3872,3873,3877,3878,3879,3882,3883,3885,3887,3888,3890,3892,3893,3894,3895,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1400,-82,-83,1403,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,1425,-184,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,1995,-104,-174,-175,-176,-177,1403,1400,-83,1403,-1896,-1846,-1896,-271,-272,-274,-276,-270,-283,2051,-365,-952,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2472,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,2480,-158,-159,-996,1403,-81,-84,-85,2510,-90,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-183,-279,-280,-281,-282,2528,-994,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,2544,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,2545,-360,2549,2551,2558,2558,2562,-379,2569,2570,-384,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,-538,2600,2601,-542,2605,2610,2611,2612,2613,2614,2615,2051,2624,2625,2626,2051,2628,2629,2632,2633,2635,2638,2640,2642,2643,2649,2650,2652,2653,2657,2662,2663,2665,2666,2672,2678,-770,2682,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,2691,2692,-867,2693,2694,2696,2698,2699,2700,2701,2702,-878,2703,2704,2707,2051,2719,-924,-925,2722,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2774,2051,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2051,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,-575,2819,2820,2824,2825,2827,2829,2830,-595,2837,2844,-568,-569,-571,-573,-578,-581,-584,2849,-928,-929,-930,-931,2850,2851,-597,-599,-602,-609,2856,2857,2858,2859,2860,2861,2862,2863,-215,2884,-139,-1896,-103,2898,-108,2910,-19,1403,-84,-1896,-1896,-253,-951,2051,-311,-312,-322,-309,-295,-296,-297,2545,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,3041,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,2051,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,2051,-213,1403,-996,-217,-141,-1896,-150,-146,-147,-105,-21,-1896,-1896,-1896,-1896,-1896,-997,3204,-248,-86,-91,-92,-95,-96,-234,-247,-235,-247,-1896,3224,3228,-55,-993,-308,-327,-321,-298,-377,2051,-454,-455,-456,-460,3261,3261,-445,2051,2051,2051,2051,2051,3274,3279,3287,3289,3291,3293,2051,2051,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3041,3330,3331,3332,3333,3334,3336,-935,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,-1896,-891,-452,-453,-892,-1896,-1896,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,-1896,-1896,3402,-1896,-900,3416,3417,3429,3430,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-140,-142,-148,-149,-109,-22,-23,-44,-25,-26,-29,-33,-20,-245,-236,3204,3491,-69,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,3528,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-218,3593,-249,3204,-257,-259,-261,-67,-56,-940,3626,-441,-443,3632,3635,3637,3639,3642,2051,-749,3652,3653,3655,3656,3658,-893,3670,3672,2051,3675,2051,3678,2051,2051,2051,2051,3684,3686,3688,-717,-1896,3702,-435,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-246,-258,-260,-262,3491,-70,3224,3743,-972,-973,-974,-983,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,3756,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,2472,-589,-709,-710,-590,-591,-653,-713,-714,-907,3773,-464,-466,-24,-35,-1896,-48,-1896,-37,-39,-43,-27,-28,-30,-31,-32,3228,-68,-284,3773,3800,3802,3804,3806,3810,3811,2051,2051,2051,2051,2051,2051,2051,-436,-437,-467,-1896,-1896,-40,-47,-38,-1896,3829,-971,-457,-731,-738,-743,-665,-673,3841,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-465,-36,-41,-34,3852,3854,3856,3860,-838,3863,-732,-739,-744,-666,-875,-1896,3880,-42,-733,-740,-745,3228,3886,-1896,3228,-51,-58,-1896,-57,-874,-52,]),'COLLATE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2900,2901,2902,2904,2907,2909,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3471,3496,3506,3508,3527,3545,3570,3571,3582,3587,3588,3589,3590,3591,3592,3594,3596,3597,3598,3599,3600,3601,3602,3603,3604,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3726,3738,3780,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,1487,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,3170,3170,3170,3170,3170,3184,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,3184,-940,-441,-443,-749,-893,-717,-1896,3170,3170,3170,3170,3170,3170,3170,3184,3184,3184,3184,3184,3184,3184,3184,3184,3184,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,3184,-284,3170,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'SLASH':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1466,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,1466,-347,1466,-346,-340,-341,-342,-343,-344,1466,1466,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DIV':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1467,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,1467,-347,1467,-346,-340,-341,-342,-343,-344,1467,1467,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'PERCENT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1469,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,1469,-347,1469,-346,-340,-341,-342,-343,-344,1469,1469,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'BIT_MOVE_LEFT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1474,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,1474,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'BIT_MOVE_RIGHT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,1475,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,1475,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'IN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2218,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2497,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3495,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,1439,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,2056,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,2647,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,2912,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,3616,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'BETWEEN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3746,3748,3749,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,1447,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,2057,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,3795,-470,-471,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'LIKE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1445,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,1446,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,2058,2067,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'REGEXP':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,1450,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,1450,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'RLIKE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,1451,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,1451,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'EQ':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2021,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3182,3184,3185,3186,3187,3188,3189,3190,3191,3192,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3461,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1454,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,2512,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,3460,3462,3463,3464,3465,3466,3467,3468,3469,3470,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,3595,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'NE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1455,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'LT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1456,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'LE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1457,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'GT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1458,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'GE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1459,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'NULL_SAFE_EQ':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,1460,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'PIPES':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3705,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1427,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,1427,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1427,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1427,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,1427,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'AND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2052,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3705,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3831,3832,3833,3834,3835,3836,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1430,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,2530,-310,-328,-1896,-313,-314,-315,-316,-317,1430,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1430,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1430,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,1430,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-474,-475,-476,-477,-478,3851,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'ANDAND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3705,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1431,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1846,-283,-365,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,1431,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,1431,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-996,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,1431,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,1431,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'SECOND_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2093,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2093,2093,2093,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'MINUTE_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2094,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2094,2094,2094,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'MINUTE_SECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2095,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2095,2095,2095,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'HOUR_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2096,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2096,2096,2096,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'HOUR_SECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2097,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2097,2097,2097,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'HOUR_MINUTE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2098,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2098,2098,2098,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DAY_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2099,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2099,2099,2099,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DAY_SECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2100,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2100,2100,2100,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DAY_MINUTE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2101,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2101,2101,2101,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DAY_HOUR':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2102,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2102,2102,2102,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'YEAR_MONTH':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,2103,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2103,2103,2103,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'WHEN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1683,1684,1685,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2312,2314,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3063,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,1686,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,1686,1686,-944,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,1686,-943,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-948,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'WINDOW':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1389,1390,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-136,-137,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-1896,-212,-214,-1896,-216,-995,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,-153,-156,-158,-159,-151,-152,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-1896,-221,-215,-138,-139,-1896,-186,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-213,-1896,-996,-217,-141,-1896,-150,-146,-147,-154,-155,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,3440,-1896,-1896,-140,-142,-148,-149,-157,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,-1896,-190,-218,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-1896,-220,-192,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-219,-191,-188,-464,-466,-284,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'USING':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,912,913,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1397,1398,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2016,2017,2018,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2127,2139,2144,2171,2175,2191,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2923,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-82,-83,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,2013,-83,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-81,-84,-85,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,2552,-379,-384,-538,-542,2620,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-84,2931,2931,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-86,-234,-247,-235,-247,2931,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'THEN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2317,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,2726,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'ASC':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2479,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3708,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,2889,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,2889,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'DESC':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2479,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3708,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,2890,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,2890,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'GROUP':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2913,2929,2932,2933,2934,2935,2938,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-186,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,-1896,3219,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,3444,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,3444,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'HAVING':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2889,2890,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-187,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-186,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-146,-147,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-1896,-1896,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-1896,3579,-190,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,3579,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-188,-464,-466,-284,-467,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-189,-465,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'WHERE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1396,1398,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2009,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2504,2505,2507,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2913,2919,2925,2926,2927,2928,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,2010,-995,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,2010,2010,2010,-90,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,2010,-996,2010,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,2010,-997,2010,-91,-92,-95,-96,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,2010,-222,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'ELSE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1684,1685,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2312,2314,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3063,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,2315,-944,-996,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,2315,-943,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-948,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-940,-441,-443,-749,-893,-717,-1896,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'PARTITION':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1396,1398,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2015,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2504,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-224,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,2012,-995,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,2012,-223,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,2012,-996,-1896,-1896,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,2012,-997,-234,-247,-235,-247,-1896,-308,-327,-321,-298,-377,-454,-455,-456,-460,-1896,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,3505,-458,-459,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'ON':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3776,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,-225,-226,-227,-228,-229,-231,-232,-233,-1896,-1896,-277,-278,-1427,-307,-362,-286,-373,-375,-299,-365,-300,-301,-302,-303,-304,-305,-306,-488,-991,-992,-349,-337,-1294,-492,-359,-361,-363,-364,-366,-368,-369,-370,-371,-372,-489,-490,-491,-1144,-1775,-1777,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-506,-507,-934,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-386,-323,-324,-1894,-1895,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-566,-567,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-704,-705,-706,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-792,-793,-794,-795,-796,-797,-798,-1049,-1083,-1100,-1102,-1118,-778,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-885,-886,-887,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-166,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,-570,-572,-577,-580,-583,-596,-598,-601,-608,-174,-175,-176,-177,-1896,-271,-272,-274,-276,-270,-283,-357,-362,-492,-1294,-356,-355,-358,-325,-326,-143,-144,-145,-432,-937,-938,-996,-230,-250,-251,-252,-254,-255,-256,-273,-275,-279,-280,-281,-282,-367,-310,-328,-1896,-313,-314,-315,-316,-317,-285,-294,-1017,-1689,-362,-374,-378,-376,-338,-347,-339,-346,-340,-341,-342,-343,-344,-345,-348,-1862,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-1891,-1892,-360,-379,-384,-538,-542,-770,-776,-777,-779,-780,-781,-782,-783,-785,-786,-787,-788,-789,-790,-791,-859,-861,-863,-867,-878,-924,-925,-575,-595,-568,-569,-571,-573,-578,-581,-584,-597,-599,-602,-609,2930,2930,-253,-311,-312,-322,-309,-295,-296,-297,-620,-635,-592,-438,-439,-446,-447,-448,-380,-381,-508,-512,-517,-518,-519,-520,-523,-524,-526,-527,-528,-529,-530,-531,-532,-533,-535,-541,-543,-544,-546,-547,-548,-549,-654,-655,-656,-657,-659,-660,-661,-667,-671,-672,-675,-677,-678,-681,-683,-686,-687,-688,-690,-693,-696,-697,-698,-700,-701,-702,-703,-748,-751,-752,-753,-754,-755,-757,-758,-759,-760,-761,-768,-769,-771,-773,-774,-775,-784,-858,-860,-862,-864,-870,-872,-908,-909,-911,-912,-913,-914,-915,-916,-917,-918,-919,-920,-921,-923,-926,-936,-387,-388,-389,-392,-393,-394,-395,-398,-401,-402,-403,-408,-409,-412,-413,-414,-417,-418,-423,-424,-427,-430,-431,-1896,-1896,-621,-622,-623,-624,-625,-636,-586,-626,-799,-833,-808,-834,-800,-855,-801,-856,-857,-836,-832,-837,-627,-628,-629,-630,-631,-576,-632,-633,-634,-637,-638,-639,-594,-1896,-604,-640,-641,-715,-642,-606,-574,-579,-582,-585,-600,-603,-610,-720,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-997,-234,-247,-235,-247,2930,-308,-327,-321,-298,-377,-454,-455,-456,-460,-445,-935,-1896,-891,-452,-453,-892,-1896,-1896,-1896,-1896,-1896,-900,-719,-888,-889,-890,-894,-895,-896,-897,-898,-899,-245,-236,-318,-537,-510,-593,-939,-941,-942,-440,-442,-382,-383,-385,-509,-511,-513,-515,-516,-521,-522,-534,-536,-539,-540,-545,-550,-728,-729,-734,-736,-741,-658,-662,-663,-668,-669,-674,-676,-679,-689,-691,-694,-746,-750,-756,-767,-772,-865,-866,-868,-869,-871,-873,-879,-882,-910,-922,-927,-390,-391,-396,-399,-404,-405,-410,-415,-419,-420,-425,-428,-901,-902,-645,-587,-1896,-903,-802,-806,-809,-835,-820,-822,-824,-810,-826,-853,-854,-813,-648,-904,-906,-650,-651,-647,-707,-708,-644,-905,-649,-652,-605,-716,-607,-588,-619,-615,-611,-616,-612,-617,-613,-618,-614,-643,-646,-711,-712,-718,-257,-259,-261,-940,-441,-443,-749,-893,-717,-1896,-246,-258,-260,-262,-444,-514,-525,-730,-735,-737,-742,-664,-670,-680,-682,-684,-685,-692,-695,-699,-747,-876,-880,-883,-397,-400,-406,-407,-411,-416,-421,-422,-426,-429,-814,-816,-803,-804,-807,-818,-821,-823,-825,-827,-828,-811,-830,-589,-709,-710,-590,-591,-653,-713,-714,-907,-284,3827,-457,-731,-738,-743,-665,-673,-877,-881,-884,-815,-817,-805,-819,-829,-812,-831,-838,-732,-739,-744,-666,-875,-733,-740,-745,-874,]),'ASSIGNMENTEQ':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,938,940,941,2007,2021,2074,2075,2076,2077,2913,2954,],[-995,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1452,-373,-375,-996,2513,2541,-374,-378,-376,-997,-377,]),'PERIOD':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,913,935,940,941,960,977,978,979,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1158,1159,1160,1161,1162,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1398,1415,1479,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2017,2071,2072,2075,2076,2077,2505,2882,2954,],[1391,-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,1401,-1427,1461,1462,-1294,-1144,-1775,-1777,-1073,-1360,-1363,-1577,-1641,-1271,-1817,-1496,-1514,-1155,-1310,-1368,-1248,-1098,-1278,-1494,-1002,-1005,-1025,-1032,-1076,-1077,-1127,-1128,-1129,-1132,-1159,-1202,-1226,-1376,-1386,-1388,-1387,-1539,-1551,-1552,-1636,-1680,-1791,-1735,-1590,-1591,-1592,-1593,-1023,-1050,-1056,-1084,-1082,-1115,-1181,-1208,-1215,-1220,-1230,-1235,-1267,-1301,-1364,-1370,-1377,-1381,-1395,-1396,-1397,-1401,-1452,-1499,-1500,-1515,-1546,-1572,-1607,-1623,-1642,-1644,-1691,-1695,-1742,-1782,-1795,-1804,-1816,-1212,-1814,-1055,-1009,-1010,-1112,-1443,-1575,-1673,-1674,-1675,-1722,-1723,-1798,-1799,-1827,-1243,-1313,-1319,-1599,-1600,-1049,-1083,-1100,-1102,-1118,-1232,-1273,-1362,-1625,-1639,-1650,-1669,-1753,-1818,-1834,-1256,-1259,-1260,-1254,-1258,-1253,-1257,-1251,-1252,-1255,-1261,-1262,-1839,-1840,-1026,-1027,-1028,-1029,-1030,-1414,-1694,-1018,-1053,-1249,-1289,-1290,-1287,-1288,-1314,-1315,-1316,-1317,-1320,-1477,-1684,-1822,-1823,-1824,-1038,-1130,-1146,-1147,-1148,-1149,-1150,-1151,-1236,-1237,-1272,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1361,-1399,-1430,-1451,-1456,-1458,-1467,-1468,-1490,-1535,-1536,-1569,-1655,-1657,-1736,-1741,-1743,-1745,-1776,-1778,-1779,-1783,-1784,-1809,-1832,-1842,-1843,-1844,-1845,-1856,-1857,2014,-1846,-1294,2476,-1002,-1005,-1009,-1010,-1018,-1023,-1025,-1026,-1027,-1028,-1029,-1030,-1032,-1049,-1050,-1053,-1055,-1056,-1073,-1076,-1077,-1082,-1083,-1084,-1098,-1100,-1102,-1112,-1115,-1118,-1127,-1128,-1129,-1132,-1144,-1155,-1159,-1181,-1202,-1208,-1212,-1215,-1220,-1226,-1230,-1232,-1235,-1243,-1248,-1249,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1267,-1271,-1273,-1278,-1287,-1288,-1289,-1290,-1294,-1301,-1310,-1313,-1314,-1315,-1316,-1317,-1319,-1320,-1360,-1362,-1363,-1364,-1368,-1370,-1376,-1377,-1381,-1386,-1387,-1388,-1395,-1396,-1397,-1401,-1414,-1427,-1443,-1452,-1477,-1494,-1496,-1499,-1500,-1514,-1515,-1539,-1546,-1551,-1552,-1572,-1575,-1577,-1590,-1591,-1592,-1593,-1599,-1600,-1607,-1623,-1625,-1636,-1639,-1641,-1642,-1644,-1650,-1669,-1673,-1674,-1675,-1680,-1684,-1691,-1694,-1695,-1722,-1723,-1735,-1742,-1753,-1775,-1777,-1782,-1791,-1795,-1798,-1799,-1804,-1814,-1816,-1817,-1818,-1822,-1823,-1824,-1827,-1834,-1839,-1840,2499,2508,-1017,-1689,2542,-378,2542,2920,3157,-377,]),'INT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,2967,2968,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2900,3248,3248,]),'FLOAT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,2550,2551,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2901,2971,2971,]),'BIGINT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2902,]),'TINYINT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2903,]),'VARCHAR':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2905,]),'DECIMAL':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,2550,2551,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2908,2964,2964,]),'UNSIGNED':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2550,2551,2900,2901,2902,2904,2907,3167,3169,3453,3582,3587,3588,3589,3590,3591,3592,3780,],[-998,-999,-1000,-1001,-1893,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1860,-1861,2968,2968,-1896,-1896,-1896,-1896,-1896,3451,-46,-45,-1896,-1896,-1896,-1896,-1896,-1896,-1896,-1896,]),'BY':([1375,3218,3219,3444,3505,],[1987,3483,3484,3581,3628,]),'OUTER':([1408,1409,1410,],[2026,2027,2028,]),'BOTH':([1806,],[2458,]),'LEADING':([1806,],[2459,]),'TRAILING':([1806,],[2460,]),'INDEX':([2036,2037,2038,],[2519,2519,2519,]),'KEY':([2036,2037,2038,3196,3829,3849,3863,],[2520,2520,2520,3472,3846,3865,3846,]),'DOUBLE':([2550,2551,],[2970,2970,]),'REAL':([2550,2551,],[2972,2972,]),'PRIMARY':([2910,2936,2939,2941,3216,3221,3223,],[3196,3214,3214,3214,3214,3214,3214,]),'ARRAY':([2958,2959,2960,2961,2962,2963,2964,2965,2966,2967,2968,2969,2970,2971,2972,2973,2974,3236,3238,3239,3240,3241,3243,3244,3245,3246,3247,3248,3249,3250,3251,3498,3500,3619,3625,3742,3787,],[3235,-1896,-1896,-955,-956,-1896,-1896,-1896,-1896,-1896,-1896,-963,-964,-1896,-966,-978,-979,-953,-968,-1896,-957,-958,-977,-959,-960,-961,-980,-981,-982,-962,-965,-954,-970,-967,-975,-969,-976,]),'INTEGER':([2967,2968,],[3247,3247,]),} +_lr_action_items = {'CREATE':([0,],[6,]),'DELETE':([0,],[16,]),'UPDATE':([0,2496,3827,],[17,2911,3845,]),'INSERT':([0,19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[18,1097,-1894,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1097,1097,1097,1097,1097,-290,-291,1097,1097,1097,1097,-328,-318,-332,-333,-334,1097,1097,-982,-983,-984,-985,-986,-987,-988,1097,1097,1097,1097,1097,1097,1097,1097,-348,-349,-350,-351,-352,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1894,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1894,1097,-1894,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1894,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-1894,1097,-195,1097,-191,-192,1097,1097,1097,-317,-327,-331,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,-723,-724,-725,1097,1097,1097,-91,-92,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,1097,]),'SELECT':([0,8,22,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,909,916,917,918,919,920,921,922,923,924,925,926,932,933,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1362,1363,1364,1365,1378,1379,1383,1384,1385,1386,1392,1393,1394,1395,1412,1416,1417,1418,1420,1421,1422,1432,1434,1476,1477,1478,1479,1480,1484,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2000,2001,2002,2007,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2054,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2485,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2896,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3227,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[21,21,21,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,21,-223,-224,-225,-226,-227,21,-229,-230,-231,-1894,-1894,-275,-276,-1425,21,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-206,-207,-208,-209,-100,-102,-1894,-167,-168,-169,-172,-173,-174,-175,21,-1894,-269,-270,-272,-274,-268,-281,21,-355,-360,-490,-1292,-354,21,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,21,-191,-192,-994,-228,-248,-249,-250,-252,-253,-254,-271,-273,21,-277,-278,-279,-280,-365,-308,21,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-101,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-103,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,21,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'WITH':([0,7,8,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3495,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3706,3707,3708,3738,3743,3756,3769,3773,3774,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3830,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[29,888,29,888,888,888,-1894,888,888,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,888,1415,888,888,-275,-276,888,-1425,1415,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,888,888,888,-490,888,888,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,888,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,888,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,888,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,888,-172,-173,-174,-175,-993,888,888,888,888,888,1415,888,888,888,888,888,888,888,888,888,-290,-291,-281,888,1415,888,888,888,-328,-318,-332,-333,-334,888,888,-982,-983,-984,-985,-986,-987,-988,888,888,888,888,888,888,888,888,888,888,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,888,888,1415,-353,-356,888,-323,-324,-141,888,-142,888,-143,888,-430,-935,-936,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,-1894,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,-1894,888,-1894,888,888,888,888,888,888,888,888,888,888,888,888,-1894,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,888,-1894,888,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,888,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,888,888,888,-191,-192,888,-994,888,888,888,888,888,-277,-278,-279,-280,-365,888,-308,1415,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,888,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,888,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,888,888,888,888,888,888,-573,888,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,888,888,-723,-724,-725,888,888,888,888,888,888,-994,888,888,-91,-92,888,888,888,888,-309,-310,-320,888,-307,-293,-294,-295,888,888,888,888,-618,-633,-590,888,888,-436,888,-437,888,-444,-445,-446,-378,-379,888,888,888,-506,888,888,-510,888,888,888,888,-515,-516,-517,-518,888,888,-521,-522,888,-524,-525,-526,-527,-528,-529,-530,-531,888,-533,888,888,888,-539,-541,-542,888,-544,-545,-546,-547,888,888,888,888,888,888,-652,-653,-654,-655,888,-657,-658,-659,888,888,888,-665,888,888,-669,-670,888,888,-673,888,-675,-676,888,-679,888,-681,888,888,-684,-685,-686,888,-688,888,888,-691,888,888,-694,-695,-696,888,-698,-699,-700,-701,888,888,-746,888,-749,-750,-751,-752,-753,888,-755,-756,-757,-758,-759,888,-766,-767,-769,888,-771,-772,-773,-782,-856,-858,-860,-862,888,888,888,888,-868,888,-870,888,888,888,888,888,888,888,-906,-907,888,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,888,-921,-924,888,-934,888,-385,-386,-387,888,888,-390,-391,-392,-393,888,-396,888,-399,-400,888,-401,888,-406,-407,888,-410,-411,-412,888,-415,888,-416,888,-421,-422,888,-425,888,-428,-429,-1894,-1894,888,-619,-620,-621,-622,-623,-634,-584,-624,-797,888,888,888,888,888,-831,888,888,-806,888,-832,888,888,888,888,-798,888,-853,-799,888,888,888,888,888,888,-854,-855,888,-834,-830,-835,888,-625,888,-626,-627,-628,-629,-574,888,888,-630,-631,-632,888,888,888,888,888,888,-635,-636,-637,-592,-1894,-602,888,-638,-639,-713,-640,-604,888,-572,-577,-580,-583,888,888,888,-598,-601,888,-608,888,888,888,888,888,888,888,888,888,888,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,888,-144,-145,888,888,-995,888,888,888,888,888,888,-306,-325,-319,-296,-375,-452,-453,-454,-458,888,-443,888,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,888,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,888,888,888,888,888,888,888,888,888,-316,-535,-508,-591,-937,-939,-940,-438,888,-440,-380,-381,-383,-507,-509,-511,888,-513,-514,-519,-520,888,-532,-534,-537,-538,-543,-548,-726,888,-727,888,-732,888,-734,888,-739,-656,-660,-661,888,-666,888,-667,888,-672,-674,888,-677,888,888,888,-687,-689,888,-692,888,888,-744,888,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,888,888,888,888,888,-877,888,-880,-908,-920,-925,-388,-389,888,-394,888,-397,888,-402,888,-403,888,-408,888,-413,888,-417,888,-418,888,-423,888,-426,-899,-900,-643,-585,-1894,-901,888,888,888,-800,888,888,-804,888,-807,-833,888,-818,888,-820,888,-822,-808,888,-824,888,-851,-852,888,888,-811,888,-646,-902,-904,-648,-649,-645,888,-705,-706,888,-642,-903,-647,-650,-603,-714,888,888,-605,-586,888,888,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,888,888,-709,-710,888,-716,888,888,888,888,888,888,3617,-938,888,-439,-441,-747,888,-891,888,-715,-1894,888,888,888,888,888,-442,-512,-523,888,-728,-733,888,-735,888,-740,888,-662,-668,888,-678,-680,-682,-683,-690,-693,-697,-745,888,888,-874,888,888,-878,888,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,888,-812,888,-814,-801,888,-802,-805,888,-816,-819,-821,-823,-825,888,-826,888,-809,888,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,888,3772,-462,-464,-282,888,888,888,888,-465,-455,888,888,-729,888,-736,888,-741,888,-663,-671,888,888,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-463,3850,888,-836,-53,888,888,-730,888,-737,888,-742,-664,888,-873,-54,888,888,-731,-738,-743,888,888,888,-872,]),'LPAREN':([0,8,17,19,21,22,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,909,910,916,917,918,919,920,921,922,923,924,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,958,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,995,996,997,999,1000,1001,1002,1003,1004,1005,1006,1007,1008,1009,1010,1011,1012,1013,1014,1015,1016,1017,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1045,1046,1047,1048,1049,1050,1051,1052,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1069,1070,1071,1072,1073,1074,1075,1076,1077,1078,1079,1080,1081,1082,1083,1084,1085,1086,1087,1088,1089,1090,1091,1092,1093,1094,1095,1096,1097,1098,1099,1100,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1114,1115,1116,1117,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1163,1164,1165,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1202,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1219,1220,1221,1222,1223,1224,1225,1226,1227,1228,1229,1230,1231,1232,1233,1234,1235,1236,1237,1238,1239,1240,1241,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1316,1317,1318,1319,1320,1321,1322,1323,1324,1325,1326,1327,1328,1329,1330,1331,1332,1333,1334,1335,1336,1337,1338,1339,1340,1341,1342,1343,1344,1345,1346,1347,1348,1349,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1378,1379,1380,1383,1384,1385,1386,1387,1392,1393,1394,1395,1399,1403,1412,1416,1417,1418,1420,1421,1422,1423,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1439,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2000,2001,2002,2007,2010,2012,2013,2023,2024,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2051,2053,2054,2055,2056,2057,2058,2059,2060,2061,2062,2063,2064,2065,2066,2067,2069,2070,2071,2072,2073,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2485,2486,2511,2512,2513,2514,2515,2516,2517,2518,2519,2520,2521,2522,2523,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2884,2896,2900,2902,2903,2904,2905,2906,2908,2913,2928,2929,2930,2931,2932,2933,2934,2935,2937,2940,2942,2944,2947,2949,2950,2951,2953,2954,2959,2960,2963,2964,2965,2966,2971,2973,2974,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3121,3122,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3217,3224,3229,3230,3231,3232,3233,3234,3238,3239,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3393,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3472,3481,3483,3484,3485,3487,3489,3491,3492,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3608,3609,3610,3611,3619,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3703,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3864,3877,3878,3879,3880,3881,3886,3894,],[8,8,921,936,-1894,8,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,8,921,-223,-224,-225,-226,-227,1412,-229,-230,-231,-1894,-1894,-275,-276,936,1433,1434,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,936,936,1481,1484,-490,936,936,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,1491,1493,1495,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,8,-932,936,1499,1500,1501,1502,1503,1504,1505,1506,1507,1508,1509,1510,1511,1512,1513,1514,1515,1516,1517,1518,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1544,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,-702,-703,-704,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1624,1625,-790,-791,-792,-793,-794,-795,-796,1626,1627,1628,1629,1630,1631,1632,1633,1634,1635,1636,1637,1638,1639,1640,1641,1642,1643,1644,1645,1646,1647,1648,1649,1650,1651,1652,1653,1654,1655,1656,1657,1658,1659,1660,1661,1662,1663,1664,-883,-884,-885,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1680,1681,1682,936,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,-164,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1783,1784,1785,1786,1787,1788,1789,1790,1791,1792,1793,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,936,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-100,-102,1997,-1894,-167,-168,-169,2003,-172,-173,-174,-175,921,921,1412,-1894,-269,-270,-272,-274,-268,921,936,936,936,936,936,-290,-291,-281,1434,936,2054,936,936,-328,-318,-332,-333,-334,936,936,-982,-983,-984,-985,-986,-987,-988,936,936,936,936,936,936,936,936,-348,-349,-350,-351,-352,-355,-360,-490,2088,-354,936,936,1434,-353,-356,-323,-324,-141,936,-142,936,-143,936,-430,-935,-936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,-1894,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,-1894,936,-1894,936,936,936,936,936,936,936,936,936,936,936,936,-1894,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,936,-1894,1526,1527,1608,1609,1665,1560,1528,1658,1659,1660,1661,1662,1529,1626,1561,1666,1607,1562,1499,1531,1532,1565,1627,1564,1522,1628,1629,1610,1567,1630,1533,1534,1535,1536,1491,1518,1537,1568,1538,1569,1605,1570,1571,1539,1572,1634,1573,1621,1521,1668,1651,1652,1649,1647,1653,1644,1650,1648,1645,1646,1654,1655,1574,1512,1635,1524,1671,1672,1669,1670,1484,1576,1519,1622,1673,1674,1675,1676,1623,1677,1504,1636,1505,1577,1520,1579,1540,1580,1581,1541,1543,1542,1582,1583,1584,1585,1663,1433,1611,1586,1678,1525,1515,1587,1588,1516,1589,1544,1590,1545,1546,1591,1612,1510,1556,1557,1558,1559,1624,1625,1593,1594,1637,1549,1638,1511,1596,1597,1639,1640,1613,1614,1615,1550,1679,1598,1664,1599,1616,1617,1555,1600,1641,1493,1495,1601,1554,1602,1618,1619,1603,1606,1604,1513,1642,1680,1681,1682,1620,1643,1656,1657,-195,936,8,-191,-192,-994,936,2503,921,921,921,-228,-248,-249,-250,-252,-253,-254,-271,-273,2524,-277,-278,-279,-280,-365,936,-308,1434,-326,2054,-317,-327,-331,-1894,-311,-312,-313,-314,-315,2536,936,-283,-292,8,8,8,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,936,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,936,936,936,936,936,936,-573,936,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,936,936,-723,-724,-725,936,936,921,-101,8,936,-91,-92,-1894,-1894,921,-251,2936,-264,-265,2939,2941,2944,936,-309,-310,-320,936,-307,-293,-294,-295,936,936,936,-618,-633,-590,936,-436,2984,-437,936,-444,-445,-446,-378,-379,936,936,936,-506,936,936,-510,936,936,936,936,-515,-516,-517,-518,936,936,-521,-522,936,-524,-525,-526,-527,-528,-529,-530,-531,936,-533,936,936,936,-539,-541,-542,936,-544,-545,-546,-547,936,936,936,936,936,936,-652,-653,-654,-655,-657,-658,-659,936,936,936,-665,936,936,-669,-670,936,936,-673,936,-675,-676,936,-679,936,-681,936,936,-684,-685,-686,936,-688,936,936,-691,936,936,-694,-695,-696,936,-698,-699,-700,-701,936,936,-746,936,-749,-750,-751,-752,-753,936,-755,-756,-757,-758,-759,936,-766,-767,-769,936,-771,-772,-773,-782,-856,-858,-860,-862,936,936,936,936,-868,936,-870,936,936,936,936,936,936,936,-906,-907,936,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,936,-921,-924,936,-934,936,-385,-386,-387,936,936,-390,-391,-392,-393,936,-396,936,-399,-400,936,-401,936,-406,-407,936,-410,-411,-412,936,-415,936,-416,936,-421,-422,936,-425,936,-428,-429,-1894,-1894,936,-619,-620,-621,-622,-623,-634,-584,-624,-797,936,936,936,936,936,-831,936,936,-806,936,-832,936,936,936,936,-798,936,-853,-799,936,936,936,936,936,936,-854,-855,936,-834,-830,-835,936,-625,936,-626,-627,-628,-629,-574,936,936,-630,-631,-632,936,936,936,936,936,936,-635,-636,-637,-592,-1894,-602,936,-638,-639,-713,-640,-604,936,-572,-577,-580,-583,936,936,936,-598,-601,936,-608,936,936,936,936,936,936,936,936,936,936,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,936,-103,3166,3173,3174,3176,3177,3178,3180,-995,1667,-232,936,3211,-245,-233,-245,-1894,3216,3221,3223,936,3229,-306,-325,-319,-296,-375,3237,3237,3237,3242,3242,3237,3242,-976,-977,-452,-453,-454,-458,-443,936,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,3412,3413,936,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-261,3489,936,-316,-535,-508,-591,-937,-966,3499,-939,-940,-438,936,-440,-380,-381,-383,-507,-509,-511,936,-513,-514,-519,-520,936,-532,-534,-537,-538,-543,-548,-726,936,-727,936,-732,936,-734,936,-739,-656,-660,-661,936,-666,936,-667,936,-672,-674,936,-677,936,936,936,-687,-689,936,-692,936,936,-744,936,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,936,936,936,936,936,-877,936,-880,-908,-920,-925,-388,-389,936,-394,936,-397,936,-402,936,-403,936,-408,936,-413,936,-417,936,-418,936,-423,936,-426,-899,-900,-643,-585,-1894,-901,936,936,936,-800,936,936,-804,936,-807,-833,936,-818,936,-820,936,-822,-808,936,-824,936,-851,-852,936,936,3559,-811,936,-646,-902,-904,-648,-649,-645,936,-705,-706,936,-642,-903,-647,-650,-603,-714,936,936,-605,-586,936,936,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,936,936,-709,-710,936,-716,936,3606,-255,-262,-263,-257,-259,936,936,2944,-938,-439,-441,-747,936,-891,936,-715,-1894,936,936,-244,-256,-258,-260,-965,936,-442,-512,-523,936,-728,-733,936,-735,936,-740,936,-662,-668,936,-678,-680,-682,-683,-690,-693,-697,-745,936,936,-874,936,936,-878,936,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,936,-812,936,-814,-801,936,-802,-805,936,-816,-819,-821,-823,-825,936,-826,936,-809,936,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,2984,-282,936,936,-455,936,936,-729,936,-736,936,-741,936,-663,-671,936,936,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,936,-836,936,-730,936,-737,936,-742,-664,936,-873,3875,-731,-738,-743,936,3884,936,-872,]),'TABLE':([0,6,8,22,909,921,936,1362,1363,1364,1365,1378,1379,1383,1384,1385,1386,1392,1393,1394,1395,1412,1434,1484,2000,2001,2002,2054,2485,2896,],[7,36,7,7,7,7,7,-206,-207,-208,-209,-100,-102,-1894,-167,-168,-169,-172,-173,-174,-175,7,7,7,7,-191,-192,7,-101,-103,]),'VALUES':([0,8,22,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,909,916,917,918,919,920,921,922,923,924,925,926,932,933,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1362,1363,1364,1365,1378,1379,1383,1384,1385,1386,1392,1393,1394,1395,1412,1416,1417,1418,1420,1421,1422,1432,1434,1476,1477,1478,1479,1480,1484,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2000,2001,2002,2007,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2054,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2485,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2896,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3227,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[19,19,19,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,19,-223,-224,-225,-226,-227,19,-229,-230,-231,-1894,-1894,-275,-276,-1425,19,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-206,-207,-208,-209,-100,-102,-1894,-167,-168,-169,-172,-173,-174,-175,19,-1894,-269,-270,-272,-274,-268,-281,19,-355,-360,-490,-1292,-354,19,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,19,-191,-192,-994,-228,-248,-249,-250,-252,-253,-254,-271,-273,2523,-277,-278,-279,-280,-365,-308,19,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-101,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-103,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,3492,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'$end':([1,2,3,4,5,9,10,11,12,13,14,15,20,25,26,27,28,30,31,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1369,1370,1371,1372,1373,1374,1381,1382,1388,1389,1390,1392,1393,1394,1395,1396,1398,1416,1417,1418,1420,1421,1422,1424,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1986,1988,1989,1990,1991,1999,2004,2005,2006,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2495,2498,2500,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2525,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2909,2911,2913,2914,2915,2918,2919,2921,2922,2924,2925,2926,2927,2928,2929,2932,2933,2934,2935,2943,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3181,3193,3197,3198,3202,3203,3205,3206,3207,3208,3209,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3471,3473,3474,3475,3477,3478,3479,3481,3485,3487,3490,3493,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3594,3596,3597,3598,3599,3600,3601,3602,3603,3604,3605,3607,3608,3609,3610,3611,3614,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3725,3726,3727,3728,3729,3730,3731,3732,3733,3734,3735,3737,3738,3770,3771,3774,3781,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[0,-1,-2,-3,-4,-59,-60,-61,-62,-95,-96,-97,-115,-116,-117,-118,-119,-124,-125,-177,-178,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-176,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-98,-99,-120,-121,-122,-123,-127,-129,-126,-128,-1894,-134,-135,-172,-173,-174,-175,-1894,-993,-1894,-269,-270,-272,-274,-268,-1894,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-131,-151,-154,-156,-157,-130,-1894,-149,-150,-994,-1894,-1894,-185,-1894,-1894,-88,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-1894,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-132,-133,-179,-114,-1894,-1894,-184,-1894,-994,-1894,-1894,-1894,-1894,-1894,-251,-66,-180,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-1894,-108,-995,-75,-1894,-1894,-1894,-1894,-1894,-1894,-89,-90,-93,-94,-232,-245,-233,-245,-1894,-63,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-138,-140,-146,-147,-155,-5,-18,-109,-110,-76,-220,-1894,-1894,-77,-1894,-87,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-432,-1894,-1894,-188,-216,-1894,-111,-112,-113,-79,-1894,-78,-255,-257,-259,-67,-65,-938,-439,-441,-747,-891,-715,-1894,-183,-431,-433,-1894,-218,-190,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-6,-80,-244,-256,-258,-260,-64,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-7,-1894,-9,-10,-11,-12,-13,-14,-15,-16,-17,-68,-282,-434,-435,-465,-8,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'IDENTIFIER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3452,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[39,39,39,39,-1894,39,39,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,39,39,39,39,-275,-276,39,-1425,39,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,39,39,39,-490,39,39,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,39,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,39,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,39,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,39,-172,-173,-174,-175,-993,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-290,-291,-281,39,39,39,39,39,-328,-318,-332,-333,-334,39,39,-982,-983,-984,-985,-986,-987,-988,39,39,39,39,39,39,39,39,39,39,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,39,39,39,-353,-356,39,-323,-324,-141,39,-142,39,-143,39,-430,-935,-936,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-1894,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-1894,39,-1894,39,39,39,39,39,39,39,39,39,39,39,39,-1894,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,39,-1894,39,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,39,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,39,39,39,-191,-192,39,-994,39,39,39,39,39,-277,-278,-279,-280,-365,39,-308,39,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,39,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,39,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,39,39,39,39,39,39,-573,39,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,39,39,-723,-724,-725,39,39,39,39,39,39,-994,39,39,-91,-92,39,39,39,39,-309,-310,-320,39,-307,-293,-294,-295,39,39,39,39,-618,-633,-590,39,39,-436,39,-437,39,-444,-445,-446,-378,-379,39,39,39,-506,39,39,-510,39,39,39,39,-515,-516,-517,-518,39,39,-521,-522,39,-524,-525,-526,-527,-528,-529,-530,-531,39,-533,39,39,39,-539,-541,-542,39,-544,-545,-546,-547,39,39,39,39,39,39,-652,-653,-654,-655,39,-657,-658,-659,39,39,39,-665,39,39,-669,-670,39,39,-673,39,-675,-676,39,-679,39,-681,39,39,-684,-685,-686,39,-688,39,39,-691,39,39,-694,-695,-696,39,-698,-699,-700,-701,39,39,-746,39,-749,-750,-751,-752,-753,39,-755,-756,-757,-758,-759,39,-766,-767,-769,39,-771,-772,-773,-782,-856,-858,-860,-862,39,39,39,39,-868,39,-870,39,39,39,39,39,39,39,-906,-907,39,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,39,-921,-924,39,-934,39,-385,-386,-387,39,39,-390,-391,-392,-393,39,-396,39,-399,-400,39,-401,39,-406,-407,39,-410,-411,-412,39,-415,39,-416,39,-421,-422,39,-425,39,-428,-429,-1894,-1894,39,-619,-620,-621,-622,-623,-634,-584,-624,-797,39,39,39,39,39,-831,39,39,-806,39,-832,39,39,39,39,-798,39,-853,-799,39,39,39,39,39,39,-854,-855,39,-834,-830,-835,39,-625,39,-626,-627,-628,-629,-574,39,39,-630,-631,-632,39,39,39,39,39,39,-635,-636,-637,-592,-1894,-602,39,-638,-639,-713,-640,-604,39,-572,-577,-580,-583,39,39,39,-598,-601,39,-608,39,39,39,39,39,39,39,39,39,39,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,39,39,39,-995,39,39,39,39,39,39,-306,-325,-319,-296,-375,-452,-453,-454,-458,39,-443,39,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,39,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,39,39,39,39,39,39,39,39,39,-316,-535,-508,-591,-937,-939,-940,-438,39,-440,-380,-381,-383,-507,-509,-511,39,-513,-514,-519,-520,39,-532,-534,-537,-538,-543,-548,-726,39,-727,39,-732,39,-734,39,-739,-656,-660,-661,39,-666,39,-667,39,-672,-674,39,-677,39,39,39,-687,-689,39,-692,39,39,-744,39,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,39,39,39,39,39,-877,39,-880,-908,-920,-925,-388,-389,39,-394,39,-397,39,-402,39,-403,39,-408,39,-413,39,-417,39,-418,39,-423,39,-426,-899,-900,-643,-585,-1894,-901,39,39,39,-800,39,39,-804,39,-807,-833,39,-818,39,-820,39,-822,-808,39,-824,39,-851,-852,39,39,-811,39,-646,-902,-904,-648,-649,-645,39,-705,-706,39,-642,-903,-647,-650,-603,-714,39,39,-605,-586,39,39,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,39,39,-709,-710,39,-716,39,39,3587,39,39,39,39,-938,39,-439,-441,-747,39,-891,39,-715,-1894,39,39,39,39,39,-442,-512,-523,39,-728,-733,39,-735,39,-740,39,-662,-668,39,-678,-680,-682,-683,-690,-693,-697,-745,39,39,-874,39,39,-878,39,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,39,-812,39,-814,-801,39,-802,-805,39,-816,-819,-821,-823,-825,39,-826,39,-809,39,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,39,-282,39,39,39,39,-455,39,39,-729,39,-736,39,-741,39,-663,-671,39,39,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,39,-836,-53,39,39,-730,39,-737,39,-742,-664,39,-873,-54,39,39,-731,-738,-743,39,39,39,-872,]),'DIGIT_IDENTIFIER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[42,42,42,42,-1894,42,42,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,42,42,42,42,-275,-276,42,-1425,42,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,42,42,42,-490,42,42,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,42,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,42,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,42,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,42,-172,-173,-174,-175,-993,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-290,-291,-281,42,42,42,42,42,-328,-318,-332,-333,-334,42,42,-982,-983,-984,-985,-986,-987,-988,42,42,42,42,42,42,42,42,42,42,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,42,42,42,-353,-356,42,-323,-324,-141,42,-142,42,-143,42,-430,-935,-936,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-1894,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-1894,42,-1894,42,42,42,42,42,42,42,42,42,42,42,42,-1894,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,42,-1894,42,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,42,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,42,42,42,-191,-192,42,-994,42,42,42,42,42,-277,-278,-279,-280,-365,42,-308,42,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,42,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,42,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,42,42,42,42,42,42,-573,42,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,42,42,-723,-724,-725,42,42,42,42,42,42,-994,42,42,-91,-92,42,42,42,42,-309,-310,-320,42,-307,-293,-294,-295,42,42,42,42,-618,-633,-590,42,42,-436,42,-437,42,-444,-445,-446,-378,-379,42,42,42,-506,42,42,-510,42,42,42,42,-515,-516,-517,-518,42,42,-521,-522,42,-524,-525,-526,-527,-528,-529,-530,-531,42,-533,42,42,42,-539,-541,-542,42,-544,-545,-546,-547,42,42,42,42,42,42,-652,-653,-654,-655,42,-657,-658,-659,42,42,42,-665,42,42,-669,-670,42,42,-673,42,-675,-676,42,-679,42,-681,42,42,-684,-685,-686,42,-688,42,42,-691,42,42,-694,-695,-696,42,-698,-699,-700,-701,42,42,-746,42,-749,-750,-751,-752,-753,42,-755,-756,-757,-758,-759,42,-766,-767,-769,42,-771,-772,-773,-782,-856,-858,-860,-862,42,42,42,42,-868,42,-870,42,42,42,42,42,42,42,-906,-907,42,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,42,-921,-924,42,-934,42,-385,-386,-387,42,42,-390,-391,-392,-393,42,-396,42,-399,-400,42,-401,42,-406,-407,42,-410,-411,-412,42,-415,42,-416,42,-421,-422,42,-425,42,-428,-429,-1894,-1894,42,-619,-620,-621,-622,-623,-634,-584,-624,-797,42,42,42,42,42,-831,42,42,-806,42,-832,42,42,42,42,-798,42,-853,-799,42,42,42,42,42,42,-854,-855,42,-834,-830,-835,42,-625,42,-626,-627,-628,-629,-574,42,42,-630,-631,-632,42,42,42,42,42,42,-635,-636,-637,-592,-1894,-602,42,-638,-639,-713,-640,-604,42,-572,-577,-580,-583,42,42,42,-598,-601,42,-608,42,42,42,42,42,42,42,42,42,42,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,42,42,42,-995,42,42,42,42,42,42,-306,-325,-319,-296,-375,-452,-453,-454,-458,42,-443,42,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,42,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,42,42,42,42,42,42,42,42,42,-316,-535,-508,-591,-937,-939,-940,-438,42,-440,-380,-381,-383,-507,-509,-511,42,-513,-514,-519,-520,42,-532,-534,-537,-538,-543,-548,-726,42,-727,42,-732,42,-734,42,-739,-656,-660,-661,42,-666,42,-667,42,-672,-674,42,-677,42,42,42,-687,-689,42,-692,42,42,-744,42,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,42,42,42,42,42,-877,42,-880,-908,-920,-925,-388,-389,42,-394,42,-397,42,-402,42,-403,42,-408,42,-413,42,-417,42,-418,42,-423,42,-426,-899,-900,-643,-585,-1894,-901,42,42,42,-800,42,42,-804,42,-807,-833,42,-818,42,-820,42,-822,-808,42,-824,42,-851,-852,42,42,-811,42,-646,-902,-904,-648,-649,-645,42,-705,-706,42,-642,-903,-647,-650,-603,-714,42,42,-605,-586,42,42,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,42,42,-709,-710,42,-716,42,42,42,42,42,42,-938,42,-439,-441,-747,42,-891,42,-715,-1894,42,42,42,42,42,-442,-512,-523,42,-728,-733,42,-735,42,-740,42,-662,-668,42,-678,-680,-682,-683,-690,-693,-697,-745,42,42,-874,42,42,-878,42,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,42,-812,42,-814,-801,42,-802,-805,42,-816,-819,-821,-823,-825,42,-826,42,-809,42,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,42,-282,42,42,42,42,-455,42,42,-729,42,-736,42,-741,42,-663,-671,42,42,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,42,-836,-53,42,42,-730,42,-737,42,-742,-664,42,-873,-54,42,42,-731,-738,-743,42,42,42,-872,]),'BACKQUOTED_IDENTIFIER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[43,43,43,43,-1894,43,43,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,43,43,43,43,-275,-276,43,-1425,43,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,43,43,43,-490,43,43,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,43,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,43,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,43,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,43,-172,-173,-174,-175,-993,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-290,-291,-281,43,43,43,43,43,-328,-318,-332,-333,-334,43,43,-982,-983,-984,-985,-986,-987,-988,43,43,43,43,43,43,43,43,43,43,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,43,43,43,-353,-356,43,-323,-324,-141,43,-142,43,-143,43,-430,-935,-936,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-1894,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-1894,43,-1894,43,43,43,43,43,43,43,43,43,43,43,43,-1894,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,43,-1894,43,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,43,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,43,43,43,-191,-192,43,-994,43,43,43,43,43,-277,-278,-279,-280,-365,43,-308,43,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,43,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,43,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,43,43,43,43,43,43,-573,43,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,43,43,-723,-724,-725,43,43,43,43,43,43,-994,43,43,-91,-92,43,43,43,43,-309,-310,-320,43,-307,-293,-294,-295,43,43,43,43,-618,-633,-590,43,43,-436,43,-437,43,-444,-445,-446,-378,-379,43,43,43,-506,43,43,-510,43,43,43,43,-515,-516,-517,-518,43,43,-521,-522,43,-524,-525,-526,-527,-528,-529,-530,-531,43,-533,43,43,43,-539,-541,-542,43,-544,-545,-546,-547,43,43,43,43,43,43,-652,-653,-654,-655,43,-657,-658,-659,43,43,43,-665,43,43,-669,-670,43,43,-673,43,-675,-676,43,-679,43,-681,43,43,-684,-685,-686,43,-688,43,43,-691,43,43,-694,-695,-696,43,-698,-699,-700,-701,43,43,-746,43,-749,-750,-751,-752,-753,43,-755,-756,-757,-758,-759,43,-766,-767,-769,43,-771,-772,-773,-782,-856,-858,-860,-862,43,43,43,43,-868,43,-870,43,43,43,43,43,43,43,-906,-907,43,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,43,-921,-924,43,-934,43,-385,-386,-387,43,43,-390,-391,-392,-393,43,-396,43,-399,-400,43,-401,43,-406,-407,43,-410,-411,-412,43,-415,43,-416,43,-421,-422,43,-425,43,-428,-429,-1894,-1894,43,-619,-620,-621,-622,-623,-634,-584,-624,-797,43,43,43,43,43,-831,43,43,-806,43,-832,43,43,43,43,-798,43,-853,-799,43,43,43,43,43,43,-854,-855,43,-834,-830,-835,43,-625,43,-626,-627,-628,-629,-574,43,43,-630,-631,-632,43,43,43,43,43,43,-635,-636,-637,-592,-1894,-602,43,-638,-639,-713,-640,-604,43,-572,-577,-580,-583,43,43,43,-598,-601,43,-608,43,43,43,43,43,43,43,43,43,43,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,43,43,43,-995,43,43,43,43,43,43,-306,-325,-319,-296,-375,-452,-453,-454,-458,43,-443,43,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,43,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,43,43,43,43,43,43,43,43,43,-316,-535,-508,-591,-937,-939,-940,-438,43,-440,-380,-381,-383,-507,-509,-511,43,-513,-514,-519,-520,43,-532,-534,-537,-538,-543,-548,-726,43,-727,43,-732,43,-734,43,-739,-656,-660,-661,43,-666,43,-667,43,-672,-674,43,-677,43,43,43,-687,-689,43,-692,43,43,-744,43,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,43,43,43,43,43,-877,43,-880,-908,-920,-925,-388,-389,43,-394,43,-397,43,-402,43,-403,43,-408,43,-413,43,-417,43,-418,43,-423,43,-426,-899,-900,-643,-585,-1894,-901,43,43,43,-800,43,43,-804,43,-807,-833,43,-818,43,-820,43,-822,-808,43,-824,43,-851,-852,43,43,-811,43,-646,-902,-904,-648,-649,-645,43,-705,-706,43,-642,-903,-647,-650,-603,-714,43,43,-605,-586,43,43,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,43,43,-709,-710,43,-716,43,43,43,43,43,43,-938,43,-439,-441,-747,43,-891,43,-715,-1894,43,43,43,43,43,-442,-512,-523,43,-728,-733,43,-735,43,-740,43,-662,-668,43,-678,-680,-682,-683,-690,-693,-697,-745,43,43,-874,43,43,-878,43,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,43,-812,43,-814,-801,43,-802,-805,43,-816,-819,-821,-823,-825,43,-826,43,-809,43,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,43,-282,43,43,43,43,-455,43,43,-729,43,-736,43,-741,43,-663,-671,43,43,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,43,-836,-53,43,43,-730,43,-737,43,-742,-664,43,-873,-54,43,43,-731,-738,-743,43,43,43,-872,]),'ABS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[44,44,44,1048,-1894,44,44,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,44,44,44,44,-275,-276,1048,-1425,1048,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1048,1048,1048,-490,1048,1048,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1048,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1048,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1823,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,44,-172,-173,-174,-175,-993,44,44,44,44,44,44,44,44,44,44,1048,1048,1048,1048,1048,-290,-291,-281,44,1048,1048,1048,1048,-328,-318,-332,-333,-334,1048,1048,-982,-983,-984,-985,-986,-987,-988,44,44,1048,1048,1048,1048,1048,1048,1048,1048,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1048,1048,1048,-353,-356,44,-323,-324,-141,1048,-142,1048,-143,1048,-430,-935,-936,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1894,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1894,1048,-1894,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1894,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-1894,44,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1048,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1048,44,44,-191,-192,44,-994,1048,44,44,44,44,-277,-278,-279,-280,-365,1048,-308,1048,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1048,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1048,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1048,1048,1048,1048,1048,1048,-573,1048,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1048,1048,-723,-724,-725,1048,1823,44,44,44,44,-994,44,1048,-91,-92,44,44,44,1048,-309,-310,-320,1048,-307,-293,-294,-295,1048,44,1048,1048,-618,-633,-590,1048,44,-436,44,-437,1048,-444,-445,-446,-378,-379,1048,1048,1048,-506,1048,1048,-510,1048,1048,1048,1048,-515,-516,-517,-518,1048,1048,-521,-522,1048,-524,-525,-526,-527,-528,-529,-530,-531,1048,-533,1048,1048,1048,-539,-541,-542,1048,-544,-545,-546,-547,1048,1048,1048,1048,1048,1048,-652,-653,-654,-655,44,-657,-658,-659,1048,1048,1048,-665,1048,1048,-669,-670,1048,1048,-673,1048,-675,-676,1048,-679,1048,-681,1048,1048,-684,-685,-686,1048,-688,1048,1048,-691,1048,1048,-694,-695,-696,1048,-698,-699,-700,-701,1048,1048,-746,1048,-749,-750,-751,-752,-753,1048,-755,-756,-757,-758,-759,1048,-766,-767,-769,1048,-771,-772,-773,-782,-856,-858,-860,-862,1048,1048,1048,1048,-868,1048,-870,1048,1048,1048,1048,1048,1048,1048,-906,-907,1048,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1048,-921,-924,1048,-934,1048,-385,-386,-387,1048,1048,-390,-391,-392,-393,1048,-396,1048,-399,-400,1048,-401,1048,-406,-407,1048,-410,-411,-412,1048,-415,1048,-416,1048,-421,-422,1048,-425,1048,-428,-429,-1894,-1894,1048,-619,-620,-621,-622,-623,-634,-584,-624,-797,1048,1048,1048,1048,1048,-831,1048,1048,-806,1048,-832,1048,1048,1048,1048,-798,1048,-853,-799,1048,1048,1048,1048,1048,1048,-854,-855,1048,-834,-830,-835,1048,-625,1048,-626,-627,-628,-629,-574,1048,1048,-630,-631,-632,1048,1048,1048,1048,1048,1048,-635,-636,-637,-592,-1894,-602,1048,-638,-639,-713,-640,-604,1048,-572,-577,-580,-583,1048,1048,1048,-598,-601,1048,-608,1048,1048,1048,1048,1048,1048,1048,1048,1048,1048,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1048,44,44,-995,44,1048,44,44,44,1048,-306,-325,-319,-296,-375,-452,-453,-454,-458,44,-443,1048,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1048,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,44,44,44,44,44,44,44,44,1048,-316,-535,-508,-591,-937,-939,-940,-438,1048,-440,-380,-381,-383,-507,-509,-511,1048,-513,-514,-519,-520,1048,-532,-534,-537,-538,-543,-548,-726,1048,-727,1048,-732,1048,-734,1048,-739,-656,-660,-661,1048,-666,1048,-667,1048,-672,-674,1048,-677,1048,1048,1048,-687,-689,1048,-692,1048,1048,-744,1048,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1048,1048,1048,1048,1048,-877,1048,-880,-908,-920,-925,-388,-389,1048,-394,1048,-397,1048,-402,1048,-403,1048,-408,1048,-413,1048,-417,1048,-418,1048,-423,1048,-426,-899,-900,-643,-585,-1894,-901,1048,1048,1048,-800,1048,1048,-804,1048,-807,-833,1048,-818,1048,-820,1048,-822,-808,1048,-824,1048,-851,-852,1048,1048,-811,1048,-646,-902,-904,-648,-649,-645,1048,-705,-706,1048,-642,-903,-647,-650,-603,-714,1048,1048,-605,-586,1048,1048,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1048,1048,-709,-710,1048,-716,1048,44,44,44,1048,1048,-938,44,-439,-441,-747,1048,-891,1823,-715,-1894,1048,1048,44,44,1048,-442,-512,-523,1048,-728,-733,1048,-735,1048,-740,1048,-662,-668,1048,-678,-680,-682,-683,-690,-693,-697,-745,1048,1048,-874,1048,1048,-878,1048,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1048,-812,1048,-814,-801,1048,-802,-805,1048,-816,-819,-821,-823,-825,1048,-826,1048,-809,1048,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,44,-282,44,1048,44,1048,-455,1048,1048,-729,1048,-736,1048,-741,1048,-663,-671,1048,1048,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1048,-836,-53,44,1048,-730,1048,-737,1048,-742,-664,1048,-873,-54,44,44,-731,-738,-743,1048,44,1048,-872,]),'ACCESSIBLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[45,45,45,45,-1894,45,45,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,45,45,45,45,-275,-276,45,-1425,45,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,45,45,45,-490,45,45,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,45,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,45,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,45,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,45,-172,-173,-174,-175,-993,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-290,-291,-281,45,45,45,45,45,-328,-318,-332,-333,-334,45,45,-982,-983,-984,-985,-986,-987,-988,45,45,45,45,45,45,45,45,45,45,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,45,45,45,-353,-356,45,-323,-324,-141,45,-142,45,-143,45,-430,-935,-936,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-1894,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-1894,45,-1894,45,45,45,45,45,45,45,45,45,45,45,45,-1894,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,45,-1894,45,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,45,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,45,45,45,-191,-192,45,-994,45,45,45,45,45,-277,-278,-279,-280,-365,45,-308,45,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,45,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,45,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,45,45,45,45,45,45,-573,45,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,45,45,-723,-724,-725,45,45,45,45,45,45,-994,45,45,-91,-92,45,45,45,45,-309,-310,-320,45,-307,-293,-294,-295,45,45,45,45,-618,-633,-590,45,45,-436,45,-437,45,-444,-445,-446,-378,-379,45,45,45,-506,45,45,-510,45,45,45,45,-515,-516,-517,-518,45,45,-521,-522,45,-524,-525,-526,-527,-528,-529,-530,-531,45,-533,45,45,45,-539,-541,-542,45,-544,-545,-546,-547,45,45,45,45,45,45,-652,-653,-654,-655,45,-657,-658,-659,45,45,45,-665,45,45,-669,-670,45,45,-673,45,-675,-676,45,-679,45,-681,45,45,-684,-685,-686,45,-688,45,45,-691,45,45,-694,-695,-696,45,-698,-699,-700,-701,45,45,-746,45,-749,-750,-751,-752,-753,45,-755,-756,-757,-758,-759,45,-766,-767,-769,45,-771,-772,-773,-782,-856,-858,-860,-862,45,45,45,45,-868,45,-870,45,45,45,45,45,45,45,-906,-907,45,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,45,-921,-924,45,-934,45,-385,-386,-387,45,45,-390,-391,-392,-393,45,-396,45,-399,-400,45,-401,45,-406,-407,45,-410,-411,-412,45,-415,45,-416,45,-421,-422,45,-425,45,-428,-429,-1894,-1894,45,-619,-620,-621,-622,-623,-634,-584,-624,-797,45,45,45,45,45,-831,45,45,-806,45,-832,45,45,45,45,-798,45,-853,-799,45,45,45,45,45,45,-854,-855,45,-834,-830,-835,45,-625,45,-626,-627,-628,-629,-574,45,45,-630,-631,-632,45,45,45,45,45,45,-635,-636,-637,-592,-1894,-602,45,-638,-639,-713,-640,-604,45,-572,-577,-580,-583,45,45,45,-598,-601,45,-608,45,45,45,45,45,45,45,45,45,45,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,45,45,45,-995,45,45,45,45,45,45,-306,-325,-319,-296,-375,-452,-453,-454,-458,45,-443,45,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,45,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,45,45,45,45,45,45,45,45,45,-316,-535,-508,-591,-937,-939,-940,-438,45,-440,-380,-381,-383,-507,-509,-511,45,-513,-514,-519,-520,45,-532,-534,-537,-538,-543,-548,-726,45,-727,45,-732,45,-734,45,-739,-656,-660,-661,45,-666,45,-667,45,-672,-674,45,-677,45,45,45,-687,-689,45,-692,45,45,-744,45,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,45,45,45,45,45,-877,45,-880,-908,-920,-925,-388,-389,45,-394,45,-397,45,-402,45,-403,45,-408,45,-413,45,-417,45,-418,45,-423,45,-426,-899,-900,-643,-585,-1894,-901,45,45,45,-800,45,45,-804,45,-807,-833,45,-818,45,-820,45,-822,-808,45,-824,45,-851,-852,45,45,-811,45,-646,-902,-904,-648,-649,-645,45,-705,-706,45,-642,-903,-647,-650,-603,-714,45,45,-605,-586,45,45,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,45,45,-709,-710,45,-716,45,45,45,45,45,45,-938,45,-439,-441,-747,45,-891,45,-715,-1894,45,45,45,45,45,-442,-512,-523,45,-728,-733,45,-735,45,-740,45,-662,-668,45,-678,-680,-682,-683,-690,-693,-697,-745,45,45,-874,45,45,-878,45,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,45,-812,45,-814,-801,45,-802,-805,45,-816,-819,-821,-823,-825,45,-826,45,-809,45,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,45,-282,45,45,45,45,-455,45,45,-729,45,-736,45,-741,45,-663,-671,45,45,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,45,-836,-53,45,45,-730,45,-737,45,-742,-664,45,-873,-54,45,45,-731,-738,-743,45,45,45,-872,]),'ACCOUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[46,46,46,46,-1894,46,46,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,46,46,46,46,-275,-276,46,-1425,46,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,46,46,46,-490,46,46,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,46,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,46,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,46,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,46,-172,-173,-174,-175,-993,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-290,-291,-281,46,46,46,46,46,-328,-318,-332,-333,-334,46,46,-982,-983,-984,-985,-986,-987,-988,46,46,46,46,46,46,46,46,46,46,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,46,46,46,-353,-356,46,-323,-324,-141,46,-142,46,-143,46,-430,-935,-936,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-1894,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-1894,46,-1894,46,46,46,46,46,46,46,46,46,46,46,46,-1894,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,46,-1894,46,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,46,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,46,46,46,-191,-192,46,-994,46,46,46,46,46,-277,-278,-279,-280,-365,46,-308,46,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,46,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,46,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,46,46,46,46,46,46,-573,46,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,46,46,-723,-724,-725,46,46,46,46,46,46,-994,46,46,-91,-92,46,46,46,46,-309,-310,-320,46,-307,-293,-294,-295,46,46,46,46,-618,-633,-590,46,46,-436,46,-437,46,-444,-445,-446,-378,-379,46,46,46,-506,46,46,-510,46,46,46,46,-515,-516,-517,-518,46,46,-521,-522,46,-524,-525,-526,-527,-528,-529,-530,-531,46,-533,46,46,46,-539,-541,-542,46,-544,-545,-546,-547,46,46,46,46,46,46,-652,-653,-654,-655,46,-657,-658,-659,46,46,46,-665,46,46,-669,-670,46,46,-673,46,-675,-676,46,-679,46,-681,46,46,-684,-685,-686,46,-688,46,46,-691,46,46,-694,-695,-696,46,-698,-699,-700,-701,46,46,-746,46,-749,-750,-751,-752,-753,46,-755,-756,-757,-758,-759,46,-766,-767,-769,46,-771,-772,-773,-782,-856,-858,-860,-862,46,46,46,46,-868,46,-870,46,46,46,46,46,46,46,-906,-907,46,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,46,-921,-924,46,-934,46,-385,-386,-387,46,46,-390,-391,-392,-393,46,-396,46,-399,-400,46,-401,46,-406,-407,46,-410,-411,-412,46,-415,46,-416,46,-421,-422,46,-425,46,-428,-429,-1894,-1894,46,-619,-620,-621,-622,-623,-634,-584,-624,-797,46,46,46,46,46,-831,46,46,-806,46,-832,46,46,46,46,-798,46,-853,-799,46,46,46,46,46,46,-854,-855,46,-834,-830,-835,46,-625,46,-626,-627,-628,-629,-574,46,46,-630,-631,-632,46,46,46,46,46,46,-635,-636,-637,-592,-1894,-602,46,-638,-639,-713,-640,-604,46,-572,-577,-580,-583,46,46,46,-598,-601,46,-608,46,46,46,46,46,46,46,46,46,46,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,46,46,46,-995,46,46,46,46,46,46,-306,-325,-319,-296,-375,-452,-453,-454,-458,46,-443,46,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,46,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,46,46,46,46,46,46,46,46,46,-316,-535,-508,-591,-937,-939,-940,-438,46,-440,-380,-381,-383,-507,-509,-511,46,-513,-514,-519,-520,46,-532,-534,-537,-538,-543,-548,-726,46,-727,46,-732,46,-734,46,-739,-656,-660,-661,46,-666,46,-667,46,-672,-674,46,-677,46,46,46,-687,-689,46,-692,46,46,-744,46,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,46,46,46,46,46,-877,46,-880,-908,-920,-925,-388,-389,46,-394,46,-397,46,-402,46,-403,46,-408,46,-413,46,-417,46,-418,46,-423,46,-426,-899,-900,-643,-585,-1894,-901,46,46,46,-800,46,46,-804,46,-807,-833,46,-818,46,-820,46,-822,-808,46,-824,46,-851,-852,46,46,-811,46,-646,-902,-904,-648,-649,-645,46,-705,-706,46,-642,-903,-647,-650,-603,-714,46,46,-605,-586,46,46,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,46,46,-709,-710,46,-716,46,46,46,46,46,46,-938,46,-439,-441,-747,46,-891,46,-715,-1894,46,46,46,46,46,-442,-512,-523,46,-728,-733,46,-735,46,-740,46,-662,-668,46,-678,-680,-682,-683,-690,-693,-697,-745,46,46,-874,46,46,-878,46,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,46,-812,46,-814,-801,46,-802,-805,46,-816,-819,-821,-823,-825,46,-826,46,-809,46,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,46,-282,46,46,46,46,-455,46,46,-729,46,-736,46,-741,46,-663,-671,46,46,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,46,-836,-53,46,46,-730,46,-737,46,-742,-664,46,-873,-54,46,46,-731,-738,-743,46,46,46,-872,]),'ACOS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[47,47,47,1049,-1894,47,47,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,47,47,47,47,-275,-276,1049,-1425,1049,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1049,1049,1049,-490,1049,1049,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1049,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1049,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1824,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,47,-172,-173,-174,-175,-993,47,47,47,47,47,47,47,47,47,47,1049,1049,1049,1049,1049,-290,-291,-281,47,1049,1049,1049,1049,-328,-318,-332,-333,-334,1049,1049,-982,-983,-984,-985,-986,-987,-988,47,47,1049,1049,1049,1049,1049,1049,1049,1049,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1049,1049,1049,-353,-356,47,-323,-324,-141,1049,-142,1049,-143,1049,-430,-935,-936,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1894,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1894,1049,-1894,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1894,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-1894,47,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1049,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1049,47,47,-191,-192,47,-994,1049,47,47,47,47,-277,-278,-279,-280,-365,1049,-308,1049,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1049,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1049,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1049,1049,1049,1049,1049,1049,-573,1049,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1049,1049,-723,-724,-725,1049,1824,47,47,47,47,-994,47,1049,-91,-92,47,47,47,1049,-309,-310,-320,1049,-307,-293,-294,-295,1049,47,1049,1049,-618,-633,-590,1049,47,-436,47,-437,1049,-444,-445,-446,-378,-379,1049,1049,1049,-506,1049,1049,-510,1049,1049,1049,1049,-515,-516,-517,-518,1049,1049,-521,-522,1049,-524,-525,-526,-527,-528,-529,-530,-531,1049,-533,1049,1049,1049,-539,-541,-542,1049,-544,-545,-546,-547,1049,1049,1049,1049,1049,1049,-652,-653,-654,-655,47,-657,-658,-659,1049,1049,1049,-665,1049,1049,-669,-670,1049,1049,-673,1049,-675,-676,1049,-679,1049,-681,1049,1049,-684,-685,-686,1049,-688,1049,1049,-691,1049,1049,-694,-695,-696,1049,-698,-699,-700,-701,1049,1049,-746,1049,-749,-750,-751,-752,-753,1049,-755,-756,-757,-758,-759,1049,-766,-767,-769,1049,-771,-772,-773,-782,-856,-858,-860,-862,1049,1049,1049,1049,-868,1049,-870,1049,1049,1049,1049,1049,1049,1049,-906,-907,1049,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1049,-921,-924,1049,-934,1049,-385,-386,-387,1049,1049,-390,-391,-392,-393,1049,-396,1049,-399,-400,1049,-401,1049,-406,-407,1049,-410,-411,-412,1049,-415,1049,-416,1049,-421,-422,1049,-425,1049,-428,-429,-1894,-1894,1049,-619,-620,-621,-622,-623,-634,-584,-624,-797,1049,1049,1049,1049,1049,-831,1049,1049,-806,1049,-832,1049,1049,1049,1049,-798,1049,-853,-799,1049,1049,1049,1049,1049,1049,-854,-855,1049,-834,-830,-835,1049,-625,1049,-626,-627,-628,-629,-574,1049,1049,-630,-631,-632,1049,1049,1049,1049,1049,1049,-635,-636,-637,-592,-1894,-602,1049,-638,-639,-713,-640,-604,1049,-572,-577,-580,-583,1049,1049,1049,-598,-601,1049,-608,1049,1049,1049,1049,1049,1049,1049,1049,1049,1049,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1049,47,47,-995,47,1049,47,47,47,1049,-306,-325,-319,-296,-375,-452,-453,-454,-458,47,-443,1049,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1049,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,47,47,47,47,47,47,47,47,1049,-316,-535,-508,-591,-937,-939,-940,-438,1049,-440,-380,-381,-383,-507,-509,-511,1049,-513,-514,-519,-520,1049,-532,-534,-537,-538,-543,-548,-726,1049,-727,1049,-732,1049,-734,1049,-739,-656,-660,-661,1049,-666,1049,-667,1049,-672,-674,1049,-677,1049,1049,1049,-687,-689,1049,-692,1049,1049,-744,1049,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1049,1049,1049,1049,1049,-877,1049,-880,-908,-920,-925,-388,-389,1049,-394,1049,-397,1049,-402,1049,-403,1049,-408,1049,-413,1049,-417,1049,-418,1049,-423,1049,-426,-899,-900,-643,-585,-1894,-901,1049,1049,1049,-800,1049,1049,-804,1049,-807,-833,1049,-818,1049,-820,1049,-822,-808,1049,-824,1049,-851,-852,1049,1049,-811,1049,-646,-902,-904,-648,-649,-645,1049,-705,-706,1049,-642,-903,-647,-650,-603,-714,1049,1049,-605,-586,1049,1049,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1049,1049,-709,-710,1049,-716,1049,47,47,47,1049,1049,-938,47,-439,-441,-747,1049,-891,1824,-715,-1894,1049,1049,47,47,1049,-442,-512,-523,1049,-728,-733,1049,-735,1049,-740,1049,-662,-668,1049,-678,-680,-682,-683,-690,-693,-697,-745,1049,1049,-874,1049,1049,-878,1049,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1049,-812,1049,-814,-801,1049,-802,-805,1049,-816,-819,-821,-823,-825,1049,-826,1049,-809,1049,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,47,-282,47,1049,47,1049,-455,1049,1049,-729,1049,-736,1049,-741,1049,-663,-671,1049,1049,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1049,-836,-53,47,1049,-730,1049,-737,1049,-742,-664,1049,-873,-54,47,47,-731,-738,-743,1049,47,1049,-872,]),'ACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[48,48,48,48,-1894,48,48,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,48,48,48,48,-275,-276,48,-1425,48,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,48,48,48,-490,48,48,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,48,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,48,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,48,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,48,-172,-173,-174,-175,-993,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-290,-291,-281,48,48,48,48,48,-328,-318,-332,-333,-334,48,48,-982,-983,-984,-985,-986,-987,-988,48,48,48,48,48,48,48,48,48,48,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,48,48,48,-353,-356,48,-323,-324,-141,48,-142,48,-143,48,-430,-935,-936,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-1894,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-1894,48,-1894,48,48,48,48,48,48,48,48,48,48,48,48,-1894,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,48,-1894,48,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,48,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,48,48,48,-191,-192,48,-994,48,48,48,48,48,-277,-278,-279,-280,-365,48,-308,48,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,48,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,48,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,48,48,48,48,48,48,-573,48,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,48,48,-723,-724,-725,48,48,48,48,48,48,-994,48,48,-91,-92,48,48,48,48,-309,-310,-320,48,-307,-293,-294,-295,48,48,48,48,-618,-633,-590,48,48,-436,48,-437,48,-444,-445,-446,-378,-379,48,48,48,-506,48,48,-510,48,48,48,48,-515,-516,-517,-518,48,48,-521,-522,48,-524,-525,-526,-527,-528,-529,-530,-531,48,-533,48,48,48,-539,-541,-542,48,-544,-545,-546,-547,48,48,48,48,48,48,-652,-653,-654,-655,48,-657,-658,-659,48,48,48,-665,48,48,-669,-670,48,48,-673,48,-675,-676,48,-679,48,-681,48,48,-684,-685,-686,48,-688,48,48,-691,48,48,-694,-695,-696,48,-698,-699,-700,-701,48,48,-746,48,-749,-750,-751,-752,-753,48,-755,-756,-757,-758,-759,48,-766,-767,-769,48,-771,-772,-773,-782,-856,-858,-860,-862,48,48,48,48,-868,48,-870,48,48,48,48,48,48,48,-906,-907,48,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,48,-921,-924,48,-934,48,-385,-386,-387,48,48,-390,-391,-392,-393,48,-396,48,-399,-400,48,-401,48,-406,-407,48,-410,-411,-412,48,-415,48,-416,48,-421,-422,48,-425,48,-428,-429,-1894,-1894,48,-619,-620,-621,-622,-623,-634,-584,-624,-797,48,48,48,48,48,-831,48,48,-806,48,-832,48,48,48,48,-798,48,-853,-799,48,48,48,48,48,48,-854,-855,48,-834,-830,-835,48,-625,48,-626,-627,-628,-629,-574,48,48,-630,-631,-632,48,48,48,48,48,48,-635,-636,-637,-592,-1894,-602,48,-638,-639,-713,-640,-604,48,-572,-577,-580,-583,48,48,48,-598,-601,48,-608,48,48,48,48,48,48,48,48,48,48,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,48,48,48,-995,48,48,48,48,48,48,-306,-325,-319,-296,-375,-452,-453,-454,-458,48,-443,48,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,48,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,48,48,48,48,48,48,48,48,48,-316,-535,-508,-591,-937,-939,-940,-438,48,-440,-380,-381,-383,-507,-509,-511,48,-513,-514,-519,-520,48,-532,-534,-537,-538,-543,-548,-726,48,-727,48,-732,48,-734,48,-739,-656,-660,-661,48,-666,48,-667,48,-672,-674,48,-677,48,48,48,-687,-689,48,-692,48,48,-744,48,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,48,48,48,48,48,-877,48,-880,-908,-920,-925,-388,-389,48,-394,48,-397,48,-402,48,-403,48,-408,48,-413,48,-417,48,-418,48,-423,48,-426,-899,-900,-643,-585,-1894,-901,48,48,48,-800,48,48,-804,48,-807,-833,48,-818,48,-820,48,-822,-808,48,-824,48,-851,-852,48,48,-811,48,-646,-902,-904,-648,-649,-645,48,-705,-706,48,-642,-903,-647,-650,-603,-714,48,48,-605,-586,48,48,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,48,48,-709,-710,48,-716,48,48,48,48,48,48,-938,48,-439,-441,-747,48,-891,48,-715,-1894,48,48,48,48,48,-442,-512,-523,48,-728,-733,48,-735,48,-740,48,-662,-668,48,-678,-680,-682,-683,-690,-693,-697,-745,48,48,-874,48,48,-878,48,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,48,-812,48,-814,-801,48,-802,-805,48,-816,-819,-821,-823,-825,48,-826,48,-809,48,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,48,-282,48,48,48,48,-455,48,48,-729,48,-736,48,-741,48,-663,-671,48,48,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,48,-836,-53,48,48,-730,48,-737,48,-742,-664,48,-873,-54,48,48,-731,-738,-743,48,48,48,-872,]),'ACTIVATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[49,49,49,49,-1894,49,49,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,49,49,49,49,-275,-276,49,-1425,49,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,49,49,49,-490,49,49,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,49,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,49,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,49,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,49,-172,-173,-174,-175,-993,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-290,-291,-281,49,49,49,49,49,-328,-318,-332,-333,-334,49,49,-982,-983,-984,-985,-986,-987,-988,49,49,49,49,49,49,49,49,49,49,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,49,49,49,-353,-356,49,-323,-324,-141,49,-142,49,-143,49,-430,-935,-936,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-1894,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-1894,49,-1894,49,49,49,49,49,49,49,49,49,49,49,49,-1894,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,49,-1894,49,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,49,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,49,49,49,-191,-192,49,-994,49,49,49,49,49,-277,-278,-279,-280,-365,49,-308,49,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,49,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,49,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,49,49,49,49,49,49,-573,49,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,49,49,-723,-724,-725,49,49,49,49,49,49,-994,49,49,-91,-92,49,49,49,49,-309,-310,-320,49,-307,-293,-294,-295,49,49,49,49,-618,-633,-590,49,49,-436,49,-437,49,-444,-445,-446,-378,-379,49,49,49,-506,49,49,-510,49,49,49,49,-515,-516,-517,-518,49,49,-521,-522,49,-524,-525,-526,-527,-528,-529,-530,-531,49,-533,49,49,49,-539,-541,-542,49,-544,-545,-546,-547,49,49,49,49,49,49,-652,-653,-654,-655,49,-657,-658,-659,49,49,49,-665,49,49,-669,-670,49,49,-673,49,-675,-676,49,-679,49,-681,49,49,-684,-685,-686,49,-688,49,49,-691,49,49,-694,-695,-696,49,-698,-699,-700,-701,49,49,-746,49,-749,-750,-751,-752,-753,49,-755,-756,-757,-758,-759,49,-766,-767,-769,49,-771,-772,-773,-782,-856,-858,-860,-862,49,49,49,49,-868,49,-870,49,49,49,49,49,49,49,-906,-907,49,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,49,-921,-924,49,-934,49,-385,-386,-387,49,49,-390,-391,-392,-393,49,-396,49,-399,-400,49,-401,49,-406,-407,49,-410,-411,-412,49,-415,49,-416,49,-421,-422,49,-425,49,-428,-429,-1894,-1894,49,-619,-620,-621,-622,-623,-634,-584,-624,-797,49,49,49,49,49,-831,49,49,-806,49,-832,49,49,49,49,-798,49,-853,-799,49,49,49,49,49,49,-854,-855,49,-834,-830,-835,49,-625,49,-626,-627,-628,-629,-574,49,49,-630,-631,-632,49,49,49,49,49,49,-635,-636,-637,-592,-1894,-602,49,-638,-639,-713,-640,-604,49,-572,-577,-580,-583,49,49,49,-598,-601,49,-608,49,49,49,49,49,49,49,49,49,49,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,49,49,49,-995,49,49,49,49,49,49,-306,-325,-319,-296,-375,-452,-453,-454,-458,49,-443,49,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,49,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,49,49,49,49,49,49,49,49,49,-316,-535,-508,-591,-937,-939,-940,-438,49,-440,-380,-381,-383,-507,-509,-511,49,-513,-514,-519,-520,49,-532,-534,-537,-538,-543,-548,-726,49,-727,49,-732,49,-734,49,-739,-656,-660,-661,49,-666,49,-667,49,-672,-674,49,-677,49,49,49,-687,-689,49,-692,49,49,-744,49,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,49,49,49,49,49,-877,49,-880,-908,-920,-925,-388,-389,49,-394,49,-397,49,-402,49,-403,49,-408,49,-413,49,-417,49,-418,49,-423,49,-426,-899,-900,-643,-585,-1894,-901,49,49,49,-800,49,49,-804,49,-807,-833,49,-818,49,-820,49,-822,-808,49,-824,49,-851,-852,49,49,-811,49,-646,-902,-904,-648,-649,-645,49,-705,-706,49,-642,-903,-647,-650,-603,-714,49,49,-605,-586,49,49,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,49,49,-709,-710,49,-716,49,49,49,49,49,49,-938,49,-439,-441,-747,49,-891,49,-715,-1894,49,49,49,49,49,-442,-512,-523,49,-728,-733,49,-735,49,-740,49,-662,-668,49,-678,-680,-682,-683,-690,-693,-697,-745,49,49,-874,49,49,-878,49,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,49,-812,49,-814,-801,49,-802,-805,49,-816,-819,-821,-823,-825,49,-826,49,-809,49,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,49,-282,49,49,49,49,-455,49,49,-729,49,-736,49,-741,49,-663,-671,49,49,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,49,-836,-53,49,49,-730,49,-737,49,-742,-664,49,-873,-54,49,49,-731,-738,-743,49,49,49,-872,]),'ACTIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[50,50,50,50,-1894,50,50,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,50,50,50,50,-275,-276,50,-1425,50,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,50,50,50,-490,50,50,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,50,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,50,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,50,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,50,-172,-173,-174,-175,-993,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-290,-291,-281,50,50,50,50,50,-328,-318,-332,-333,-334,50,50,-982,-983,-984,-985,-986,-987,-988,50,50,50,50,50,50,50,50,50,50,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,50,50,50,-353,-356,50,-323,-324,-141,50,-142,50,-143,50,-430,-935,-936,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-1894,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-1894,50,-1894,50,50,50,50,50,50,50,50,50,50,50,50,-1894,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,50,-1894,50,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,50,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,50,50,50,-191,-192,50,-994,50,50,50,50,50,-277,-278,-279,-280,-365,50,-308,50,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,50,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,50,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,50,50,50,50,50,50,-573,50,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,50,50,-723,-724,-725,50,50,50,50,50,50,-994,50,50,-91,-92,50,50,50,50,-309,-310,-320,50,-307,-293,-294,-295,50,50,50,50,-618,-633,-590,50,50,-436,50,-437,50,-444,-445,-446,-378,-379,50,50,50,-506,50,50,-510,50,50,50,50,-515,-516,-517,-518,50,50,-521,-522,50,-524,-525,-526,-527,-528,-529,-530,-531,50,-533,50,50,50,-539,-541,-542,50,-544,-545,-546,-547,50,50,50,50,50,50,-652,-653,-654,-655,50,-657,-658,-659,50,50,50,-665,50,50,-669,-670,50,50,-673,50,-675,-676,50,-679,50,-681,50,50,-684,-685,-686,50,-688,50,50,-691,50,50,-694,-695,-696,50,-698,-699,-700,-701,50,50,-746,50,-749,-750,-751,-752,-753,50,-755,-756,-757,-758,-759,50,-766,-767,-769,50,-771,-772,-773,-782,-856,-858,-860,-862,50,50,50,50,-868,50,-870,50,50,50,50,50,50,50,-906,-907,50,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,50,-921,-924,50,-934,50,-385,-386,-387,50,50,-390,-391,-392,-393,50,-396,50,-399,-400,50,-401,50,-406,-407,50,-410,-411,-412,50,-415,50,-416,50,-421,-422,50,-425,50,-428,-429,-1894,-1894,50,-619,-620,-621,-622,-623,-634,-584,-624,-797,50,50,50,50,50,-831,50,50,-806,50,-832,50,50,50,50,-798,50,-853,-799,50,50,50,50,50,50,-854,-855,50,-834,-830,-835,50,-625,50,-626,-627,-628,-629,-574,50,50,-630,-631,-632,50,50,50,50,50,50,-635,-636,-637,-592,-1894,-602,50,-638,-639,-713,-640,-604,50,-572,-577,-580,-583,50,50,50,-598,-601,50,-608,50,50,50,50,50,50,50,50,50,50,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,50,50,50,-995,50,50,50,50,50,50,-306,-325,-319,-296,-375,-452,-453,-454,-458,50,-443,50,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,50,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,50,50,50,50,50,50,50,50,50,-316,-535,-508,-591,-937,-939,-940,-438,50,-440,-380,-381,-383,-507,-509,-511,50,-513,-514,-519,-520,50,-532,-534,-537,-538,-543,-548,-726,50,-727,50,-732,50,-734,50,-739,-656,-660,-661,50,-666,50,-667,50,-672,-674,50,-677,50,50,50,-687,-689,50,-692,50,50,-744,50,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,50,50,50,50,50,-877,50,-880,-908,-920,-925,-388,-389,50,-394,50,-397,50,-402,50,-403,50,-408,50,-413,50,-417,50,-418,50,-423,50,-426,-899,-900,-643,-585,-1894,-901,50,50,50,-800,50,50,-804,50,-807,-833,50,-818,50,-820,50,-822,-808,50,-824,50,-851,-852,50,50,-811,50,-646,-902,-904,-648,-649,-645,50,-705,-706,50,-642,-903,-647,-650,-603,-714,50,50,-605,-586,50,50,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,50,50,-709,-710,50,-716,50,50,50,50,50,50,-938,50,-439,-441,-747,50,-891,50,-715,-1894,50,50,50,50,50,-442,-512,-523,50,-728,-733,50,-735,50,-740,50,-662,-668,50,-678,-680,-682,-683,-690,-693,-697,-745,50,50,-874,50,50,-878,50,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,50,-812,50,-814,-801,50,-802,-805,50,-816,-819,-821,-823,-825,50,-826,50,-809,50,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,50,-282,50,50,50,50,-455,50,50,-729,50,-736,50,-741,50,-663,-671,50,50,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,50,-836,-53,50,50,-730,50,-737,50,-742,-664,50,-873,-54,50,50,-731,-738,-743,50,50,50,-872,]),'AES_DECRYPT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[51,51,51,1133,-1894,51,51,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,51,51,51,51,-275,-276,1133,-1425,1133,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1133,1133,1133,-490,1133,1133,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1133,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1133,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1825,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,51,-172,-173,-174,-175,-993,51,51,51,51,51,51,51,51,51,51,1133,1133,1133,1133,1133,-290,-291,-281,51,1133,1133,1133,1133,-328,-318,-332,-333,-334,1133,1133,-982,-983,-984,-985,-986,-987,-988,51,51,1133,1133,1133,1133,1133,1133,1133,1133,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1133,1133,1133,-353,-356,51,-323,-324,-141,1133,-142,1133,-143,1133,-430,-935,-936,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1894,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1894,1133,-1894,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1894,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-1894,51,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1133,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1133,51,51,-191,-192,51,-994,1133,51,51,51,51,-277,-278,-279,-280,-365,1133,-308,1133,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1133,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1133,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1133,1133,1133,1133,1133,1133,-573,1133,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1133,1133,-723,-724,-725,1133,1825,51,51,51,51,-994,51,1133,-91,-92,51,51,51,1133,-309,-310,-320,1133,-307,-293,-294,-295,1133,51,1133,1133,-618,-633,-590,1133,51,-436,51,-437,1133,-444,-445,-446,-378,-379,1133,1133,1133,-506,1133,1133,-510,1133,1133,1133,1133,-515,-516,-517,-518,1133,1133,-521,-522,1133,-524,-525,-526,-527,-528,-529,-530,-531,1133,-533,1133,1133,1133,-539,-541,-542,1133,-544,-545,-546,-547,1133,1133,1133,1133,1133,1133,-652,-653,-654,-655,51,-657,-658,-659,1133,1133,1133,-665,1133,1133,-669,-670,1133,1133,-673,1133,-675,-676,1133,-679,1133,-681,1133,1133,-684,-685,-686,1133,-688,1133,1133,-691,1133,1133,-694,-695,-696,1133,-698,-699,-700,-701,1133,1133,-746,1133,-749,-750,-751,-752,-753,1133,-755,-756,-757,-758,-759,1133,-766,-767,-769,1133,-771,-772,-773,-782,-856,-858,-860,-862,1133,1133,1133,1133,-868,1133,-870,1133,1133,1133,1133,1133,1133,1133,-906,-907,1133,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1133,-921,-924,1133,-934,1133,-385,-386,-387,1133,1133,-390,-391,-392,-393,1133,-396,1133,-399,-400,1133,-401,1133,-406,-407,1133,-410,-411,-412,1133,-415,1133,-416,1133,-421,-422,1133,-425,1133,-428,-429,-1894,-1894,1133,-619,-620,-621,-622,-623,-634,-584,-624,-797,1133,1133,1133,1133,1133,-831,1133,1133,-806,1133,-832,1133,1133,1133,1133,-798,1133,-853,-799,1133,1133,1133,1133,1133,1133,-854,-855,1133,-834,-830,-835,1133,-625,1133,-626,-627,-628,-629,-574,1133,1133,-630,-631,-632,1133,1133,1133,1133,1133,1133,-635,-636,-637,-592,-1894,-602,1133,-638,-639,-713,-640,-604,1133,-572,-577,-580,-583,1133,1133,1133,-598,-601,1133,-608,1133,1133,1133,1133,1133,1133,1133,1133,1133,1133,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1133,51,51,-995,51,1133,51,51,51,1133,-306,-325,-319,-296,-375,-452,-453,-454,-458,51,-443,1133,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1133,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,51,51,51,51,51,51,51,51,1133,-316,-535,-508,-591,-937,-939,-940,-438,1133,-440,-380,-381,-383,-507,-509,-511,1133,-513,-514,-519,-520,1133,-532,-534,-537,-538,-543,-548,-726,1133,-727,1133,-732,1133,-734,1133,-739,-656,-660,-661,1133,-666,1133,-667,1133,-672,-674,1133,-677,1133,1133,1133,-687,-689,1133,-692,1133,1133,-744,1133,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1133,1133,1133,1133,1133,-877,1133,-880,-908,-920,-925,-388,-389,1133,-394,1133,-397,1133,-402,1133,-403,1133,-408,1133,-413,1133,-417,1133,-418,1133,-423,1133,-426,-899,-900,-643,-585,-1894,-901,1133,1133,1133,-800,1133,1133,-804,1133,-807,-833,1133,-818,1133,-820,1133,-822,-808,1133,-824,1133,-851,-852,1133,1133,-811,1133,-646,-902,-904,-648,-649,-645,1133,-705,-706,1133,-642,-903,-647,-650,-603,-714,1133,1133,-605,-586,1133,1133,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1133,1133,-709,-710,1133,-716,1133,51,51,51,1133,1133,-938,51,-439,-441,-747,1133,-891,1825,-715,-1894,1133,1133,51,51,1133,-442,-512,-523,1133,-728,-733,1133,-735,1133,-740,1133,-662,-668,1133,-678,-680,-682,-683,-690,-693,-697,-745,1133,1133,-874,1133,1133,-878,1133,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1133,-812,1133,-814,-801,1133,-802,-805,1133,-816,-819,-821,-823,-825,1133,-826,1133,-809,1133,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,51,-282,51,1133,51,1133,-455,1133,1133,-729,1133,-736,1133,-741,1133,-663,-671,1133,1133,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1133,-836,-53,51,1133,-730,1133,-737,1133,-742,-664,1133,-873,-54,51,51,-731,-738,-743,1133,51,1133,-872,]),'AES_ENCRYPT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[52,52,52,1134,-1894,52,52,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,52,52,52,52,-275,-276,1134,-1425,1134,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1134,1134,1134,-490,1134,1134,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1134,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1134,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1826,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,52,-172,-173,-174,-175,-993,52,52,52,52,52,52,52,52,52,52,1134,1134,1134,1134,1134,-290,-291,-281,52,1134,1134,1134,1134,-328,-318,-332,-333,-334,1134,1134,-982,-983,-984,-985,-986,-987,-988,52,52,1134,1134,1134,1134,1134,1134,1134,1134,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1134,1134,1134,-353,-356,52,-323,-324,-141,1134,-142,1134,-143,1134,-430,-935,-936,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1894,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1894,1134,-1894,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1894,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-1894,52,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1134,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1134,52,52,-191,-192,52,-994,1134,52,52,52,52,-277,-278,-279,-280,-365,1134,-308,1134,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1134,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1134,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1134,1134,1134,1134,1134,1134,-573,1134,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1134,1134,-723,-724,-725,1134,1826,52,52,52,52,-994,52,1134,-91,-92,52,52,52,1134,-309,-310,-320,1134,-307,-293,-294,-295,1134,52,1134,1134,-618,-633,-590,1134,52,-436,52,-437,1134,-444,-445,-446,-378,-379,1134,1134,1134,-506,1134,1134,-510,1134,1134,1134,1134,-515,-516,-517,-518,1134,1134,-521,-522,1134,-524,-525,-526,-527,-528,-529,-530,-531,1134,-533,1134,1134,1134,-539,-541,-542,1134,-544,-545,-546,-547,1134,1134,1134,1134,1134,1134,-652,-653,-654,-655,52,-657,-658,-659,1134,1134,1134,-665,1134,1134,-669,-670,1134,1134,-673,1134,-675,-676,1134,-679,1134,-681,1134,1134,-684,-685,-686,1134,-688,1134,1134,-691,1134,1134,-694,-695,-696,1134,-698,-699,-700,-701,1134,1134,-746,1134,-749,-750,-751,-752,-753,1134,-755,-756,-757,-758,-759,1134,-766,-767,-769,1134,-771,-772,-773,-782,-856,-858,-860,-862,1134,1134,1134,1134,-868,1134,-870,1134,1134,1134,1134,1134,1134,1134,-906,-907,1134,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1134,-921,-924,1134,-934,1134,-385,-386,-387,1134,1134,-390,-391,-392,-393,1134,-396,1134,-399,-400,1134,-401,1134,-406,-407,1134,-410,-411,-412,1134,-415,1134,-416,1134,-421,-422,1134,-425,1134,-428,-429,-1894,-1894,1134,-619,-620,-621,-622,-623,-634,-584,-624,-797,1134,1134,1134,1134,1134,-831,1134,1134,-806,1134,-832,1134,1134,1134,1134,-798,1134,-853,-799,1134,1134,1134,1134,1134,1134,-854,-855,1134,-834,-830,-835,1134,-625,1134,-626,-627,-628,-629,-574,1134,1134,-630,-631,-632,1134,1134,1134,1134,1134,1134,-635,-636,-637,-592,-1894,-602,1134,-638,-639,-713,-640,-604,1134,-572,-577,-580,-583,1134,1134,1134,-598,-601,1134,-608,1134,1134,1134,1134,1134,1134,1134,1134,1134,1134,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1134,52,52,-995,52,1134,52,52,52,1134,-306,-325,-319,-296,-375,-452,-453,-454,-458,52,-443,1134,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1134,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,52,52,52,52,52,52,52,52,1134,-316,-535,-508,-591,-937,-939,-940,-438,1134,-440,-380,-381,-383,-507,-509,-511,1134,-513,-514,-519,-520,1134,-532,-534,-537,-538,-543,-548,-726,1134,-727,1134,-732,1134,-734,1134,-739,-656,-660,-661,1134,-666,1134,-667,1134,-672,-674,1134,-677,1134,1134,1134,-687,-689,1134,-692,1134,1134,-744,1134,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1134,1134,1134,1134,1134,-877,1134,-880,-908,-920,-925,-388,-389,1134,-394,1134,-397,1134,-402,1134,-403,1134,-408,1134,-413,1134,-417,1134,-418,1134,-423,1134,-426,-899,-900,-643,-585,-1894,-901,1134,1134,1134,-800,1134,1134,-804,1134,-807,-833,1134,-818,1134,-820,1134,-822,-808,1134,-824,1134,-851,-852,1134,1134,-811,1134,-646,-902,-904,-648,-649,-645,1134,-705,-706,1134,-642,-903,-647,-650,-603,-714,1134,1134,-605,-586,1134,1134,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1134,1134,-709,-710,1134,-716,1134,52,52,52,1134,1134,-938,52,-439,-441,-747,1134,-891,1826,-715,-1894,1134,1134,52,52,1134,-442,-512,-523,1134,-728,-733,1134,-735,1134,-740,1134,-662,-668,1134,-678,-680,-682,-683,-690,-693,-697,-745,1134,1134,-874,1134,1134,-878,1134,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1134,-812,1134,-814,-801,1134,-802,-805,1134,-816,-819,-821,-823,-825,1134,-826,1134,-809,1134,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,52,-282,52,1134,52,1134,-455,1134,1134,-729,1134,-736,1134,-741,1134,-663,-671,1134,1134,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1134,-836,-53,52,1134,-730,1134,-737,1134,-742,-664,1134,-873,-54,52,52,-731,-738,-743,1134,52,1134,-872,]),'AFTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[53,53,53,53,-1894,53,53,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,53,53,53,53,-275,-276,53,-1425,53,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,53,53,53,-490,53,53,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,53,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,53,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,53,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,53,-172,-173,-174,-175,-993,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-290,-291,-281,53,53,53,53,53,-328,-318,-332,-333,-334,53,53,-982,-983,-984,-985,-986,-987,-988,53,53,53,53,53,53,53,53,53,53,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,53,53,53,-353,-356,53,-323,-324,-141,53,-142,53,-143,53,-430,-935,-936,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-1894,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-1894,53,-1894,53,53,53,53,53,53,53,53,53,53,53,53,-1894,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,53,-1894,53,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,53,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,53,53,53,-191,-192,53,-994,53,53,53,53,53,-277,-278,-279,-280,-365,53,-308,53,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,53,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,53,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,53,53,53,53,53,53,-573,53,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,53,53,-723,-724,-725,53,53,53,53,53,53,-994,53,53,-91,-92,53,53,53,53,-309,-310,-320,53,-307,-293,-294,-295,53,53,53,53,-618,-633,-590,53,53,-436,53,-437,53,-444,-445,-446,-378,-379,53,53,53,-506,53,53,-510,53,53,53,53,-515,-516,-517,-518,53,53,-521,-522,53,-524,-525,-526,-527,-528,-529,-530,-531,53,-533,53,53,53,-539,-541,-542,53,-544,-545,-546,-547,53,53,53,53,53,53,-652,-653,-654,-655,53,-657,-658,-659,53,53,53,-665,53,53,-669,-670,53,53,-673,53,-675,-676,53,-679,53,-681,53,53,-684,-685,-686,53,-688,53,53,-691,53,53,-694,-695,-696,53,-698,-699,-700,-701,53,53,-746,53,-749,-750,-751,-752,-753,53,-755,-756,-757,-758,-759,53,-766,-767,-769,53,-771,-772,-773,-782,-856,-858,-860,-862,53,53,53,53,-868,53,-870,53,53,53,53,53,53,53,-906,-907,53,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,53,-921,-924,53,-934,53,-385,-386,-387,53,53,-390,-391,-392,-393,53,-396,53,-399,-400,53,-401,53,-406,-407,53,-410,-411,-412,53,-415,53,-416,53,-421,-422,53,-425,53,-428,-429,-1894,-1894,53,-619,-620,-621,-622,-623,-634,-584,-624,-797,53,53,53,53,53,-831,53,53,-806,53,-832,53,53,53,53,-798,53,-853,-799,53,53,53,53,53,53,-854,-855,53,-834,-830,-835,53,-625,53,-626,-627,-628,-629,-574,53,53,-630,-631,-632,53,53,53,53,53,53,-635,-636,-637,-592,-1894,-602,53,-638,-639,-713,-640,-604,53,-572,-577,-580,-583,53,53,53,-598,-601,53,-608,53,53,53,53,53,53,53,53,53,53,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,53,53,53,-995,53,53,53,53,53,53,-306,-325,-319,-296,-375,-452,-453,-454,-458,53,-443,53,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,53,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,53,53,53,53,53,53,53,53,53,-316,-535,-508,-591,-937,-939,-940,-438,53,-440,-380,-381,-383,-507,-509,-511,53,-513,-514,-519,-520,53,-532,-534,-537,-538,-543,-548,-726,53,-727,53,-732,53,-734,53,-739,-656,-660,-661,53,-666,53,-667,53,-672,-674,53,-677,53,53,53,-687,-689,53,-692,53,53,-744,53,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,53,53,53,53,53,-877,53,-880,-908,-920,-925,-388,-389,53,-394,53,-397,53,-402,53,-403,53,-408,53,-413,53,-417,53,-418,53,-423,53,-426,-899,-900,-643,-585,-1894,-901,53,53,53,-800,53,53,-804,53,-807,-833,53,-818,53,-820,53,-822,-808,53,-824,53,-851,-852,53,53,-811,53,-646,-902,-904,-648,-649,-645,53,-705,-706,53,-642,-903,-647,-650,-603,-714,53,53,-605,-586,53,53,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,53,53,-709,-710,53,-716,53,53,53,53,53,53,-938,53,-439,-441,-747,53,-891,53,-715,-1894,53,53,53,53,53,-442,-512,-523,53,-728,-733,53,-735,53,-740,53,-662,-668,53,-678,-680,-682,-683,-690,-693,-697,-745,53,53,-874,53,53,-878,53,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,53,-812,53,-814,-801,53,-802,-805,53,-816,-819,-821,-823,-825,53,-826,53,-809,53,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,53,-282,53,53,53,53,-455,53,53,-729,53,-736,53,-741,53,-663,-671,53,53,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,53,-836,-53,53,53,-730,53,-737,53,-742,-664,53,-873,-54,53,53,-731,-738,-743,53,53,53,-872,]),'AGAINST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2527,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[54,54,54,54,-1894,54,54,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,54,54,54,54,-275,-276,54,-1425,54,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,54,54,54,-490,54,54,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,54,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,54,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,54,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,54,-172,-173,-174,-175,-993,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-290,-291,-281,54,54,54,54,54,-328,-318,-332,-333,-334,54,54,-982,-983,-984,-985,-986,-987,-988,54,54,54,54,54,54,54,54,54,54,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,54,54,54,-353,-356,54,-323,-324,-141,54,-142,54,-143,54,-430,-935,-936,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-1894,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-1894,54,-1894,54,54,54,54,54,54,54,54,54,54,54,54,-1894,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,54,-1894,54,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,54,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,54,54,54,-191,-192,54,-994,54,54,54,54,54,-277,-278,-279,-280,-365,54,-308,54,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,54,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,54,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,54,54,54,54,54,54,-573,54,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,54,54,-723,-724,-725,54,54,54,54,54,54,-994,54,54,-91,-92,54,54,2947,54,54,-309,-310,-320,54,-307,-293,-294,-295,54,54,54,54,-618,-633,-590,54,54,-436,54,-437,54,-444,-445,-446,-378,-379,54,54,54,-506,54,54,-510,54,54,54,54,-515,-516,-517,-518,54,54,-521,-522,54,-524,-525,-526,-527,-528,-529,-530,-531,54,-533,54,54,54,-539,-541,-542,54,-544,-545,-546,-547,54,54,54,54,54,54,-652,-653,-654,-655,54,-657,-658,-659,54,54,54,-665,54,54,-669,-670,54,54,-673,54,-675,-676,54,-679,54,-681,54,54,-684,-685,-686,54,-688,54,54,-691,54,54,-694,-695,-696,54,-698,-699,-700,-701,54,54,-746,54,-749,-750,-751,-752,-753,54,-755,-756,-757,-758,-759,54,-766,-767,-769,54,-771,-772,-773,-782,-856,-858,-860,-862,54,54,54,54,-868,54,-870,54,54,54,54,54,54,54,-906,-907,54,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,54,-921,-924,54,-934,54,-385,-386,-387,54,54,-390,-391,-392,-393,54,-396,54,-399,-400,54,-401,54,-406,-407,54,-410,-411,-412,54,-415,54,-416,54,-421,-422,54,-425,54,-428,-429,-1894,-1894,54,-619,-620,-621,-622,-623,-634,-584,-624,-797,54,54,54,54,54,-831,54,54,-806,54,-832,54,54,54,54,-798,54,-853,-799,54,54,54,54,54,54,-854,-855,54,-834,-830,-835,54,-625,54,-626,-627,-628,-629,-574,54,54,-630,-631,-632,54,54,54,54,54,54,-635,-636,-637,-592,-1894,-602,54,-638,-639,-713,-640,-604,54,-572,-577,-580,-583,54,54,54,-598,-601,54,-608,54,54,54,54,54,54,54,54,54,54,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,54,54,54,-995,54,54,54,54,54,54,-306,-325,-319,-296,-375,-452,-453,-454,-458,54,-443,54,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,54,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,54,54,54,54,54,54,54,54,54,-316,-535,-508,-591,-937,-939,-940,-438,54,-440,-380,-381,-383,-507,-509,-511,54,-513,-514,-519,-520,54,-532,-534,-537,-538,-543,-548,-726,54,-727,54,-732,54,-734,54,-739,-656,-660,-661,54,-666,54,-667,54,-672,-674,54,-677,54,54,54,-687,-689,54,-692,54,54,-744,54,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,54,54,54,54,54,-877,54,-880,-908,-920,-925,-388,-389,54,-394,54,-397,54,-402,54,-403,54,-408,54,-413,54,-417,54,-418,54,-423,54,-426,-899,-900,-643,-585,-1894,-901,54,54,54,-800,54,54,-804,54,-807,-833,54,-818,54,-820,54,-822,-808,54,-824,54,-851,-852,54,54,-811,54,-646,-902,-904,-648,-649,-645,54,-705,-706,54,-642,-903,-647,-650,-603,-714,54,54,-605,-586,54,54,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,54,54,-709,-710,54,-716,54,54,54,54,54,54,-938,54,-439,-441,-747,54,-891,54,-715,-1894,54,54,54,54,54,-442,-512,-523,54,-728,-733,54,-735,54,-740,54,-662,-668,54,-678,-680,-682,-683,-690,-693,-697,-745,54,54,-874,54,54,-878,54,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,54,-812,54,-814,-801,54,-802,-805,54,-816,-819,-821,-823,-825,54,-826,54,-809,54,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,54,-282,54,54,54,54,-455,54,54,-729,54,-736,54,-741,54,-663,-671,54,54,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,54,-836,-53,54,54,-730,54,-737,54,-742,-664,54,-873,-54,54,54,-731,-738,-743,54,54,54,-872,]),'AGGREGATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[55,55,55,55,-1894,55,55,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,55,55,55,55,-275,-276,55,-1425,55,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,55,55,55,-490,55,55,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,55,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,55,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,55,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,55,-172,-173,-174,-175,-993,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-290,-291,-281,55,55,55,55,55,-328,-318,-332,-333,-334,55,55,-982,-983,-984,-985,-986,-987,-988,55,55,55,55,55,55,55,55,55,55,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,55,55,55,-353,-356,55,-323,-324,-141,55,-142,55,-143,55,-430,-935,-936,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-1894,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-1894,55,-1894,55,55,55,55,55,55,55,55,55,55,55,55,-1894,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,55,-1894,55,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,55,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,55,55,55,-191,-192,55,-994,55,55,55,55,55,-277,-278,-279,-280,-365,55,-308,55,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,55,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,55,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,55,55,55,55,55,55,-573,55,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,55,55,-723,-724,-725,55,55,55,55,55,55,-994,55,55,-91,-92,55,55,55,55,-309,-310,-320,55,-307,-293,-294,-295,55,55,55,55,-618,-633,-590,55,55,-436,55,-437,55,-444,-445,-446,-378,-379,55,55,55,-506,55,55,-510,55,55,55,55,-515,-516,-517,-518,55,55,-521,-522,55,-524,-525,-526,-527,-528,-529,-530,-531,55,-533,55,55,55,-539,-541,-542,55,-544,-545,-546,-547,55,55,55,55,55,55,-652,-653,-654,-655,55,-657,-658,-659,55,55,55,-665,55,55,-669,-670,55,55,-673,55,-675,-676,55,-679,55,-681,55,55,-684,-685,-686,55,-688,55,55,-691,55,55,-694,-695,-696,55,-698,-699,-700,-701,55,55,-746,55,-749,-750,-751,-752,-753,55,-755,-756,-757,-758,-759,55,-766,-767,-769,55,-771,-772,-773,-782,-856,-858,-860,-862,55,55,55,55,-868,55,-870,55,55,55,55,55,55,55,-906,-907,55,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,55,-921,-924,55,-934,55,-385,-386,-387,55,55,-390,-391,-392,-393,55,-396,55,-399,-400,55,-401,55,-406,-407,55,-410,-411,-412,55,-415,55,-416,55,-421,-422,55,-425,55,-428,-429,-1894,-1894,55,-619,-620,-621,-622,-623,-634,-584,-624,-797,55,55,55,55,55,-831,55,55,-806,55,-832,55,55,55,55,-798,55,-853,-799,55,55,55,55,55,55,-854,-855,55,-834,-830,-835,55,-625,55,-626,-627,-628,-629,-574,55,55,-630,-631,-632,55,55,55,55,55,55,-635,-636,-637,-592,-1894,-602,55,-638,-639,-713,-640,-604,55,-572,-577,-580,-583,55,55,55,-598,-601,55,-608,55,55,55,55,55,55,55,55,55,55,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,55,55,55,-995,55,55,55,55,55,55,-306,-325,-319,-296,-375,-452,-453,-454,-458,55,-443,55,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,55,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,55,55,55,55,55,55,55,55,55,-316,-535,-508,-591,-937,-939,-940,-438,55,-440,-380,-381,-383,-507,-509,-511,55,-513,-514,-519,-520,55,-532,-534,-537,-538,-543,-548,-726,55,-727,55,-732,55,-734,55,-739,-656,-660,-661,55,-666,55,-667,55,-672,-674,55,-677,55,55,55,-687,-689,55,-692,55,55,-744,55,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,55,55,55,55,55,-877,55,-880,-908,-920,-925,-388,-389,55,-394,55,-397,55,-402,55,-403,55,-408,55,-413,55,-417,55,-418,55,-423,55,-426,-899,-900,-643,-585,-1894,-901,55,55,55,-800,55,55,-804,55,-807,-833,55,-818,55,-820,55,-822,-808,55,-824,55,-851,-852,55,55,-811,55,-646,-902,-904,-648,-649,-645,55,-705,-706,55,-642,-903,-647,-650,-603,-714,55,55,-605,-586,55,55,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,55,55,-709,-710,55,-716,55,55,55,55,55,55,-938,55,-439,-441,-747,55,-891,55,-715,-1894,55,55,55,55,55,-442,-512,-523,55,-728,-733,55,-735,55,-740,55,-662,-668,55,-678,-680,-682,-683,-690,-693,-697,-745,55,55,-874,55,55,-878,55,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,55,-812,55,-814,-801,55,-802,-805,55,-816,-819,-821,-823,-825,55,-826,55,-809,55,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,55,-282,55,55,55,55,-455,55,55,-729,55,-736,55,-741,55,-663,-671,55,55,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,55,-836,-53,55,55,-730,55,-737,55,-742,-664,55,-873,-54,55,55,-731,-738,-743,55,55,55,-872,]),'ALGORITHM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[56,56,56,56,-1894,56,56,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,56,56,56,56,-275,-276,56,-1425,56,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,56,56,56,-490,56,56,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,56,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,56,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,56,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,56,-172,-173,-174,-175,-993,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-290,-291,-281,56,56,56,56,56,-328,-318,-332,-333,-334,56,56,-982,-983,-984,-985,-986,-987,-988,56,56,56,56,56,56,56,56,56,56,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,56,56,56,-353,-356,56,-323,-324,-141,56,-142,56,-143,56,-430,-935,-936,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-1894,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-1894,56,-1894,56,56,56,56,56,56,56,56,56,56,56,56,-1894,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,56,-1894,56,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,56,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,56,56,56,-191,-192,56,-994,56,56,56,56,56,-277,-278,-279,-280,-365,56,-308,56,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,56,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,56,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,56,56,56,56,56,56,-573,56,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,56,56,-723,-724,-725,56,56,56,56,56,56,-994,56,56,-91,-92,56,56,56,56,-309,-310,-320,56,-307,-293,-294,-295,56,56,56,56,-618,-633,-590,56,56,-436,56,-437,56,-444,-445,-446,-378,-379,56,56,56,-506,56,56,-510,56,56,56,56,-515,-516,-517,-518,56,56,-521,-522,56,-524,-525,-526,-527,-528,-529,-530,-531,56,-533,56,56,56,-539,-541,-542,56,-544,-545,-546,-547,56,56,56,56,56,56,-652,-653,-654,-655,56,-657,-658,-659,56,56,56,-665,56,56,-669,-670,56,56,-673,56,-675,-676,56,-679,56,-681,56,56,-684,-685,-686,56,-688,56,56,-691,56,56,-694,-695,-696,56,-698,-699,-700,-701,56,56,-746,56,-749,-750,-751,-752,-753,56,-755,-756,-757,-758,-759,56,-766,-767,-769,56,-771,-772,-773,-782,-856,-858,-860,-862,56,56,56,56,-868,56,-870,56,56,56,56,56,56,56,-906,-907,56,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,56,-921,-924,56,-934,56,-385,-386,-387,56,56,-390,-391,-392,-393,56,-396,56,-399,-400,56,-401,56,-406,-407,56,-410,-411,-412,56,-415,56,-416,56,-421,-422,56,-425,56,-428,-429,-1894,-1894,56,-619,-620,-621,-622,-623,-634,-584,-624,-797,56,56,56,56,56,-831,56,56,-806,56,-832,56,56,56,56,-798,56,-853,-799,56,56,56,56,56,56,-854,-855,56,-834,-830,-835,56,-625,56,-626,-627,-628,-629,-574,56,56,-630,-631,-632,56,56,56,56,56,56,-635,-636,-637,-592,-1894,-602,56,-638,-639,-713,-640,-604,56,-572,-577,-580,-583,56,56,56,-598,-601,56,-608,56,56,56,56,56,56,56,56,56,56,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,56,56,56,-995,56,56,56,56,56,56,-306,-325,-319,-296,-375,-452,-453,-454,-458,56,-443,56,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,56,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,56,56,56,56,56,56,56,56,56,-316,-535,-508,-591,-937,-939,-940,-438,56,-440,-380,-381,-383,-507,-509,-511,56,-513,-514,-519,-520,56,-532,-534,-537,-538,-543,-548,-726,56,-727,56,-732,56,-734,56,-739,-656,-660,-661,56,-666,56,-667,56,-672,-674,56,-677,56,56,56,-687,-689,56,-692,56,56,-744,56,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,56,56,56,56,56,-877,56,-880,-908,-920,-925,-388,-389,56,-394,56,-397,56,-402,56,-403,56,-408,56,-413,56,-417,56,-418,56,-423,56,-426,-899,-900,-643,-585,-1894,-901,56,56,56,-800,56,56,-804,56,-807,-833,56,-818,56,-820,56,-822,-808,56,-824,56,-851,-852,56,56,-811,56,-646,-902,-904,-648,-649,-645,56,-705,-706,56,-642,-903,-647,-650,-603,-714,56,56,-605,-586,56,56,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,56,56,-709,-710,56,-716,56,56,56,56,56,56,-938,56,-439,-441,-747,56,-891,56,-715,-1894,56,56,56,56,56,-442,-512,-523,56,-728,-733,56,-735,56,-740,56,-662,-668,56,-678,-680,-682,-683,-690,-693,-697,-745,56,56,-874,56,56,-878,56,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,56,-812,56,-814,-801,56,-802,-805,56,-816,-819,-821,-823,-825,56,-826,56,-809,56,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,56,-282,56,56,56,56,-455,56,56,-729,56,-736,56,-741,56,-663,-671,56,56,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,56,-836,-53,56,56,-730,56,-737,56,-742,-664,56,-873,-54,56,56,-731,-738,-743,56,56,56,-872,]),'ALWAYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[57,57,57,57,-1894,57,57,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,57,57,57,57,-275,-276,57,-1425,57,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,57,57,57,-490,57,57,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,57,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,57,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,57,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,57,-172,-173,-174,-175,-993,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-290,-291,-281,57,57,57,57,57,-328,-318,-332,-333,-334,57,57,-982,-983,-984,-985,-986,-987,-988,57,57,57,57,57,57,57,57,57,57,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,57,57,57,-353,-356,57,-323,-324,-141,57,-142,57,-143,57,-430,-935,-936,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-1894,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-1894,57,-1894,57,57,57,57,57,57,57,57,57,57,57,57,-1894,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,57,-1894,57,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,57,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,57,57,57,-191,-192,57,-994,57,57,57,57,57,-277,-278,-279,-280,-365,57,-308,57,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,57,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,57,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,57,57,57,57,57,57,-573,57,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,57,57,-723,-724,-725,57,57,57,57,57,57,-994,57,57,-91,-92,57,57,57,57,-309,-310,-320,57,-307,-293,-294,-295,57,57,57,57,-618,-633,-590,57,57,-436,57,-437,57,-444,-445,-446,-378,-379,57,57,57,-506,57,57,-510,57,57,57,57,-515,-516,-517,-518,57,57,-521,-522,57,-524,-525,-526,-527,-528,-529,-530,-531,57,-533,57,57,57,-539,-541,-542,57,-544,-545,-546,-547,57,57,57,57,57,57,-652,-653,-654,-655,57,-657,-658,-659,57,57,57,-665,57,57,-669,-670,57,57,-673,57,-675,-676,57,-679,57,-681,57,57,-684,-685,-686,57,-688,57,57,-691,57,57,-694,-695,-696,57,-698,-699,-700,-701,57,57,-746,57,-749,-750,-751,-752,-753,57,-755,-756,-757,-758,-759,57,-766,-767,-769,57,-771,-772,-773,-782,-856,-858,-860,-862,57,57,57,57,-868,57,-870,57,57,57,57,57,57,57,-906,-907,57,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,57,-921,-924,57,-934,57,-385,-386,-387,57,57,-390,-391,-392,-393,57,-396,57,-399,-400,57,-401,57,-406,-407,57,-410,-411,-412,57,-415,57,-416,57,-421,-422,57,-425,57,-428,-429,-1894,-1894,57,-619,-620,-621,-622,-623,-634,-584,-624,-797,57,57,57,57,57,-831,57,57,-806,57,-832,57,57,57,57,-798,57,-853,-799,57,57,57,57,57,57,-854,-855,57,-834,-830,-835,57,-625,57,-626,-627,-628,-629,-574,57,57,-630,-631,-632,57,57,57,57,57,57,-635,-636,-637,-592,-1894,-602,57,-638,-639,-713,-640,-604,57,-572,-577,-580,-583,57,57,57,-598,-601,57,-608,57,57,57,57,57,57,57,57,57,57,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,57,57,57,-995,57,57,57,57,57,57,-306,-325,-319,-296,-375,-452,-453,-454,-458,57,-443,57,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,57,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,57,57,57,57,57,57,57,57,57,-316,-535,-508,-591,-937,-939,-940,-438,57,-440,-380,-381,-383,-507,-509,-511,57,-513,-514,-519,-520,57,-532,-534,-537,-538,-543,-548,-726,57,-727,57,-732,57,-734,57,-739,-656,-660,-661,57,-666,57,-667,57,-672,-674,57,-677,57,57,57,-687,-689,57,-692,57,57,-744,57,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,57,57,57,57,57,-877,57,-880,-908,-920,-925,-388,-389,57,-394,57,-397,57,-402,57,-403,57,-408,57,-413,57,-417,57,-418,57,-423,57,-426,-899,-900,-643,-585,-1894,-901,57,57,57,-800,57,57,-804,57,-807,-833,57,-818,57,-820,57,-822,-808,57,-824,57,-851,-852,57,57,-811,57,-646,-902,-904,-648,-649,-645,57,-705,-706,57,-642,-903,-647,-650,-603,-714,57,57,-605,-586,57,57,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,57,57,-709,-710,57,-716,57,57,57,57,57,57,-938,57,-439,-441,-747,57,-891,57,-715,-1894,57,57,57,57,57,-442,-512,-523,57,-728,-733,57,-735,57,-740,57,-662,-668,57,-678,-680,-682,-683,-690,-693,-697,-745,57,57,-874,57,57,-878,57,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,57,-812,57,-814,-801,57,-802,-805,57,-816,-819,-821,-823,-825,57,-826,57,-809,57,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,57,-282,57,57,57,57,-455,57,57,-729,57,-736,57,-741,57,-663,-671,57,57,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,57,-836,-53,57,57,-730,57,-737,57,-742,-664,57,-873,-54,57,57,-731,-738,-743,57,57,57,-872,]),'ANALYSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[58,58,58,58,-1894,58,58,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,58,58,58,58,-275,-276,58,-1425,58,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,58,58,58,-490,58,58,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,58,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,58,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,58,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,58,-172,-173,-174,-175,-993,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-290,-291,-281,58,58,58,58,58,-328,-318,-332,-333,-334,58,58,-982,-983,-984,-985,-986,-987,-988,58,58,58,58,58,58,58,58,58,58,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,58,58,58,-353,-356,58,-323,-324,-141,58,-142,58,-143,58,-430,-935,-936,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-1894,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-1894,58,-1894,58,58,58,58,58,58,58,58,58,58,58,58,-1894,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,58,-1894,58,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,58,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,58,58,58,-191,-192,58,-994,58,58,58,58,58,-277,-278,-279,-280,-365,58,-308,58,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,58,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,58,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,58,58,58,58,58,58,-573,58,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,58,58,-723,-724,-725,58,58,58,58,58,58,-994,58,58,-91,-92,58,58,58,58,-309,-310,-320,58,-307,-293,-294,-295,58,58,58,58,-618,-633,-590,58,58,-436,58,-437,58,-444,-445,-446,-378,-379,58,58,58,-506,58,58,-510,58,58,58,58,-515,-516,-517,-518,58,58,-521,-522,58,-524,-525,-526,-527,-528,-529,-530,-531,58,-533,58,58,58,-539,-541,-542,58,-544,-545,-546,-547,58,58,58,58,58,58,-652,-653,-654,-655,58,-657,-658,-659,58,58,58,-665,58,58,-669,-670,58,58,-673,58,-675,-676,58,-679,58,-681,58,58,-684,-685,-686,58,-688,58,58,-691,58,58,-694,-695,-696,58,-698,-699,-700,-701,58,58,-746,58,-749,-750,-751,-752,-753,58,-755,-756,-757,-758,-759,58,-766,-767,-769,58,-771,-772,-773,-782,-856,-858,-860,-862,58,58,58,58,-868,58,-870,58,58,58,58,58,58,58,-906,-907,58,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,58,-921,-924,58,-934,58,-385,-386,-387,58,58,-390,-391,-392,-393,58,-396,58,-399,-400,58,-401,58,-406,-407,58,-410,-411,-412,58,-415,58,-416,58,-421,-422,58,-425,58,-428,-429,-1894,-1894,58,-619,-620,-621,-622,-623,-634,-584,-624,-797,58,58,58,58,58,-831,58,58,-806,58,-832,58,58,58,58,-798,58,-853,-799,58,58,58,58,58,58,-854,-855,58,-834,-830,-835,58,-625,58,-626,-627,-628,-629,-574,58,58,-630,-631,-632,58,58,58,58,58,58,-635,-636,-637,-592,-1894,-602,58,-638,-639,-713,-640,-604,58,-572,-577,-580,-583,58,58,58,-598,-601,58,-608,58,58,58,58,58,58,58,58,58,58,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,58,58,58,-995,58,58,58,58,58,58,-306,-325,-319,-296,-375,-452,-453,-454,-458,58,-443,58,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,58,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,58,58,58,58,58,58,58,58,58,-316,-535,-508,-591,-937,-939,-940,-438,58,-440,-380,-381,-383,-507,-509,-511,58,-513,-514,-519,-520,58,-532,-534,-537,-538,-543,-548,-726,58,-727,58,-732,58,-734,58,-739,-656,-660,-661,58,-666,58,-667,58,-672,-674,58,-677,58,58,58,-687,-689,58,-692,58,58,-744,58,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,58,58,58,58,58,-877,58,-880,-908,-920,-925,-388,-389,58,-394,58,-397,58,-402,58,-403,58,-408,58,-413,58,-417,58,-418,58,-423,58,-426,-899,-900,-643,-585,-1894,-901,58,58,58,-800,58,58,-804,58,-807,-833,58,-818,58,-820,58,-822,-808,58,-824,58,-851,-852,58,58,-811,58,-646,-902,-904,-648,-649,-645,58,-705,-706,58,-642,-903,-647,-650,-603,-714,58,58,-605,-586,58,58,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,58,58,-709,-710,58,-716,58,58,58,58,58,58,-938,58,-439,-441,-747,58,-891,58,-715,-1894,58,58,58,58,58,-442,-512,-523,58,-728,-733,58,-735,58,-740,58,-662,-668,58,-678,-680,-682,-683,-690,-693,-697,-745,58,58,-874,58,58,-878,58,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,58,-812,58,-814,-801,58,-802,-805,58,-816,-819,-821,-823,-825,58,-826,58,-809,58,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,58,-282,58,58,58,58,-455,58,58,-729,58,-736,58,-741,58,-663,-671,58,58,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,58,-836,-53,58,58,-730,58,-737,58,-742,-664,58,-873,-54,58,58,-731,-738,-743,58,58,58,-872,]),'ANY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[59,59,59,59,-1894,59,59,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,59,59,59,59,-275,-276,59,-1425,59,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,59,59,59,-490,59,59,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,59,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,59,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,59,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,59,-172,-173,-174,-175,-993,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-290,-291,-281,59,59,59,59,59,-328,-318,-332,-333,-334,59,2071,-982,-983,-984,-985,-986,-987,-988,59,59,59,59,59,59,59,59,59,59,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,59,59,59,-353,-356,59,-323,-324,-141,59,-142,59,-143,59,-430,-935,-936,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-1894,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-1894,59,-1894,59,59,59,59,59,59,59,59,59,59,59,59,-1894,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,59,-1894,59,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,59,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,59,59,59,-191,-192,59,-994,59,59,59,59,59,-277,-278,-279,-280,-365,59,-308,59,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,59,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,59,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,59,59,59,59,59,59,-573,59,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,59,59,-723,-724,-725,59,59,59,59,59,59,-994,59,59,-91,-92,59,59,59,59,-309,-310,-320,59,-307,-293,-294,-295,59,59,59,59,-618,-633,-590,59,59,-436,59,-437,59,-444,-445,-446,-378,-379,59,59,59,-506,59,59,-510,59,59,59,59,-515,-516,-517,-518,59,59,-521,-522,59,-524,-525,-526,-527,-528,-529,-530,-531,59,-533,59,59,59,-539,-541,-542,59,-544,-545,-546,-547,59,59,59,59,59,59,-652,-653,-654,-655,59,-657,-658,-659,59,59,59,-665,59,59,-669,-670,59,59,-673,59,-675,-676,59,-679,59,-681,59,59,-684,-685,-686,59,-688,59,59,-691,59,59,-694,-695,-696,59,-698,-699,-700,-701,59,59,-746,59,-749,-750,-751,-752,-753,59,-755,-756,-757,-758,-759,59,-766,-767,-769,59,-771,-772,-773,-782,-856,-858,-860,-862,59,59,59,59,-868,59,-870,59,59,59,59,59,59,59,-906,-907,59,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,59,-921,-924,59,-934,59,-385,-386,-387,59,59,-390,-391,-392,-393,59,-396,59,-399,-400,59,-401,59,-406,-407,59,-410,-411,-412,59,-415,59,-416,59,-421,-422,59,-425,59,-428,-429,-1894,-1894,59,-619,-620,-621,-622,-623,-634,-584,-624,-797,59,59,59,59,59,-831,59,59,-806,59,-832,59,59,59,59,-798,59,-853,-799,59,59,59,59,59,59,-854,-855,59,-834,-830,-835,59,-625,59,-626,-627,-628,-629,-574,59,59,-630,-631,-632,59,59,59,59,59,59,-635,-636,-637,-592,-1894,-602,59,-638,-639,-713,-640,-604,59,-572,-577,-580,-583,59,59,59,-598,-601,59,-608,59,59,59,59,59,59,59,59,59,59,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,59,59,59,-995,59,59,59,59,59,59,-306,-325,-319,-296,-375,-452,-453,-454,-458,59,-443,59,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,59,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,59,59,59,59,59,59,59,59,59,-316,-535,-508,-591,-937,-939,-940,-438,59,-440,-380,-381,-383,-507,-509,-511,59,-513,-514,-519,-520,59,-532,-534,-537,-538,-543,-548,-726,59,-727,59,-732,59,-734,59,-739,-656,-660,-661,59,-666,59,-667,59,-672,-674,59,-677,59,59,59,-687,-689,59,-692,59,59,-744,59,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,59,59,59,59,59,-877,59,-880,-908,-920,-925,-388,-389,59,-394,59,-397,59,-402,59,-403,59,-408,59,-413,59,-417,59,-418,59,-423,59,-426,-899,-900,-643,-585,-1894,-901,59,59,59,-800,59,59,-804,59,-807,-833,59,-818,59,-820,59,-822,-808,59,-824,59,-851,-852,59,59,-811,59,-646,-902,-904,-648,-649,-645,59,-705,-706,59,-642,-903,-647,-650,-603,-714,59,59,-605,-586,59,59,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,59,59,-709,-710,59,-716,59,59,59,59,59,59,-938,59,-439,-441,-747,59,-891,59,-715,-1894,59,59,59,59,59,-442,-512,-523,59,-728,-733,59,-735,59,-740,59,-662,-668,59,-678,-680,-682,-683,-690,-693,-697,-745,59,59,-874,59,59,-878,59,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,59,-812,59,-814,-801,59,-802,-805,59,-816,-819,-821,-823,-825,59,-826,59,-809,59,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,59,-282,59,59,59,59,-455,59,59,-729,59,-736,59,-741,59,-663,-671,59,59,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,59,-836,-53,59,59,-730,59,-737,59,-742,-664,59,-873,-54,59,59,-731,-738,-743,59,59,59,-872,]),'ANY_VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[60,60,60,1200,-1894,60,60,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,60,60,60,60,-275,-276,1200,-1425,1200,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1200,1200,1200,-490,1200,1200,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1200,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1200,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1827,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,60,-172,-173,-174,-175,-993,60,60,60,60,60,60,60,60,60,60,1200,1200,1200,1200,1200,-290,-291,-281,60,1200,1200,1200,1200,-328,-318,-332,-333,-334,1200,1200,-982,-983,-984,-985,-986,-987,-988,60,60,1200,1200,1200,1200,1200,1200,1200,1200,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1200,1200,1200,-353,-356,60,-323,-324,-141,1200,-142,1200,-143,1200,-430,-935,-936,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1894,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1894,1200,-1894,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1894,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-1894,60,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1200,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1200,60,60,-191,-192,60,-994,1200,60,60,60,60,-277,-278,-279,-280,-365,1200,-308,1200,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1200,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1200,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1200,1200,1200,1200,1200,1200,-573,1200,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1200,1200,-723,-724,-725,1200,1827,60,60,60,60,-994,60,1200,-91,-92,60,60,60,1200,-309,-310,-320,1200,-307,-293,-294,-295,1200,60,1200,1200,-618,-633,-590,1200,60,-436,60,-437,1200,-444,-445,-446,-378,-379,1200,1200,1200,-506,1200,1200,-510,1200,1200,1200,1200,-515,-516,-517,-518,1200,1200,-521,-522,1200,-524,-525,-526,-527,-528,-529,-530,-531,1200,-533,1200,1200,1200,-539,-541,-542,1200,-544,-545,-546,-547,1200,1200,1200,1200,1200,1200,-652,-653,-654,-655,60,-657,-658,-659,1200,1200,1200,-665,1200,1200,-669,-670,1200,1200,-673,1200,-675,-676,1200,-679,1200,-681,1200,1200,-684,-685,-686,1200,-688,1200,1200,-691,1200,1200,-694,-695,-696,1200,-698,-699,-700,-701,1200,1200,-746,1200,-749,-750,-751,-752,-753,1200,-755,-756,-757,-758,-759,1200,-766,-767,-769,1200,-771,-772,-773,-782,-856,-858,-860,-862,1200,1200,1200,1200,-868,1200,-870,1200,1200,1200,1200,1200,1200,1200,-906,-907,1200,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1200,-921,-924,1200,-934,1200,-385,-386,-387,1200,1200,-390,-391,-392,-393,1200,-396,1200,-399,-400,1200,-401,1200,-406,-407,1200,-410,-411,-412,1200,-415,1200,-416,1200,-421,-422,1200,-425,1200,-428,-429,-1894,-1894,1200,-619,-620,-621,-622,-623,-634,-584,-624,-797,1200,1200,1200,1200,1200,-831,1200,1200,-806,1200,-832,1200,1200,1200,1200,-798,1200,-853,-799,1200,1200,1200,1200,1200,1200,-854,-855,1200,-834,-830,-835,1200,-625,1200,-626,-627,-628,-629,-574,1200,1200,-630,-631,-632,1200,1200,1200,1200,1200,1200,-635,-636,-637,-592,-1894,-602,1200,-638,-639,-713,-640,-604,1200,-572,-577,-580,-583,1200,1200,1200,-598,-601,1200,-608,1200,1200,1200,1200,1200,1200,1200,1200,1200,1200,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1200,60,60,-995,60,1200,60,60,60,1200,-306,-325,-319,-296,-375,-452,-453,-454,-458,60,-443,1200,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1200,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,60,60,60,60,60,60,60,60,1200,-316,-535,-508,-591,-937,-939,-940,-438,1200,-440,-380,-381,-383,-507,-509,-511,1200,-513,-514,-519,-520,1200,-532,-534,-537,-538,-543,-548,-726,1200,-727,1200,-732,1200,-734,1200,-739,-656,-660,-661,1200,-666,1200,-667,1200,-672,-674,1200,-677,1200,1200,1200,-687,-689,1200,-692,1200,1200,-744,1200,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1200,1200,1200,1200,1200,-877,1200,-880,-908,-920,-925,-388,-389,1200,-394,1200,-397,1200,-402,1200,-403,1200,-408,1200,-413,1200,-417,1200,-418,1200,-423,1200,-426,-899,-900,-643,-585,-1894,-901,1200,1200,1200,-800,1200,1200,-804,1200,-807,-833,1200,-818,1200,-820,1200,-822,-808,1200,-824,1200,-851,-852,1200,1200,-811,1200,-646,-902,-904,-648,-649,-645,1200,-705,-706,1200,-642,-903,-647,-650,-603,-714,1200,1200,-605,-586,1200,1200,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1200,1200,-709,-710,1200,-716,1200,60,60,60,1200,1200,-938,60,-439,-441,-747,1200,-891,1827,-715,-1894,1200,1200,60,60,1200,-442,-512,-523,1200,-728,-733,1200,-735,1200,-740,1200,-662,-668,1200,-678,-680,-682,-683,-690,-693,-697,-745,1200,1200,-874,1200,1200,-878,1200,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1200,-812,1200,-814,-801,1200,-802,-805,1200,-816,-819,-821,-823,-825,1200,-826,1200,-809,1200,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,60,-282,60,1200,60,1200,-455,1200,1200,-729,1200,-736,1200,-741,1200,-663,-671,1200,1200,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1200,-836,-53,60,1200,-730,1200,-737,1200,-742,-664,1200,-873,-54,60,60,-731,-738,-743,1200,60,1200,-872,]),'APPROX_COUNT_DISTINCT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[61,61,61,61,-1894,61,61,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,61,61,61,61,-275,-276,61,-1425,61,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,61,61,61,-490,61,61,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,61,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,61,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,61,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,61,-172,-173,-174,-175,-993,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-290,-291,-281,61,61,61,61,61,-328,-318,-332,-333,-334,61,61,-982,-983,-984,-985,-986,-987,-988,61,61,61,61,61,61,61,61,61,61,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,61,61,61,-353,-356,61,-323,-324,-141,61,-142,61,-143,61,-430,-935,-936,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-1894,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-1894,61,-1894,61,61,61,61,61,61,61,61,61,61,61,61,-1894,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,61,-1894,61,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,61,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,61,61,61,-191,-192,61,-994,61,61,61,61,61,-277,-278,-279,-280,-365,61,-308,61,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,61,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,61,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,61,61,61,61,61,61,-573,61,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,61,61,-723,-724,-725,61,61,61,61,61,61,-994,61,61,-91,-92,61,61,61,61,-309,-310,-320,61,-307,-293,-294,-295,61,61,61,61,-618,-633,-590,61,61,-436,61,-437,61,-444,-445,-446,-378,-379,61,61,61,-506,61,61,-510,61,61,61,61,-515,-516,-517,-518,61,61,-521,-522,61,-524,-525,-526,-527,-528,-529,-530,-531,61,-533,61,61,61,-539,-541,-542,61,-544,-545,-546,-547,61,61,61,61,61,61,-652,-653,-654,-655,61,-657,-658,-659,61,61,61,-665,61,61,-669,-670,61,61,-673,61,-675,-676,61,-679,61,-681,61,61,-684,-685,-686,61,-688,61,61,-691,61,61,-694,-695,-696,61,-698,-699,-700,-701,61,61,-746,61,-749,-750,-751,-752,-753,61,-755,-756,-757,-758,-759,61,-766,-767,-769,61,-771,-772,-773,-782,-856,-858,-860,-862,61,61,61,61,-868,61,-870,61,61,61,61,61,61,61,-906,-907,61,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,61,-921,-924,61,-934,61,-385,-386,-387,61,61,-390,-391,-392,-393,61,-396,61,-399,-400,61,-401,61,-406,-407,61,-410,-411,-412,61,-415,61,-416,61,-421,-422,61,-425,61,-428,-429,-1894,-1894,61,-619,-620,-621,-622,-623,-634,-584,-624,-797,61,61,61,61,61,-831,61,61,-806,61,-832,61,61,61,61,-798,61,-853,-799,61,61,61,61,61,61,-854,-855,61,-834,-830,-835,61,-625,61,-626,-627,-628,-629,-574,61,61,-630,-631,-632,61,61,61,61,61,61,-635,-636,-637,-592,-1894,-602,61,-638,-639,-713,-640,-604,61,-572,-577,-580,-583,61,61,61,-598,-601,61,-608,61,61,61,61,61,61,61,61,61,61,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,61,61,61,-995,61,61,61,61,61,61,-306,-325,-319,-296,-375,-452,-453,-454,-458,61,-443,61,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,61,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,61,61,61,61,61,61,61,61,61,-316,-535,-508,-591,-937,-939,-940,-438,61,-440,-380,-381,-383,-507,-509,-511,61,-513,-514,-519,-520,61,-532,-534,-537,-538,-543,-548,-726,61,-727,61,-732,61,-734,61,-739,-656,-660,-661,61,-666,61,-667,61,-672,-674,61,-677,61,61,61,-687,-689,61,-692,61,61,-744,61,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,61,61,61,61,61,-877,61,-880,-908,-920,-925,-388,-389,61,-394,61,-397,61,-402,61,-403,61,-408,61,-413,61,-417,61,-418,61,-423,61,-426,-899,-900,-643,-585,-1894,-901,61,61,61,-800,61,61,-804,61,-807,-833,61,-818,61,-820,61,-822,-808,61,-824,61,-851,-852,61,61,-811,61,-646,-902,-904,-648,-649,-645,61,-705,-706,61,-642,-903,-647,-650,-603,-714,61,61,-605,-586,61,61,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,61,61,-709,-710,61,-716,61,61,61,61,61,61,-938,61,-439,-441,-747,61,-891,61,-715,-1894,61,61,61,61,61,-442,-512,-523,61,-728,-733,61,-735,61,-740,61,-662,-668,61,-678,-680,-682,-683,-690,-693,-697,-745,61,61,-874,61,61,-878,61,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,61,-812,61,-814,-801,61,-802,-805,61,-816,-819,-821,-823,-825,61,-826,61,-809,61,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,61,-282,61,61,61,61,-455,61,61,-729,61,-736,61,-741,61,-663,-671,61,61,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,61,-836,-53,61,61,-730,61,-737,61,-742,-664,61,-873,-54,61,61,-731,-738,-743,61,61,61,-872,]),'APPROX_COUNT_DISTINCT_SYNOPSIS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[62,62,62,62,-1894,62,62,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,62,62,62,62,-275,-276,62,-1425,62,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,62,62,62,-490,62,62,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,62,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,62,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,62,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,62,-172,-173,-174,-175,-993,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-290,-291,-281,62,62,62,62,62,-328,-318,-332,-333,-334,62,62,-982,-983,-984,-985,-986,-987,-988,62,62,62,62,62,62,62,62,62,62,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,62,62,62,-353,-356,62,-323,-324,-141,62,-142,62,-143,62,-430,-935,-936,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-1894,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-1894,62,-1894,62,62,62,62,62,62,62,62,62,62,62,62,-1894,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,62,-1894,62,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,62,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,62,62,62,-191,-192,62,-994,62,62,62,62,62,-277,-278,-279,-280,-365,62,-308,62,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,62,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,62,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,62,62,62,62,62,62,-573,62,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,62,62,-723,-724,-725,62,62,62,62,62,62,-994,62,62,-91,-92,62,62,62,62,-309,-310,-320,62,-307,-293,-294,-295,62,62,62,62,-618,-633,-590,62,62,-436,62,-437,62,-444,-445,-446,-378,-379,62,62,62,-506,62,62,-510,62,62,62,62,-515,-516,-517,-518,62,62,-521,-522,62,-524,-525,-526,-527,-528,-529,-530,-531,62,-533,62,62,62,-539,-541,-542,62,-544,-545,-546,-547,62,62,62,62,62,62,-652,-653,-654,-655,62,-657,-658,-659,62,62,62,-665,62,62,-669,-670,62,62,-673,62,-675,-676,62,-679,62,-681,62,62,-684,-685,-686,62,-688,62,62,-691,62,62,-694,-695,-696,62,-698,-699,-700,-701,62,62,-746,62,-749,-750,-751,-752,-753,62,-755,-756,-757,-758,-759,62,-766,-767,-769,62,-771,-772,-773,-782,-856,-858,-860,-862,62,62,62,62,-868,62,-870,62,62,62,62,62,62,62,-906,-907,62,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,62,-921,-924,62,-934,62,-385,-386,-387,62,62,-390,-391,-392,-393,62,-396,62,-399,-400,62,-401,62,-406,-407,62,-410,-411,-412,62,-415,62,-416,62,-421,-422,62,-425,62,-428,-429,-1894,-1894,62,-619,-620,-621,-622,-623,-634,-584,-624,-797,62,62,62,62,62,-831,62,62,-806,62,-832,62,62,62,62,-798,62,-853,-799,62,62,62,62,62,62,-854,-855,62,-834,-830,-835,62,-625,62,-626,-627,-628,-629,-574,62,62,-630,-631,-632,62,62,62,62,62,62,-635,-636,-637,-592,-1894,-602,62,-638,-639,-713,-640,-604,62,-572,-577,-580,-583,62,62,62,-598,-601,62,-608,62,62,62,62,62,62,62,62,62,62,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,62,62,62,-995,62,62,62,62,62,62,-306,-325,-319,-296,-375,-452,-453,-454,-458,62,-443,62,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,62,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,62,62,62,62,62,62,62,62,62,-316,-535,-508,-591,-937,-939,-940,-438,62,-440,-380,-381,-383,-507,-509,-511,62,-513,-514,-519,-520,62,-532,-534,-537,-538,-543,-548,-726,62,-727,62,-732,62,-734,62,-739,-656,-660,-661,62,-666,62,-667,62,-672,-674,62,-677,62,62,62,-687,-689,62,-692,62,62,-744,62,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,62,62,62,62,62,-877,62,-880,-908,-920,-925,-388,-389,62,-394,62,-397,62,-402,62,-403,62,-408,62,-413,62,-417,62,-418,62,-423,62,-426,-899,-900,-643,-585,-1894,-901,62,62,62,-800,62,62,-804,62,-807,-833,62,-818,62,-820,62,-822,-808,62,-824,62,-851,-852,62,62,-811,62,-646,-902,-904,-648,-649,-645,62,-705,-706,62,-642,-903,-647,-650,-603,-714,62,62,-605,-586,62,62,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,62,62,-709,-710,62,-716,62,62,62,62,62,62,-938,62,-439,-441,-747,62,-891,62,-715,-1894,62,62,62,62,62,-442,-512,-523,62,-728,-733,62,-735,62,-740,62,-662,-668,62,-678,-680,-682,-683,-690,-693,-697,-745,62,62,-874,62,62,-878,62,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,62,-812,62,-814,-801,62,-802,-805,62,-816,-819,-821,-823,-825,62,-826,62,-809,62,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,62,-282,62,62,62,62,-455,62,62,-729,62,-736,62,-741,62,-663,-671,62,62,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,62,-836,-53,62,62,-730,62,-737,62,-742,-664,62,-873,-54,62,62,-731,-738,-743,62,62,62,-872,]),'APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[63,63,63,63,-1894,63,63,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,63,63,63,63,-275,-276,63,-1425,63,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,63,63,63,-490,63,63,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,63,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,63,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,63,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,63,-172,-173,-174,-175,-993,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-290,-291,-281,63,63,63,63,63,-328,-318,-332,-333,-334,63,63,-982,-983,-984,-985,-986,-987,-988,63,63,63,63,63,63,63,63,63,63,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,63,63,63,-353,-356,63,-323,-324,-141,63,-142,63,-143,63,-430,-935,-936,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-1894,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-1894,63,-1894,63,63,63,63,63,63,63,63,63,63,63,63,-1894,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,63,-1894,63,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,63,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,63,63,63,-191,-192,63,-994,63,63,63,63,63,-277,-278,-279,-280,-365,63,-308,63,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,63,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,63,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,63,63,63,63,63,63,-573,63,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,63,63,-723,-724,-725,63,63,63,63,63,63,-994,63,63,-91,-92,63,63,63,63,-309,-310,-320,63,-307,-293,-294,-295,63,63,63,63,-618,-633,-590,63,63,-436,63,-437,63,-444,-445,-446,-378,-379,63,63,63,-506,63,63,-510,63,63,63,63,-515,-516,-517,-518,63,63,-521,-522,63,-524,-525,-526,-527,-528,-529,-530,-531,63,-533,63,63,63,-539,-541,-542,63,-544,-545,-546,-547,63,63,63,63,63,63,-652,-653,-654,-655,63,-657,-658,-659,63,63,63,-665,63,63,-669,-670,63,63,-673,63,-675,-676,63,-679,63,-681,63,63,-684,-685,-686,63,-688,63,63,-691,63,63,-694,-695,-696,63,-698,-699,-700,-701,63,63,-746,63,-749,-750,-751,-752,-753,63,-755,-756,-757,-758,-759,63,-766,-767,-769,63,-771,-772,-773,-782,-856,-858,-860,-862,63,63,63,63,-868,63,-870,63,63,63,63,63,63,63,-906,-907,63,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,63,-921,-924,63,-934,63,-385,-386,-387,63,63,-390,-391,-392,-393,63,-396,63,-399,-400,63,-401,63,-406,-407,63,-410,-411,-412,63,-415,63,-416,63,-421,-422,63,-425,63,-428,-429,-1894,-1894,63,-619,-620,-621,-622,-623,-634,-584,-624,-797,63,63,63,63,63,-831,63,63,-806,63,-832,63,63,63,63,-798,63,-853,-799,63,63,63,63,63,63,-854,-855,63,-834,-830,-835,63,-625,63,-626,-627,-628,-629,-574,63,63,-630,-631,-632,63,63,63,63,63,63,-635,-636,-637,-592,-1894,-602,63,-638,-639,-713,-640,-604,63,-572,-577,-580,-583,63,63,63,-598,-601,63,-608,63,63,63,63,63,63,63,63,63,63,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,63,63,63,-995,63,63,63,63,63,63,-306,-325,-319,-296,-375,-452,-453,-454,-458,63,-443,63,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,63,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,63,63,63,63,63,63,63,63,63,-316,-535,-508,-591,-937,-939,-940,-438,63,-440,-380,-381,-383,-507,-509,-511,63,-513,-514,-519,-520,63,-532,-534,-537,-538,-543,-548,-726,63,-727,63,-732,63,-734,63,-739,-656,-660,-661,63,-666,63,-667,63,-672,-674,63,-677,63,63,63,-687,-689,63,-692,63,63,-744,63,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,63,63,63,63,63,-877,63,-880,-908,-920,-925,-388,-389,63,-394,63,-397,63,-402,63,-403,63,-408,63,-413,63,-417,63,-418,63,-423,63,-426,-899,-900,-643,-585,-1894,-901,63,63,63,-800,63,63,-804,63,-807,-833,63,-818,63,-820,63,-822,-808,63,-824,63,-851,-852,63,63,-811,63,-646,-902,-904,-648,-649,-645,63,-705,-706,63,-642,-903,-647,-650,-603,-714,63,63,-605,-586,63,63,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,63,63,-709,-710,63,-716,63,63,63,63,63,63,-938,63,-439,-441,-747,63,-891,63,-715,-1894,63,63,63,63,63,-442,-512,-523,63,-728,-733,63,-735,63,-740,63,-662,-668,63,-678,-680,-682,-683,-690,-693,-697,-745,63,63,-874,63,63,-878,63,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,63,-812,63,-814,-801,63,-802,-805,63,-816,-819,-821,-823,-825,63,-826,63,-809,63,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,63,-282,63,63,63,63,-455,63,63,-729,63,-736,63,-741,63,-663,-671,63,63,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,63,-836,-53,63,63,-730,63,-737,63,-742,-664,63,-873,-54,63,63,-731,-738,-743,63,63,63,-872,]),'ARCHIVELOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[64,64,64,64,-1894,64,64,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,64,64,64,64,-275,-276,64,-1425,64,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,64,64,64,-490,64,64,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,64,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,64,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,64,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,64,-172,-173,-174,-175,-993,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-290,-291,-281,64,64,64,64,64,-328,-318,-332,-333,-334,64,64,-982,-983,-984,-985,-986,-987,-988,64,64,64,64,64,64,64,64,64,64,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,64,64,64,-353,-356,64,-323,-324,-141,64,-142,64,-143,64,-430,-935,-936,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-1894,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-1894,64,-1894,64,64,64,64,64,64,64,64,64,64,64,64,-1894,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,64,-1894,64,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,64,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,64,64,64,-191,-192,64,-994,64,64,64,64,64,-277,-278,-279,-280,-365,64,-308,64,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,64,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,64,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,64,64,64,64,64,64,-573,64,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,64,64,-723,-724,-725,64,64,64,64,64,64,-994,64,64,-91,-92,64,64,64,64,-309,-310,-320,64,-307,-293,-294,-295,64,64,64,64,-618,-633,-590,64,64,-436,64,-437,64,-444,-445,-446,-378,-379,64,64,64,-506,64,64,-510,64,64,64,64,-515,-516,-517,-518,64,64,-521,-522,64,-524,-525,-526,-527,-528,-529,-530,-531,64,-533,64,64,64,-539,-541,-542,64,-544,-545,-546,-547,64,64,64,64,64,64,-652,-653,-654,-655,64,-657,-658,-659,64,64,64,-665,64,64,-669,-670,64,64,-673,64,-675,-676,64,-679,64,-681,64,64,-684,-685,-686,64,-688,64,64,-691,64,64,-694,-695,-696,64,-698,-699,-700,-701,64,64,-746,64,-749,-750,-751,-752,-753,64,-755,-756,-757,-758,-759,64,-766,-767,-769,64,-771,-772,-773,-782,-856,-858,-860,-862,64,64,64,64,-868,64,-870,64,64,64,64,64,64,64,-906,-907,64,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,64,-921,-924,64,-934,64,-385,-386,-387,64,64,-390,-391,-392,-393,64,-396,64,-399,-400,64,-401,64,-406,-407,64,-410,-411,-412,64,-415,64,-416,64,-421,-422,64,-425,64,-428,-429,-1894,-1894,64,-619,-620,-621,-622,-623,-634,-584,-624,-797,64,64,64,64,64,-831,64,64,-806,64,-832,64,64,64,64,-798,64,-853,-799,64,64,64,64,64,64,-854,-855,64,-834,-830,-835,64,-625,64,-626,-627,-628,-629,-574,64,64,-630,-631,-632,64,64,64,64,64,64,-635,-636,-637,-592,-1894,-602,64,-638,-639,-713,-640,-604,64,-572,-577,-580,-583,64,64,64,-598,-601,64,-608,64,64,64,64,64,64,64,64,64,64,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,64,64,64,-995,64,64,64,64,64,64,-306,-325,-319,-296,-375,-452,-453,-454,-458,64,-443,64,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,64,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,64,64,64,64,64,64,64,64,64,-316,-535,-508,-591,-937,-939,-940,-438,64,-440,-380,-381,-383,-507,-509,-511,64,-513,-514,-519,-520,64,-532,-534,-537,-538,-543,-548,-726,64,-727,64,-732,64,-734,64,-739,-656,-660,-661,64,-666,64,-667,64,-672,-674,64,-677,64,64,64,-687,-689,64,-692,64,64,-744,64,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,64,64,64,64,64,-877,64,-880,-908,-920,-925,-388,-389,64,-394,64,-397,64,-402,64,-403,64,-408,64,-413,64,-417,64,-418,64,-423,64,-426,-899,-900,-643,-585,-1894,-901,64,64,64,-800,64,64,-804,64,-807,-833,64,-818,64,-820,64,-822,-808,64,-824,64,-851,-852,64,64,-811,64,-646,-902,-904,-648,-649,-645,64,-705,-706,64,-642,-903,-647,-650,-603,-714,64,64,-605,-586,64,64,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,64,64,-709,-710,64,-716,64,64,64,64,64,64,-938,64,-439,-441,-747,64,-891,64,-715,-1894,64,64,64,64,64,-442,-512,-523,64,-728,-733,64,-735,64,-740,64,-662,-668,64,-678,-680,-682,-683,-690,-693,-697,-745,64,64,-874,64,64,-878,64,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,64,-812,64,-814,-801,64,-802,-805,64,-816,-819,-821,-823,-825,64,-826,64,-809,64,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,64,-282,64,64,64,64,-455,64,64,-729,64,-736,64,-741,64,-663,-671,64,64,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,64,-836,-53,64,64,-730,64,-737,64,-742,-664,64,-873,-54,64,64,-731,-738,-743,64,64,64,-872,]),'ASCII':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[65,65,65,1082,-1894,65,65,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,65,65,65,65,-275,-276,1082,-1425,1082,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1082,1082,1082,-490,1082,1082,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1082,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1082,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1828,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,65,-172,-173,-174,-175,-993,65,65,65,65,65,65,65,65,65,65,1082,1082,1082,1082,1082,-290,-291,-281,65,1082,1082,1082,1082,-328,-318,-332,-333,-334,1082,1082,-982,-983,-984,-985,-986,-987,-988,65,65,1082,1082,1082,1082,1082,1082,1082,1082,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1082,1082,1082,-353,-356,65,-323,-324,-141,1082,-142,1082,-143,1082,-430,-935,-936,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1894,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1894,1082,-1894,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1894,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-1894,65,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1082,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1082,65,65,-191,-192,65,-994,1082,65,65,65,65,-277,-278,-279,-280,-365,1082,-308,1082,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1082,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1082,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1082,1082,1082,1082,1082,1082,-573,1082,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1082,1082,-723,-724,-725,1082,1828,65,65,65,65,-994,65,1082,-91,-92,65,65,65,1082,-309,-310,-320,1082,-307,-293,-294,-295,1082,65,1082,1082,-618,-633,-590,1082,65,-436,65,-437,1082,-444,-445,-446,-378,-379,1082,1082,1082,-506,1082,1082,-510,1082,1082,1082,1082,-515,-516,-517,-518,1082,1082,-521,-522,1082,-524,-525,-526,-527,-528,-529,-530,-531,1082,-533,1082,1082,1082,-539,-541,-542,1082,-544,-545,-546,-547,1082,1082,1082,1082,1082,1082,-652,-653,-654,-655,65,-657,-658,-659,1082,1082,1082,-665,1082,1082,-669,-670,1082,1082,-673,1082,-675,-676,1082,-679,1082,-681,1082,1082,-684,-685,-686,1082,-688,1082,1082,-691,1082,1082,-694,-695,-696,1082,-698,-699,-700,-701,1082,1082,-746,1082,-749,-750,-751,-752,-753,1082,-755,-756,-757,-758,-759,1082,-766,-767,-769,1082,-771,-772,-773,-782,-856,-858,-860,-862,1082,1082,1082,1082,-868,1082,-870,1082,1082,1082,1082,1082,1082,1082,-906,-907,1082,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1082,-921,-924,1082,-934,1082,-385,-386,-387,1082,1082,-390,-391,-392,-393,1082,-396,1082,-399,-400,1082,-401,1082,-406,-407,1082,-410,-411,-412,1082,-415,1082,-416,1082,-421,-422,1082,-425,1082,-428,-429,-1894,-1894,1082,-619,-620,-621,-622,-623,-634,-584,-624,-797,1082,1082,1082,1082,1082,-831,1082,1082,-806,1082,-832,1082,1082,1082,1082,-798,1082,-853,-799,1082,1082,1082,1082,1082,1082,-854,-855,1082,-834,-830,-835,1082,-625,1082,-626,-627,-628,-629,-574,1082,1082,-630,-631,-632,1082,1082,1082,1082,1082,1082,-635,-636,-637,-592,-1894,-602,1082,-638,-639,-713,-640,-604,1082,-572,-577,-580,-583,1082,1082,1082,-598,-601,1082,-608,1082,1082,1082,1082,1082,1082,1082,1082,1082,1082,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1082,65,65,-995,65,1082,65,65,65,1082,-306,-325,-319,-296,-375,-452,-453,-454,-458,65,-443,1082,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1082,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,65,65,65,65,65,65,65,65,1082,-316,-535,-508,-591,-937,-939,-940,-438,1082,-440,-380,-381,-383,-507,-509,-511,1082,-513,-514,-519,-520,1082,-532,-534,-537,-538,-543,-548,-726,1082,-727,1082,-732,1082,-734,1082,-739,-656,-660,-661,1082,-666,1082,-667,1082,-672,-674,1082,-677,1082,1082,1082,-687,-689,1082,-692,1082,1082,-744,1082,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1082,1082,1082,1082,1082,-877,1082,-880,-908,-920,-925,-388,-389,1082,-394,1082,-397,1082,-402,1082,-403,1082,-408,1082,-413,1082,-417,1082,-418,1082,-423,1082,-426,-899,-900,-643,-585,-1894,-901,1082,1082,1082,-800,1082,1082,-804,1082,-807,-833,1082,-818,1082,-820,1082,-822,-808,1082,-824,1082,-851,-852,1082,1082,-811,1082,-646,-902,-904,-648,-649,-645,1082,-705,-706,1082,-642,-903,-647,-650,-603,-714,1082,1082,-605,-586,1082,1082,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1082,1082,-709,-710,1082,-716,1082,65,65,65,1082,1082,-938,65,-439,-441,-747,1082,-891,1828,-715,-1894,1082,1082,65,65,1082,-442,-512,-523,1082,-728,-733,1082,-735,1082,-740,1082,-662,-668,1082,-678,-680,-682,-683,-690,-693,-697,-745,1082,1082,-874,1082,1082,-878,1082,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1082,-812,1082,-814,-801,1082,-802,-805,1082,-816,-819,-821,-823,-825,1082,-826,1082,-809,1082,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,65,-282,65,1082,65,1082,-455,1082,1082,-729,1082,-736,1082,-741,1082,-663,-671,1082,1082,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1082,-836,-53,65,1082,-730,1082,-737,1082,-742,-664,1082,-873,-54,65,65,-731,-738,-743,1082,65,1082,-872,]),'ASENSITIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[66,66,66,66,-1894,66,66,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,66,66,66,66,-275,-276,66,-1425,66,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,66,66,66,-490,66,66,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,66,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,66,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,66,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,66,-172,-173,-174,-175,-993,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-290,-291,-281,66,66,66,66,66,-328,-318,-332,-333,-334,66,66,-982,-983,-984,-985,-986,-987,-988,66,66,66,66,66,66,66,66,66,66,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,66,66,66,-353,-356,66,-323,-324,-141,66,-142,66,-143,66,-430,-935,-936,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-1894,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-1894,66,-1894,66,66,66,66,66,66,66,66,66,66,66,66,-1894,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,66,-1894,66,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,66,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,66,66,66,-191,-192,66,-994,66,66,66,66,66,-277,-278,-279,-280,-365,66,-308,66,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,66,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,66,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,66,66,66,66,66,66,-573,66,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,66,66,-723,-724,-725,66,66,66,66,66,66,-994,66,66,-91,-92,66,66,66,66,-309,-310,-320,66,-307,-293,-294,-295,66,66,66,66,-618,-633,-590,66,66,-436,66,-437,66,-444,-445,-446,-378,-379,66,66,66,-506,66,66,-510,66,66,66,66,-515,-516,-517,-518,66,66,-521,-522,66,-524,-525,-526,-527,-528,-529,-530,-531,66,-533,66,66,66,-539,-541,-542,66,-544,-545,-546,-547,66,66,66,66,66,66,-652,-653,-654,-655,66,-657,-658,-659,66,66,66,-665,66,66,-669,-670,66,66,-673,66,-675,-676,66,-679,66,-681,66,66,-684,-685,-686,66,-688,66,66,-691,66,66,-694,-695,-696,66,-698,-699,-700,-701,66,66,-746,66,-749,-750,-751,-752,-753,66,-755,-756,-757,-758,-759,66,-766,-767,-769,66,-771,-772,-773,-782,-856,-858,-860,-862,66,66,66,66,-868,66,-870,66,66,66,66,66,66,66,-906,-907,66,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,66,-921,-924,66,-934,66,-385,-386,-387,66,66,-390,-391,-392,-393,66,-396,66,-399,-400,66,-401,66,-406,-407,66,-410,-411,-412,66,-415,66,-416,66,-421,-422,66,-425,66,-428,-429,-1894,-1894,66,-619,-620,-621,-622,-623,-634,-584,-624,-797,66,66,66,66,66,-831,66,66,-806,66,-832,66,66,66,66,-798,66,-853,-799,66,66,66,66,66,66,-854,-855,66,-834,-830,-835,66,-625,66,-626,-627,-628,-629,-574,66,66,-630,-631,-632,66,66,66,66,66,66,-635,-636,-637,-592,-1894,-602,66,-638,-639,-713,-640,-604,66,-572,-577,-580,-583,66,66,66,-598,-601,66,-608,66,66,66,66,66,66,66,66,66,66,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,66,66,66,-995,66,66,66,66,66,66,-306,-325,-319,-296,-375,-452,-453,-454,-458,66,-443,66,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,66,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,66,66,66,66,66,66,66,66,66,-316,-535,-508,-591,-937,-939,-940,-438,66,-440,-380,-381,-383,-507,-509,-511,66,-513,-514,-519,-520,66,-532,-534,-537,-538,-543,-548,-726,66,-727,66,-732,66,-734,66,-739,-656,-660,-661,66,-666,66,-667,66,-672,-674,66,-677,66,66,66,-687,-689,66,-692,66,66,-744,66,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,66,66,66,66,66,-877,66,-880,-908,-920,-925,-388,-389,66,-394,66,-397,66,-402,66,-403,66,-408,66,-413,66,-417,66,-418,66,-423,66,-426,-899,-900,-643,-585,-1894,-901,66,66,66,-800,66,66,-804,66,-807,-833,66,-818,66,-820,66,-822,-808,66,-824,66,-851,-852,66,66,-811,66,-646,-902,-904,-648,-649,-645,66,-705,-706,66,-642,-903,-647,-650,-603,-714,66,66,-605,-586,66,66,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,66,66,-709,-710,66,-716,66,66,66,66,66,66,-938,66,-439,-441,-747,66,-891,66,-715,-1894,66,66,66,66,66,-442,-512,-523,66,-728,-733,66,-735,66,-740,66,-662,-668,66,-678,-680,-682,-683,-690,-693,-697,-745,66,66,-874,66,66,-878,66,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,66,-812,66,-814,-801,66,-802,-805,66,-816,-819,-821,-823,-825,66,-826,66,-809,66,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,66,-282,66,66,66,66,-455,66,66,-729,66,-736,66,-741,66,-663,-671,66,66,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,66,-836,-53,66,66,-730,66,-737,66,-742,-664,66,-873,-54,66,66,-731,-738,-743,66,66,66,-872,]),'ASIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[67,67,67,1050,-1894,67,67,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,67,67,67,67,-275,-276,1050,-1425,1050,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1050,1050,1050,-490,1050,1050,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1050,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1050,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1829,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,67,-172,-173,-174,-175,-993,67,67,67,67,67,67,67,67,67,67,1050,1050,1050,1050,1050,-290,-291,-281,67,1050,1050,1050,1050,-328,-318,-332,-333,-334,1050,1050,-982,-983,-984,-985,-986,-987,-988,67,67,1050,1050,1050,1050,1050,1050,1050,1050,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1050,1050,1050,-353,-356,67,-323,-324,-141,1050,-142,1050,-143,1050,-430,-935,-936,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1894,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1894,1050,-1894,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1894,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-1894,67,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1050,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1050,67,67,-191,-192,67,-994,1050,67,67,67,67,-277,-278,-279,-280,-365,1050,-308,1050,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1050,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1050,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1050,1050,1050,1050,1050,1050,-573,1050,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1050,1050,-723,-724,-725,1050,1829,67,67,67,67,-994,67,1050,-91,-92,67,67,67,1050,-309,-310,-320,1050,-307,-293,-294,-295,1050,67,1050,1050,-618,-633,-590,1050,67,-436,67,-437,1050,-444,-445,-446,-378,-379,1050,1050,1050,-506,1050,1050,-510,1050,1050,1050,1050,-515,-516,-517,-518,1050,1050,-521,-522,1050,-524,-525,-526,-527,-528,-529,-530,-531,1050,-533,1050,1050,1050,-539,-541,-542,1050,-544,-545,-546,-547,1050,1050,1050,1050,1050,1050,-652,-653,-654,-655,67,-657,-658,-659,1050,1050,1050,-665,1050,1050,-669,-670,1050,1050,-673,1050,-675,-676,1050,-679,1050,-681,1050,1050,-684,-685,-686,1050,-688,1050,1050,-691,1050,1050,-694,-695,-696,1050,-698,-699,-700,-701,1050,1050,-746,1050,-749,-750,-751,-752,-753,1050,-755,-756,-757,-758,-759,1050,-766,-767,-769,1050,-771,-772,-773,-782,-856,-858,-860,-862,1050,1050,1050,1050,-868,1050,-870,1050,1050,1050,1050,1050,1050,1050,-906,-907,1050,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1050,-921,-924,1050,-934,1050,-385,-386,-387,1050,1050,-390,-391,-392,-393,1050,-396,1050,-399,-400,1050,-401,1050,-406,-407,1050,-410,-411,-412,1050,-415,1050,-416,1050,-421,-422,1050,-425,1050,-428,-429,-1894,-1894,1050,-619,-620,-621,-622,-623,-634,-584,-624,-797,1050,1050,1050,1050,1050,-831,1050,1050,-806,1050,-832,1050,1050,1050,1050,-798,1050,-853,-799,1050,1050,1050,1050,1050,1050,-854,-855,1050,-834,-830,-835,1050,-625,1050,-626,-627,-628,-629,-574,1050,1050,-630,-631,-632,1050,1050,1050,1050,1050,1050,-635,-636,-637,-592,-1894,-602,1050,-638,-639,-713,-640,-604,1050,-572,-577,-580,-583,1050,1050,1050,-598,-601,1050,-608,1050,1050,1050,1050,1050,1050,1050,1050,1050,1050,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1050,67,67,-995,67,1050,67,67,67,1050,-306,-325,-319,-296,-375,-452,-453,-454,-458,67,-443,1050,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1050,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,67,67,67,67,67,67,67,67,1050,-316,-535,-508,-591,-937,-939,-940,-438,1050,-440,-380,-381,-383,-507,-509,-511,1050,-513,-514,-519,-520,1050,-532,-534,-537,-538,-543,-548,-726,1050,-727,1050,-732,1050,-734,1050,-739,-656,-660,-661,1050,-666,1050,-667,1050,-672,-674,1050,-677,1050,1050,1050,-687,-689,1050,-692,1050,1050,-744,1050,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1050,1050,1050,1050,1050,-877,1050,-880,-908,-920,-925,-388,-389,1050,-394,1050,-397,1050,-402,1050,-403,1050,-408,1050,-413,1050,-417,1050,-418,1050,-423,1050,-426,-899,-900,-643,-585,-1894,-901,1050,1050,1050,-800,1050,1050,-804,1050,-807,-833,1050,-818,1050,-820,1050,-822,-808,1050,-824,1050,-851,-852,1050,1050,-811,1050,-646,-902,-904,-648,-649,-645,1050,-705,-706,1050,-642,-903,-647,-650,-603,-714,1050,1050,-605,-586,1050,1050,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1050,1050,-709,-710,1050,-716,1050,67,67,67,1050,1050,-938,67,-439,-441,-747,1050,-891,1829,-715,-1894,1050,1050,67,67,1050,-442,-512,-523,1050,-728,-733,1050,-735,1050,-740,1050,-662,-668,1050,-678,-680,-682,-683,-690,-693,-697,-745,1050,1050,-874,1050,1050,-878,1050,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1050,-812,1050,-814,-801,1050,-802,-805,1050,-816,-819,-821,-823,-825,1050,-826,1050,-809,1050,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,67,-282,67,1050,67,1050,-455,1050,1050,-729,1050,-736,1050,-741,1050,-663,-671,1050,1050,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1050,-836,-53,67,1050,-730,1050,-737,1050,-742,-664,1050,-873,-54,67,67,-731,-738,-743,1050,67,1050,-872,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[68,68,68,1190,-1894,68,68,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,68,68,68,68,-275,-276,1190,-1425,1190,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1190,1190,1190,-490,1190,1190,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1190,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1190,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1830,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,68,-172,-173,-174,-175,-993,68,68,68,68,68,68,68,68,68,68,1190,1190,1190,1190,1190,-290,-291,-281,68,1190,1190,1190,1190,-328,-318,-332,-333,-334,1190,1190,-982,-983,-984,-985,-986,-987,-988,68,68,1190,1190,1190,1190,1190,1190,1190,1190,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1190,1190,1190,-353,-356,68,-323,-324,-141,1190,-142,1190,-143,1190,-430,-935,-936,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1894,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1894,1190,-1894,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1894,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-1894,68,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1190,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1190,68,68,-191,-192,68,-994,1190,68,68,68,68,-277,-278,-279,-280,-365,1190,-308,1190,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1190,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1190,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1190,1190,1190,1190,1190,1190,-573,1190,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1190,1190,-723,-724,-725,1190,1830,68,68,68,68,-994,68,1190,-91,-92,68,68,68,1190,-309,-310,-320,1190,-307,-293,-294,-295,1190,68,1190,1190,-618,-633,-590,1190,68,-436,68,-437,1190,-444,-445,-446,-378,-379,1190,1190,1190,-506,1190,1190,-510,1190,1190,1190,1190,-515,-516,-517,-518,1190,1190,-521,-522,1190,-524,-525,-526,-527,-528,-529,-530,-531,1190,-533,1190,1190,1190,-539,-541,-542,1190,-544,-545,-546,-547,1190,1190,1190,1190,1190,1190,-652,-653,-654,-655,68,-657,-658,-659,1190,1190,1190,-665,1190,1190,-669,-670,1190,1190,-673,1190,-675,-676,1190,-679,1190,-681,1190,1190,-684,-685,-686,1190,-688,1190,1190,-691,1190,1190,-694,-695,-696,1190,-698,-699,-700,-701,1190,1190,-746,1190,-749,-750,-751,-752,-753,1190,-755,-756,-757,-758,-759,1190,-766,-767,-769,1190,-771,-772,-773,-782,-856,-858,-860,-862,1190,1190,1190,1190,-868,1190,-870,1190,1190,1190,1190,1190,1190,1190,-906,-907,1190,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1190,-921,-924,1190,-934,1190,-385,-386,-387,1190,1190,-390,-391,-392,-393,1190,-396,1190,-399,-400,1190,-401,1190,-406,-407,1190,-410,-411,-412,1190,-415,1190,-416,1190,-421,-422,1190,-425,1190,-428,-429,-1894,-1894,1190,-619,-620,-621,-622,-623,-634,-584,-624,-797,1190,1190,1190,1190,1190,-831,1190,1190,-806,1190,-832,1190,1190,1190,1190,-798,1190,-853,-799,1190,1190,1190,1190,1190,1190,-854,-855,1190,-834,-830,-835,1190,-625,1190,-626,-627,-628,-629,-574,1190,1190,-630,-631,-632,1190,1190,1190,1190,1190,1190,-635,-636,-637,-592,-1894,-602,1190,-638,-639,-713,-640,-604,1190,-572,-577,-580,-583,1190,1190,1190,-598,-601,1190,-608,1190,1190,1190,1190,1190,1190,1190,1190,1190,1190,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1190,68,68,-995,68,1190,68,68,68,1190,-306,-325,-319,-296,-375,-452,-453,-454,-458,68,-443,1190,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1190,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,68,68,68,68,68,68,68,68,1190,-316,-535,-508,-591,-937,-939,-940,-438,1190,-440,-380,-381,-383,-507,-509,-511,1190,-513,-514,-519,-520,1190,-532,-534,-537,-538,-543,-548,-726,1190,-727,1190,-732,1190,-734,1190,-739,-656,-660,-661,1190,-666,1190,-667,1190,-672,-674,1190,-677,1190,1190,1190,-687,-689,1190,-692,1190,1190,-744,1190,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1190,1190,1190,1190,1190,-877,1190,-880,-908,-920,-925,-388,-389,1190,-394,1190,-397,1190,-402,1190,-403,1190,-408,1190,-413,1190,-417,1190,-418,1190,-423,1190,-426,-899,-900,-643,-585,-1894,-901,1190,1190,1190,-800,1190,1190,-804,1190,-807,-833,1190,-818,1190,-820,1190,-822,-808,1190,-824,1190,-851,-852,1190,1190,-811,1190,-646,-902,-904,-648,-649,-645,1190,-705,-706,1190,-642,-903,-647,-650,-603,-714,1190,1190,-605,-586,1190,1190,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1190,1190,-709,-710,1190,-716,1190,68,68,68,1190,1190,-938,68,-439,-441,-747,1190,-891,1830,-715,-1894,1190,1190,68,68,1190,-442,-512,-523,1190,-728,-733,1190,-735,1190,-740,1190,-662,-668,1190,-678,-680,-682,-683,-690,-693,-697,-745,1190,1190,-874,1190,1190,-878,1190,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1190,-812,1190,-814,-801,1190,-802,-805,1190,-816,-819,-821,-823,-825,1190,-826,1190,-809,1190,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,68,-282,68,1190,68,1190,-455,1190,1190,-729,1190,-736,1190,-741,1190,-663,-671,1190,1190,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1190,-836,-53,68,1190,-730,1190,-737,1190,-742,-664,1190,-873,-54,68,68,-731,-738,-743,1190,68,1190,-872,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[69,69,69,1191,-1894,69,69,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,69,69,69,69,-275,-276,1191,-1425,1191,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1191,1191,1191,-490,1191,1191,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1191,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1191,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1831,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,69,-172,-173,-174,-175,-993,69,69,69,69,69,69,69,69,69,69,1191,1191,1191,1191,1191,-290,-291,-281,69,1191,1191,1191,1191,-328,-318,-332,-333,-334,1191,1191,-982,-983,-984,-985,-986,-987,-988,69,69,1191,1191,1191,1191,1191,1191,1191,1191,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1191,1191,1191,-353,-356,69,-323,-324,-141,1191,-142,1191,-143,1191,-430,-935,-936,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1894,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1894,1191,-1894,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1894,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-1894,69,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1191,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1191,69,69,-191,-192,69,-994,1191,69,69,69,69,-277,-278,-279,-280,-365,1191,-308,1191,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1191,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1191,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1191,1191,1191,1191,1191,1191,-573,1191,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1191,1191,-723,-724,-725,1191,1831,69,69,69,69,-994,69,1191,-91,-92,69,69,69,1191,-309,-310,-320,1191,-307,-293,-294,-295,1191,69,1191,1191,-618,-633,-590,1191,69,-436,69,-437,1191,-444,-445,-446,-378,-379,1191,1191,1191,-506,1191,1191,-510,1191,1191,1191,1191,-515,-516,-517,-518,1191,1191,-521,-522,1191,-524,-525,-526,-527,-528,-529,-530,-531,1191,-533,1191,1191,1191,-539,-541,-542,1191,-544,-545,-546,-547,1191,1191,1191,1191,1191,1191,-652,-653,-654,-655,69,-657,-658,-659,1191,1191,1191,-665,1191,1191,-669,-670,1191,1191,-673,1191,-675,-676,1191,-679,1191,-681,1191,1191,-684,-685,-686,1191,-688,1191,1191,-691,1191,1191,-694,-695,-696,1191,-698,-699,-700,-701,1191,1191,-746,1191,-749,-750,-751,-752,-753,1191,-755,-756,-757,-758,-759,1191,-766,-767,-769,1191,-771,-772,-773,-782,-856,-858,-860,-862,1191,1191,1191,1191,-868,1191,-870,1191,1191,1191,1191,1191,1191,1191,-906,-907,1191,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1191,-921,-924,1191,-934,1191,-385,-386,-387,1191,1191,-390,-391,-392,-393,1191,-396,1191,-399,-400,1191,-401,1191,-406,-407,1191,-410,-411,-412,1191,-415,1191,-416,1191,-421,-422,1191,-425,1191,-428,-429,-1894,-1894,1191,-619,-620,-621,-622,-623,-634,-584,-624,-797,1191,1191,1191,1191,1191,-831,1191,1191,-806,1191,-832,1191,1191,1191,1191,-798,1191,-853,-799,1191,1191,1191,1191,1191,1191,-854,-855,1191,-834,-830,-835,1191,-625,1191,-626,-627,-628,-629,-574,1191,1191,-630,-631,-632,1191,1191,1191,1191,1191,1191,-635,-636,-637,-592,-1894,-602,1191,-638,-639,-713,-640,-604,1191,-572,-577,-580,-583,1191,1191,1191,-598,-601,1191,-608,1191,1191,1191,1191,1191,1191,1191,1191,1191,1191,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1191,69,69,-995,69,1191,69,69,69,1191,-306,-325,-319,-296,-375,-452,-453,-454,-458,69,-443,1191,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1191,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,69,69,69,69,69,69,69,69,1191,-316,-535,-508,-591,-937,-939,-940,-438,1191,-440,-380,-381,-383,-507,-509,-511,1191,-513,-514,-519,-520,1191,-532,-534,-537,-538,-543,-548,-726,1191,-727,1191,-732,1191,-734,1191,-739,-656,-660,-661,1191,-666,1191,-667,1191,-672,-674,1191,-677,1191,1191,1191,-687,-689,1191,-692,1191,1191,-744,1191,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1191,1191,1191,1191,1191,-877,1191,-880,-908,-920,-925,-388,-389,1191,-394,1191,-397,1191,-402,1191,-403,1191,-408,1191,-413,1191,-417,1191,-418,1191,-423,1191,-426,-899,-900,-643,-585,-1894,-901,1191,1191,1191,-800,1191,1191,-804,1191,-807,-833,1191,-818,1191,-820,1191,-822,-808,1191,-824,1191,-851,-852,1191,1191,-811,1191,-646,-902,-904,-648,-649,-645,1191,-705,-706,1191,-642,-903,-647,-650,-603,-714,1191,1191,-605,-586,1191,1191,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1191,1191,-709,-710,1191,-716,1191,69,69,69,1191,1191,-938,69,-439,-441,-747,1191,-891,1831,-715,-1894,1191,1191,69,69,1191,-442,-512,-523,1191,-728,-733,1191,-735,1191,-740,1191,-662,-668,1191,-678,-680,-682,-683,-690,-693,-697,-745,1191,1191,-874,1191,1191,-878,1191,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1191,-812,1191,-814,-801,1191,-802,-805,1191,-816,-819,-821,-823,-825,1191,-826,1191,-809,1191,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,69,-282,69,1191,69,1191,-455,1191,1191,-729,1191,-736,1191,-741,1191,-663,-671,1191,1191,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1191,-836,-53,69,1191,-730,1191,-737,1191,-742,-664,1191,-873,-54,69,69,-731,-738,-743,1191,69,1191,-872,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[70,70,70,1192,-1894,70,70,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,70,70,70,70,-275,-276,1192,-1425,1192,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1192,1192,1192,-490,1192,1192,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1192,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1192,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1832,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,70,-172,-173,-174,-175,-993,70,70,70,70,70,70,70,70,70,70,1192,1192,1192,1192,1192,-290,-291,-281,70,1192,1192,1192,1192,-328,-318,-332,-333,-334,1192,1192,-982,-983,-984,-985,-986,-987,-988,70,70,1192,1192,1192,1192,1192,1192,1192,1192,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1192,1192,1192,-353,-356,70,-323,-324,-141,1192,-142,1192,-143,1192,-430,-935,-936,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1894,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1894,1192,-1894,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1894,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-1894,70,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1192,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1192,70,70,-191,-192,70,-994,1192,70,70,70,70,-277,-278,-279,-280,-365,1192,-308,1192,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1192,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1192,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1192,1192,1192,1192,1192,1192,-573,1192,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1192,1192,-723,-724,-725,1192,1832,70,70,70,70,-994,70,1192,-91,-92,70,70,70,1192,-309,-310,-320,1192,-307,-293,-294,-295,1192,70,1192,1192,-618,-633,-590,1192,70,-436,70,-437,1192,-444,-445,-446,-378,-379,1192,1192,1192,-506,1192,1192,-510,1192,1192,1192,1192,-515,-516,-517,-518,1192,1192,-521,-522,1192,-524,-525,-526,-527,-528,-529,-530,-531,1192,-533,1192,1192,1192,-539,-541,-542,1192,-544,-545,-546,-547,1192,1192,1192,1192,1192,1192,-652,-653,-654,-655,70,-657,-658,-659,1192,1192,1192,-665,1192,1192,-669,-670,1192,1192,-673,1192,-675,-676,1192,-679,1192,-681,1192,1192,-684,-685,-686,1192,-688,1192,1192,-691,1192,1192,-694,-695,-696,1192,-698,-699,-700,-701,1192,1192,-746,1192,-749,-750,-751,-752,-753,1192,-755,-756,-757,-758,-759,1192,-766,-767,-769,1192,-771,-772,-773,-782,-856,-858,-860,-862,1192,1192,1192,1192,-868,1192,-870,1192,1192,1192,1192,1192,1192,1192,-906,-907,1192,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1192,-921,-924,1192,-934,1192,-385,-386,-387,1192,1192,-390,-391,-392,-393,1192,-396,1192,-399,-400,1192,-401,1192,-406,-407,1192,-410,-411,-412,1192,-415,1192,-416,1192,-421,-422,1192,-425,1192,-428,-429,-1894,-1894,1192,-619,-620,-621,-622,-623,-634,-584,-624,-797,1192,1192,1192,1192,1192,-831,1192,1192,-806,1192,-832,1192,1192,1192,1192,-798,1192,-853,-799,1192,1192,1192,1192,1192,1192,-854,-855,1192,-834,-830,-835,1192,-625,1192,-626,-627,-628,-629,-574,1192,1192,-630,-631,-632,1192,1192,1192,1192,1192,1192,-635,-636,-637,-592,-1894,-602,1192,-638,-639,-713,-640,-604,1192,-572,-577,-580,-583,1192,1192,1192,-598,-601,1192,-608,1192,1192,1192,1192,1192,1192,1192,1192,1192,1192,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1192,70,70,-995,70,1192,70,70,70,1192,-306,-325,-319,-296,-375,-452,-453,-454,-458,70,-443,1192,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1192,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,70,70,70,70,70,70,70,70,1192,-316,-535,-508,-591,-937,-939,-940,-438,1192,-440,-380,-381,-383,-507,-509,-511,1192,-513,-514,-519,-520,1192,-532,-534,-537,-538,-543,-548,-726,1192,-727,1192,-732,1192,-734,1192,-739,-656,-660,-661,1192,-666,1192,-667,1192,-672,-674,1192,-677,1192,1192,1192,-687,-689,1192,-692,1192,1192,-744,1192,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1192,1192,1192,1192,1192,-877,1192,-880,-908,-920,-925,-388,-389,1192,-394,1192,-397,1192,-402,1192,-403,1192,-408,1192,-413,1192,-417,1192,-418,1192,-423,1192,-426,-899,-900,-643,-585,-1894,-901,1192,1192,1192,-800,1192,1192,-804,1192,-807,-833,1192,-818,1192,-820,1192,-822,-808,1192,-824,1192,-851,-852,1192,1192,-811,1192,-646,-902,-904,-648,-649,-645,1192,-705,-706,1192,-642,-903,-647,-650,-603,-714,1192,1192,-605,-586,1192,1192,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1192,1192,-709,-710,1192,-716,1192,70,70,70,1192,1192,-938,70,-439,-441,-747,1192,-891,1832,-715,-1894,1192,1192,70,70,1192,-442,-512,-523,1192,-728,-733,1192,-735,1192,-740,1192,-662,-668,1192,-678,-680,-682,-683,-690,-693,-697,-745,1192,1192,-874,1192,1192,-878,1192,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1192,-812,1192,-814,-801,1192,-802,-805,1192,-816,-819,-821,-823,-825,1192,-826,1192,-809,1192,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,70,-282,70,1192,70,1192,-455,1192,1192,-729,1192,-736,1192,-741,1192,-663,-671,1192,1192,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1192,-836,-53,70,1192,-730,1192,-737,1192,-742,-664,1192,-873,-54,70,70,-731,-738,-743,1192,70,1192,-872,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[71,71,71,1193,-1894,71,71,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,71,71,71,71,-275,-276,1193,-1425,1193,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1193,1193,1193,-490,1193,1193,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1193,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1193,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1833,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,71,-172,-173,-174,-175,-993,71,71,71,71,71,71,71,71,71,71,1193,1193,1193,1193,1193,-290,-291,-281,71,1193,1193,1193,1193,-328,-318,-332,-333,-334,1193,1193,-982,-983,-984,-985,-986,-987,-988,71,71,1193,1193,1193,1193,1193,1193,1193,1193,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1193,1193,1193,-353,-356,71,-323,-324,-141,1193,-142,1193,-143,1193,-430,-935,-936,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1894,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1894,1193,-1894,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1894,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-1894,71,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1193,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1193,71,71,-191,-192,71,-994,1193,71,71,71,71,-277,-278,-279,-280,-365,1193,-308,1193,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1193,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1193,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1193,1193,1193,1193,1193,1193,-573,1193,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1193,1193,-723,-724,-725,1193,1833,71,71,71,71,-994,71,1193,-91,-92,71,71,71,1193,-309,-310,-320,1193,-307,-293,-294,-295,1193,71,1193,1193,-618,-633,-590,1193,71,-436,71,-437,1193,-444,-445,-446,-378,-379,1193,1193,1193,-506,1193,1193,-510,1193,1193,1193,1193,-515,-516,-517,-518,1193,1193,-521,-522,1193,-524,-525,-526,-527,-528,-529,-530,-531,1193,-533,1193,1193,1193,-539,-541,-542,1193,-544,-545,-546,-547,1193,1193,1193,1193,1193,1193,-652,-653,-654,-655,71,-657,-658,-659,1193,1193,1193,-665,1193,1193,-669,-670,1193,1193,-673,1193,-675,-676,1193,-679,1193,-681,1193,1193,-684,-685,-686,1193,-688,1193,1193,-691,1193,1193,-694,-695,-696,1193,-698,-699,-700,-701,1193,1193,-746,1193,-749,-750,-751,-752,-753,1193,-755,-756,-757,-758,-759,1193,-766,-767,-769,1193,-771,-772,-773,-782,-856,-858,-860,-862,1193,1193,1193,1193,-868,1193,-870,1193,1193,1193,1193,1193,1193,1193,-906,-907,1193,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1193,-921,-924,1193,-934,1193,-385,-386,-387,1193,1193,-390,-391,-392,-393,1193,-396,1193,-399,-400,1193,-401,1193,-406,-407,1193,-410,-411,-412,1193,-415,1193,-416,1193,-421,-422,1193,-425,1193,-428,-429,-1894,-1894,1193,-619,-620,-621,-622,-623,-634,-584,-624,-797,1193,1193,1193,1193,1193,-831,1193,1193,-806,1193,-832,1193,1193,1193,1193,-798,1193,-853,-799,1193,1193,1193,1193,1193,1193,-854,-855,1193,-834,-830,-835,1193,-625,1193,-626,-627,-628,-629,-574,1193,1193,-630,-631,-632,1193,1193,1193,1193,1193,1193,-635,-636,-637,-592,-1894,-602,1193,-638,-639,-713,-640,-604,1193,-572,-577,-580,-583,1193,1193,1193,-598,-601,1193,-608,1193,1193,1193,1193,1193,1193,1193,1193,1193,1193,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1193,71,71,-995,71,1193,71,71,71,1193,-306,-325,-319,-296,-375,-452,-453,-454,-458,71,-443,1193,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1193,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,71,71,71,71,71,71,71,71,1193,-316,-535,-508,-591,-937,-939,-940,-438,1193,-440,-380,-381,-383,-507,-509,-511,1193,-513,-514,-519,-520,1193,-532,-534,-537,-538,-543,-548,-726,1193,-727,1193,-732,1193,-734,1193,-739,-656,-660,-661,1193,-666,1193,-667,1193,-672,-674,1193,-677,1193,1193,1193,-687,-689,1193,-692,1193,1193,-744,1193,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1193,1193,1193,1193,1193,-877,1193,-880,-908,-920,-925,-388,-389,1193,-394,1193,-397,1193,-402,1193,-403,1193,-408,1193,-413,1193,-417,1193,-418,1193,-423,1193,-426,-899,-900,-643,-585,-1894,-901,1193,1193,1193,-800,1193,1193,-804,1193,-807,-833,1193,-818,1193,-820,1193,-822,-808,1193,-824,1193,-851,-852,1193,1193,-811,1193,-646,-902,-904,-648,-649,-645,1193,-705,-706,1193,-642,-903,-647,-650,-603,-714,1193,1193,-605,-586,1193,1193,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1193,1193,-709,-710,1193,-716,1193,71,71,71,1193,1193,-938,71,-439,-441,-747,1193,-891,1833,-715,-1894,1193,1193,71,71,1193,-442,-512,-523,1193,-728,-733,1193,-735,1193,-740,1193,-662,-668,1193,-678,-680,-682,-683,-690,-693,-697,-745,1193,1193,-874,1193,1193,-878,1193,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1193,-812,1193,-814,-801,1193,-802,-805,1193,-816,-819,-821,-823,-825,1193,-826,1193,-809,1193,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,71,-282,71,1193,71,1193,-455,1193,1193,-729,1193,-736,1193,-741,1193,-663,-671,1193,1193,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1193,-836,-53,71,1193,-730,1193,-737,1193,-742,-664,1193,-873,-54,71,71,-731,-738,-743,1193,71,1193,-872,]),'ASYNCHRONOUS_CONNECTION_FAILOVER_RESET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[72,72,72,1194,-1894,72,72,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,72,72,72,72,-275,-276,1194,-1425,1194,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1194,1194,1194,-490,1194,1194,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1194,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1194,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1834,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,72,-172,-173,-174,-175,-993,72,72,72,72,72,72,72,72,72,72,1194,1194,1194,1194,1194,-290,-291,-281,72,1194,1194,1194,1194,-328,-318,-332,-333,-334,1194,1194,-982,-983,-984,-985,-986,-987,-988,72,72,1194,1194,1194,1194,1194,1194,1194,1194,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1194,1194,1194,-353,-356,72,-323,-324,-141,1194,-142,1194,-143,1194,-430,-935,-936,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1894,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1894,1194,-1894,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1894,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-1894,72,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1194,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1194,72,72,-191,-192,72,-994,1194,72,72,72,72,-277,-278,-279,-280,-365,1194,-308,1194,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1194,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1194,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1194,1194,1194,1194,1194,1194,-573,1194,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1194,1194,-723,-724,-725,1194,1834,72,72,72,72,-994,72,1194,-91,-92,72,72,72,1194,-309,-310,-320,1194,-307,-293,-294,-295,1194,72,1194,1194,-618,-633,-590,1194,72,-436,72,-437,1194,-444,-445,-446,-378,-379,1194,1194,1194,-506,1194,1194,-510,1194,1194,1194,1194,-515,-516,-517,-518,1194,1194,-521,-522,1194,-524,-525,-526,-527,-528,-529,-530,-531,1194,-533,1194,1194,1194,-539,-541,-542,1194,-544,-545,-546,-547,1194,1194,1194,1194,1194,1194,-652,-653,-654,-655,72,-657,-658,-659,1194,1194,1194,-665,1194,1194,-669,-670,1194,1194,-673,1194,-675,-676,1194,-679,1194,-681,1194,1194,-684,-685,-686,1194,-688,1194,1194,-691,1194,1194,-694,-695,-696,1194,-698,-699,-700,-701,1194,1194,-746,1194,-749,-750,-751,-752,-753,1194,-755,-756,-757,-758,-759,1194,-766,-767,-769,1194,-771,-772,-773,-782,-856,-858,-860,-862,1194,1194,1194,1194,-868,1194,-870,1194,1194,1194,1194,1194,1194,1194,-906,-907,1194,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1194,-921,-924,1194,-934,1194,-385,-386,-387,1194,1194,-390,-391,-392,-393,1194,-396,1194,-399,-400,1194,-401,1194,-406,-407,1194,-410,-411,-412,1194,-415,1194,-416,1194,-421,-422,1194,-425,1194,-428,-429,-1894,-1894,1194,-619,-620,-621,-622,-623,-634,-584,-624,-797,1194,1194,1194,1194,1194,-831,1194,1194,-806,1194,-832,1194,1194,1194,1194,-798,1194,-853,-799,1194,1194,1194,1194,1194,1194,-854,-855,1194,-834,-830,-835,1194,-625,1194,-626,-627,-628,-629,-574,1194,1194,-630,-631,-632,1194,1194,1194,1194,1194,1194,-635,-636,-637,-592,-1894,-602,1194,-638,-639,-713,-640,-604,1194,-572,-577,-580,-583,1194,1194,1194,-598,-601,1194,-608,1194,1194,1194,1194,1194,1194,1194,1194,1194,1194,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1194,72,72,-995,72,1194,72,72,72,1194,-306,-325,-319,-296,-375,-452,-453,-454,-458,72,-443,1194,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1194,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,72,72,72,72,72,72,72,72,1194,-316,-535,-508,-591,-937,-939,-940,-438,1194,-440,-380,-381,-383,-507,-509,-511,1194,-513,-514,-519,-520,1194,-532,-534,-537,-538,-543,-548,-726,1194,-727,1194,-732,1194,-734,1194,-739,-656,-660,-661,1194,-666,1194,-667,1194,-672,-674,1194,-677,1194,1194,1194,-687,-689,1194,-692,1194,1194,-744,1194,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1194,1194,1194,1194,1194,-877,1194,-880,-908,-920,-925,-388,-389,1194,-394,1194,-397,1194,-402,1194,-403,1194,-408,1194,-413,1194,-417,1194,-418,1194,-423,1194,-426,-899,-900,-643,-585,-1894,-901,1194,1194,1194,-800,1194,1194,-804,1194,-807,-833,1194,-818,1194,-820,1194,-822,-808,1194,-824,1194,-851,-852,1194,1194,-811,1194,-646,-902,-904,-648,-649,-645,1194,-705,-706,1194,-642,-903,-647,-650,-603,-714,1194,1194,-605,-586,1194,1194,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1194,1194,-709,-710,1194,-716,1194,72,72,72,1194,1194,-938,72,-439,-441,-747,1194,-891,1834,-715,-1894,1194,1194,72,72,1194,-442,-512,-523,1194,-728,-733,1194,-735,1194,-740,1194,-662,-668,1194,-678,-680,-682,-683,-690,-693,-697,-745,1194,1194,-874,1194,1194,-878,1194,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1194,-812,1194,-814,-801,1194,-802,-805,1194,-816,-819,-821,-823,-825,1194,-826,1194,-809,1194,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,72,-282,72,1194,72,1194,-455,1194,1194,-729,1194,-736,1194,-741,1194,-663,-671,1194,1194,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1194,-836,-53,72,1194,-730,1194,-737,1194,-742,-664,1194,-873,-54,72,72,-731,-738,-743,1194,72,1194,-872,]),'AT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[73,73,73,73,-1894,73,73,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,73,73,73,73,-275,-276,73,-1425,73,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,73,73,73,-490,73,73,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,73,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,73,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,73,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,73,-172,-173,-174,-175,-993,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-290,-291,-281,73,73,73,73,73,-328,-318,-332,-333,-334,73,73,-982,-983,-984,-985,-986,-987,-988,73,73,73,73,73,73,73,73,73,73,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,73,73,73,-353,-356,73,-323,-324,-141,73,-142,73,-143,73,-430,-935,-936,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-1894,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-1894,73,-1894,73,73,73,73,73,73,73,73,73,73,73,73,-1894,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,73,-1894,73,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,73,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,73,73,73,-191,-192,73,-994,73,73,73,73,73,-277,-278,-279,-280,-365,73,-308,73,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,73,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,73,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,73,73,73,73,73,73,-573,73,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,73,73,-723,-724,-725,73,73,73,73,73,73,-994,73,73,-91,-92,73,73,73,73,-309,-310,-320,73,-307,-293,-294,-295,73,73,73,73,-618,-633,-590,73,73,-436,73,-437,73,-444,-445,-446,-378,-379,73,73,73,-506,73,73,-510,73,73,73,73,-515,-516,-517,-518,73,73,-521,-522,73,-524,-525,-526,-527,-528,-529,-530,-531,73,-533,73,73,73,-539,-541,-542,73,-544,-545,-546,-547,73,73,73,73,73,73,-652,-653,-654,-655,73,-657,-658,-659,73,73,73,-665,73,73,-669,-670,73,73,-673,73,-675,-676,73,-679,73,-681,73,73,-684,-685,-686,73,-688,73,73,-691,73,73,-694,-695,-696,73,-698,-699,-700,-701,73,73,-746,73,-749,-750,-751,-752,-753,73,-755,-756,-757,-758,-759,73,-766,-767,-769,73,-771,-772,-773,-782,-856,-858,-860,-862,73,73,73,73,-868,73,-870,73,73,73,73,73,73,73,-906,-907,73,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,73,-921,-924,73,-934,73,-385,-386,-387,73,73,-390,-391,-392,-393,73,-396,73,-399,-400,73,-401,73,-406,-407,73,-410,-411,-412,73,-415,73,-416,73,-421,-422,73,-425,73,-428,-429,-1894,-1894,73,-619,-620,-621,-622,-623,-634,-584,-624,-797,73,73,73,73,73,-831,73,73,-806,73,-832,73,73,73,73,-798,73,-853,-799,73,73,73,73,73,73,-854,-855,73,-834,-830,-835,73,-625,73,-626,-627,-628,-629,-574,73,73,-630,-631,-632,73,73,73,73,73,73,-635,-636,-637,-592,-1894,-602,73,-638,-639,-713,-640,-604,73,-572,-577,-580,-583,73,73,73,-598,-601,73,-608,73,73,73,73,73,73,73,73,73,73,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,73,73,73,-995,73,73,73,73,73,73,-306,-325,-319,-296,-375,-452,-453,-454,-458,73,-443,73,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,73,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,73,73,73,73,73,73,73,73,73,-316,-535,-508,-591,-937,-939,-940,-438,73,-440,-380,-381,-383,-507,-509,-511,73,-513,-514,-519,-520,73,-532,-534,-537,-538,-543,-548,-726,73,-727,73,-732,73,-734,73,-739,-656,-660,-661,73,-666,73,-667,73,-672,-674,73,-677,73,73,73,-687,-689,73,-692,73,73,-744,73,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,73,73,73,73,73,-877,73,-880,-908,-920,-925,-388,-389,73,-394,73,-397,73,-402,73,-403,73,-408,73,-413,73,-417,73,-418,73,-423,73,-426,-899,-900,-643,-585,-1894,-901,73,73,73,-800,73,73,-804,73,-807,-833,73,-818,73,-820,73,-822,-808,73,-824,73,-851,-852,73,73,-811,73,-646,-902,-904,-648,-649,-645,73,-705,-706,73,-642,-903,-647,-650,-603,-714,73,73,-605,-586,73,73,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,73,73,-709,-710,73,-716,73,73,73,73,73,73,-938,73,-439,-441,-747,73,-891,73,-715,-1894,73,73,73,73,73,-442,-512,-523,73,-728,-733,73,-735,73,-740,73,-662,-668,73,-678,-680,-682,-683,-690,-693,-697,-745,73,73,-874,73,73,-878,73,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,73,-812,73,-814,-801,73,-802,-805,73,-816,-819,-821,-823,-825,73,-826,73,-809,73,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,73,-282,73,73,73,73,-455,73,73,-729,73,-736,73,-741,73,-663,-671,73,73,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,73,-836,-53,73,73,-730,73,-737,73,-742,-664,73,-873,-54,73,73,-731,-738,-743,73,73,73,-872,]),'ATAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[74,74,74,1051,-1894,74,74,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,74,74,74,74,-275,-276,1051,-1425,1051,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1051,1051,1051,-490,1051,1051,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1051,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1051,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1835,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,74,-172,-173,-174,-175,-993,74,74,74,74,74,74,74,74,74,74,1051,1051,1051,1051,1051,-290,-291,-281,74,1051,1051,1051,1051,-328,-318,-332,-333,-334,1051,1051,-982,-983,-984,-985,-986,-987,-988,74,74,1051,1051,1051,1051,1051,1051,1051,1051,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1051,1051,1051,-353,-356,74,-323,-324,-141,1051,-142,1051,-143,1051,-430,-935,-936,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1894,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1894,1051,-1894,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1894,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-1894,74,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1051,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1051,74,74,-191,-192,74,-994,1051,74,74,74,74,-277,-278,-279,-280,-365,1051,-308,1051,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1051,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1051,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1051,1051,1051,1051,1051,1051,-573,1051,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1051,1051,-723,-724,-725,1051,1835,74,74,74,74,-994,74,1051,-91,-92,74,74,74,1051,-309,-310,-320,1051,-307,-293,-294,-295,1051,74,1051,1051,-618,-633,-590,1051,74,-436,74,-437,1051,-444,-445,-446,-378,-379,1051,1051,1051,-506,1051,1051,-510,1051,1051,1051,1051,-515,-516,-517,-518,1051,1051,-521,-522,1051,-524,-525,-526,-527,-528,-529,-530,-531,1051,-533,1051,1051,1051,-539,-541,-542,1051,-544,-545,-546,-547,1051,1051,1051,1051,1051,1051,-652,-653,-654,-655,74,-657,-658,-659,1051,1051,1051,-665,1051,1051,-669,-670,1051,1051,-673,1051,-675,-676,1051,-679,1051,-681,1051,1051,-684,-685,-686,1051,-688,1051,1051,-691,1051,1051,-694,-695,-696,1051,-698,-699,-700,-701,1051,1051,-746,1051,-749,-750,-751,-752,-753,1051,-755,-756,-757,-758,-759,1051,-766,-767,-769,1051,-771,-772,-773,-782,-856,-858,-860,-862,1051,1051,1051,1051,-868,1051,-870,1051,1051,1051,1051,1051,1051,1051,-906,-907,1051,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1051,-921,-924,1051,-934,1051,-385,-386,-387,1051,1051,-390,-391,-392,-393,1051,-396,1051,-399,-400,1051,-401,1051,-406,-407,1051,-410,-411,-412,1051,-415,1051,-416,1051,-421,-422,1051,-425,1051,-428,-429,-1894,-1894,1051,-619,-620,-621,-622,-623,-634,-584,-624,-797,1051,1051,1051,1051,1051,-831,1051,1051,-806,1051,-832,1051,1051,1051,1051,-798,1051,-853,-799,1051,1051,1051,1051,1051,1051,-854,-855,1051,-834,-830,-835,1051,-625,1051,-626,-627,-628,-629,-574,1051,1051,-630,-631,-632,1051,1051,1051,1051,1051,1051,-635,-636,-637,-592,-1894,-602,1051,-638,-639,-713,-640,-604,1051,-572,-577,-580,-583,1051,1051,1051,-598,-601,1051,-608,1051,1051,1051,1051,1051,1051,1051,1051,1051,1051,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1051,74,74,-995,74,1051,74,74,74,1051,-306,-325,-319,-296,-375,-452,-453,-454,-458,74,-443,1051,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1051,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,74,74,74,74,74,74,74,74,1051,-316,-535,-508,-591,-937,-939,-940,-438,1051,-440,-380,-381,-383,-507,-509,-511,1051,-513,-514,-519,-520,1051,-532,-534,-537,-538,-543,-548,-726,1051,-727,1051,-732,1051,-734,1051,-739,-656,-660,-661,1051,-666,1051,-667,1051,-672,-674,1051,-677,1051,1051,1051,-687,-689,1051,-692,1051,1051,-744,1051,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1051,1051,1051,1051,1051,-877,1051,-880,-908,-920,-925,-388,-389,1051,-394,1051,-397,1051,-402,1051,-403,1051,-408,1051,-413,1051,-417,1051,-418,1051,-423,1051,-426,-899,-900,-643,-585,-1894,-901,1051,1051,1051,-800,1051,1051,-804,1051,-807,-833,1051,-818,1051,-820,1051,-822,-808,1051,-824,1051,-851,-852,1051,1051,-811,1051,-646,-902,-904,-648,-649,-645,1051,-705,-706,1051,-642,-903,-647,-650,-603,-714,1051,1051,-605,-586,1051,1051,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1051,1051,-709,-710,1051,-716,1051,74,74,74,1051,1051,-938,74,-439,-441,-747,1051,-891,1835,-715,-1894,1051,1051,74,74,1051,-442,-512,-523,1051,-728,-733,1051,-735,1051,-740,1051,-662,-668,1051,-678,-680,-682,-683,-690,-693,-697,-745,1051,1051,-874,1051,1051,-878,1051,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1051,-812,1051,-814,-801,1051,-802,-805,1051,-816,-819,-821,-823,-825,1051,-826,1051,-809,1051,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,74,-282,74,1051,74,1051,-455,1051,1051,-729,1051,-736,1051,-741,1051,-663,-671,1051,1051,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1051,-836,-53,74,1051,-730,1051,-737,1051,-742,-664,1051,-873,-54,74,74,-731,-738,-743,1051,74,1051,-872,]),'AUDIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[75,75,75,75,-1894,75,75,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,75,75,75,75,-275,-276,75,-1425,75,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,75,75,75,-490,75,75,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,75,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,75,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,75,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,75,-172,-173,-174,-175,-993,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-290,-291,-281,75,75,75,75,75,-328,-318,-332,-333,-334,75,75,-982,-983,-984,-985,-986,-987,-988,75,75,75,75,75,75,75,75,75,75,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,75,75,75,-353,-356,75,-323,-324,-141,75,-142,75,-143,75,-430,-935,-936,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-1894,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-1894,75,-1894,75,75,75,75,75,75,75,75,75,75,75,75,-1894,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,75,-1894,75,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,75,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,75,75,75,-191,-192,75,-994,75,75,75,75,75,-277,-278,-279,-280,-365,75,-308,75,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,75,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,75,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,75,75,75,75,75,75,-573,75,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,75,75,-723,-724,-725,75,75,75,75,75,75,-994,75,75,-91,-92,75,75,75,75,-309,-310,-320,75,-307,-293,-294,-295,75,75,75,75,-618,-633,-590,75,75,-436,75,-437,75,-444,-445,-446,-378,-379,75,75,75,-506,75,75,-510,75,75,75,75,-515,-516,-517,-518,75,75,-521,-522,75,-524,-525,-526,-527,-528,-529,-530,-531,75,-533,75,75,75,-539,-541,-542,75,-544,-545,-546,-547,75,75,75,75,75,75,-652,-653,-654,-655,75,-657,-658,-659,75,75,75,-665,75,75,-669,-670,75,75,-673,75,-675,-676,75,-679,75,-681,75,75,-684,-685,-686,75,-688,75,75,-691,75,75,-694,-695,-696,75,-698,-699,-700,-701,75,75,-746,75,-749,-750,-751,-752,-753,75,-755,-756,-757,-758,-759,75,-766,-767,-769,75,-771,-772,-773,-782,-856,-858,-860,-862,75,75,75,75,-868,75,-870,75,75,75,75,75,75,75,-906,-907,75,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,75,-921,-924,75,-934,75,-385,-386,-387,75,75,-390,-391,-392,-393,75,-396,75,-399,-400,75,-401,75,-406,-407,75,-410,-411,-412,75,-415,75,-416,75,-421,-422,75,-425,75,-428,-429,-1894,-1894,75,-619,-620,-621,-622,-623,-634,-584,-624,-797,75,75,75,75,75,-831,75,75,-806,75,-832,75,75,75,75,-798,75,-853,-799,75,75,75,75,75,75,-854,-855,75,-834,-830,-835,75,-625,75,-626,-627,-628,-629,-574,75,75,-630,-631,-632,75,75,75,75,75,75,-635,-636,-637,-592,-1894,-602,75,-638,-639,-713,-640,-604,75,-572,-577,-580,-583,75,75,75,-598,-601,75,-608,75,75,75,75,75,75,75,75,75,75,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,75,75,75,-995,75,75,75,75,75,75,-306,-325,-319,-296,-375,-452,-453,-454,-458,75,-443,75,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,75,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,75,75,75,75,75,75,75,75,75,-316,-535,-508,-591,-937,-939,-940,-438,75,-440,-380,-381,-383,-507,-509,-511,75,-513,-514,-519,-520,75,-532,-534,-537,-538,-543,-548,-726,75,-727,75,-732,75,-734,75,-739,-656,-660,-661,75,-666,75,-667,75,-672,-674,75,-677,75,75,75,-687,-689,75,-692,75,75,-744,75,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,75,75,75,75,75,-877,75,-880,-908,-920,-925,-388,-389,75,-394,75,-397,75,-402,75,-403,75,-408,75,-413,75,-417,75,-418,75,-423,75,-426,-899,-900,-643,-585,-1894,-901,75,75,75,-800,75,75,-804,75,-807,-833,75,-818,75,-820,75,-822,-808,75,-824,75,-851,-852,75,75,-811,75,-646,-902,-904,-648,-649,-645,75,-705,-706,75,-642,-903,-647,-650,-603,-714,75,75,-605,-586,75,75,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,75,75,-709,-710,75,-716,75,75,75,75,75,75,-938,75,-439,-441,-747,75,-891,75,-715,-1894,75,75,75,75,75,-442,-512,-523,75,-728,-733,75,-735,75,-740,75,-662,-668,75,-678,-680,-682,-683,-690,-693,-697,-745,75,75,-874,75,75,-878,75,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,75,-812,75,-814,-801,75,-802,-805,75,-816,-819,-821,-823,-825,75,-826,75,-809,75,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,75,-282,75,75,75,75,-455,75,75,-729,75,-736,75,-741,75,-663,-671,75,75,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,75,-836,-53,75,75,-730,75,-737,75,-742,-664,75,-873,-54,75,75,-731,-738,-743,75,75,75,-872,]),'AUTHORS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[76,76,76,76,-1894,76,76,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,76,76,76,76,-275,-276,76,-1425,76,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,76,76,76,-490,76,76,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,76,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,76,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,76,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,76,-172,-173,-174,-175,-993,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-290,-291,-281,76,76,76,76,76,-328,-318,-332,-333,-334,76,76,-982,-983,-984,-985,-986,-987,-988,76,76,76,76,76,76,76,76,76,76,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,76,76,76,-353,-356,76,-323,-324,-141,76,-142,76,-143,76,-430,-935,-936,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-1894,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-1894,76,-1894,76,76,76,76,76,76,76,76,76,76,76,76,-1894,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,76,-1894,76,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,76,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,76,76,76,-191,-192,76,-994,76,76,76,76,76,-277,-278,-279,-280,-365,76,-308,76,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,76,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,76,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,76,76,76,76,76,76,-573,76,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,76,76,-723,-724,-725,76,76,76,76,76,76,-994,76,76,-91,-92,76,76,76,76,-309,-310,-320,76,-307,-293,-294,-295,76,76,76,76,-618,-633,-590,76,76,-436,76,-437,76,-444,-445,-446,-378,-379,76,76,76,-506,76,76,-510,76,76,76,76,-515,-516,-517,-518,76,76,-521,-522,76,-524,-525,-526,-527,-528,-529,-530,-531,76,-533,76,76,76,-539,-541,-542,76,-544,-545,-546,-547,76,76,76,76,76,76,-652,-653,-654,-655,76,-657,-658,-659,76,76,76,-665,76,76,-669,-670,76,76,-673,76,-675,-676,76,-679,76,-681,76,76,-684,-685,-686,76,-688,76,76,-691,76,76,-694,-695,-696,76,-698,-699,-700,-701,76,76,-746,76,-749,-750,-751,-752,-753,76,-755,-756,-757,-758,-759,76,-766,-767,-769,76,-771,-772,-773,-782,-856,-858,-860,-862,76,76,76,76,-868,76,-870,76,76,76,76,76,76,76,-906,-907,76,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,76,-921,-924,76,-934,76,-385,-386,-387,76,76,-390,-391,-392,-393,76,-396,76,-399,-400,76,-401,76,-406,-407,76,-410,-411,-412,76,-415,76,-416,76,-421,-422,76,-425,76,-428,-429,-1894,-1894,76,-619,-620,-621,-622,-623,-634,-584,-624,-797,76,76,76,76,76,-831,76,76,-806,76,-832,76,76,76,76,-798,76,-853,-799,76,76,76,76,76,76,-854,-855,76,-834,-830,-835,76,-625,76,-626,-627,-628,-629,-574,76,76,-630,-631,-632,76,76,76,76,76,76,-635,-636,-637,-592,-1894,-602,76,-638,-639,-713,-640,-604,76,-572,-577,-580,-583,76,76,76,-598,-601,76,-608,76,76,76,76,76,76,76,76,76,76,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,76,76,76,-995,76,76,76,76,76,76,-306,-325,-319,-296,-375,-452,-453,-454,-458,76,-443,76,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,76,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,76,76,76,76,76,76,76,76,76,-316,-535,-508,-591,-937,-939,-940,-438,76,-440,-380,-381,-383,-507,-509,-511,76,-513,-514,-519,-520,76,-532,-534,-537,-538,-543,-548,-726,76,-727,76,-732,76,-734,76,-739,-656,-660,-661,76,-666,76,-667,76,-672,-674,76,-677,76,76,76,-687,-689,76,-692,76,76,-744,76,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,76,76,76,76,76,-877,76,-880,-908,-920,-925,-388,-389,76,-394,76,-397,76,-402,76,-403,76,-408,76,-413,76,-417,76,-418,76,-423,76,-426,-899,-900,-643,-585,-1894,-901,76,76,76,-800,76,76,-804,76,-807,-833,76,-818,76,-820,76,-822,-808,76,-824,76,-851,-852,76,76,-811,76,-646,-902,-904,-648,-649,-645,76,-705,-706,76,-642,-903,-647,-650,-603,-714,76,76,-605,-586,76,76,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,76,76,-709,-710,76,-716,76,76,76,76,76,76,-938,76,-439,-441,-747,76,-891,76,-715,-1894,76,76,76,76,76,-442,-512,-523,76,-728,-733,76,-735,76,-740,76,-662,-668,76,-678,-680,-682,-683,-690,-693,-697,-745,76,76,-874,76,76,-878,76,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,76,-812,76,-814,-801,76,-802,-805,76,-816,-819,-821,-823,-825,76,-826,76,-809,76,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,76,-282,76,76,76,76,-455,76,76,-729,76,-736,76,-741,76,-663,-671,76,76,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,76,-836,-53,76,76,-730,76,-737,76,-742,-664,76,-873,-54,76,76,-731,-738,-743,76,76,76,-872,]),'AUTO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[77,77,77,77,-1894,77,77,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,77,77,77,77,-275,-276,77,-1425,77,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,77,77,77,-490,77,77,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,77,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,77,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,77,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,77,-172,-173,-174,-175,-993,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-290,-291,-281,77,77,77,77,77,-328,-318,-332,-333,-334,77,77,-982,-983,-984,-985,-986,-987,-988,77,77,77,77,77,77,77,77,77,77,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,77,77,77,-353,-356,77,-323,-324,-141,77,-142,77,-143,77,-430,-935,-936,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-1894,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-1894,77,-1894,77,77,77,77,77,77,77,77,77,77,77,77,-1894,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,77,-1894,77,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,77,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,77,77,77,-191,-192,77,-994,77,77,77,77,77,-277,-278,-279,-280,-365,77,-308,77,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,77,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,77,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,77,77,77,77,77,77,-573,77,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,77,77,-723,-724,-725,77,77,77,77,77,77,-994,77,77,-91,-92,77,77,77,77,-309,-310,-320,77,-307,-293,-294,-295,77,77,77,77,-618,-633,-590,77,77,-436,77,-437,77,-444,-445,-446,-378,-379,77,77,77,-506,77,77,-510,77,77,77,77,-515,-516,-517,-518,77,77,-521,-522,77,-524,-525,-526,-527,-528,-529,-530,-531,77,-533,77,77,77,-539,-541,-542,77,-544,-545,-546,-547,77,77,77,77,77,77,-652,-653,-654,-655,77,-657,-658,-659,77,77,77,-665,77,77,-669,-670,77,77,-673,77,-675,-676,77,-679,77,-681,77,77,-684,-685,-686,77,-688,77,77,-691,77,77,-694,-695,-696,77,-698,-699,-700,-701,77,77,-746,77,-749,-750,-751,-752,-753,77,-755,-756,-757,-758,-759,77,-766,-767,-769,77,-771,-772,-773,-782,-856,-858,-860,-862,77,77,77,77,-868,77,-870,77,77,77,77,77,77,77,-906,-907,77,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,77,-921,-924,77,-934,77,-385,-386,-387,77,77,-390,-391,-392,-393,77,-396,77,-399,-400,77,-401,77,-406,-407,77,-410,-411,-412,77,-415,77,-416,77,-421,-422,77,-425,77,-428,-429,-1894,-1894,77,-619,-620,-621,-622,-623,-634,-584,-624,-797,77,77,77,77,77,-831,77,77,-806,77,-832,77,77,77,77,-798,77,-853,-799,77,77,77,77,77,77,-854,-855,77,-834,-830,-835,77,-625,77,-626,-627,-628,-629,-574,77,77,-630,-631,-632,77,77,77,77,77,77,-635,-636,-637,-592,-1894,-602,77,-638,-639,-713,-640,-604,77,-572,-577,-580,-583,77,77,77,-598,-601,77,-608,77,77,77,77,77,77,77,77,77,77,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,77,77,77,-995,77,77,77,77,77,77,-306,-325,-319,-296,-375,-452,-453,-454,-458,77,-443,77,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,77,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,77,77,77,77,77,77,77,77,77,-316,-535,-508,-591,-937,-939,-940,-438,77,-440,-380,-381,-383,-507,-509,-511,77,-513,-514,-519,-520,77,-532,-534,-537,-538,-543,-548,-726,77,-727,77,-732,77,-734,77,-739,-656,-660,-661,77,-666,77,-667,77,-672,-674,77,-677,77,77,77,-687,-689,77,-692,77,77,-744,77,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,77,77,77,77,77,-877,77,-880,-908,-920,-925,-388,-389,77,-394,77,-397,77,-402,77,-403,77,-408,77,-413,77,-417,77,-418,77,-423,77,-426,-899,-900,-643,-585,-1894,-901,77,77,77,-800,77,77,-804,77,-807,-833,77,-818,77,-820,77,-822,-808,77,-824,77,-851,-852,77,77,-811,77,-646,-902,-904,-648,-649,-645,77,-705,-706,77,-642,-903,-647,-650,-603,-714,77,77,-605,-586,77,77,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,77,77,-709,-710,77,-716,77,77,77,77,77,77,-938,77,-439,-441,-747,77,-891,77,-715,-1894,77,77,77,77,77,-442,-512,-523,77,-728,-733,77,-735,77,-740,77,-662,-668,77,-678,-680,-682,-683,-690,-693,-697,-745,77,77,-874,77,77,-878,77,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,77,-812,77,-814,-801,77,-802,-805,77,-816,-819,-821,-823,-825,77,-826,77,-809,77,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,77,-282,77,77,77,77,-455,77,77,-729,77,-736,77,-741,77,-663,-671,77,77,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,77,-836,-53,77,77,-730,77,-737,77,-742,-664,77,-873,-54,77,77,-731,-738,-743,77,77,77,-872,]),'AUTOEXTEND_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[78,78,78,78,-1894,78,78,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,78,78,78,78,-275,-276,78,-1425,78,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,78,78,78,-490,78,78,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,78,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,78,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,78,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,78,-172,-173,-174,-175,-993,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-290,-291,-281,78,78,78,78,78,-328,-318,-332,-333,-334,78,78,-982,-983,-984,-985,-986,-987,-988,78,78,78,78,78,78,78,78,78,78,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,78,78,78,-353,-356,78,-323,-324,-141,78,-142,78,-143,78,-430,-935,-936,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-1894,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-1894,78,-1894,78,78,78,78,78,78,78,78,78,78,78,78,-1894,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,78,-1894,78,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,78,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,78,78,78,-191,-192,78,-994,78,78,78,78,78,-277,-278,-279,-280,-365,78,-308,78,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,78,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,78,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,78,78,78,78,78,78,-573,78,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,78,78,-723,-724,-725,78,78,78,78,78,78,-994,78,78,-91,-92,78,78,78,78,-309,-310,-320,78,-307,-293,-294,-295,78,78,78,78,-618,-633,-590,78,78,-436,78,-437,78,-444,-445,-446,-378,-379,78,78,78,-506,78,78,-510,78,78,78,78,-515,-516,-517,-518,78,78,-521,-522,78,-524,-525,-526,-527,-528,-529,-530,-531,78,-533,78,78,78,-539,-541,-542,78,-544,-545,-546,-547,78,78,78,78,78,78,-652,-653,-654,-655,78,-657,-658,-659,78,78,78,-665,78,78,-669,-670,78,78,-673,78,-675,-676,78,-679,78,-681,78,78,-684,-685,-686,78,-688,78,78,-691,78,78,-694,-695,-696,78,-698,-699,-700,-701,78,78,-746,78,-749,-750,-751,-752,-753,78,-755,-756,-757,-758,-759,78,-766,-767,-769,78,-771,-772,-773,-782,-856,-858,-860,-862,78,78,78,78,-868,78,-870,78,78,78,78,78,78,78,-906,-907,78,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,78,-921,-924,78,-934,78,-385,-386,-387,78,78,-390,-391,-392,-393,78,-396,78,-399,-400,78,-401,78,-406,-407,78,-410,-411,-412,78,-415,78,-416,78,-421,-422,78,-425,78,-428,-429,-1894,-1894,78,-619,-620,-621,-622,-623,-634,-584,-624,-797,78,78,78,78,78,-831,78,78,-806,78,-832,78,78,78,78,-798,78,-853,-799,78,78,78,78,78,78,-854,-855,78,-834,-830,-835,78,-625,78,-626,-627,-628,-629,-574,78,78,-630,-631,-632,78,78,78,78,78,78,-635,-636,-637,-592,-1894,-602,78,-638,-639,-713,-640,-604,78,-572,-577,-580,-583,78,78,78,-598,-601,78,-608,78,78,78,78,78,78,78,78,78,78,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,78,78,78,-995,78,78,78,78,78,78,-306,-325,-319,-296,-375,-452,-453,-454,-458,78,-443,78,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,78,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,78,78,78,78,78,78,78,78,78,-316,-535,-508,-591,-937,-939,-940,-438,78,-440,-380,-381,-383,-507,-509,-511,78,-513,-514,-519,-520,78,-532,-534,-537,-538,-543,-548,-726,78,-727,78,-732,78,-734,78,-739,-656,-660,-661,78,-666,78,-667,78,-672,-674,78,-677,78,78,78,-687,-689,78,-692,78,78,-744,78,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,78,78,78,78,78,-877,78,-880,-908,-920,-925,-388,-389,78,-394,78,-397,78,-402,78,-403,78,-408,78,-413,78,-417,78,-418,78,-423,78,-426,-899,-900,-643,-585,-1894,-901,78,78,78,-800,78,78,-804,78,-807,-833,78,-818,78,-820,78,-822,-808,78,-824,78,-851,-852,78,78,-811,78,-646,-902,-904,-648,-649,-645,78,-705,-706,78,-642,-903,-647,-650,-603,-714,78,78,-605,-586,78,78,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,78,78,-709,-710,78,-716,78,78,78,78,78,78,-938,78,-439,-441,-747,78,-891,78,-715,-1894,78,78,78,78,78,-442,-512,-523,78,-728,-733,78,-735,78,-740,78,-662,-668,78,-678,-680,-682,-683,-690,-693,-697,-745,78,78,-874,78,78,-878,78,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,78,-812,78,-814,-801,78,-802,-805,78,-816,-819,-821,-823,-825,78,-826,78,-809,78,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,78,-282,78,78,78,78,-455,78,78,-729,78,-736,78,-741,78,-663,-671,78,78,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,78,-836,-53,78,78,-730,78,-737,78,-742,-664,78,-873,-54,78,78,-731,-738,-743,78,78,78,-872,]),'AUTO_INCREMENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3451,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3583,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[79,79,79,79,-1894,79,79,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,79,79,79,79,-275,-276,79,-1425,79,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,79,79,79,-490,79,79,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,79,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,79,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,79,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,79,-172,-173,-174,-175,-993,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-290,-291,-281,79,79,79,79,79,-328,-318,-332,-333,-334,79,79,-982,-983,-984,-985,-986,-987,-988,79,79,79,79,79,79,79,79,79,79,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,79,79,79,-353,-356,79,-323,-324,-141,79,-142,79,-143,79,-430,-935,-936,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-1894,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-1894,79,-1894,79,79,79,79,79,79,79,79,79,79,79,79,-1894,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,79,-1894,79,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,79,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,79,79,79,-191,-192,79,-994,79,79,79,79,79,-277,-278,-279,-280,-365,79,-308,79,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,79,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,79,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,79,79,79,79,79,79,-573,79,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,79,79,-723,-724,-725,79,79,79,79,79,79,-994,79,79,-91,-92,79,79,79,79,-309,-310,-320,79,-307,-293,-294,-295,79,79,79,79,-618,-633,-590,79,79,-436,79,-437,79,-444,-445,-446,-378,-379,79,79,79,-506,79,79,-510,79,79,79,79,-515,-516,-517,-518,79,79,-521,-522,79,-524,-525,-526,-527,-528,-529,-530,-531,79,-533,79,79,79,-539,-541,-542,79,-544,-545,-546,-547,79,79,79,79,79,79,-652,-653,-654,-655,79,-657,-658,-659,79,79,79,-665,79,79,-669,-670,79,79,-673,79,-675,-676,79,-679,79,-681,79,79,-684,-685,-686,79,-688,79,79,-691,79,79,-694,-695,-696,79,-698,-699,-700,-701,79,79,-746,79,-749,-750,-751,-752,-753,79,-755,-756,-757,-758,-759,79,-766,-767,-769,79,-771,-772,-773,-782,-856,-858,-860,-862,79,79,79,79,-868,79,-870,79,79,79,79,79,79,79,-906,-907,79,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,79,-921,-924,79,-934,79,-385,-386,-387,79,79,-390,-391,-392,-393,79,-396,79,-399,-400,79,-401,79,-406,-407,79,-410,-411,-412,79,-415,79,-416,79,-421,-422,79,-425,79,-428,-429,-1894,-1894,79,-619,-620,-621,-622,-623,-634,-584,-624,-797,79,79,79,79,79,-831,79,79,-806,79,-832,79,79,79,79,-798,79,-853,-799,79,79,79,79,79,79,-854,-855,79,-834,-830,-835,79,-625,79,-626,-627,-628,-629,-574,79,79,-630,-631,-632,79,79,79,79,79,79,-635,-636,-637,-592,-1894,-602,79,-638,-639,-713,-640,-604,79,-572,-577,-580,-583,79,79,79,-598,-601,79,-608,79,79,79,79,79,79,79,79,79,79,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,79,79,3185,79,-995,79,79,79,79,79,79,-306,-325,-319,-296,-375,-452,-453,-454,-458,79,-443,79,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,79,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,79,79,79,79,79,79,79,79,79,-316,-535,-508,-591,-937,-939,-940,-438,79,-440,-380,-381,-383,-507,-509,-511,79,-513,-514,-519,-520,79,-532,-534,-537,-538,-543,-548,-726,79,-727,79,-732,79,-734,79,-739,-656,-660,-661,79,-666,79,-667,79,-672,-674,79,-677,79,79,79,-687,-689,79,-692,79,79,-744,79,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,79,79,79,79,79,-877,79,-880,-908,-920,-925,-388,-389,79,-394,79,-397,79,-402,79,-403,79,-408,79,-413,79,-417,79,-418,79,-423,79,-426,-899,-900,-643,-585,-1894,-901,79,79,79,-800,79,79,-804,79,-807,-833,79,-818,79,-820,79,-822,-808,79,-824,79,-851,-852,79,79,-811,79,-646,-902,-904,-648,-649,-645,79,-705,-706,79,-642,-903,-647,-650,-603,-714,79,79,-605,-586,79,79,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,79,79,-709,-710,79,-716,79,79,3586,79,79,3185,79,79,-938,79,-439,-441,-747,79,-891,79,-715,-1894,79,79,3712,3185,79,3185,3185,3185,3185,3185,3185,3185,3185,3185,79,79,-442,-512,-523,79,-728,-733,79,-735,79,-740,79,-662,-668,79,-678,-680,-682,-683,-690,-693,-697,-745,79,79,-874,79,79,-878,79,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,79,-812,79,-814,-801,79,-802,-805,79,-816,-819,-821,-823,-825,79,-826,79,-809,79,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,79,3185,-282,79,79,79,79,-455,79,79,-729,79,-736,79,-741,79,-663,-671,79,79,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,79,-836,-53,79,79,-730,79,-737,79,-742,-664,79,-873,-54,79,79,-731,-738,-743,79,79,79,-872,]),'AVG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[80,80,80,1243,-1894,80,80,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,80,80,80,80,-275,-276,1243,-1425,1243,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1243,1243,1243,-490,1243,1243,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1243,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1243,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1243,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,80,-172,-173,-174,-175,-993,80,80,80,80,80,80,80,80,80,80,1243,1243,1243,1243,1243,-290,-291,-281,80,1243,1243,1243,1243,-328,-318,-332,-333,-334,1243,1243,-982,-983,-984,-985,-986,-987,-988,80,80,1243,1243,1243,1243,1243,1243,1243,1243,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1243,1243,1243,-353,-356,80,-323,-324,-141,1243,-142,1243,-143,1243,-430,-935,-936,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1894,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1894,1243,-1894,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1894,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-1894,80,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1243,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1243,80,80,-191,-192,80,-994,1243,80,80,80,80,-277,-278,-279,-280,-365,1243,-308,1243,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1243,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1243,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1243,1243,1243,1243,1243,1243,-573,1243,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1243,1243,-723,-724,-725,1243,1243,80,80,80,80,-994,80,1243,-91,-92,80,80,80,1243,-309,-310,-320,1243,-307,-293,-294,-295,1243,80,1243,1243,-618,-633,-590,1243,80,-436,80,-437,1243,-444,-445,-446,-378,-379,1243,1243,1243,-506,1243,1243,-510,1243,1243,1243,1243,-515,-516,-517,-518,1243,1243,-521,-522,1243,-524,-525,-526,-527,-528,-529,-530,-531,1243,-533,1243,1243,1243,-539,-541,-542,1243,-544,-545,-546,-547,1243,1243,1243,1243,1243,1243,-652,-653,-654,-655,80,-657,-658,-659,1243,1243,1243,-665,1243,1243,-669,-670,1243,1243,-673,1243,-675,-676,1243,-679,1243,-681,1243,1243,-684,-685,-686,1243,-688,1243,1243,-691,1243,1243,-694,-695,-696,1243,-698,-699,-700,-701,1243,1243,-746,1243,-749,-750,-751,-752,-753,1243,-755,-756,-757,-758,-759,1243,-766,-767,-769,1243,-771,-772,-773,-782,-856,-858,-860,-862,1243,1243,1243,1243,-868,1243,-870,1243,1243,1243,1243,1243,1243,1243,-906,-907,1243,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1243,-921,-924,1243,-934,1243,-385,-386,-387,1243,1243,-390,-391,-392,-393,1243,-396,1243,-399,-400,1243,-401,1243,-406,-407,1243,-410,-411,-412,1243,-415,1243,-416,1243,-421,-422,1243,-425,1243,-428,-429,-1894,-1894,1243,-619,-620,-621,-622,-623,-634,-584,-624,-797,1243,1243,1243,1243,1243,-831,1243,1243,-806,1243,-832,1243,1243,1243,1243,-798,1243,-853,-799,1243,1243,1243,1243,1243,1243,-854,-855,1243,-834,-830,-835,1243,-625,1243,-626,-627,-628,-629,-574,1243,1243,-630,-631,-632,1243,1243,1243,1243,1243,1243,-635,-636,-637,-592,-1894,-602,1243,-638,-639,-713,-640,-604,1243,-572,-577,-580,-583,1243,1243,1243,-598,-601,1243,-608,1243,1243,1243,1243,1243,1243,1243,1243,1243,1243,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1243,80,80,-995,80,1243,80,80,80,1243,-306,-325,-319,-296,-375,-452,-453,-454,-458,80,-443,1243,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1243,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,80,80,80,80,80,80,80,80,1243,-316,-535,-508,-591,-937,-939,-940,-438,1243,-440,-380,-381,-383,-507,-509,-511,1243,-513,-514,-519,-520,1243,-532,-534,-537,-538,-543,-548,-726,1243,-727,1243,-732,1243,-734,1243,-739,-656,-660,-661,1243,-666,1243,-667,1243,-672,-674,1243,-677,1243,1243,1243,-687,-689,1243,-692,1243,1243,-744,1243,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1243,1243,1243,1243,1243,-877,1243,-880,-908,-920,-925,-388,-389,1243,-394,1243,-397,1243,-402,1243,-403,1243,-408,1243,-413,1243,-417,1243,-418,1243,-423,1243,-426,-899,-900,-643,-585,-1894,-901,1243,1243,1243,-800,1243,1243,-804,1243,-807,-833,1243,-818,1243,-820,1243,-822,-808,1243,-824,1243,-851,-852,1243,1243,-811,1243,-646,-902,-904,-648,-649,-645,1243,-705,-706,1243,-642,-903,-647,-650,-603,-714,1243,1243,-605,-586,1243,1243,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1243,1243,-709,-710,1243,-716,1243,80,80,80,1243,1243,-938,80,-439,-441,-747,1243,-891,1243,-715,-1894,1243,1243,80,80,1243,-442,-512,-523,1243,-728,-733,1243,-735,1243,-740,1243,-662,-668,1243,-678,-680,-682,-683,-690,-693,-697,-745,1243,1243,-874,1243,1243,-878,1243,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1243,-812,1243,-814,-801,1243,-802,-805,1243,-816,-819,-821,-823,-825,1243,-826,1243,-809,1243,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,80,-282,80,1243,80,1243,-455,1243,1243,-729,1243,-736,1243,-741,1243,-663,-671,1243,1243,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1243,-836,-53,80,1243,-730,1243,-737,1243,-742,-664,1243,-873,-54,80,80,-731,-738,-743,1243,80,1243,-872,]),'AVG_ROW_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[81,81,81,81,-1894,81,81,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,81,81,81,81,-275,-276,81,-1425,81,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,81,81,81,-490,81,81,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,81,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,81,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,81,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,81,-172,-173,-174,-175,-993,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-290,-291,-281,81,81,81,81,81,-328,-318,-332,-333,-334,81,81,-982,-983,-984,-985,-986,-987,-988,81,81,81,81,81,81,81,81,81,81,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,81,81,81,-353,-356,81,-323,-324,-141,81,-142,81,-143,81,-430,-935,-936,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-1894,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-1894,81,-1894,81,81,81,81,81,81,81,81,81,81,81,81,-1894,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,81,-1894,81,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,81,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,81,81,81,-191,-192,81,-994,81,81,81,81,81,-277,-278,-279,-280,-365,81,-308,81,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,81,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,81,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,81,81,81,81,81,81,-573,81,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,81,81,-723,-724,-725,81,81,81,81,81,81,-994,81,81,-91,-92,81,81,81,81,-309,-310,-320,81,-307,-293,-294,-295,81,81,81,81,-618,-633,-590,81,81,-436,81,-437,81,-444,-445,-446,-378,-379,81,81,81,-506,81,81,-510,81,81,81,81,-515,-516,-517,-518,81,81,-521,-522,81,-524,-525,-526,-527,-528,-529,-530,-531,81,-533,81,81,81,-539,-541,-542,81,-544,-545,-546,-547,81,81,81,81,81,81,-652,-653,-654,-655,81,-657,-658,-659,81,81,81,-665,81,81,-669,-670,81,81,-673,81,-675,-676,81,-679,81,-681,81,81,-684,-685,-686,81,-688,81,81,-691,81,81,-694,-695,-696,81,-698,-699,-700,-701,81,81,-746,81,-749,-750,-751,-752,-753,81,-755,-756,-757,-758,-759,81,-766,-767,-769,81,-771,-772,-773,-782,-856,-858,-860,-862,81,81,81,81,-868,81,-870,81,81,81,81,81,81,81,-906,-907,81,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,81,-921,-924,81,-934,81,-385,-386,-387,81,81,-390,-391,-392,-393,81,-396,81,-399,-400,81,-401,81,-406,-407,81,-410,-411,-412,81,-415,81,-416,81,-421,-422,81,-425,81,-428,-429,-1894,-1894,81,-619,-620,-621,-622,-623,-634,-584,-624,-797,81,81,81,81,81,-831,81,81,-806,81,-832,81,81,81,81,-798,81,-853,-799,81,81,81,81,81,81,-854,-855,81,-834,-830,-835,81,-625,81,-626,-627,-628,-629,-574,81,81,-630,-631,-632,81,81,81,81,81,81,-635,-636,-637,-592,-1894,-602,81,-638,-639,-713,-640,-604,81,-572,-577,-580,-583,81,81,81,-598,-601,81,-608,81,81,81,81,81,81,81,81,81,81,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,81,81,81,-995,81,81,81,81,81,81,-306,-325,-319,-296,-375,-452,-453,-454,-458,81,-443,81,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,81,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,81,81,81,81,81,81,81,81,81,-316,-535,-508,-591,-937,-939,-940,-438,81,-440,-380,-381,-383,-507,-509,-511,81,-513,-514,-519,-520,81,-532,-534,-537,-538,-543,-548,-726,81,-727,81,-732,81,-734,81,-739,-656,-660,-661,81,-666,81,-667,81,-672,-674,81,-677,81,81,81,-687,-689,81,-692,81,81,-744,81,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,81,81,81,81,81,-877,81,-880,-908,-920,-925,-388,-389,81,-394,81,-397,81,-402,81,-403,81,-408,81,-413,81,-417,81,-418,81,-423,81,-426,-899,-900,-643,-585,-1894,-901,81,81,81,-800,81,81,-804,81,-807,-833,81,-818,81,-820,81,-822,-808,81,-824,81,-851,-852,81,81,-811,81,-646,-902,-904,-648,-649,-645,81,-705,-706,81,-642,-903,-647,-650,-603,-714,81,81,-605,-586,81,81,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,81,81,-709,-710,81,-716,81,81,81,81,81,81,-938,81,-439,-441,-747,81,-891,81,-715,-1894,81,81,81,81,81,-442,-512,-523,81,-728,-733,81,-735,81,-740,81,-662,-668,81,-678,-680,-682,-683,-690,-693,-697,-745,81,81,-874,81,81,-878,81,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,81,-812,81,-814,-801,81,-802,-805,81,-816,-819,-821,-823,-825,81,-826,81,-809,81,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,81,-282,81,81,81,81,-455,81,81,-729,81,-736,81,-741,81,-663,-671,81,81,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,81,-836,-53,81,81,-730,81,-737,81,-742,-664,81,-873,-54,81,81,-731,-738,-743,81,81,81,-872,]),'BACKUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[82,82,82,82,-1894,82,82,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,82,82,82,82,-275,-276,82,-1425,82,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,82,82,82,-490,82,82,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,82,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,82,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,82,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,82,-172,-173,-174,-175,-993,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-290,-291,-281,82,82,82,82,82,-328,-318,-332,-333,-334,82,82,-982,-983,-984,-985,-986,-987,-988,82,82,82,82,82,82,82,82,82,82,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,82,82,82,-353,-356,82,-323,-324,-141,82,-142,82,-143,82,-430,-935,-936,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-1894,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-1894,82,-1894,82,82,82,82,82,82,82,82,82,82,82,82,-1894,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,82,-1894,82,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,82,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,82,82,82,-191,-192,82,-994,82,82,82,82,82,-277,-278,-279,-280,-365,82,-308,82,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,82,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,82,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,82,82,82,82,82,82,-573,82,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,82,82,-723,-724,-725,82,82,82,82,82,82,-994,82,82,-91,-92,82,82,82,82,-309,-310,-320,82,-307,-293,-294,-295,82,82,82,82,-618,-633,-590,82,82,-436,82,-437,82,-444,-445,-446,-378,-379,82,82,82,-506,82,82,-510,82,82,82,82,-515,-516,-517,-518,82,82,-521,-522,82,-524,-525,-526,-527,-528,-529,-530,-531,82,-533,82,82,82,-539,-541,-542,82,-544,-545,-546,-547,82,82,82,82,82,82,-652,-653,-654,-655,82,-657,-658,-659,82,82,82,-665,82,82,-669,-670,82,82,-673,82,-675,-676,82,-679,82,-681,82,82,-684,-685,-686,82,-688,82,82,-691,82,82,-694,-695,-696,82,-698,-699,-700,-701,82,82,-746,82,-749,-750,-751,-752,-753,82,-755,-756,-757,-758,-759,82,-766,-767,-769,82,-771,-772,-773,-782,-856,-858,-860,-862,82,82,82,82,-868,82,-870,82,82,82,82,82,82,82,-906,-907,82,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,82,-921,-924,82,-934,82,-385,-386,-387,82,82,-390,-391,-392,-393,82,-396,82,-399,-400,82,-401,82,-406,-407,82,-410,-411,-412,82,-415,82,-416,82,-421,-422,82,-425,82,-428,-429,-1894,-1894,82,-619,-620,-621,-622,-623,-634,-584,-624,-797,82,82,82,82,82,-831,82,82,-806,82,-832,82,82,82,82,-798,82,-853,-799,82,82,82,82,82,82,-854,-855,82,-834,-830,-835,82,-625,82,-626,-627,-628,-629,-574,82,82,-630,-631,-632,82,82,82,82,82,82,-635,-636,-637,-592,-1894,-602,82,-638,-639,-713,-640,-604,82,-572,-577,-580,-583,82,82,82,-598,-601,82,-608,82,82,82,82,82,82,82,82,82,82,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,82,82,82,-995,82,82,82,82,82,82,-306,-325,-319,-296,-375,-452,-453,-454,-458,82,-443,82,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,82,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,82,82,82,82,82,82,82,82,82,-316,-535,-508,-591,-937,-939,-940,-438,82,-440,-380,-381,-383,-507,-509,-511,82,-513,-514,-519,-520,82,-532,-534,-537,-538,-543,-548,-726,82,-727,82,-732,82,-734,82,-739,-656,-660,-661,82,-666,82,-667,82,-672,-674,82,-677,82,82,82,-687,-689,82,-692,82,82,-744,82,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,82,82,82,82,82,-877,82,-880,-908,-920,-925,-388,-389,82,-394,82,-397,82,-402,82,-403,82,-408,82,-413,82,-417,82,-418,82,-423,82,-426,-899,-900,-643,-585,-1894,-901,82,82,82,-800,82,82,-804,82,-807,-833,82,-818,82,-820,82,-822,-808,82,-824,82,-851,-852,82,82,-811,82,-646,-902,-904,-648,-649,-645,82,-705,-706,82,-642,-903,-647,-650,-603,-714,82,82,-605,-586,82,82,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,82,82,-709,-710,82,-716,82,82,82,82,82,82,-938,82,-439,-441,-747,82,-891,82,-715,-1894,82,82,82,82,82,-442,-512,-523,82,-728,-733,82,-735,82,-740,82,-662,-668,82,-678,-680,-682,-683,-690,-693,-697,-745,82,82,-874,82,82,-878,82,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,82,-812,82,-814,-801,82,-802,-805,82,-816,-819,-821,-823,-825,82,-826,82,-809,82,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,82,-282,82,82,82,82,-455,82,82,-729,82,-736,82,-741,82,-663,-671,82,82,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,82,-836,-53,82,82,-730,82,-737,82,-742,-664,82,-873,-54,82,82,-731,-738,-743,82,82,82,-872,]),'BACKUPSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[83,83,83,83,-1894,83,83,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,83,83,83,83,-275,-276,83,-1425,83,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,83,83,83,-490,83,83,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,83,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,83,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,83,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,83,-172,-173,-174,-175,-993,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-290,-291,-281,83,83,83,83,83,-328,-318,-332,-333,-334,83,83,-982,-983,-984,-985,-986,-987,-988,83,83,83,83,83,83,83,83,83,83,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,83,83,83,-353,-356,83,-323,-324,-141,83,-142,83,-143,83,-430,-935,-936,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-1894,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-1894,83,-1894,83,83,83,83,83,83,83,83,83,83,83,83,-1894,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,83,-1894,83,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,83,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,83,83,83,-191,-192,83,-994,83,83,83,83,83,-277,-278,-279,-280,-365,83,-308,83,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,83,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,83,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,83,83,83,83,83,83,-573,83,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,83,83,-723,-724,-725,83,83,83,83,83,83,-994,83,83,-91,-92,83,83,83,83,-309,-310,-320,83,-307,-293,-294,-295,83,83,83,83,-618,-633,-590,83,83,-436,83,-437,83,-444,-445,-446,-378,-379,83,83,83,-506,83,83,-510,83,83,83,83,-515,-516,-517,-518,83,83,-521,-522,83,-524,-525,-526,-527,-528,-529,-530,-531,83,-533,83,83,83,-539,-541,-542,83,-544,-545,-546,-547,83,83,83,83,83,83,-652,-653,-654,-655,83,-657,-658,-659,83,83,83,-665,83,83,-669,-670,83,83,-673,83,-675,-676,83,-679,83,-681,83,83,-684,-685,-686,83,-688,83,83,-691,83,83,-694,-695,-696,83,-698,-699,-700,-701,83,83,-746,83,-749,-750,-751,-752,-753,83,-755,-756,-757,-758,-759,83,-766,-767,-769,83,-771,-772,-773,-782,-856,-858,-860,-862,83,83,83,83,-868,83,-870,83,83,83,83,83,83,83,-906,-907,83,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,83,-921,-924,83,-934,83,-385,-386,-387,83,83,-390,-391,-392,-393,83,-396,83,-399,-400,83,-401,83,-406,-407,83,-410,-411,-412,83,-415,83,-416,83,-421,-422,83,-425,83,-428,-429,-1894,-1894,83,-619,-620,-621,-622,-623,-634,-584,-624,-797,83,83,83,83,83,-831,83,83,-806,83,-832,83,83,83,83,-798,83,-853,-799,83,83,83,83,83,83,-854,-855,83,-834,-830,-835,83,-625,83,-626,-627,-628,-629,-574,83,83,-630,-631,-632,83,83,83,83,83,83,-635,-636,-637,-592,-1894,-602,83,-638,-639,-713,-640,-604,83,-572,-577,-580,-583,83,83,83,-598,-601,83,-608,83,83,83,83,83,83,83,83,83,83,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,83,83,83,-995,83,83,83,83,83,83,-306,-325,-319,-296,-375,-452,-453,-454,-458,83,-443,83,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,83,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,83,83,83,83,83,83,83,83,83,-316,-535,-508,-591,-937,-939,-940,-438,83,-440,-380,-381,-383,-507,-509,-511,83,-513,-514,-519,-520,83,-532,-534,-537,-538,-543,-548,-726,83,-727,83,-732,83,-734,83,-739,-656,-660,-661,83,-666,83,-667,83,-672,-674,83,-677,83,83,83,-687,-689,83,-692,83,83,-744,83,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,83,83,83,83,83,-877,83,-880,-908,-920,-925,-388,-389,83,-394,83,-397,83,-402,83,-403,83,-408,83,-413,83,-417,83,-418,83,-423,83,-426,-899,-900,-643,-585,-1894,-901,83,83,83,-800,83,83,-804,83,-807,-833,83,-818,83,-820,83,-822,-808,83,-824,83,-851,-852,83,83,-811,83,-646,-902,-904,-648,-649,-645,83,-705,-706,83,-642,-903,-647,-650,-603,-714,83,83,-605,-586,83,83,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,83,83,-709,-710,83,-716,83,83,83,83,83,83,-938,83,-439,-441,-747,83,-891,83,-715,-1894,83,83,83,83,83,-442,-512,-523,83,-728,-733,83,-735,83,-740,83,-662,-668,83,-678,-680,-682,-683,-690,-693,-697,-745,83,83,-874,83,83,-878,83,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,83,-812,83,-814,-801,83,-802,-805,83,-816,-819,-821,-823,-825,83,-826,83,-809,83,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,83,-282,83,83,83,83,-455,83,83,-729,83,-736,83,-741,83,-663,-671,83,83,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,83,-836,-53,83,83,-730,83,-737,83,-742,-664,83,-873,-54,83,83,-731,-738,-743,83,83,83,-872,]),'BALANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[84,84,84,84,-1894,84,84,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,84,84,84,84,-275,-276,84,-1425,84,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,84,84,84,-490,84,84,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,84,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,84,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,84,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,84,-172,-173,-174,-175,-993,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-290,-291,-281,84,84,84,84,84,-328,-318,-332,-333,-334,84,84,-982,-983,-984,-985,-986,-987,-988,84,84,84,84,84,84,84,84,84,84,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,84,84,84,-353,-356,84,-323,-324,-141,84,-142,84,-143,84,-430,-935,-936,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-1894,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-1894,84,-1894,84,84,84,84,84,84,84,84,84,84,84,84,-1894,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,84,-1894,84,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,84,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,84,84,84,-191,-192,84,-994,84,84,84,84,84,-277,-278,-279,-280,-365,84,-308,84,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,84,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,84,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,84,84,84,84,84,84,-573,84,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,84,84,-723,-724,-725,84,84,84,84,84,84,-994,84,84,-91,-92,84,84,84,84,-309,-310,-320,84,-307,-293,-294,-295,84,84,84,84,-618,-633,-590,84,84,-436,84,-437,84,-444,-445,-446,-378,-379,84,84,84,-506,84,84,-510,84,84,84,84,-515,-516,-517,-518,84,84,-521,-522,84,-524,-525,-526,-527,-528,-529,-530,-531,84,-533,84,84,84,-539,-541,-542,84,-544,-545,-546,-547,84,84,84,84,84,84,-652,-653,-654,-655,84,-657,-658,-659,84,84,84,-665,84,84,-669,-670,84,84,-673,84,-675,-676,84,-679,84,-681,84,84,-684,-685,-686,84,-688,84,84,-691,84,84,-694,-695,-696,84,-698,-699,-700,-701,84,84,-746,84,-749,-750,-751,-752,-753,84,-755,-756,-757,-758,-759,84,-766,-767,-769,84,-771,-772,-773,-782,-856,-858,-860,-862,84,84,84,84,-868,84,-870,84,84,84,84,84,84,84,-906,-907,84,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,84,-921,-924,84,-934,84,-385,-386,-387,84,84,-390,-391,-392,-393,84,-396,84,-399,-400,84,-401,84,-406,-407,84,-410,-411,-412,84,-415,84,-416,84,-421,-422,84,-425,84,-428,-429,-1894,-1894,84,-619,-620,-621,-622,-623,-634,-584,-624,-797,84,84,84,84,84,-831,84,84,-806,84,-832,84,84,84,84,-798,84,-853,-799,84,84,84,84,84,84,-854,-855,84,-834,-830,-835,84,-625,84,-626,-627,-628,-629,-574,84,84,-630,-631,-632,84,84,84,84,84,84,-635,-636,-637,-592,-1894,-602,84,-638,-639,-713,-640,-604,84,-572,-577,-580,-583,84,84,84,-598,-601,84,-608,84,84,84,84,84,84,84,84,84,84,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,84,84,84,-995,84,84,84,84,84,84,-306,-325,-319,-296,-375,-452,-453,-454,-458,84,-443,84,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,84,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,84,84,84,84,84,84,84,84,84,-316,-535,-508,-591,-937,-939,-940,-438,84,-440,-380,-381,-383,-507,-509,-511,84,-513,-514,-519,-520,84,-532,-534,-537,-538,-543,-548,-726,84,-727,84,-732,84,-734,84,-739,-656,-660,-661,84,-666,84,-667,84,-672,-674,84,-677,84,84,84,-687,-689,84,-692,84,84,-744,84,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,84,84,84,84,84,-877,84,-880,-908,-920,-925,-388,-389,84,-394,84,-397,84,-402,84,-403,84,-408,84,-413,84,-417,84,-418,84,-423,84,-426,-899,-900,-643,-585,-1894,-901,84,84,84,-800,84,84,-804,84,-807,-833,84,-818,84,-820,84,-822,-808,84,-824,84,-851,-852,84,84,-811,84,-646,-902,-904,-648,-649,-645,84,-705,-706,84,-642,-903,-647,-650,-603,-714,84,84,-605,-586,84,84,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,84,84,-709,-710,84,-716,84,84,84,84,84,84,-938,84,-439,-441,-747,84,-891,84,-715,-1894,84,84,84,84,84,-442,-512,-523,84,-728,-733,84,-735,84,-740,84,-662,-668,84,-678,-680,-682,-683,-690,-693,-697,-745,84,84,-874,84,84,-878,84,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,84,-812,84,-814,-801,84,-802,-805,84,-816,-819,-821,-823,-825,84,-826,84,-809,84,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,84,-282,84,84,84,84,-455,84,84,-729,84,-736,84,-741,84,-663,-671,84,84,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,84,-836,-53,84,84,-730,84,-737,84,-742,-664,84,-873,-54,84,84,-731,-738,-743,84,84,84,-872,]),'BASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[85,85,85,85,-1894,85,85,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,85,85,85,85,-275,-276,85,-1425,85,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,85,85,85,-490,85,85,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,85,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,85,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,85,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,85,-172,-173,-174,-175,-993,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-290,-291,-281,85,85,85,85,85,-328,-318,-332,-333,-334,85,85,-982,-983,-984,-985,-986,-987,-988,85,85,85,85,85,85,85,85,85,85,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,85,85,85,-353,-356,85,-323,-324,-141,85,-142,85,-143,85,-430,-935,-936,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-1894,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-1894,85,-1894,85,85,85,85,85,85,85,85,85,85,85,85,-1894,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,85,-1894,85,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,85,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,85,85,85,-191,-192,85,-994,85,85,85,85,85,-277,-278,-279,-280,-365,85,-308,85,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,85,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,85,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,85,85,85,85,85,85,-573,85,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,85,85,-723,-724,-725,85,85,85,85,85,85,-994,85,85,-91,-92,85,85,85,85,-309,-310,-320,85,-307,-293,-294,-295,85,85,85,85,-618,-633,-590,85,85,-436,85,-437,85,-444,-445,-446,-378,-379,85,85,85,-506,85,85,-510,85,85,85,85,-515,-516,-517,-518,85,85,-521,-522,85,-524,-525,-526,-527,-528,-529,-530,-531,85,-533,85,85,85,-539,-541,-542,85,-544,-545,-546,-547,85,85,85,85,85,85,-652,-653,-654,-655,85,-657,-658,-659,85,85,85,-665,85,85,-669,-670,85,85,-673,85,-675,-676,85,-679,85,-681,85,85,-684,-685,-686,85,-688,85,85,-691,85,85,-694,-695,-696,85,-698,-699,-700,-701,85,85,-746,85,-749,-750,-751,-752,-753,85,-755,-756,-757,-758,-759,85,-766,-767,-769,85,-771,-772,-773,-782,-856,-858,-860,-862,85,85,85,85,-868,85,-870,85,85,85,85,85,85,85,-906,-907,85,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,85,-921,-924,85,-934,85,-385,-386,-387,85,85,-390,-391,-392,-393,85,-396,85,-399,-400,85,-401,85,-406,-407,85,-410,-411,-412,85,-415,85,-416,85,-421,-422,85,-425,85,-428,-429,-1894,-1894,85,-619,-620,-621,-622,-623,-634,-584,-624,-797,85,85,85,85,85,-831,85,85,-806,85,-832,85,85,85,85,-798,85,-853,-799,85,85,85,85,85,85,-854,-855,85,-834,-830,-835,85,-625,85,-626,-627,-628,-629,-574,85,85,-630,-631,-632,85,85,85,85,85,85,-635,-636,-637,-592,-1894,-602,85,-638,-639,-713,-640,-604,85,-572,-577,-580,-583,85,85,85,-598,-601,85,-608,85,85,85,85,85,85,85,85,85,85,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,85,85,85,-995,85,85,85,85,85,85,-306,-325,-319,-296,-375,-452,-453,-454,-458,85,-443,85,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,85,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,85,85,85,85,85,85,85,85,85,-316,-535,-508,-591,-937,-939,-940,-438,85,-440,-380,-381,-383,-507,-509,-511,85,-513,-514,-519,-520,85,-532,-534,-537,-538,-543,-548,-726,85,-727,85,-732,85,-734,85,-739,-656,-660,-661,85,-666,85,-667,85,-672,-674,85,-677,85,85,85,-687,-689,85,-692,85,85,-744,85,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,85,85,85,85,85,-877,85,-880,-908,-920,-925,-388,-389,85,-394,85,-397,85,-402,85,-403,85,-408,85,-413,85,-417,85,-418,85,-423,85,-426,-899,-900,-643,-585,-1894,-901,85,85,85,-800,85,85,-804,85,-807,-833,85,-818,85,-820,85,-822,-808,85,-824,85,-851,-852,85,85,-811,85,-646,-902,-904,-648,-649,-645,85,-705,-706,85,-642,-903,-647,-650,-603,-714,85,85,-605,-586,85,85,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,85,85,-709,-710,85,-716,85,85,85,85,85,85,-938,85,-439,-441,-747,85,-891,85,-715,-1894,85,85,85,85,85,-442,-512,-523,85,-728,-733,85,-735,85,-740,85,-662,-668,85,-678,-680,-682,-683,-690,-693,-697,-745,85,85,-874,85,85,-878,85,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,85,-812,85,-814,-801,85,-802,-805,85,-816,-819,-821,-823,-825,85,-826,85,-809,85,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,85,-282,85,85,85,85,-455,85,85,-729,85,-736,85,-741,85,-663,-671,85,85,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,85,-836,-53,85,85,-730,85,-737,85,-742,-664,85,-873,-54,85,85,-731,-738,-743,85,85,85,-872,]),'BASELINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[86,86,86,86,-1894,86,86,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,86,86,86,86,-275,-276,86,-1425,86,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,86,86,86,-490,86,86,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,86,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,86,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,86,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,86,-172,-173,-174,-175,-993,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-290,-291,-281,86,86,86,86,86,-328,-318,-332,-333,-334,86,86,-982,-983,-984,-985,-986,-987,-988,86,86,86,86,86,86,86,86,86,86,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,86,86,86,-353,-356,86,-323,-324,-141,86,-142,86,-143,86,-430,-935,-936,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-1894,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-1894,86,-1894,86,86,86,86,86,86,86,86,86,86,86,86,-1894,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,86,-1894,86,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,86,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,86,86,86,-191,-192,86,-994,86,86,86,86,86,-277,-278,-279,-280,-365,86,-308,86,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,86,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,86,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,86,86,86,86,86,86,-573,86,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,86,86,-723,-724,-725,86,86,86,86,86,86,-994,86,86,-91,-92,86,86,86,86,-309,-310,-320,86,-307,-293,-294,-295,86,86,86,86,-618,-633,-590,86,86,-436,86,-437,86,-444,-445,-446,-378,-379,86,86,86,-506,86,86,-510,86,86,86,86,-515,-516,-517,-518,86,86,-521,-522,86,-524,-525,-526,-527,-528,-529,-530,-531,86,-533,86,86,86,-539,-541,-542,86,-544,-545,-546,-547,86,86,86,86,86,86,-652,-653,-654,-655,86,-657,-658,-659,86,86,86,-665,86,86,-669,-670,86,86,-673,86,-675,-676,86,-679,86,-681,86,86,-684,-685,-686,86,-688,86,86,-691,86,86,-694,-695,-696,86,-698,-699,-700,-701,86,86,-746,86,-749,-750,-751,-752,-753,86,-755,-756,-757,-758,-759,86,-766,-767,-769,86,-771,-772,-773,-782,-856,-858,-860,-862,86,86,86,86,-868,86,-870,86,86,86,86,86,86,86,-906,-907,86,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,86,-921,-924,86,-934,86,-385,-386,-387,86,86,-390,-391,-392,-393,86,-396,86,-399,-400,86,-401,86,-406,-407,86,-410,-411,-412,86,-415,86,-416,86,-421,-422,86,-425,86,-428,-429,-1894,-1894,86,-619,-620,-621,-622,-623,-634,-584,-624,-797,86,86,86,86,86,-831,86,86,-806,86,-832,86,86,86,86,-798,86,-853,-799,86,86,86,86,86,86,-854,-855,86,-834,-830,-835,86,-625,86,-626,-627,-628,-629,-574,86,86,-630,-631,-632,86,86,86,86,86,86,-635,-636,-637,-592,-1894,-602,86,-638,-639,-713,-640,-604,86,-572,-577,-580,-583,86,86,86,-598,-601,86,-608,86,86,86,86,86,86,86,86,86,86,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,86,86,86,-995,86,86,86,86,86,86,-306,-325,-319,-296,-375,-452,-453,-454,-458,86,-443,86,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,86,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,86,86,86,86,86,86,86,86,86,-316,-535,-508,-591,-937,-939,-940,-438,86,-440,-380,-381,-383,-507,-509,-511,86,-513,-514,-519,-520,86,-532,-534,-537,-538,-543,-548,-726,86,-727,86,-732,86,-734,86,-739,-656,-660,-661,86,-666,86,-667,86,-672,-674,86,-677,86,86,86,-687,-689,86,-692,86,86,-744,86,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,86,86,86,86,86,-877,86,-880,-908,-920,-925,-388,-389,86,-394,86,-397,86,-402,86,-403,86,-408,86,-413,86,-417,86,-418,86,-423,86,-426,-899,-900,-643,-585,-1894,-901,86,86,86,-800,86,86,-804,86,-807,-833,86,-818,86,-820,86,-822,-808,86,-824,86,-851,-852,86,86,-811,86,-646,-902,-904,-648,-649,-645,86,-705,-706,86,-642,-903,-647,-650,-603,-714,86,86,-605,-586,86,86,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,86,86,-709,-710,86,-716,86,86,86,86,86,86,-938,86,-439,-441,-747,86,-891,86,-715,-1894,86,86,86,86,86,-442,-512,-523,86,-728,-733,86,-735,86,-740,86,-662,-668,86,-678,-680,-682,-683,-690,-693,-697,-745,86,86,-874,86,86,-878,86,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,86,-812,86,-814,-801,86,-802,-805,86,-816,-819,-821,-823,-825,86,-826,86,-809,86,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,86,-282,86,86,86,86,-455,86,86,-729,86,-736,86,-741,86,-663,-671,86,86,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,86,-836,-53,86,86,-730,86,-737,86,-742,-664,86,-873,-54,86,86,-731,-738,-743,86,86,86,-872,]),'BASELINE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[87,87,87,87,-1894,87,87,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,87,87,87,87,-275,-276,87,-1425,87,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,87,87,87,-490,87,87,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,87,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,87,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,87,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,87,-172,-173,-174,-175,-993,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-290,-291,-281,87,87,87,87,87,-328,-318,-332,-333,-334,87,87,-982,-983,-984,-985,-986,-987,-988,87,87,87,87,87,87,87,87,87,87,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,87,87,87,-353,-356,87,-323,-324,-141,87,-142,87,-143,87,-430,-935,-936,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-1894,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-1894,87,-1894,87,87,87,87,87,87,87,87,87,87,87,87,-1894,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,87,-1894,87,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,87,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,87,87,87,-191,-192,87,-994,87,87,87,87,87,-277,-278,-279,-280,-365,87,-308,87,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,87,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,87,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,87,87,87,87,87,87,-573,87,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,87,87,-723,-724,-725,87,87,87,87,87,87,-994,87,87,-91,-92,87,87,87,87,-309,-310,-320,87,-307,-293,-294,-295,87,87,87,87,-618,-633,-590,87,87,-436,87,-437,87,-444,-445,-446,-378,-379,87,87,87,-506,87,87,-510,87,87,87,87,-515,-516,-517,-518,87,87,-521,-522,87,-524,-525,-526,-527,-528,-529,-530,-531,87,-533,87,87,87,-539,-541,-542,87,-544,-545,-546,-547,87,87,87,87,87,87,-652,-653,-654,-655,87,-657,-658,-659,87,87,87,-665,87,87,-669,-670,87,87,-673,87,-675,-676,87,-679,87,-681,87,87,-684,-685,-686,87,-688,87,87,-691,87,87,-694,-695,-696,87,-698,-699,-700,-701,87,87,-746,87,-749,-750,-751,-752,-753,87,-755,-756,-757,-758,-759,87,-766,-767,-769,87,-771,-772,-773,-782,-856,-858,-860,-862,87,87,87,87,-868,87,-870,87,87,87,87,87,87,87,-906,-907,87,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,87,-921,-924,87,-934,87,-385,-386,-387,87,87,-390,-391,-392,-393,87,-396,87,-399,-400,87,-401,87,-406,-407,87,-410,-411,-412,87,-415,87,-416,87,-421,-422,87,-425,87,-428,-429,-1894,-1894,87,-619,-620,-621,-622,-623,-634,-584,-624,-797,87,87,87,87,87,-831,87,87,-806,87,-832,87,87,87,87,-798,87,-853,-799,87,87,87,87,87,87,-854,-855,87,-834,-830,-835,87,-625,87,-626,-627,-628,-629,-574,87,87,-630,-631,-632,87,87,87,87,87,87,-635,-636,-637,-592,-1894,-602,87,-638,-639,-713,-640,-604,87,-572,-577,-580,-583,87,87,87,-598,-601,87,-608,87,87,87,87,87,87,87,87,87,87,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,87,87,87,-995,87,87,87,87,87,87,-306,-325,-319,-296,-375,-452,-453,-454,-458,87,-443,87,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,87,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,87,87,87,87,87,87,87,87,87,-316,-535,-508,-591,-937,-939,-940,-438,87,-440,-380,-381,-383,-507,-509,-511,87,-513,-514,-519,-520,87,-532,-534,-537,-538,-543,-548,-726,87,-727,87,-732,87,-734,87,-739,-656,-660,-661,87,-666,87,-667,87,-672,-674,87,-677,87,87,87,-687,-689,87,-692,87,87,-744,87,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,87,87,87,87,87,-877,87,-880,-908,-920,-925,-388,-389,87,-394,87,-397,87,-402,87,-403,87,-408,87,-413,87,-417,87,-418,87,-423,87,-426,-899,-900,-643,-585,-1894,-901,87,87,87,-800,87,87,-804,87,-807,-833,87,-818,87,-820,87,-822,-808,87,-824,87,-851,-852,87,87,-811,87,-646,-902,-904,-648,-649,-645,87,-705,-706,87,-642,-903,-647,-650,-603,-714,87,87,-605,-586,87,87,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,87,87,-709,-710,87,-716,87,87,87,87,87,87,-938,87,-439,-441,-747,87,-891,87,-715,-1894,87,87,87,87,87,-442,-512,-523,87,-728,-733,87,-735,87,-740,87,-662,-668,87,-678,-680,-682,-683,-690,-693,-697,-745,87,87,-874,87,87,-878,87,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,87,-812,87,-814,-801,87,-802,-805,87,-816,-819,-821,-823,-825,87,-826,87,-809,87,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,87,-282,87,87,87,87,-455,87,87,-729,87,-736,87,-741,87,-663,-671,87,87,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,87,-836,-53,87,87,-730,87,-737,87,-742,-664,87,-873,-54,87,87,-731,-738,-743,87,87,87,-872,]),'BASIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[88,88,88,88,-1894,88,88,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,88,88,88,88,-275,-276,88,-1425,88,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,88,88,88,-490,88,88,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,88,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,88,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,88,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,88,-172,-173,-174,-175,-993,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-290,-291,-281,88,88,88,88,88,-328,-318,-332,-333,-334,88,88,-982,-983,-984,-985,-986,-987,-988,88,88,88,88,88,88,88,88,88,88,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,88,88,88,-353,-356,88,-323,-324,-141,88,-142,88,-143,88,-430,-935,-936,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-1894,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-1894,88,-1894,88,88,88,88,88,88,88,88,88,88,88,88,-1894,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,88,-1894,88,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,88,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,88,88,88,-191,-192,88,-994,88,88,88,88,88,-277,-278,-279,-280,-365,88,-308,88,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,88,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,88,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,88,88,88,88,88,88,-573,88,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,88,88,-723,-724,-725,88,88,88,88,88,88,-994,88,88,-91,-92,88,88,88,88,-309,-310,-320,88,-307,-293,-294,-295,88,88,88,88,-618,-633,-590,88,88,-436,88,-437,88,-444,-445,-446,-378,-379,88,88,88,-506,88,88,-510,88,88,88,88,-515,-516,-517,-518,88,88,-521,-522,88,-524,-525,-526,-527,-528,-529,-530,-531,88,-533,88,88,88,-539,-541,-542,88,-544,-545,-546,-547,88,88,88,88,88,88,-652,-653,-654,-655,88,-657,-658,-659,88,88,88,-665,88,88,-669,-670,88,88,-673,88,-675,-676,88,-679,88,-681,88,88,-684,-685,-686,88,-688,88,88,-691,88,88,-694,-695,-696,88,-698,-699,-700,-701,88,88,-746,88,-749,-750,-751,-752,-753,88,-755,-756,-757,-758,-759,88,-766,-767,-769,88,-771,-772,-773,-782,-856,-858,-860,-862,88,88,88,88,-868,88,-870,88,88,88,88,88,88,88,-906,-907,88,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,88,-921,-924,88,-934,88,-385,-386,-387,88,88,-390,-391,-392,-393,88,-396,88,-399,-400,88,-401,88,-406,-407,88,-410,-411,-412,88,-415,88,-416,88,-421,-422,88,-425,88,-428,-429,-1894,-1894,88,-619,-620,-621,-622,-623,-634,-584,-624,-797,88,88,88,88,88,-831,88,88,-806,88,-832,88,88,88,88,-798,88,-853,-799,88,88,88,88,88,88,-854,-855,88,-834,-830,-835,88,-625,88,-626,-627,-628,-629,-574,88,88,-630,-631,-632,88,88,88,88,88,88,-635,-636,-637,-592,-1894,-602,88,-638,-639,-713,-640,-604,88,-572,-577,-580,-583,88,88,88,-598,-601,88,-608,88,88,88,88,88,88,88,88,88,88,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,88,88,88,-995,88,88,88,88,88,88,-306,-325,-319,-296,-375,-452,-453,-454,-458,88,-443,88,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,88,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,88,88,88,88,88,88,88,88,88,-316,-535,-508,-591,-937,-939,-940,-438,88,-440,-380,-381,-383,-507,-509,-511,88,-513,-514,-519,-520,88,-532,-534,-537,-538,-543,-548,-726,88,-727,88,-732,88,-734,88,-739,-656,-660,-661,88,-666,88,-667,88,-672,-674,88,-677,88,88,88,-687,-689,88,-692,88,88,-744,88,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,88,88,88,88,88,-877,88,-880,-908,-920,-925,-388,-389,88,-394,88,-397,88,-402,88,-403,88,-408,88,-413,88,-417,88,-418,88,-423,88,-426,-899,-900,-643,-585,-1894,-901,88,88,88,-800,88,88,-804,88,-807,-833,88,-818,88,-820,88,-822,-808,88,-824,88,-851,-852,88,88,-811,88,-646,-902,-904,-648,-649,-645,88,-705,-706,88,-642,-903,-647,-650,-603,-714,88,88,-605,-586,88,88,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,88,88,-709,-710,88,-716,88,88,88,88,88,88,-938,88,-439,-441,-747,88,-891,88,-715,-1894,88,88,88,88,88,-442,-512,-523,88,-728,-733,88,-735,88,-740,88,-662,-668,88,-678,-680,-682,-683,-690,-693,-697,-745,88,88,-874,88,88,-878,88,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,88,-812,88,-814,-801,88,-802,-805,88,-816,-819,-821,-823,-825,88,-826,88,-809,88,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,88,-282,88,88,88,88,-455,88,88,-729,88,-736,88,-741,88,-663,-671,88,88,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,88,-836,-53,88,88,-730,88,-737,88,-742,-664,88,-873,-54,88,88,-731,-738,-743,88,88,88,-872,]),'BEFORE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[89,89,89,89,-1894,89,89,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,89,89,89,89,-275,-276,89,-1425,89,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,89,89,89,-490,89,89,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,89,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,89,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,89,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,89,-172,-173,-174,-175,-993,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-290,-291,-281,89,89,89,89,89,-328,-318,-332,-333,-334,89,89,-982,-983,-984,-985,-986,-987,-988,89,89,89,89,89,89,89,89,89,89,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,89,89,89,-353,-356,89,-323,-324,-141,89,-142,89,-143,89,-430,-935,-936,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-1894,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-1894,89,-1894,89,89,89,89,89,89,89,89,89,89,89,89,-1894,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,89,-1894,89,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,89,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,89,89,89,-191,-192,89,-994,89,89,89,89,89,-277,-278,-279,-280,-365,89,-308,89,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,89,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,89,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,89,89,89,89,89,89,-573,89,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,89,89,-723,-724,-725,89,89,89,89,89,89,-994,89,89,-91,-92,89,89,89,89,-309,-310,-320,89,-307,-293,-294,-295,89,89,89,89,-618,-633,-590,89,89,-436,89,-437,89,-444,-445,-446,-378,-379,89,89,89,-506,89,89,-510,89,89,89,89,-515,-516,-517,-518,89,89,-521,-522,89,-524,-525,-526,-527,-528,-529,-530,-531,89,-533,89,89,89,-539,-541,-542,89,-544,-545,-546,-547,89,89,89,89,89,89,-652,-653,-654,-655,89,-657,-658,-659,89,89,89,-665,89,89,-669,-670,89,89,-673,89,-675,-676,89,-679,89,-681,89,89,-684,-685,-686,89,-688,89,89,-691,89,89,-694,-695,-696,89,-698,-699,-700,-701,89,89,-746,89,-749,-750,-751,-752,-753,89,-755,-756,-757,-758,-759,89,-766,-767,-769,89,-771,-772,-773,-782,-856,-858,-860,-862,89,89,89,89,-868,89,-870,89,89,89,89,89,89,89,-906,-907,89,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,89,-921,-924,89,-934,89,-385,-386,-387,89,89,-390,-391,-392,-393,89,-396,89,-399,-400,89,-401,89,-406,-407,89,-410,-411,-412,89,-415,89,-416,89,-421,-422,89,-425,89,-428,-429,-1894,-1894,89,-619,-620,-621,-622,-623,-634,-584,-624,-797,89,89,89,89,89,-831,89,89,-806,89,-832,89,89,89,89,-798,89,-853,-799,89,89,89,89,89,89,-854,-855,89,-834,-830,-835,89,-625,89,-626,-627,-628,-629,-574,89,89,-630,-631,-632,89,89,89,89,89,89,-635,-636,-637,-592,-1894,-602,89,-638,-639,-713,-640,-604,89,-572,-577,-580,-583,89,89,89,-598,-601,89,-608,89,89,89,89,89,89,89,89,89,89,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,89,89,89,-995,89,89,89,89,89,89,-306,-325,-319,-296,-375,-452,-453,-454,-458,89,-443,89,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,89,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,89,89,89,89,89,89,89,89,89,-316,-535,-508,-591,-937,-939,-940,-438,89,-440,-380,-381,-383,-507,-509,-511,89,-513,-514,-519,-520,89,-532,-534,-537,-538,-543,-548,-726,89,-727,89,-732,89,-734,89,-739,-656,-660,-661,89,-666,89,-667,89,-672,-674,89,-677,89,89,89,-687,-689,89,-692,89,89,-744,89,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,89,89,89,89,89,-877,89,-880,-908,-920,-925,-388,-389,89,-394,89,-397,89,-402,89,-403,89,-408,89,-413,89,-417,89,-418,89,-423,89,-426,-899,-900,-643,-585,-1894,-901,89,89,89,-800,89,89,-804,89,-807,-833,89,-818,89,-820,89,-822,-808,89,-824,89,-851,-852,89,89,-811,89,-646,-902,-904,-648,-649,-645,89,-705,-706,89,-642,-903,-647,-650,-603,-714,89,89,-605,-586,89,89,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,89,89,-709,-710,89,-716,89,89,89,89,89,89,-938,89,-439,-441,-747,89,-891,89,-715,-1894,89,89,89,89,89,-442,-512,-523,89,-728,-733,89,-735,89,-740,89,-662,-668,89,-678,-680,-682,-683,-690,-693,-697,-745,89,89,-874,89,89,-878,89,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,89,-812,89,-814,-801,89,-802,-805,89,-816,-819,-821,-823,-825,89,-826,89,-809,89,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,89,-282,89,89,89,89,-455,89,89,-729,89,-736,89,-741,89,-663,-671,89,89,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,89,-836,-53,89,89,-730,89,-737,89,-742,-664,89,-873,-54,89,89,-731,-738,-743,89,89,89,-872,]),'BEGI':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[90,90,90,90,-1894,90,90,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,90,90,90,90,-275,-276,90,-1425,90,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,90,90,90,-490,90,90,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,90,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,90,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,90,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,90,-172,-173,-174,-175,-993,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-290,-291,-281,90,90,90,90,90,-328,-318,-332,-333,-334,90,90,-982,-983,-984,-985,-986,-987,-988,90,90,90,90,90,90,90,90,90,90,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,90,90,90,-353,-356,90,-323,-324,-141,90,-142,90,-143,90,-430,-935,-936,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-1894,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-1894,90,-1894,90,90,90,90,90,90,90,90,90,90,90,90,-1894,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,90,-1894,90,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,90,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,90,90,90,-191,-192,90,-994,90,90,90,90,90,-277,-278,-279,-280,-365,90,-308,90,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,90,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,90,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,90,90,90,90,90,90,-573,90,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,90,90,-723,-724,-725,90,90,90,90,90,90,-994,90,90,-91,-92,90,90,90,90,-309,-310,-320,90,-307,-293,-294,-295,90,90,90,90,-618,-633,-590,90,90,-436,90,-437,90,-444,-445,-446,-378,-379,90,90,90,-506,90,90,-510,90,90,90,90,-515,-516,-517,-518,90,90,-521,-522,90,-524,-525,-526,-527,-528,-529,-530,-531,90,-533,90,90,90,-539,-541,-542,90,-544,-545,-546,-547,90,90,90,90,90,90,-652,-653,-654,-655,90,-657,-658,-659,90,90,90,-665,90,90,-669,-670,90,90,-673,90,-675,-676,90,-679,90,-681,90,90,-684,-685,-686,90,-688,90,90,-691,90,90,-694,-695,-696,90,-698,-699,-700,-701,90,90,-746,90,-749,-750,-751,-752,-753,90,-755,-756,-757,-758,-759,90,-766,-767,-769,90,-771,-772,-773,-782,-856,-858,-860,-862,90,90,90,90,-868,90,-870,90,90,90,90,90,90,90,-906,-907,90,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,90,-921,-924,90,-934,90,-385,-386,-387,90,90,-390,-391,-392,-393,90,-396,90,-399,-400,90,-401,90,-406,-407,90,-410,-411,-412,90,-415,90,-416,90,-421,-422,90,-425,90,-428,-429,-1894,-1894,90,-619,-620,-621,-622,-623,-634,-584,-624,-797,90,90,90,90,90,-831,90,90,-806,90,-832,90,90,90,90,-798,90,-853,-799,90,90,90,90,90,90,-854,-855,90,-834,-830,-835,90,-625,90,-626,-627,-628,-629,-574,90,90,-630,-631,-632,90,90,90,90,90,90,-635,-636,-637,-592,-1894,-602,90,-638,-639,-713,-640,-604,90,-572,-577,-580,-583,90,90,90,-598,-601,90,-608,90,90,90,90,90,90,90,90,90,90,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,90,90,90,-995,90,90,90,90,90,90,-306,-325,-319,-296,-375,-452,-453,-454,-458,90,-443,90,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,90,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,90,90,90,90,90,90,90,90,90,-316,-535,-508,-591,-937,-939,-940,-438,90,-440,-380,-381,-383,-507,-509,-511,90,-513,-514,-519,-520,90,-532,-534,-537,-538,-543,-548,-726,90,-727,90,-732,90,-734,90,-739,-656,-660,-661,90,-666,90,-667,90,-672,-674,90,-677,90,90,90,-687,-689,90,-692,90,90,-744,90,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,90,90,90,90,90,-877,90,-880,-908,-920,-925,-388,-389,90,-394,90,-397,90,-402,90,-403,90,-408,90,-413,90,-417,90,-418,90,-423,90,-426,-899,-900,-643,-585,-1894,-901,90,90,90,-800,90,90,-804,90,-807,-833,90,-818,90,-820,90,-822,-808,90,-824,90,-851,-852,90,90,-811,90,-646,-902,-904,-648,-649,-645,90,-705,-706,90,-642,-903,-647,-650,-603,-714,90,90,-605,-586,90,90,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,90,90,-709,-710,90,-716,90,90,90,90,90,90,-938,90,-439,-441,-747,90,-891,90,-715,-1894,90,90,90,90,90,-442,-512,-523,90,-728,-733,90,-735,90,-740,90,-662,-668,90,-678,-680,-682,-683,-690,-693,-697,-745,90,90,-874,90,90,-878,90,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,90,-812,90,-814,-801,90,-802,-805,90,-816,-819,-821,-823,-825,90,-826,90,-809,90,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,90,-282,90,90,90,90,-455,90,90,-729,90,-736,90,-741,90,-663,-671,90,90,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,90,-836,-53,90,90,-730,90,-737,90,-742,-664,90,-873,-54,90,90,-731,-738,-743,90,90,90,-872,]),'BENCHMARK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[91,91,91,1158,-1894,91,91,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,91,91,91,91,-275,-276,1158,-1425,1158,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1158,1158,1158,-490,1158,1158,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1158,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1158,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1836,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,91,-172,-173,-174,-175,-993,91,91,91,91,91,91,91,91,91,91,1158,1158,1158,1158,1158,-290,-291,-281,91,1158,1158,1158,1158,-328,-318,-332,-333,-334,1158,1158,-982,-983,-984,-985,-986,-987,-988,91,91,1158,1158,1158,1158,1158,1158,1158,1158,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1158,1158,1158,-353,-356,91,-323,-324,-141,1158,-142,1158,-143,1158,-430,-935,-936,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1894,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1894,1158,-1894,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1894,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-1894,91,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1158,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1158,91,91,-191,-192,91,-994,1158,91,91,91,91,-277,-278,-279,-280,-365,1158,-308,1158,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1158,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1158,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1158,1158,1158,1158,1158,1158,-573,1158,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1158,1158,-723,-724,-725,1158,1836,91,91,91,91,-994,91,1158,-91,-92,91,91,91,1158,-309,-310,-320,1158,-307,-293,-294,-295,1158,91,1158,1158,-618,-633,-590,1158,91,-436,91,-437,1158,-444,-445,-446,-378,-379,1158,1158,1158,-506,1158,1158,-510,1158,1158,1158,1158,-515,-516,-517,-518,1158,1158,-521,-522,1158,-524,-525,-526,-527,-528,-529,-530,-531,1158,-533,1158,1158,1158,-539,-541,-542,1158,-544,-545,-546,-547,1158,1158,1158,1158,1158,1158,-652,-653,-654,-655,91,-657,-658,-659,1158,1158,1158,-665,1158,1158,-669,-670,1158,1158,-673,1158,-675,-676,1158,-679,1158,-681,1158,1158,-684,-685,-686,1158,-688,1158,1158,-691,1158,1158,-694,-695,-696,1158,-698,-699,-700,-701,1158,1158,-746,1158,-749,-750,-751,-752,-753,1158,-755,-756,-757,-758,-759,1158,-766,-767,-769,1158,-771,-772,-773,-782,-856,-858,-860,-862,1158,1158,1158,1158,-868,1158,-870,1158,1158,1158,1158,1158,1158,1158,-906,-907,1158,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1158,-921,-924,1158,-934,1158,-385,-386,-387,1158,1158,-390,-391,-392,-393,1158,-396,1158,-399,-400,1158,-401,1158,-406,-407,1158,-410,-411,-412,1158,-415,1158,-416,1158,-421,-422,1158,-425,1158,-428,-429,-1894,-1894,1158,-619,-620,-621,-622,-623,-634,-584,-624,-797,1158,1158,1158,1158,1158,-831,1158,1158,-806,1158,-832,1158,1158,1158,1158,-798,1158,-853,-799,1158,1158,1158,1158,1158,1158,-854,-855,1158,-834,-830,-835,1158,-625,1158,-626,-627,-628,-629,-574,1158,1158,-630,-631,-632,1158,1158,1158,1158,1158,1158,-635,-636,-637,-592,-1894,-602,1158,-638,-639,-713,-640,-604,1158,-572,-577,-580,-583,1158,1158,1158,-598,-601,1158,-608,1158,1158,1158,1158,1158,1158,1158,1158,1158,1158,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1158,91,91,-995,91,1158,91,91,91,1158,-306,-325,-319,-296,-375,-452,-453,-454,-458,91,-443,1158,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1158,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,91,91,91,91,91,91,91,91,1158,-316,-535,-508,-591,-937,-939,-940,-438,1158,-440,-380,-381,-383,-507,-509,-511,1158,-513,-514,-519,-520,1158,-532,-534,-537,-538,-543,-548,-726,1158,-727,1158,-732,1158,-734,1158,-739,-656,-660,-661,1158,-666,1158,-667,1158,-672,-674,1158,-677,1158,1158,1158,-687,-689,1158,-692,1158,1158,-744,1158,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1158,1158,1158,1158,1158,-877,1158,-880,-908,-920,-925,-388,-389,1158,-394,1158,-397,1158,-402,1158,-403,1158,-408,1158,-413,1158,-417,1158,-418,1158,-423,1158,-426,-899,-900,-643,-585,-1894,-901,1158,1158,1158,-800,1158,1158,-804,1158,-807,-833,1158,-818,1158,-820,1158,-822,-808,1158,-824,1158,-851,-852,1158,1158,-811,1158,-646,-902,-904,-648,-649,-645,1158,-705,-706,1158,-642,-903,-647,-650,-603,-714,1158,1158,-605,-586,1158,1158,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1158,1158,-709,-710,1158,-716,1158,91,91,91,1158,1158,-938,91,-439,-441,-747,1158,-891,1836,-715,-1894,1158,1158,91,91,1158,-442,-512,-523,1158,-728,-733,1158,-735,1158,-740,1158,-662,-668,1158,-678,-680,-682,-683,-690,-693,-697,-745,1158,1158,-874,1158,1158,-878,1158,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1158,-812,1158,-814,-801,1158,-802,-805,1158,-816,-819,-821,-823,-825,1158,-826,1158,-809,1158,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,91,-282,91,1158,91,1158,-455,1158,1158,-729,1158,-736,1158,-741,1158,-663,-671,1158,1158,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1158,-836,-53,91,1158,-730,1158,-737,1158,-742,-664,1158,-873,-54,91,91,-731,-738,-743,1158,91,1158,-872,]),'BIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[92,92,92,1083,-1894,92,92,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,92,92,92,92,-275,-276,1083,-1425,1083,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1083,1083,1083,-490,1083,1083,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1083,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1083,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1837,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,92,-172,-173,-174,-175,-993,92,92,92,92,92,92,92,92,92,92,1083,1083,1083,1083,1083,-290,-291,-281,92,1083,1083,1083,1083,-328,-318,-332,-333,-334,1083,1083,-982,-983,-984,-985,-986,-987,-988,92,92,1083,1083,1083,1083,1083,1083,1083,1083,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1083,1083,1083,-353,-356,92,-323,-324,-141,1083,-142,1083,-143,1083,-430,-935,-936,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1894,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1894,1083,-1894,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1894,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-1894,92,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1083,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1083,92,92,-191,-192,92,-994,1083,92,92,92,92,-277,-278,-279,-280,-365,1083,-308,1083,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1083,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1083,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1083,1083,1083,1083,1083,1083,-573,1083,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1083,1083,-723,-724,-725,1083,1837,92,92,92,92,-994,92,1083,-91,-92,92,92,92,1083,-309,-310,-320,1083,-307,-293,-294,-295,1083,92,1083,1083,-618,-633,-590,1083,92,-436,92,-437,1083,-444,-445,-446,-378,-379,1083,1083,1083,-506,1083,1083,-510,1083,1083,1083,1083,-515,-516,-517,-518,1083,1083,-521,-522,1083,-524,-525,-526,-527,-528,-529,-530,-531,1083,-533,1083,1083,1083,-539,-541,-542,1083,-544,-545,-546,-547,1083,1083,1083,1083,1083,1083,-652,-653,-654,-655,92,-657,-658,-659,1083,1083,1083,-665,1083,1083,-669,-670,1083,1083,-673,1083,-675,-676,1083,-679,1083,-681,1083,1083,-684,-685,-686,1083,-688,1083,1083,-691,1083,1083,-694,-695,-696,1083,-698,-699,-700,-701,1083,1083,-746,1083,-749,-750,-751,-752,-753,1083,-755,-756,-757,-758,-759,1083,-766,-767,-769,1083,-771,-772,-773,-782,-856,-858,-860,-862,1083,1083,1083,1083,-868,1083,-870,1083,1083,1083,1083,1083,1083,1083,-906,-907,1083,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1083,-921,-924,1083,-934,1083,-385,-386,-387,1083,1083,-390,-391,-392,-393,1083,-396,1083,-399,-400,1083,-401,1083,-406,-407,1083,-410,-411,-412,1083,-415,1083,-416,1083,-421,-422,1083,-425,1083,-428,-429,-1894,-1894,1083,-619,-620,-621,-622,-623,-634,-584,-624,-797,1083,1083,1083,1083,1083,-831,1083,1083,-806,1083,-832,1083,1083,1083,1083,-798,1083,-853,-799,1083,1083,1083,1083,1083,1083,-854,-855,1083,-834,-830,-835,1083,-625,1083,-626,-627,-628,-629,-574,1083,1083,-630,-631,-632,1083,1083,1083,1083,1083,1083,-635,-636,-637,-592,-1894,-602,1083,-638,-639,-713,-640,-604,1083,-572,-577,-580,-583,1083,1083,1083,-598,-601,1083,-608,1083,1083,1083,1083,1083,1083,1083,1083,1083,1083,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1083,92,92,-995,92,1083,92,92,92,1083,-306,-325,-319,-296,-375,-452,-453,-454,-458,92,-443,1083,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1083,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,92,92,92,92,92,92,92,92,1083,-316,-535,-508,-591,-937,-939,-940,-438,1083,-440,-380,-381,-383,-507,-509,-511,1083,-513,-514,-519,-520,1083,-532,-534,-537,-538,-543,-548,-726,1083,-727,1083,-732,1083,-734,1083,-739,-656,-660,-661,1083,-666,1083,-667,1083,-672,-674,1083,-677,1083,1083,1083,-687,-689,1083,-692,1083,1083,-744,1083,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1083,1083,1083,1083,1083,-877,1083,-880,-908,-920,-925,-388,-389,1083,-394,1083,-397,1083,-402,1083,-403,1083,-408,1083,-413,1083,-417,1083,-418,1083,-423,1083,-426,-899,-900,-643,-585,-1894,-901,1083,1083,1083,-800,1083,1083,-804,1083,-807,-833,1083,-818,1083,-820,1083,-822,-808,1083,-824,1083,-851,-852,1083,1083,-811,1083,-646,-902,-904,-648,-649,-645,1083,-705,-706,1083,-642,-903,-647,-650,-603,-714,1083,1083,-605,-586,1083,1083,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1083,1083,-709,-710,1083,-716,1083,92,92,92,1083,1083,-938,92,-439,-441,-747,1083,-891,1837,-715,-1894,1083,1083,92,92,1083,-442,-512,-523,1083,-728,-733,1083,-735,1083,-740,1083,-662,-668,1083,-678,-680,-682,-683,-690,-693,-697,-745,1083,1083,-874,1083,1083,-878,1083,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1083,-812,1083,-814,-801,1083,-802,-805,1083,-816,-819,-821,-823,-825,1083,-826,1083,-809,1083,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,92,-282,92,1083,92,1083,-455,1083,1083,-729,1083,-736,1083,-741,1083,-663,-671,1083,1083,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1083,-836,-53,92,1083,-730,1083,-737,1083,-742,-664,1083,-873,-54,92,92,-731,-738,-743,1083,92,1083,-872,]),'BINDING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[93,93,93,93,-1894,93,93,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,93,93,93,93,-275,-276,93,-1425,93,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,93,93,93,-490,93,93,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,93,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,93,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,93,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,93,-172,-173,-174,-175,-993,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-290,-291,-281,93,93,93,93,93,-328,-318,-332,-333,-334,93,93,-982,-983,-984,-985,-986,-987,-988,93,93,93,93,93,93,93,93,93,93,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,93,93,93,-353,-356,93,-323,-324,-141,93,-142,93,-143,93,-430,-935,-936,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-1894,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-1894,93,-1894,93,93,93,93,93,93,93,93,93,93,93,93,-1894,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,93,-1894,93,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,93,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,93,93,93,-191,-192,93,-994,93,93,93,93,93,-277,-278,-279,-280,-365,93,-308,93,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,93,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,93,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,93,93,93,93,93,93,-573,93,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,93,93,-723,-724,-725,93,93,93,93,93,93,-994,93,93,-91,-92,93,93,93,93,-309,-310,-320,93,-307,-293,-294,-295,93,93,93,93,-618,-633,-590,93,93,-436,93,-437,93,-444,-445,-446,-378,-379,93,93,93,-506,93,93,-510,93,93,93,93,-515,-516,-517,-518,93,93,-521,-522,93,-524,-525,-526,-527,-528,-529,-530,-531,93,-533,93,93,93,-539,-541,-542,93,-544,-545,-546,-547,93,93,93,93,93,93,-652,-653,-654,-655,93,-657,-658,-659,93,93,93,-665,93,93,-669,-670,93,93,-673,93,-675,-676,93,-679,93,-681,93,93,-684,-685,-686,93,-688,93,93,-691,93,93,-694,-695,-696,93,-698,-699,-700,-701,93,93,-746,93,-749,-750,-751,-752,-753,93,-755,-756,-757,-758,-759,93,-766,-767,-769,93,-771,-772,-773,-782,-856,-858,-860,-862,93,93,93,93,-868,93,-870,93,93,93,93,93,93,93,-906,-907,93,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,93,-921,-924,93,-934,93,-385,-386,-387,93,93,-390,-391,-392,-393,93,-396,93,-399,-400,93,-401,93,-406,-407,93,-410,-411,-412,93,-415,93,-416,93,-421,-422,93,-425,93,-428,-429,-1894,-1894,93,-619,-620,-621,-622,-623,-634,-584,-624,-797,93,93,93,93,93,-831,93,93,-806,93,-832,93,93,93,93,-798,93,-853,-799,93,93,93,93,93,93,-854,-855,93,-834,-830,-835,93,-625,93,-626,-627,-628,-629,-574,93,93,-630,-631,-632,93,93,93,93,93,93,-635,-636,-637,-592,-1894,-602,93,-638,-639,-713,-640,-604,93,-572,-577,-580,-583,93,93,93,-598,-601,93,-608,93,93,93,93,93,93,93,93,93,93,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,93,93,93,-995,93,93,93,93,93,93,-306,-325,-319,-296,-375,-452,-453,-454,-458,93,-443,93,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,93,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,93,93,93,93,93,93,93,93,93,-316,-535,-508,-591,-937,-939,-940,-438,93,-440,-380,-381,-383,-507,-509,-511,93,-513,-514,-519,-520,93,-532,-534,-537,-538,-543,-548,-726,93,-727,93,-732,93,-734,93,-739,-656,-660,-661,93,-666,93,-667,93,-672,-674,93,-677,93,93,93,-687,-689,93,-692,93,93,-744,93,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,93,93,93,93,93,-877,93,-880,-908,-920,-925,-388,-389,93,-394,93,-397,93,-402,93,-403,93,-408,93,-413,93,-417,93,-418,93,-423,93,-426,-899,-900,-643,-585,-1894,-901,93,93,93,-800,93,93,-804,93,-807,-833,93,-818,93,-820,93,-822,-808,93,-824,93,-851,-852,93,93,-811,93,-646,-902,-904,-648,-649,-645,93,-705,-706,93,-642,-903,-647,-650,-603,-714,93,93,-605,-586,93,93,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,93,93,-709,-710,93,-716,93,93,93,93,93,93,-938,93,-439,-441,-747,93,-891,93,-715,-1894,93,93,93,93,93,-442,-512,-523,93,-728,-733,93,-735,93,-740,93,-662,-668,93,-678,-680,-682,-683,-690,-693,-697,-745,93,93,-874,93,93,-878,93,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,93,-812,93,-814,-801,93,-802,-805,93,-816,-819,-821,-823,-825,93,-826,93,-809,93,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,93,-282,93,93,93,93,-455,93,93,-729,93,-736,93,-741,93,-663,-671,93,93,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,93,-836,-53,93,93,-730,93,-737,93,-742,-664,93,-873,-54,93,93,-731,-738,-743,93,93,93,-872,]),'BINLOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[94,94,94,94,-1894,94,94,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,94,94,94,94,-275,-276,94,-1425,94,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,94,94,94,-490,94,94,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,94,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,94,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,94,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,94,-172,-173,-174,-175,-993,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-290,-291,-281,94,94,94,94,94,-328,-318,-332,-333,-334,94,94,-982,-983,-984,-985,-986,-987,-988,94,94,94,94,94,94,94,94,94,94,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,94,94,94,-353,-356,94,-323,-324,-141,94,-142,94,-143,94,-430,-935,-936,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-1894,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-1894,94,-1894,94,94,94,94,94,94,94,94,94,94,94,94,-1894,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,94,-1894,94,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,94,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,94,94,94,-191,-192,94,-994,94,94,94,94,94,-277,-278,-279,-280,-365,94,-308,94,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,94,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,94,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,94,94,94,94,94,94,-573,94,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,94,94,-723,-724,-725,94,94,94,94,94,94,-994,94,94,-91,-92,94,94,94,94,-309,-310,-320,94,-307,-293,-294,-295,94,94,94,94,-618,-633,-590,94,94,-436,94,-437,94,-444,-445,-446,-378,-379,94,94,94,-506,94,94,-510,94,94,94,94,-515,-516,-517,-518,94,94,-521,-522,94,-524,-525,-526,-527,-528,-529,-530,-531,94,-533,94,94,94,-539,-541,-542,94,-544,-545,-546,-547,94,94,94,94,94,94,-652,-653,-654,-655,94,-657,-658,-659,94,94,94,-665,94,94,-669,-670,94,94,-673,94,-675,-676,94,-679,94,-681,94,94,-684,-685,-686,94,-688,94,94,-691,94,94,-694,-695,-696,94,-698,-699,-700,-701,94,94,-746,94,-749,-750,-751,-752,-753,94,-755,-756,-757,-758,-759,94,-766,-767,-769,94,-771,-772,-773,-782,-856,-858,-860,-862,94,94,94,94,-868,94,-870,94,94,94,94,94,94,94,-906,-907,94,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,94,-921,-924,94,-934,94,-385,-386,-387,94,94,-390,-391,-392,-393,94,-396,94,-399,-400,94,-401,94,-406,-407,94,-410,-411,-412,94,-415,94,-416,94,-421,-422,94,-425,94,-428,-429,-1894,-1894,94,-619,-620,-621,-622,-623,-634,-584,-624,-797,94,94,94,94,94,-831,94,94,-806,94,-832,94,94,94,94,-798,94,-853,-799,94,94,94,94,94,94,-854,-855,94,-834,-830,-835,94,-625,94,-626,-627,-628,-629,-574,94,94,-630,-631,-632,94,94,94,94,94,94,-635,-636,-637,-592,-1894,-602,94,-638,-639,-713,-640,-604,94,-572,-577,-580,-583,94,94,94,-598,-601,94,-608,94,94,94,94,94,94,94,94,94,94,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,94,94,94,-995,94,94,94,94,94,94,-306,-325,-319,-296,-375,-452,-453,-454,-458,94,-443,94,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,94,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,94,94,94,94,94,94,94,94,94,-316,-535,-508,-591,-937,-939,-940,-438,94,-440,-380,-381,-383,-507,-509,-511,94,-513,-514,-519,-520,94,-532,-534,-537,-538,-543,-548,-726,94,-727,94,-732,94,-734,94,-739,-656,-660,-661,94,-666,94,-667,94,-672,-674,94,-677,94,94,94,-687,-689,94,-692,94,94,-744,94,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,94,94,94,94,94,-877,94,-880,-908,-920,-925,-388,-389,94,-394,94,-397,94,-402,94,-403,94,-408,94,-413,94,-417,94,-418,94,-423,94,-426,-899,-900,-643,-585,-1894,-901,94,94,94,-800,94,94,-804,94,-807,-833,94,-818,94,-820,94,-822,-808,94,-824,94,-851,-852,94,94,-811,94,-646,-902,-904,-648,-649,-645,94,-705,-706,94,-642,-903,-647,-650,-603,-714,94,94,-605,-586,94,94,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,94,94,-709,-710,94,-716,94,94,94,94,94,94,-938,94,-439,-441,-747,94,-891,94,-715,-1894,94,94,94,94,94,-442,-512,-523,94,-728,-733,94,-735,94,-740,94,-662,-668,94,-678,-680,-682,-683,-690,-693,-697,-745,94,94,-874,94,94,-878,94,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,94,-812,94,-814,-801,94,-802,-805,94,-816,-819,-821,-823,-825,94,-826,94,-809,94,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,94,-282,94,94,94,94,-455,94,94,-729,94,-736,94,-741,94,-663,-671,94,94,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,94,-836,-53,94,94,-730,94,-737,94,-742,-664,94,-873,-54,94,94,-731,-738,-743,94,94,94,-872,]),'BIN_TO_UUID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[95,95,95,1201,-1894,95,95,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,95,95,95,95,-275,-276,1201,-1425,1201,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1201,1201,1201,-490,1201,1201,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1201,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1201,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1838,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,95,-172,-173,-174,-175,-993,95,95,95,95,95,95,95,95,95,95,1201,1201,1201,1201,1201,-290,-291,-281,95,1201,1201,1201,1201,-328,-318,-332,-333,-334,1201,1201,-982,-983,-984,-985,-986,-987,-988,95,95,1201,1201,1201,1201,1201,1201,1201,1201,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1201,1201,1201,-353,-356,95,-323,-324,-141,1201,-142,1201,-143,1201,-430,-935,-936,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1894,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1894,1201,-1894,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1894,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-1894,95,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1201,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1201,95,95,-191,-192,95,-994,1201,95,95,95,95,-277,-278,-279,-280,-365,1201,-308,1201,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1201,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1201,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1201,1201,1201,1201,1201,1201,-573,1201,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1201,1201,-723,-724,-725,1201,1838,95,95,95,95,-994,95,1201,-91,-92,95,95,95,1201,-309,-310,-320,1201,-307,-293,-294,-295,1201,95,1201,1201,-618,-633,-590,1201,95,-436,95,-437,1201,-444,-445,-446,-378,-379,1201,1201,1201,-506,1201,1201,-510,1201,1201,1201,1201,-515,-516,-517,-518,1201,1201,-521,-522,1201,-524,-525,-526,-527,-528,-529,-530,-531,1201,-533,1201,1201,1201,-539,-541,-542,1201,-544,-545,-546,-547,1201,1201,1201,1201,1201,1201,-652,-653,-654,-655,95,-657,-658,-659,1201,1201,1201,-665,1201,1201,-669,-670,1201,1201,-673,1201,-675,-676,1201,-679,1201,-681,1201,1201,-684,-685,-686,1201,-688,1201,1201,-691,1201,1201,-694,-695,-696,1201,-698,-699,-700,-701,1201,1201,-746,1201,-749,-750,-751,-752,-753,1201,-755,-756,-757,-758,-759,1201,-766,-767,-769,1201,-771,-772,-773,-782,-856,-858,-860,-862,1201,1201,1201,1201,-868,1201,-870,1201,1201,1201,1201,1201,1201,1201,-906,-907,1201,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1201,-921,-924,1201,-934,1201,-385,-386,-387,1201,1201,-390,-391,-392,-393,1201,-396,1201,-399,-400,1201,-401,1201,-406,-407,1201,-410,-411,-412,1201,-415,1201,-416,1201,-421,-422,1201,-425,1201,-428,-429,-1894,-1894,1201,-619,-620,-621,-622,-623,-634,-584,-624,-797,1201,1201,1201,1201,1201,-831,1201,1201,-806,1201,-832,1201,1201,1201,1201,-798,1201,-853,-799,1201,1201,1201,1201,1201,1201,-854,-855,1201,-834,-830,-835,1201,-625,1201,-626,-627,-628,-629,-574,1201,1201,-630,-631,-632,1201,1201,1201,1201,1201,1201,-635,-636,-637,-592,-1894,-602,1201,-638,-639,-713,-640,-604,1201,-572,-577,-580,-583,1201,1201,1201,-598,-601,1201,-608,1201,1201,1201,1201,1201,1201,1201,1201,1201,1201,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1201,95,95,-995,95,1201,95,95,95,1201,-306,-325,-319,-296,-375,-452,-453,-454,-458,95,-443,1201,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1201,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,95,95,95,95,95,95,95,95,1201,-316,-535,-508,-591,-937,-939,-940,-438,1201,-440,-380,-381,-383,-507,-509,-511,1201,-513,-514,-519,-520,1201,-532,-534,-537,-538,-543,-548,-726,1201,-727,1201,-732,1201,-734,1201,-739,-656,-660,-661,1201,-666,1201,-667,1201,-672,-674,1201,-677,1201,1201,1201,-687,-689,1201,-692,1201,1201,-744,1201,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1201,1201,1201,1201,1201,-877,1201,-880,-908,-920,-925,-388,-389,1201,-394,1201,-397,1201,-402,1201,-403,1201,-408,1201,-413,1201,-417,1201,-418,1201,-423,1201,-426,-899,-900,-643,-585,-1894,-901,1201,1201,1201,-800,1201,1201,-804,1201,-807,-833,1201,-818,1201,-820,1201,-822,-808,1201,-824,1201,-851,-852,1201,1201,-811,1201,-646,-902,-904,-648,-649,-645,1201,-705,-706,1201,-642,-903,-647,-650,-603,-714,1201,1201,-605,-586,1201,1201,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1201,1201,-709,-710,1201,-716,1201,95,95,95,1201,1201,-938,95,-439,-441,-747,1201,-891,1838,-715,-1894,1201,1201,95,95,1201,-442,-512,-523,1201,-728,-733,1201,-735,1201,-740,1201,-662,-668,1201,-678,-680,-682,-683,-690,-693,-697,-745,1201,1201,-874,1201,1201,-878,1201,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1201,-812,1201,-814,-801,1201,-802,-805,1201,-816,-819,-821,-823,-825,1201,-826,1201,-809,1201,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,95,-282,95,1201,95,1201,-455,1201,1201,-729,1201,-736,1201,-741,1201,-663,-671,1201,1201,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1201,-836,-53,95,1201,-730,1201,-737,1201,-742,-664,1201,-873,-54,95,95,-731,-738,-743,1201,95,1201,-872,]),'BIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[96,96,96,96,-1894,96,96,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,96,96,96,96,-275,-276,96,-1425,96,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,96,96,96,-490,96,96,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,96,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,96,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,96,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,96,-172,-173,-174,-175,-993,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-290,-291,-281,96,96,96,96,96,-328,-318,-332,-333,-334,96,96,-982,-983,-984,-985,-986,-987,-988,96,96,96,96,96,96,96,96,96,96,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,96,96,96,-353,-356,96,-323,-324,-141,96,-142,96,-143,96,-430,-935,-936,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-1894,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-1894,96,-1894,96,96,96,96,96,96,96,96,96,96,96,96,-1894,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,96,-1894,96,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,96,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,96,96,96,-191,-192,96,-994,96,96,96,96,96,-277,-278,-279,-280,-365,96,-308,96,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,96,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,96,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,96,96,96,96,96,96,-573,96,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,96,96,-723,-724,-725,96,96,96,96,96,96,-994,96,96,-91,-92,96,96,96,96,-309,-310,-320,96,-307,-293,-294,-295,96,96,96,96,-618,-633,-590,96,96,-436,96,-437,96,-444,-445,-446,-378,-379,96,96,96,-506,96,96,-510,96,96,96,96,-515,-516,-517,-518,96,96,-521,-522,96,-524,-525,-526,-527,-528,-529,-530,-531,96,-533,96,96,96,-539,-541,-542,96,-544,-545,-546,-547,96,96,96,96,96,96,-652,-653,-654,-655,96,-657,-658,-659,96,96,96,-665,96,96,-669,-670,96,96,-673,96,-675,-676,96,-679,96,-681,96,96,-684,-685,-686,96,-688,96,96,-691,96,96,-694,-695,-696,96,-698,-699,-700,-701,96,96,-746,96,-749,-750,-751,-752,-753,96,-755,-756,-757,-758,-759,96,-766,-767,-769,96,-771,-772,-773,-782,-856,-858,-860,-862,96,96,96,96,-868,96,-870,96,96,96,96,96,96,96,-906,-907,96,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,96,-921,-924,96,-934,96,-385,-386,-387,96,96,-390,-391,-392,-393,96,-396,96,-399,-400,96,-401,96,-406,-407,96,-410,-411,-412,96,-415,96,-416,96,-421,-422,96,-425,96,-428,-429,-1894,-1894,96,-619,-620,-621,-622,-623,-634,-584,-624,-797,96,96,96,96,96,-831,96,96,-806,96,-832,96,96,96,96,-798,96,-853,-799,96,96,96,96,96,96,-854,-855,96,-834,-830,-835,96,-625,96,-626,-627,-628,-629,-574,96,96,-630,-631,-632,96,96,96,96,96,96,-635,-636,-637,-592,-1894,-602,96,-638,-639,-713,-640,-604,96,-572,-577,-580,-583,96,96,96,-598,-601,96,-608,96,96,96,96,96,96,96,96,96,96,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,96,96,96,-995,96,96,96,96,96,96,-306,-325,-319,-296,-375,-452,-453,-454,-458,96,-443,96,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,96,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,96,96,96,96,96,96,96,96,96,-316,-535,-508,-591,-937,-939,-940,-438,96,-440,-380,-381,-383,-507,-509,-511,96,-513,-514,-519,-520,96,-532,-534,-537,-538,-543,-548,-726,96,-727,96,-732,96,-734,96,-739,-656,-660,-661,96,-666,96,-667,96,-672,-674,96,-677,96,96,96,-687,-689,96,-692,96,96,-744,96,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,96,96,96,96,96,-877,96,-880,-908,-920,-925,-388,-389,96,-394,96,-397,96,-402,96,-403,96,-408,96,-413,96,-417,96,-418,96,-423,96,-426,-899,-900,-643,-585,-1894,-901,96,96,96,-800,96,96,-804,96,-807,-833,96,-818,96,-820,96,-822,-808,96,-824,96,-851,-852,96,96,-811,96,-646,-902,-904,-648,-649,-645,96,-705,-706,96,-642,-903,-647,-650,-603,-714,96,96,-605,-586,96,96,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,96,96,-709,-710,96,-716,96,96,96,96,96,96,-938,96,-439,-441,-747,96,-891,96,-715,-1894,96,96,96,96,96,-442,-512,-523,96,-728,-733,96,-735,96,-740,96,-662,-668,96,-678,-680,-682,-683,-690,-693,-697,-745,96,96,-874,96,96,-878,96,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,96,-812,96,-814,-801,96,-802,-805,96,-816,-819,-821,-823,-825,96,-826,96,-809,96,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,96,-282,96,96,96,96,-455,96,96,-729,96,-736,96,-741,96,-663,-671,96,96,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,96,-836,-53,96,96,-730,96,-737,96,-742,-664,96,-873,-54,96,96,-731,-738,-743,96,96,96,-872,]),'BIT_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[97,97,97,1132,-1894,97,97,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,97,97,97,97,-275,-276,1132,-1425,1132,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1132,1132,1132,-490,1132,1132,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1132,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1132,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1839,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,97,-172,-173,-174,-175,-993,97,97,97,97,97,97,97,97,97,97,1132,1132,1132,1132,1132,-290,-291,-281,97,1132,1132,1132,1132,-328,-318,-332,-333,-334,1132,1132,-982,-983,-984,-985,-986,-987,-988,97,97,1132,1132,1132,1132,1132,1132,1132,1132,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1132,1132,1132,-353,-356,97,-323,-324,-141,1132,-142,1132,-143,1132,-430,-935,-936,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1894,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1894,1132,-1894,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1894,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-1894,97,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1132,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1132,97,97,-191,-192,97,-994,1132,97,97,97,97,-277,-278,-279,-280,-365,1132,-308,1132,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1132,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1132,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1132,1132,1132,1132,1132,1132,-573,1132,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1132,1132,-723,-724,-725,1132,1839,97,97,97,97,-994,97,1132,-91,-92,97,97,97,1132,-309,-310,-320,1132,-307,-293,-294,-295,1132,97,1132,1132,-618,-633,-590,1132,97,-436,97,-437,1132,-444,-445,-446,-378,-379,1132,1132,1132,-506,1132,1132,-510,1132,1132,1132,1132,-515,-516,-517,-518,1132,1132,-521,-522,1132,-524,-525,-526,-527,-528,-529,-530,-531,1132,-533,1132,1132,1132,-539,-541,-542,1132,-544,-545,-546,-547,1132,1132,1132,1132,1132,1132,-652,-653,-654,-655,97,-657,-658,-659,1132,1132,1132,-665,1132,1132,-669,-670,1132,1132,-673,1132,-675,-676,1132,-679,1132,-681,1132,1132,-684,-685,-686,1132,-688,1132,1132,-691,1132,1132,-694,-695,-696,1132,-698,-699,-700,-701,1132,1132,-746,1132,-749,-750,-751,-752,-753,1132,-755,-756,-757,-758,-759,1132,-766,-767,-769,1132,-771,-772,-773,-782,-856,-858,-860,-862,1132,1132,1132,1132,-868,1132,-870,1132,1132,1132,1132,1132,1132,1132,-906,-907,1132,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1132,-921,-924,1132,-934,1132,-385,-386,-387,1132,1132,-390,-391,-392,-393,1132,-396,1132,-399,-400,1132,-401,1132,-406,-407,1132,-410,-411,-412,1132,-415,1132,-416,1132,-421,-422,1132,-425,1132,-428,-429,-1894,-1894,1132,-619,-620,-621,-622,-623,-634,-584,-624,-797,1132,1132,1132,1132,1132,-831,1132,1132,-806,1132,-832,1132,1132,1132,1132,-798,1132,-853,-799,1132,1132,1132,1132,1132,1132,-854,-855,1132,-834,-830,-835,1132,-625,1132,-626,-627,-628,-629,-574,1132,1132,-630,-631,-632,1132,1132,1132,1132,1132,1132,-635,-636,-637,-592,-1894,-602,1132,-638,-639,-713,-640,-604,1132,-572,-577,-580,-583,1132,1132,1132,-598,-601,1132,-608,1132,1132,1132,1132,1132,1132,1132,1132,1132,1132,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1132,97,97,-995,97,1132,97,97,97,1132,-306,-325,-319,-296,-375,-452,-453,-454,-458,97,-443,1132,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1132,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,97,97,97,97,97,97,97,97,1132,-316,-535,-508,-591,-937,-939,-940,-438,1132,-440,-380,-381,-383,-507,-509,-511,1132,-513,-514,-519,-520,1132,-532,-534,-537,-538,-543,-548,-726,1132,-727,1132,-732,1132,-734,1132,-739,-656,-660,-661,1132,-666,1132,-667,1132,-672,-674,1132,-677,1132,1132,1132,-687,-689,1132,-692,1132,1132,-744,1132,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1132,1132,1132,1132,1132,-877,1132,-880,-908,-920,-925,-388,-389,1132,-394,1132,-397,1132,-402,1132,-403,1132,-408,1132,-413,1132,-417,1132,-418,1132,-423,1132,-426,-899,-900,-643,-585,-1894,-901,1132,1132,1132,-800,1132,1132,-804,1132,-807,-833,1132,-818,1132,-820,1132,-822,-808,1132,-824,1132,-851,-852,1132,1132,-811,1132,-646,-902,-904,-648,-649,-645,1132,-705,-706,1132,-642,-903,-647,-650,-603,-714,1132,1132,-605,-586,1132,1132,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1132,1132,-709,-710,1132,-716,1132,97,97,97,1132,1132,-938,97,-439,-441,-747,1132,-891,1839,-715,-1894,1132,1132,97,97,1132,-442,-512,-523,1132,-728,-733,1132,-735,1132,-740,1132,-662,-668,1132,-678,-680,-682,-683,-690,-693,-697,-745,1132,1132,-874,1132,1132,-878,1132,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1132,-812,1132,-814,-801,1132,-802,-805,1132,-816,-819,-821,-823,-825,1132,-826,1132,-809,1132,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,97,-282,97,1132,97,1132,-455,1132,1132,-729,1132,-736,1132,-741,1132,-663,-671,1132,1132,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1132,-836,-53,97,1132,-730,1132,-737,1132,-742,-664,1132,-873,-54,97,97,-731,-738,-743,1132,97,1132,-872,]),'BIT_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[98,98,98,1084,-1894,98,98,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,98,98,98,98,-275,-276,1084,-1425,1084,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1084,1084,1084,-490,1084,1084,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1084,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1084,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1840,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,98,-172,-173,-174,-175,-993,98,98,98,98,98,98,98,98,98,98,1084,1084,1084,1084,1084,-290,-291,-281,98,1084,1084,1084,1084,-328,-318,-332,-333,-334,1084,1084,-982,-983,-984,-985,-986,-987,-988,98,98,1084,1084,1084,1084,1084,1084,1084,1084,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1084,1084,1084,-353,-356,98,-323,-324,-141,1084,-142,1084,-143,1084,-430,-935,-936,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1894,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1894,1084,-1894,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1894,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-1894,98,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1084,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1084,98,98,-191,-192,98,-994,1084,98,98,98,98,-277,-278,-279,-280,-365,1084,-308,1084,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1084,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1084,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1084,1084,1084,1084,1084,1084,-573,1084,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1084,1084,-723,-724,-725,1084,1840,98,98,98,98,-994,98,1084,-91,-92,98,98,98,1084,-309,-310,-320,1084,-307,-293,-294,-295,1084,98,1084,1084,-618,-633,-590,1084,98,-436,98,-437,1084,-444,-445,-446,-378,-379,1084,1084,1084,-506,1084,1084,-510,1084,1084,1084,1084,-515,-516,-517,-518,1084,1084,-521,-522,1084,-524,-525,-526,-527,-528,-529,-530,-531,1084,-533,1084,1084,1084,-539,-541,-542,1084,-544,-545,-546,-547,1084,1084,1084,1084,1084,1084,-652,-653,-654,-655,98,-657,-658,-659,1084,1084,1084,-665,1084,1084,-669,-670,1084,1084,-673,1084,-675,-676,1084,-679,1084,-681,1084,1084,-684,-685,-686,1084,-688,1084,1084,-691,1084,1084,-694,-695,-696,1084,-698,-699,-700,-701,1084,1084,-746,1084,-749,-750,-751,-752,-753,1084,-755,-756,-757,-758,-759,1084,-766,-767,-769,1084,-771,-772,-773,-782,-856,-858,-860,-862,1084,1084,1084,1084,-868,1084,-870,1084,1084,1084,1084,1084,1084,1084,-906,-907,1084,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1084,-921,-924,1084,-934,1084,-385,-386,-387,1084,1084,-390,-391,-392,-393,1084,-396,1084,-399,-400,1084,-401,1084,-406,-407,1084,-410,-411,-412,1084,-415,1084,-416,1084,-421,-422,1084,-425,1084,-428,-429,-1894,-1894,1084,-619,-620,-621,-622,-623,-634,-584,-624,-797,1084,1084,1084,1084,1084,-831,1084,1084,-806,1084,-832,1084,1084,1084,1084,-798,1084,-853,-799,1084,1084,1084,1084,1084,1084,-854,-855,1084,-834,-830,-835,1084,-625,1084,-626,-627,-628,-629,-574,1084,1084,-630,-631,-632,1084,1084,1084,1084,1084,1084,-635,-636,-637,-592,-1894,-602,1084,-638,-639,-713,-640,-604,1084,-572,-577,-580,-583,1084,1084,1084,-598,-601,1084,-608,1084,1084,1084,1084,1084,1084,1084,1084,1084,1084,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1084,98,98,-995,98,1084,98,98,98,1084,-306,-325,-319,-296,-375,-452,-453,-454,-458,98,-443,1084,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1084,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,98,98,98,98,98,98,98,98,1084,-316,-535,-508,-591,-937,-939,-940,-438,1084,-440,-380,-381,-383,-507,-509,-511,1084,-513,-514,-519,-520,1084,-532,-534,-537,-538,-543,-548,-726,1084,-727,1084,-732,1084,-734,1084,-739,-656,-660,-661,1084,-666,1084,-667,1084,-672,-674,1084,-677,1084,1084,1084,-687,-689,1084,-692,1084,1084,-744,1084,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1084,1084,1084,1084,1084,-877,1084,-880,-908,-920,-925,-388,-389,1084,-394,1084,-397,1084,-402,1084,-403,1084,-408,1084,-413,1084,-417,1084,-418,1084,-423,1084,-426,-899,-900,-643,-585,-1894,-901,1084,1084,1084,-800,1084,1084,-804,1084,-807,-833,1084,-818,1084,-820,1084,-822,-808,1084,-824,1084,-851,-852,1084,1084,-811,1084,-646,-902,-904,-648,-649,-645,1084,-705,-706,1084,-642,-903,-647,-650,-603,-714,1084,1084,-605,-586,1084,1084,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1084,1084,-709,-710,1084,-716,1084,98,98,98,1084,1084,-938,98,-439,-441,-747,1084,-891,1840,-715,-1894,1084,1084,98,98,1084,-442,-512,-523,1084,-728,-733,1084,-735,1084,-740,1084,-662,-668,1084,-678,-680,-682,-683,-690,-693,-697,-745,1084,1084,-874,1084,1084,-878,1084,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1084,-812,1084,-814,-801,1084,-802,-805,1084,-816,-819,-821,-823,-825,1084,-826,1084,-809,1084,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,98,-282,98,1084,98,1084,-455,1084,1084,-729,1084,-736,1084,-741,1084,-663,-671,1084,1084,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1084,-836,-53,98,1084,-730,1084,-737,1084,-742,-664,1084,-873,-54,98,98,-731,-738,-743,1084,98,1084,-872,]),'BLOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[99,99,99,99,-1894,99,99,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,99,99,99,99,-275,-276,99,-1425,99,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,99,99,99,-490,99,99,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,99,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,99,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,99,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,99,-172,-173,-174,-175,-993,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-290,-291,-281,99,99,99,99,99,-328,-318,-332,-333,-334,99,99,-982,-983,-984,-985,-986,-987,-988,99,99,99,99,99,99,99,99,99,99,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,99,99,99,-353,-356,99,-323,-324,-141,99,-142,99,-143,99,-430,-935,-936,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-1894,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-1894,99,-1894,99,99,99,99,99,99,99,99,99,99,99,99,-1894,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,99,-1894,99,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,99,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,99,99,99,-191,-192,99,-994,99,99,99,99,99,-277,-278,-279,-280,-365,99,-308,99,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,99,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,99,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,99,99,99,99,99,99,-573,99,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,99,99,-723,-724,-725,99,99,99,99,99,99,-994,99,99,-91,-92,99,99,99,99,-309,-310,-320,99,-307,-293,-294,-295,99,99,99,99,-618,-633,-590,99,99,-436,99,-437,99,-444,-445,-446,-378,-379,99,99,99,-506,99,99,-510,99,99,99,99,-515,-516,-517,-518,99,99,-521,-522,99,-524,-525,-526,-527,-528,-529,-530,-531,99,-533,99,99,99,-539,-541,-542,99,-544,-545,-546,-547,99,99,99,99,99,99,-652,-653,-654,-655,99,-657,-658,-659,99,99,99,-665,99,99,-669,-670,99,99,-673,99,-675,-676,99,-679,99,-681,99,99,-684,-685,-686,99,-688,99,99,-691,99,99,-694,-695,-696,99,-698,-699,-700,-701,99,99,-746,99,-749,-750,-751,-752,-753,99,-755,-756,-757,-758,-759,99,-766,-767,-769,99,-771,-772,-773,-782,-856,-858,-860,-862,99,99,99,99,-868,99,-870,99,99,99,99,99,99,99,-906,-907,99,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,99,-921,-924,99,-934,99,-385,-386,-387,99,99,-390,-391,-392,-393,99,-396,99,-399,-400,99,-401,99,-406,-407,99,-410,-411,-412,99,-415,99,-416,99,-421,-422,99,-425,99,-428,-429,-1894,-1894,99,-619,-620,-621,-622,-623,-634,-584,-624,-797,99,99,99,99,99,-831,99,99,-806,99,-832,99,99,99,99,-798,99,-853,-799,99,99,99,99,99,99,-854,-855,99,-834,-830,-835,99,-625,99,-626,-627,-628,-629,-574,99,99,-630,-631,-632,99,99,99,99,99,99,-635,-636,-637,-592,-1894,-602,99,-638,-639,-713,-640,-604,99,-572,-577,-580,-583,99,99,99,-598,-601,99,-608,99,99,99,99,99,99,99,99,99,99,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,99,99,99,-995,99,99,99,99,99,99,-306,-325,-319,-296,-375,-452,-453,-454,-458,99,-443,99,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,99,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,99,99,99,99,99,99,99,99,99,-316,-535,-508,-591,-937,-939,-940,-438,99,-440,-380,-381,-383,-507,-509,-511,99,-513,-514,-519,-520,99,-532,-534,-537,-538,-543,-548,-726,99,-727,99,-732,99,-734,99,-739,-656,-660,-661,99,-666,99,-667,99,-672,-674,99,-677,99,99,99,-687,-689,99,-692,99,99,-744,99,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,99,99,99,99,99,-877,99,-880,-908,-920,-925,-388,-389,99,-394,99,-397,99,-402,99,-403,99,-408,99,-413,99,-417,99,-418,99,-423,99,-426,-899,-900,-643,-585,-1894,-901,99,99,99,-800,99,99,-804,99,-807,-833,99,-818,99,-820,99,-822,-808,99,-824,99,-851,-852,99,99,-811,99,-646,-902,-904,-648,-649,-645,99,-705,-706,99,-642,-903,-647,-650,-603,-714,99,99,-605,-586,99,99,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,99,99,-709,-710,99,-716,99,99,99,99,99,99,-938,99,-439,-441,-747,99,-891,99,-715,-1894,99,99,99,99,99,-442,-512,-523,99,-728,-733,99,-735,99,-740,99,-662,-668,99,-678,-680,-682,-683,-690,-693,-697,-745,99,99,-874,99,99,-878,99,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,99,-812,99,-814,-801,99,-802,-805,99,-816,-819,-821,-823,-825,99,-826,99,-809,99,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,99,-282,99,99,99,99,-455,99,99,-729,99,-736,99,-741,99,-663,-671,99,99,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,99,-836,-53,99,99,-730,99,-737,99,-742,-664,99,-873,-54,99,99,-731,-738,-743,99,99,99,-872,]),'BLOCK_INDEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[100,100,100,100,-1894,100,100,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,100,100,100,100,-275,-276,100,-1425,100,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,100,100,100,-490,100,100,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,100,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,100,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,100,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,100,-172,-173,-174,-175,-993,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-290,-291,-281,100,100,100,100,100,-328,-318,-332,-333,-334,100,100,-982,-983,-984,-985,-986,-987,-988,100,100,100,100,100,100,100,100,100,100,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,100,100,100,-353,-356,100,-323,-324,-141,100,-142,100,-143,100,-430,-935,-936,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-1894,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-1894,100,-1894,100,100,100,100,100,100,100,100,100,100,100,100,-1894,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,100,-1894,100,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,100,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,100,100,100,-191,-192,100,-994,100,100,100,100,100,-277,-278,-279,-280,-365,100,-308,100,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,100,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,100,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,100,100,100,100,100,100,-573,100,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,100,100,-723,-724,-725,100,100,100,100,100,100,-994,100,100,-91,-92,100,100,100,100,-309,-310,-320,100,-307,-293,-294,-295,100,100,100,100,-618,-633,-590,100,100,-436,100,-437,100,-444,-445,-446,-378,-379,100,100,100,-506,100,100,-510,100,100,100,100,-515,-516,-517,-518,100,100,-521,-522,100,-524,-525,-526,-527,-528,-529,-530,-531,100,-533,100,100,100,-539,-541,-542,100,-544,-545,-546,-547,100,100,100,100,100,100,-652,-653,-654,-655,100,-657,-658,-659,100,100,100,-665,100,100,-669,-670,100,100,-673,100,-675,-676,100,-679,100,-681,100,100,-684,-685,-686,100,-688,100,100,-691,100,100,-694,-695,-696,100,-698,-699,-700,-701,100,100,-746,100,-749,-750,-751,-752,-753,100,-755,-756,-757,-758,-759,100,-766,-767,-769,100,-771,-772,-773,-782,-856,-858,-860,-862,100,100,100,100,-868,100,-870,100,100,100,100,100,100,100,-906,-907,100,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,100,-921,-924,100,-934,100,-385,-386,-387,100,100,-390,-391,-392,-393,100,-396,100,-399,-400,100,-401,100,-406,-407,100,-410,-411,-412,100,-415,100,-416,100,-421,-422,100,-425,100,-428,-429,-1894,-1894,100,-619,-620,-621,-622,-623,-634,-584,-624,-797,100,100,100,100,100,-831,100,100,-806,100,-832,100,100,100,100,-798,100,-853,-799,100,100,100,100,100,100,-854,-855,100,-834,-830,-835,100,-625,100,-626,-627,-628,-629,-574,100,100,-630,-631,-632,100,100,100,100,100,100,-635,-636,-637,-592,-1894,-602,100,-638,-639,-713,-640,-604,100,-572,-577,-580,-583,100,100,100,-598,-601,100,-608,100,100,100,100,100,100,100,100,100,100,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,100,100,100,-995,100,100,100,100,100,100,-306,-325,-319,-296,-375,-452,-453,-454,-458,100,-443,100,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,100,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,100,100,100,100,100,100,100,100,100,-316,-535,-508,-591,-937,-939,-940,-438,100,-440,-380,-381,-383,-507,-509,-511,100,-513,-514,-519,-520,100,-532,-534,-537,-538,-543,-548,-726,100,-727,100,-732,100,-734,100,-739,-656,-660,-661,100,-666,100,-667,100,-672,-674,100,-677,100,100,100,-687,-689,100,-692,100,100,-744,100,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,100,100,100,100,100,-877,100,-880,-908,-920,-925,-388,-389,100,-394,100,-397,100,-402,100,-403,100,-408,100,-413,100,-417,100,-418,100,-423,100,-426,-899,-900,-643,-585,-1894,-901,100,100,100,-800,100,100,-804,100,-807,-833,100,-818,100,-820,100,-822,-808,100,-824,100,-851,-852,100,100,-811,100,-646,-902,-904,-648,-649,-645,100,-705,-706,100,-642,-903,-647,-650,-603,-714,100,100,-605,-586,100,100,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,100,100,-709,-710,100,-716,100,100,100,100,100,100,-938,100,-439,-441,-747,100,-891,100,-715,-1894,100,100,100,100,100,-442,-512,-523,100,-728,-733,100,-735,100,-740,100,-662,-668,100,-678,-680,-682,-683,-690,-693,-697,-745,100,100,-874,100,100,-878,100,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,100,-812,100,-814,-801,100,-802,-805,100,-816,-819,-821,-823,-825,100,-826,100,-809,100,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,100,-282,100,100,100,100,-455,100,100,-729,100,-736,100,-741,100,-663,-671,100,100,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,100,-836,-53,100,100,-730,100,-737,100,-742,-664,100,-873,-54,100,100,-731,-738,-743,100,100,100,-872,]),'BLOCK_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3885,3886,3892,3894,],[101,101,101,101,-1894,101,101,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,101,101,101,101,-275,-276,101,-1425,101,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,101,101,101,-490,101,101,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,101,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,101,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,101,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,101,-172,-173,-174,-175,-993,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-290,-291,-281,101,101,101,101,101,-328,-318,-332,-333,-334,101,101,-982,-983,-984,-985,-986,-987,-988,101,101,101,101,101,101,101,101,101,101,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,101,101,101,-353,-356,101,-323,-324,-141,101,-142,101,-143,101,-430,-935,-936,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-1894,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-1894,101,-1894,101,101,101,101,101,101,101,101,101,101,101,101,-1894,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,101,-1894,101,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,101,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,101,101,101,-191,-192,101,-994,101,101,101,101,101,-277,-278,-279,-280,-365,101,-308,101,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,101,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,101,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,101,101,101,101,101,101,-573,101,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,101,101,-723,-724,-725,101,101,101,101,101,101,-994,101,101,-91,-92,101,101,101,101,-309,-310,-320,101,-307,-293,-294,-295,101,101,101,101,-618,-633,-590,101,101,-436,101,-437,101,-444,-445,-446,-378,-379,101,101,101,-506,101,101,-510,101,101,101,101,-515,-516,-517,-518,101,101,-521,-522,101,-524,-525,-526,-527,-528,-529,-530,-531,101,-533,101,101,101,-539,-541,-542,101,-544,-545,-546,-547,101,101,101,101,101,101,-652,-653,-654,-655,101,-657,-658,-659,101,101,101,-665,101,101,-669,-670,101,101,-673,101,-675,-676,101,-679,101,-681,101,101,-684,-685,-686,101,-688,101,101,-691,101,101,-694,-695,-696,101,-698,-699,-700,-701,101,101,-746,101,-749,-750,-751,-752,-753,101,-755,-756,-757,-758,-759,101,-766,-767,-769,101,-771,-772,-773,-782,-856,-858,-860,-862,101,101,101,101,-868,101,-870,101,101,101,101,101,101,101,-906,-907,101,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,101,-921,-924,101,-934,101,-385,-386,-387,101,101,-390,-391,-392,-393,101,-396,101,-399,-400,101,-401,101,-406,-407,101,-410,-411,-412,101,-415,101,-416,101,-421,-422,101,-425,101,-428,-429,-1894,-1894,101,-619,-620,-621,-622,-623,-634,-584,-624,-797,101,101,101,101,101,-831,101,101,-806,101,-832,101,101,101,101,-798,101,-853,-799,101,101,101,101,101,101,-854,-855,101,-834,-830,-835,101,-625,101,-626,-627,-628,-629,-574,101,101,-630,-631,-632,101,101,101,101,101,101,-635,-636,-637,-592,-1894,-602,101,-638,-639,-713,-640,-604,101,-572,-577,-580,-583,101,101,101,-598,-601,101,-608,101,101,101,101,101,101,101,101,101,101,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,101,101,3189,101,-995,101,101,101,101,101,101,-306,-325,-319,-296,-375,-452,-453,-454,-458,101,-443,101,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,101,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,101,101,101,101,101,101,101,101,101,-316,-535,-508,-591,-937,-939,-940,-438,101,-440,-380,-381,-383,-507,-509,-511,101,-513,-514,-519,-520,101,-532,-534,-537,-538,-543,-548,-726,101,-727,101,-732,101,-734,101,-739,-656,-660,-661,101,-666,101,-667,101,-672,-674,101,-677,101,101,101,-687,-689,101,-692,101,101,-744,101,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,101,101,101,101,101,-877,101,-880,-908,-920,-925,-388,-389,101,-394,101,-397,101,-402,101,-403,101,-408,101,-413,101,-417,101,-418,101,-423,101,-426,-899,-900,-643,-585,-1894,-901,101,101,101,-800,101,101,-804,101,-807,-833,101,-818,101,-820,101,-822,-808,101,-824,101,-851,-852,101,101,-811,101,-646,-902,-904,-648,-649,-645,101,-705,-706,101,-642,-903,-647,-650,-603,-714,101,101,-605,-586,101,101,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,101,101,-709,-710,101,-716,101,101,101,101,3189,101,101,-938,101,-439,-441,-747,101,-891,101,-715,-1894,101,101,3189,101,3189,3189,3189,3189,3189,3189,3189,3189,3189,101,101,-442,-512,-523,101,-728,-733,101,-735,101,-740,101,-662,-668,101,-678,-680,-682,-683,-690,-693,-697,-745,101,101,-874,101,101,-878,101,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,101,-812,101,-814,-801,101,-802,-805,101,-816,-819,-821,-823,-825,101,-826,101,-809,101,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,101,3189,-282,101,101,101,101,-455,101,101,-729,101,-736,101,-741,101,-663,-671,101,101,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,101,-836,-53,101,101,-730,101,-737,101,-742,-664,101,-873,-54,101,101,-731,-738,-743,101,101,3889,101,3889,-872,]),'BLOOM_FILTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[102,102,102,102,-1894,102,102,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,102,102,102,102,-275,-276,102,-1425,102,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,102,102,102,-490,102,102,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,102,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,102,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,102,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,102,-172,-173,-174,-175,-993,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-290,-291,-281,102,102,102,102,102,-328,-318,-332,-333,-334,102,102,-982,-983,-984,-985,-986,-987,-988,102,102,102,102,102,102,102,102,102,102,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,102,102,102,-353,-356,102,-323,-324,-141,102,-142,102,-143,102,-430,-935,-936,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-1894,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-1894,102,-1894,102,102,102,102,102,102,102,102,102,102,102,102,-1894,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,102,-1894,102,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,102,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,102,102,102,-191,-192,102,-994,102,102,102,102,102,-277,-278,-279,-280,-365,102,-308,102,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,102,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,102,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,102,102,102,102,102,102,-573,102,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,102,102,-723,-724,-725,102,102,102,102,102,102,-994,102,102,-91,-92,102,102,102,102,-309,-310,-320,102,-307,-293,-294,-295,102,102,102,102,-618,-633,-590,102,102,-436,102,-437,102,-444,-445,-446,-378,-379,102,102,102,-506,102,102,-510,102,102,102,102,-515,-516,-517,-518,102,102,-521,-522,102,-524,-525,-526,-527,-528,-529,-530,-531,102,-533,102,102,102,-539,-541,-542,102,-544,-545,-546,-547,102,102,102,102,102,102,-652,-653,-654,-655,102,-657,-658,-659,102,102,102,-665,102,102,-669,-670,102,102,-673,102,-675,-676,102,-679,102,-681,102,102,-684,-685,-686,102,-688,102,102,-691,102,102,-694,-695,-696,102,-698,-699,-700,-701,102,102,-746,102,-749,-750,-751,-752,-753,102,-755,-756,-757,-758,-759,102,-766,-767,-769,102,-771,-772,-773,-782,-856,-858,-860,-862,102,102,102,102,-868,102,-870,102,102,102,102,102,102,102,-906,-907,102,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,102,-921,-924,102,-934,102,-385,-386,-387,102,102,-390,-391,-392,-393,102,-396,102,-399,-400,102,-401,102,-406,-407,102,-410,-411,-412,102,-415,102,-416,102,-421,-422,102,-425,102,-428,-429,-1894,-1894,102,-619,-620,-621,-622,-623,-634,-584,-624,-797,102,102,102,102,102,-831,102,102,-806,102,-832,102,102,102,102,-798,102,-853,-799,102,102,102,102,102,102,-854,-855,102,-834,-830,-835,102,-625,102,-626,-627,-628,-629,-574,102,102,-630,-631,-632,102,102,102,102,102,102,-635,-636,-637,-592,-1894,-602,102,-638,-639,-713,-640,-604,102,-572,-577,-580,-583,102,102,102,-598,-601,102,-608,102,102,102,102,102,102,102,102,102,102,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,102,102,102,-995,102,102,102,102,102,102,-306,-325,-319,-296,-375,-452,-453,-454,-458,102,-443,102,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,102,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,102,102,102,102,102,102,102,102,102,-316,-535,-508,-591,-937,-939,-940,-438,102,-440,-380,-381,-383,-507,-509,-511,102,-513,-514,-519,-520,102,-532,-534,-537,-538,-543,-548,-726,102,-727,102,-732,102,-734,102,-739,-656,-660,-661,102,-666,102,-667,102,-672,-674,102,-677,102,102,102,-687,-689,102,-692,102,102,-744,102,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,102,102,102,102,102,-877,102,-880,-908,-920,-925,-388,-389,102,-394,102,-397,102,-402,102,-403,102,-408,102,-413,102,-417,102,-418,102,-423,102,-426,-899,-900,-643,-585,-1894,-901,102,102,102,-800,102,102,-804,102,-807,-833,102,-818,102,-820,102,-822,-808,102,-824,102,-851,-852,102,102,-811,102,-646,-902,-904,-648,-649,-645,102,-705,-706,102,-642,-903,-647,-650,-603,-714,102,102,-605,-586,102,102,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,102,102,-709,-710,102,-716,102,102,102,102,102,102,-938,102,-439,-441,-747,102,-891,102,-715,-1894,102,102,102,102,102,-442,-512,-523,102,-728,-733,102,-735,102,-740,102,-662,-668,102,-678,-680,-682,-683,-690,-693,-697,-745,102,102,-874,102,102,-878,102,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,102,-812,102,-814,-801,102,-802,-805,102,-816,-819,-821,-823,-825,102,-826,102,-809,102,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,102,-282,102,102,102,102,-455,102,102,-729,102,-736,102,-741,102,-663,-671,102,102,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,102,-836,-53,102,102,-730,102,-737,102,-742,-664,102,-873,-54,102,102,-731,-738,-743,102,102,102,-872,]),'BOOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[103,103,103,103,-1894,103,103,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,103,103,103,103,-275,-276,103,-1425,103,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,103,103,103,-490,103,103,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,103,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,103,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,103,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,103,-172,-173,-174,-175,-993,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-290,-291,-281,103,103,103,103,103,-328,-318,-332,-333,-334,103,103,-982,-983,-984,-985,-986,-987,-988,103,103,103,103,103,103,103,103,103,103,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,103,103,103,-353,-356,103,-323,-324,-141,103,-142,103,-143,103,-430,-935,-936,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-1894,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-1894,103,-1894,103,103,103,103,103,103,103,103,103,103,103,103,-1894,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,103,-1894,103,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,103,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,103,103,103,-191,-192,103,-994,103,103,103,103,103,-277,-278,-279,-280,-365,103,-308,103,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,103,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,103,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,103,103,103,103,103,103,-573,103,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,103,103,-723,-724,-725,103,103,103,103,103,103,-994,103,103,-91,-92,103,103,103,103,-309,-310,-320,103,-307,-293,-294,-295,103,103,103,103,-618,-633,-590,103,103,-436,103,-437,103,-444,-445,-446,-378,-379,103,103,103,-506,103,103,-510,103,103,103,103,-515,-516,-517,-518,103,103,-521,-522,103,-524,-525,-526,-527,-528,-529,-530,-531,103,-533,103,103,103,-539,-541,-542,103,-544,-545,-546,-547,103,103,103,103,103,103,-652,-653,-654,-655,103,-657,-658,-659,103,103,103,-665,103,103,-669,-670,103,103,-673,103,-675,-676,103,-679,103,-681,103,103,-684,-685,-686,103,-688,103,103,-691,103,103,-694,-695,-696,103,-698,-699,-700,-701,103,103,-746,103,-749,-750,-751,-752,-753,103,-755,-756,-757,-758,-759,103,-766,-767,-769,103,-771,-772,-773,-782,-856,-858,-860,-862,103,103,103,103,-868,103,-870,103,103,103,103,103,103,103,-906,-907,103,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,103,-921,-924,103,-934,103,-385,-386,-387,103,103,-390,-391,-392,-393,103,-396,103,-399,-400,103,-401,103,-406,-407,103,-410,-411,-412,103,-415,103,-416,103,-421,-422,103,-425,103,-428,-429,-1894,-1894,103,-619,-620,-621,-622,-623,-634,-584,-624,-797,103,103,103,103,103,-831,103,103,-806,103,-832,103,103,103,103,-798,103,-853,-799,103,103,103,103,103,103,-854,-855,103,-834,-830,-835,103,-625,103,-626,-627,-628,-629,-574,103,103,-630,-631,-632,103,103,103,103,103,103,-635,-636,-637,-592,-1894,-602,103,-638,-639,-713,-640,-604,103,-572,-577,-580,-583,103,103,103,-598,-601,103,-608,103,103,103,103,103,103,103,103,103,103,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,103,103,103,-995,103,103,103,103,103,103,-306,-325,-319,-296,-375,-452,-453,-454,-458,103,-443,103,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,103,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,103,103,103,103,103,103,103,103,103,-316,-535,-508,-591,-937,-939,-940,-438,103,-440,-380,-381,-383,-507,-509,-511,103,-513,-514,-519,-520,103,-532,-534,-537,-538,-543,-548,-726,103,-727,103,-732,103,-734,103,-739,-656,-660,-661,103,-666,103,-667,103,-672,-674,103,-677,103,103,103,-687,-689,103,-692,103,103,-744,103,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,103,103,103,103,103,-877,103,-880,-908,-920,-925,-388,-389,103,-394,103,-397,103,-402,103,-403,103,-408,103,-413,103,-417,103,-418,103,-423,103,-426,-899,-900,-643,-585,-1894,-901,103,103,103,-800,103,103,-804,103,-807,-833,103,-818,103,-820,103,-822,-808,103,-824,103,-851,-852,103,103,-811,103,-646,-902,-904,-648,-649,-645,103,-705,-706,103,-642,-903,-647,-650,-603,-714,103,103,-605,-586,103,103,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,103,103,-709,-710,103,-716,103,103,103,103,103,103,-938,103,-439,-441,-747,103,-891,103,-715,-1894,103,103,103,103,103,-442,-512,-523,103,-728,-733,103,-735,103,-740,103,-662,-668,103,-678,-680,-682,-683,-690,-693,-697,-745,103,103,-874,103,103,-878,103,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,103,-812,103,-814,-801,103,-802,-805,103,-816,-819,-821,-823,-825,103,-826,103,-809,103,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,103,-282,103,103,103,103,-455,103,103,-729,103,-736,103,-741,103,-663,-671,103,103,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,103,-836,-53,103,103,-730,103,-737,103,-742,-664,103,-873,-54,103,103,-731,-738,-743,103,103,103,-872,]),'BOOLEAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3616,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[104,104,104,104,-1894,104,104,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,104,104,104,104,-275,-276,104,-1425,104,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,104,104,104,-490,104,104,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,104,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,104,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,104,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,104,-172,-173,-174,-175,-993,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-290,-291,-281,104,104,104,104,104,-328,-318,-332,-333,-334,104,104,-982,-983,-984,-985,-986,-987,-988,104,104,104,104,104,104,104,104,104,104,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,104,104,104,-353,-356,104,-323,-324,-141,104,-142,104,-143,104,-430,-935,-936,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-1894,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-1894,104,-1894,104,104,104,104,104,104,104,104,104,104,104,104,-1894,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,104,-1894,104,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,104,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,104,104,104,-191,-192,104,-994,104,104,104,104,104,-277,-278,-279,-280,-365,104,-308,104,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,104,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,104,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,104,104,104,104,104,104,-573,104,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,104,104,-723,-724,-725,104,104,104,104,104,104,-994,104,104,-91,-92,104,104,104,104,-309,-310,-320,104,-307,-293,-294,-295,104,104,104,104,-618,-633,-590,104,104,-436,104,-437,104,-444,-445,-446,-378,-379,104,104,104,-506,104,104,-510,104,104,104,104,-515,-516,-517,-518,104,104,-521,-522,104,-524,-525,-526,-527,-528,-529,-530,-531,104,-533,104,104,104,-539,-541,-542,104,-544,-545,-546,-547,104,104,104,104,104,104,-652,-653,-654,-655,104,-657,-658,-659,104,104,104,-665,104,104,-669,-670,104,104,-673,104,-675,-676,104,-679,104,-681,104,104,-684,-685,-686,104,-688,104,104,-691,104,104,-694,-695,-696,104,-698,-699,-700,-701,104,104,-746,104,-749,-750,-751,-752,-753,104,-755,-756,-757,-758,-759,104,-766,-767,-769,104,-771,-772,-773,-782,-856,-858,-860,-862,104,104,104,104,-868,104,-870,104,104,104,104,104,104,104,-906,-907,104,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,104,-921,-924,104,-934,104,-385,-386,-387,104,104,-390,-391,-392,-393,104,-396,104,-399,-400,104,-401,104,-406,-407,104,-410,-411,-412,104,-415,104,-416,104,-421,-422,104,-425,104,-428,-429,-1894,-1894,104,-619,-620,-621,-622,-623,-634,-584,-624,-797,104,104,104,104,104,-831,104,104,-806,104,-832,104,104,104,104,-798,104,-853,-799,104,104,104,104,104,104,-854,-855,104,-834,-830,-835,104,-625,104,-626,-627,-628,-629,-574,104,104,-630,-631,-632,104,104,104,104,104,104,-635,-636,-637,-592,-1894,-602,104,-638,-639,-713,-640,-604,104,-572,-577,-580,-583,104,104,104,-598,-601,104,-608,104,104,104,104,104,104,104,104,104,104,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,104,104,104,-995,104,104,104,104,104,104,-306,-325,-319,-296,-375,-452,-453,-454,-458,104,-443,104,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,104,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,104,104,104,104,104,104,104,104,104,-316,-535,-508,-591,-937,-939,-940,-438,104,-440,-380,-381,-383,-507,-509,-511,104,-513,-514,-519,-520,104,-532,-534,-537,-538,-543,-548,-726,104,-727,104,-732,104,-734,104,-739,-656,-660,-661,104,-666,104,-667,104,-672,-674,104,-677,104,104,104,-687,-689,104,-692,104,104,-744,104,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,104,104,104,104,104,-877,104,-880,-908,-920,-925,-388,-389,104,-394,104,-397,104,-402,104,-403,104,-408,104,-413,104,-417,104,-418,104,-423,104,-426,-899,-900,-643,-585,-1894,-901,104,104,104,-800,104,104,-804,104,-807,-833,104,-818,104,-820,104,-822,-808,104,-824,104,-851,-852,104,104,-811,104,-646,-902,-904,-648,-649,-645,104,-705,-706,104,-642,-903,-647,-650,-603,-714,104,104,-605,-586,104,104,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,104,104,-709,-710,104,-716,104,104,104,104,104,104,-938,104,-439,-441,-747,104,-891,104,-715,-1894,104,104,104,104,3740,104,-442,-512,-523,104,-728,-733,104,-735,104,-740,104,-662,-668,104,-678,-680,-682,-683,-690,-693,-697,-745,104,104,-874,104,104,-878,104,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,104,-812,104,-814,-801,104,-802,-805,104,-816,-819,-821,-823,-825,104,-826,104,-809,104,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,104,-282,104,104,104,104,-455,104,104,-729,104,-736,104,-741,104,-663,-671,104,104,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,104,-836,-53,104,104,-730,104,-737,104,-742,-664,104,-873,-54,104,104,-731,-738,-743,104,104,104,-872,]),'BOOTSTRAP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[105,105,105,105,-1894,105,105,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,105,105,105,105,-275,-276,105,-1425,105,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,105,105,105,-490,105,105,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,105,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,105,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,105,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,105,-172,-173,-174,-175,-993,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-290,-291,-281,105,105,105,105,105,-328,-318,-332,-333,-334,105,105,-982,-983,-984,-985,-986,-987,-988,105,105,105,105,105,105,105,105,105,105,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,105,105,105,-353,-356,105,-323,-324,-141,105,-142,105,-143,105,-430,-935,-936,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-1894,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-1894,105,-1894,105,105,105,105,105,105,105,105,105,105,105,105,-1894,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,105,-1894,105,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,105,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,105,105,105,-191,-192,105,-994,105,105,105,105,105,-277,-278,-279,-280,-365,105,-308,105,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,105,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,105,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,105,105,105,105,105,105,-573,105,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,105,105,-723,-724,-725,105,105,105,105,105,105,-994,105,105,-91,-92,105,105,105,105,-309,-310,-320,105,-307,-293,-294,-295,105,105,105,105,-618,-633,-590,105,105,-436,105,-437,105,-444,-445,-446,-378,-379,105,105,105,-506,105,105,-510,105,105,105,105,-515,-516,-517,-518,105,105,-521,-522,105,-524,-525,-526,-527,-528,-529,-530,-531,105,-533,105,105,105,-539,-541,-542,105,-544,-545,-546,-547,105,105,105,105,105,105,-652,-653,-654,-655,105,-657,-658,-659,105,105,105,-665,105,105,-669,-670,105,105,-673,105,-675,-676,105,-679,105,-681,105,105,-684,-685,-686,105,-688,105,105,-691,105,105,-694,-695,-696,105,-698,-699,-700,-701,105,105,-746,105,-749,-750,-751,-752,-753,105,-755,-756,-757,-758,-759,105,-766,-767,-769,105,-771,-772,-773,-782,-856,-858,-860,-862,105,105,105,105,-868,105,-870,105,105,105,105,105,105,105,-906,-907,105,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,105,-921,-924,105,-934,105,-385,-386,-387,105,105,-390,-391,-392,-393,105,-396,105,-399,-400,105,-401,105,-406,-407,105,-410,-411,-412,105,-415,105,-416,105,-421,-422,105,-425,105,-428,-429,-1894,-1894,105,-619,-620,-621,-622,-623,-634,-584,-624,-797,105,105,105,105,105,-831,105,105,-806,105,-832,105,105,105,105,-798,105,-853,-799,105,105,105,105,105,105,-854,-855,105,-834,-830,-835,105,-625,105,-626,-627,-628,-629,-574,105,105,-630,-631,-632,105,105,105,105,105,105,-635,-636,-637,-592,-1894,-602,105,-638,-639,-713,-640,-604,105,-572,-577,-580,-583,105,105,105,-598,-601,105,-608,105,105,105,105,105,105,105,105,105,105,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,105,105,105,-995,105,105,105,105,105,105,-306,-325,-319,-296,-375,-452,-453,-454,-458,105,-443,105,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,105,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,105,105,105,105,105,105,105,105,105,-316,-535,-508,-591,-937,-939,-940,-438,105,-440,-380,-381,-383,-507,-509,-511,105,-513,-514,-519,-520,105,-532,-534,-537,-538,-543,-548,-726,105,-727,105,-732,105,-734,105,-739,-656,-660,-661,105,-666,105,-667,105,-672,-674,105,-677,105,105,105,-687,-689,105,-692,105,105,-744,105,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,105,105,105,105,105,-877,105,-880,-908,-920,-925,-388,-389,105,-394,105,-397,105,-402,105,-403,105,-408,105,-413,105,-417,105,-418,105,-423,105,-426,-899,-900,-643,-585,-1894,-901,105,105,105,-800,105,105,-804,105,-807,-833,105,-818,105,-820,105,-822,-808,105,-824,105,-851,-852,105,105,-811,105,-646,-902,-904,-648,-649,-645,105,-705,-706,105,-642,-903,-647,-650,-603,-714,105,105,-605,-586,105,105,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,105,105,-709,-710,105,-716,105,105,105,105,105,105,-938,105,-439,-441,-747,105,-891,105,-715,-1894,105,105,105,105,105,-442,-512,-523,105,-728,-733,105,-735,105,-740,105,-662,-668,105,-678,-680,-682,-683,-690,-693,-697,-745,105,105,-874,105,105,-878,105,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,105,-812,105,-814,-801,105,-802,-805,105,-816,-819,-821,-823,-825,105,-826,105,-809,105,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,105,-282,105,105,105,105,-455,105,105,-729,105,-736,105,-741,105,-663,-671,105,105,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,105,-836,-53,105,105,-730,105,-737,105,-742,-664,105,-873,-54,105,105,-731,-738,-743,105,105,105,-872,]),'BREADTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[106,106,106,106,-1894,106,106,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,106,106,106,106,-275,-276,106,-1425,106,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,106,106,106,-490,106,106,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,106,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,106,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,106,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,106,-172,-173,-174,-175,-993,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-290,-291,-281,106,106,106,106,106,-328,-318,-332,-333,-334,106,106,-982,-983,-984,-985,-986,-987,-988,106,106,106,106,106,106,106,106,106,106,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,106,106,106,-353,-356,106,-323,-324,-141,106,-142,106,-143,106,-430,-935,-936,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-1894,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-1894,106,-1894,106,106,106,106,106,106,106,106,106,106,106,106,-1894,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,106,-1894,106,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,106,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,106,106,106,-191,-192,106,-994,106,106,106,106,106,-277,-278,-279,-280,-365,106,-308,106,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,106,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,106,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,106,106,106,106,106,106,-573,106,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,106,106,-723,-724,-725,106,106,106,106,106,106,-994,106,106,-91,-92,106,106,106,106,-309,-310,-320,106,-307,-293,-294,-295,106,106,106,106,-618,-633,-590,106,106,-436,106,-437,106,-444,-445,-446,-378,-379,106,106,106,-506,106,106,-510,106,106,106,106,-515,-516,-517,-518,106,106,-521,-522,106,-524,-525,-526,-527,-528,-529,-530,-531,106,-533,106,106,106,-539,-541,-542,106,-544,-545,-546,-547,106,106,106,106,106,106,-652,-653,-654,-655,106,-657,-658,-659,106,106,106,-665,106,106,-669,-670,106,106,-673,106,-675,-676,106,-679,106,-681,106,106,-684,-685,-686,106,-688,106,106,-691,106,106,-694,-695,-696,106,-698,-699,-700,-701,106,106,-746,106,-749,-750,-751,-752,-753,106,-755,-756,-757,-758,-759,106,-766,-767,-769,106,-771,-772,-773,-782,-856,-858,-860,-862,106,106,106,106,-868,106,-870,106,106,106,106,106,106,106,-906,-907,106,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,106,-921,-924,106,-934,106,-385,-386,-387,106,106,-390,-391,-392,-393,106,-396,106,-399,-400,106,-401,106,-406,-407,106,-410,-411,-412,106,-415,106,-416,106,-421,-422,106,-425,106,-428,-429,-1894,-1894,106,-619,-620,-621,-622,-623,-634,-584,-624,-797,106,106,106,106,106,-831,106,106,-806,106,-832,106,106,106,106,-798,106,-853,-799,106,106,106,106,106,106,-854,-855,106,-834,-830,-835,106,-625,106,-626,-627,-628,-629,-574,106,106,-630,-631,-632,106,106,106,106,106,106,-635,-636,-637,-592,-1894,-602,106,-638,-639,-713,-640,-604,106,-572,-577,-580,-583,106,106,106,-598,-601,106,-608,106,106,106,106,106,106,106,106,106,106,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,106,106,106,-995,106,106,106,106,106,106,-306,-325,-319,-296,-375,-452,-453,-454,-458,106,-443,106,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,106,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,106,106,106,106,106,106,106,106,106,-316,-535,-508,-591,-937,-939,-940,-438,106,-440,-380,-381,-383,-507,-509,-511,106,-513,-514,-519,-520,106,-532,-534,-537,-538,-543,-548,-726,106,-727,106,-732,106,-734,106,-739,-656,-660,-661,106,-666,106,-667,106,-672,-674,106,-677,106,106,106,-687,-689,106,-692,106,106,-744,106,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,106,106,106,106,106,-877,106,-880,-908,-920,-925,-388,-389,106,-394,106,-397,106,-402,106,-403,106,-408,106,-413,106,-417,106,-418,106,-423,106,-426,-899,-900,-643,-585,-1894,-901,106,106,106,-800,106,106,-804,106,-807,-833,106,-818,106,-820,106,-822,-808,106,-824,106,-851,-852,106,106,-811,106,-646,-902,-904,-648,-649,-645,106,-705,-706,106,-642,-903,-647,-650,-603,-714,106,106,-605,-586,106,106,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,106,106,-709,-710,106,-716,106,106,106,106,106,106,-938,106,-439,-441,-747,106,-891,106,-715,-1894,106,106,106,106,106,-442,-512,-523,106,-728,-733,106,-735,106,-740,106,-662,-668,106,-678,-680,-682,-683,-690,-693,-697,-745,106,106,-874,106,106,-878,106,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,106,-812,106,-814,-801,106,-802,-805,106,-816,-819,-821,-823,-825,106,-826,106,-809,106,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,106,-282,106,106,106,106,-455,106,106,-729,106,-736,106,-741,106,-663,-671,106,106,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,106,-836,-53,106,106,-730,106,-737,106,-742,-664,106,-873,-54,106,106,-731,-738,-743,106,106,106,-872,]),'BRIEF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[107,107,107,107,-1894,107,107,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,107,107,107,107,-275,-276,107,-1425,107,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,107,107,107,-490,107,107,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,107,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,107,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,107,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,107,-172,-173,-174,-175,-993,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-290,-291,-281,107,107,107,107,107,-328,-318,-332,-333,-334,107,107,-982,-983,-984,-985,-986,-987,-988,107,107,107,107,107,107,107,107,107,107,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,107,107,107,-353,-356,107,-323,-324,-141,107,-142,107,-143,107,-430,-935,-936,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-1894,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-1894,107,-1894,107,107,107,107,107,107,107,107,107,107,107,107,-1894,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,107,-1894,107,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,107,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,107,107,107,-191,-192,107,-994,107,107,107,107,107,-277,-278,-279,-280,-365,107,-308,107,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,107,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,107,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,107,107,107,107,107,107,-573,107,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,107,107,-723,-724,-725,107,107,107,107,107,107,-994,107,107,-91,-92,107,107,107,107,-309,-310,-320,107,-307,-293,-294,-295,107,107,107,107,-618,-633,-590,107,107,-436,107,-437,107,-444,-445,-446,-378,-379,107,107,107,-506,107,107,-510,107,107,107,107,-515,-516,-517,-518,107,107,-521,-522,107,-524,-525,-526,-527,-528,-529,-530,-531,107,-533,107,107,107,-539,-541,-542,107,-544,-545,-546,-547,107,107,107,107,107,107,-652,-653,-654,-655,107,-657,-658,-659,107,107,107,-665,107,107,-669,-670,107,107,-673,107,-675,-676,107,-679,107,-681,107,107,-684,-685,-686,107,-688,107,107,-691,107,107,-694,-695,-696,107,-698,-699,-700,-701,107,107,-746,107,-749,-750,-751,-752,-753,107,-755,-756,-757,-758,-759,107,-766,-767,-769,107,-771,-772,-773,-782,-856,-858,-860,-862,107,107,107,107,-868,107,-870,107,107,107,107,107,107,107,-906,-907,107,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,107,-921,-924,107,-934,107,-385,-386,-387,107,107,-390,-391,-392,-393,107,-396,107,-399,-400,107,-401,107,-406,-407,107,-410,-411,-412,107,-415,107,-416,107,-421,-422,107,-425,107,-428,-429,-1894,-1894,107,-619,-620,-621,-622,-623,-634,-584,-624,-797,107,107,107,107,107,-831,107,107,-806,107,-832,107,107,107,107,-798,107,-853,-799,107,107,107,107,107,107,-854,-855,107,-834,-830,-835,107,-625,107,-626,-627,-628,-629,-574,107,107,-630,-631,-632,107,107,107,107,107,107,-635,-636,-637,-592,-1894,-602,107,-638,-639,-713,-640,-604,107,-572,-577,-580,-583,107,107,107,-598,-601,107,-608,107,107,107,107,107,107,107,107,107,107,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,107,107,107,-995,107,107,107,107,107,107,-306,-325,-319,-296,-375,-452,-453,-454,-458,107,-443,107,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,107,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,107,107,107,107,107,107,107,107,107,-316,-535,-508,-591,-937,-939,-940,-438,107,-440,-380,-381,-383,-507,-509,-511,107,-513,-514,-519,-520,107,-532,-534,-537,-538,-543,-548,-726,107,-727,107,-732,107,-734,107,-739,-656,-660,-661,107,-666,107,-667,107,-672,-674,107,-677,107,107,107,-687,-689,107,-692,107,107,-744,107,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,107,107,107,107,107,-877,107,-880,-908,-920,-925,-388,-389,107,-394,107,-397,107,-402,107,-403,107,-408,107,-413,107,-417,107,-418,107,-423,107,-426,-899,-900,-643,-585,-1894,-901,107,107,107,-800,107,107,-804,107,-807,-833,107,-818,107,-820,107,-822,-808,107,-824,107,-851,-852,107,107,-811,107,-646,-902,-904,-648,-649,-645,107,-705,-706,107,-642,-903,-647,-650,-603,-714,107,107,-605,-586,107,107,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,107,107,-709,-710,107,-716,107,107,107,107,107,107,-938,107,-439,-441,-747,107,-891,107,-715,-1894,107,107,107,107,107,-442,-512,-523,107,-728,-733,107,-735,107,-740,107,-662,-668,107,-678,-680,-682,-683,-690,-693,-697,-745,107,107,-874,107,107,-878,107,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,107,-812,107,-814,-801,107,-802,-805,107,-816,-819,-821,-823,-825,107,-826,107,-809,107,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,107,-282,107,107,107,107,-455,107,107,-729,107,-736,107,-741,107,-663,-671,107,107,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,107,-836,-53,107,107,-730,107,-737,107,-742,-664,107,-873,-54,107,107,-731,-738,-743,107,107,107,-872,]),'BTREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[108,108,108,108,-1894,108,108,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,108,108,108,108,-275,-276,108,-1425,108,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,108,108,108,-490,108,108,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,108,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,108,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,108,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,108,-172,-173,-174,-175,-993,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-290,-291,-281,108,108,108,108,108,-328,-318,-332,-333,-334,108,108,-982,-983,-984,-985,-986,-987,-988,108,108,108,108,108,108,108,108,108,108,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,108,108,108,-353,-356,108,-323,-324,-141,108,-142,108,-143,108,-430,-935,-936,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-1894,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-1894,108,-1894,108,108,108,108,108,108,108,108,108,108,108,108,-1894,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,108,-1894,108,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,108,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,108,108,108,-191,-192,108,-994,108,108,108,108,108,-277,-278,-279,-280,-365,108,-308,108,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,108,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,108,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,108,108,108,108,108,108,-573,108,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,108,108,-723,-724,-725,108,108,108,108,108,108,-994,108,108,-91,-92,108,108,108,108,-309,-310,-320,108,-307,-293,-294,-295,108,108,108,108,-618,-633,-590,108,108,-436,108,-437,108,-444,-445,-446,-378,-379,108,108,108,-506,108,108,-510,108,108,108,108,-515,-516,-517,-518,108,108,-521,-522,108,-524,-525,-526,-527,-528,-529,-530,-531,108,-533,108,108,108,-539,-541,-542,108,-544,-545,-546,-547,108,108,108,108,108,108,-652,-653,-654,-655,108,-657,-658,-659,108,108,108,-665,108,108,-669,-670,108,108,-673,108,-675,-676,108,-679,108,-681,108,108,-684,-685,-686,108,-688,108,108,-691,108,108,-694,-695,-696,108,-698,-699,-700,-701,108,108,-746,108,-749,-750,-751,-752,-753,108,-755,-756,-757,-758,-759,108,-766,-767,-769,108,-771,-772,-773,-782,-856,-858,-860,-862,108,108,108,108,-868,108,-870,108,108,108,108,108,108,108,-906,-907,108,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,108,-921,-924,108,-934,108,-385,-386,-387,108,108,-390,-391,-392,-393,108,-396,108,-399,-400,108,-401,108,-406,-407,108,-410,-411,-412,108,-415,108,-416,108,-421,-422,108,-425,108,-428,-429,-1894,-1894,108,-619,-620,-621,-622,-623,-634,-584,-624,-797,108,108,108,108,108,-831,108,108,-806,108,-832,108,108,108,108,-798,108,-853,-799,108,108,108,108,108,108,-854,-855,108,-834,-830,-835,108,-625,108,-626,-627,-628,-629,-574,108,108,-630,-631,-632,108,108,108,108,108,108,-635,-636,-637,-592,-1894,-602,108,-638,-639,-713,-640,-604,108,-572,-577,-580,-583,108,108,108,-598,-601,108,-608,108,108,108,108,108,108,108,108,108,108,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,108,108,108,-995,108,108,108,108,108,108,-306,-325,-319,-296,-375,-452,-453,-454,-458,108,-443,108,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,108,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,108,108,108,108,108,108,108,108,108,-316,-535,-508,-591,-937,-939,-940,-438,108,-440,-380,-381,-383,-507,-509,-511,108,-513,-514,-519,-520,108,-532,-534,-537,-538,-543,-548,-726,108,-727,108,-732,108,-734,108,-739,-656,-660,-661,108,-666,108,-667,108,-672,-674,108,-677,108,108,108,-687,-689,108,-692,108,108,-744,108,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,108,108,108,108,108,-877,108,-880,-908,-920,-925,-388,-389,108,-394,108,-397,108,-402,108,-403,108,-408,108,-413,108,-417,108,-418,108,-423,108,-426,-899,-900,-643,-585,-1894,-901,108,108,108,-800,108,108,-804,108,-807,-833,108,-818,108,-820,108,-822,-808,108,-824,108,-851,-852,108,108,-811,108,-646,-902,-904,-648,-649,-645,108,-705,-706,108,-642,-903,-647,-650,-603,-714,108,108,-605,-586,108,108,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,108,108,-709,-710,108,-716,108,108,108,108,108,108,-938,108,-439,-441,-747,108,-891,108,-715,-1894,108,108,108,108,108,-442,-512,-523,108,-728,-733,108,-735,108,-740,108,-662,-668,108,-678,-680,-682,-683,-690,-693,-697,-745,108,108,-874,108,108,-878,108,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,108,-812,108,-814,-801,108,-802,-805,108,-816,-819,-821,-823,-825,108,-826,108,-809,108,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,108,-282,108,108,108,108,-455,108,108,-729,108,-736,108,-741,108,-663,-671,108,108,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,108,-836,-53,108,108,-730,108,-737,108,-742,-664,108,-873,-54,108,108,-731,-738,-743,108,108,108,-872,]),'BUCKETS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[109,109,109,109,-1894,109,109,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,109,109,109,109,-275,-276,109,-1425,109,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,109,109,109,-490,109,109,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,109,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,109,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,109,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,109,-172,-173,-174,-175,-993,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-290,-291,-281,109,109,109,109,109,-328,-318,-332,-333,-334,109,109,-982,-983,-984,-985,-986,-987,-988,109,109,109,109,109,109,109,109,109,109,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,109,109,109,-353,-356,109,-323,-324,-141,109,-142,109,-143,109,-430,-935,-936,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-1894,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-1894,109,-1894,109,109,109,109,109,109,109,109,109,109,109,109,-1894,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,109,-1894,109,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,109,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,109,109,109,-191,-192,109,-994,109,109,109,109,109,-277,-278,-279,-280,-365,109,-308,109,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,109,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,109,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,109,109,109,109,109,109,-573,109,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,109,109,-723,-724,-725,109,109,109,109,109,109,-994,109,109,-91,-92,109,109,109,109,-309,-310,-320,109,-307,-293,-294,-295,109,109,109,109,-618,-633,-590,109,109,-436,109,-437,109,-444,-445,-446,-378,-379,109,109,109,-506,109,109,-510,109,109,109,109,-515,-516,-517,-518,109,109,-521,-522,109,-524,-525,-526,-527,-528,-529,-530,-531,109,-533,109,109,109,-539,-541,-542,109,-544,-545,-546,-547,109,109,109,109,109,109,-652,-653,-654,-655,109,-657,-658,-659,109,109,109,-665,109,109,-669,-670,109,109,-673,109,-675,-676,109,-679,109,-681,109,109,-684,-685,-686,109,-688,109,109,-691,109,109,-694,-695,-696,109,-698,-699,-700,-701,109,109,-746,109,-749,-750,-751,-752,-753,109,-755,-756,-757,-758,-759,109,-766,-767,-769,109,-771,-772,-773,-782,-856,-858,-860,-862,109,109,109,109,-868,109,-870,109,109,109,109,109,109,109,-906,-907,109,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,109,-921,-924,109,-934,109,-385,-386,-387,109,109,-390,-391,-392,-393,109,-396,109,-399,-400,109,-401,109,-406,-407,109,-410,-411,-412,109,-415,109,-416,109,-421,-422,109,-425,109,-428,-429,-1894,-1894,109,-619,-620,-621,-622,-623,-634,-584,-624,-797,109,109,109,109,109,-831,109,109,-806,109,-832,109,109,109,109,-798,109,-853,-799,109,109,109,109,109,109,-854,-855,109,-834,-830,-835,109,-625,109,-626,-627,-628,-629,-574,109,109,-630,-631,-632,109,109,109,109,109,109,-635,-636,-637,-592,-1894,-602,109,-638,-639,-713,-640,-604,109,-572,-577,-580,-583,109,109,109,-598,-601,109,-608,109,109,109,109,109,109,109,109,109,109,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,109,109,109,-995,109,109,109,109,109,109,-306,-325,-319,-296,-375,-452,-453,-454,-458,109,-443,109,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,109,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,109,109,109,109,109,109,109,109,109,-316,-535,-508,-591,-937,-939,-940,-438,109,-440,-380,-381,-383,-507,-509,-511,109,-513,-514,-519,-520,109,-532,-534,-537,-538,-543,-548,-726,109,-727,109,-732,109,-734,109,-739,-656,-660,-661,109,-666,109,-667,109,-672,-674,109,-677,109,109,109,-687,-689,109,-692,109,109,-744,109,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,109,109,109,109,109,-877,109,-880,-908,-920,-925,-388,-389,109,-394,109,-397,109,-402,109,-403,109,-408,109,-413,109,-417,109,-418,109,-423,109,-426,-899,-900,-643,-585,-1894,-901,109,109,109,-800,109,109,-804,109,-807,-833,109,-818,109,-820,109,-822,-808,109,-824,109,-851,-852,109,109,-811,109,-646,-902,-904,-648,-649,-645,109,-705,-706,109,-642,-903,-647,-650,-603,-714,109,109,-605,-586,109,109,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,109,109,-709,-710,109,-716,109,109,109,109,109,109,-938,109,-439,-441,-747,109,-891,109,-715,-1894,109,109,109,109,109,-442,-512,-523,109,-728,-733,109,-735,109,-740,109,-662,-668,109,-678,-680,-682,-683,-690,-693,-697,-745,109,109,-874,109,109,-878,109,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,109,-812,109,-814,-801,109,-802,-805,109,-816,-819,-821,-823,-825,109,-826,109,-809,109,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,109,-282,109,109,109,109,-455,109,109,-729,109,-736,109,-741,109,-663,-671,109,109,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,109,-836,-53,109,109,-730,109,-737,109,-742,-664,109,-873,-54,109,109,-731,-738,-743,109,109,109,-872,]),'BULK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[110,110,110,110,-1894,110,110,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,110,110,110,110,-275,-276,110,-1425,110,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,110,110,110,-490,110,110,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,110,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,110,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,110,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,110,-172,-173,-174,-175,-993,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-290,-291,-281,110,110,110,110,110,-328,-318,-332,-333,-334,110,110,-982,-983,-984,-985,-986,-987,-988,110,110,110,110,110,110,110,110,110,110,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,110,110,110,-353,-356,110,-323,-324,-141,110,-142,110,-143,110,-430,-935,-936,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-1894,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-1894,110,-1894,110,110,110,110,110,110,110,110,110,110,110,110,-1894,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,110,-1894,110,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,110,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,110,110,110,-191,-192,110,-994,110,110,110,110,110,-277,-278,-279,-280,-365,110,-308,110,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,110,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,110,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,110,110,110,110,110,110,-573,110,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,110,110,-723,-724,-725,110,110,110,110,110,110,-994,110,110,-91,-92,110,110,110,110,-309,-310,-320,110,-307,-293,-294,-295,110,110,110,110,-618,-633,-590,110,110,-436,110,-437,110,-444,-445,-446,-378,-379,110,110,110,-506,110,110,-510,110,110,110,110,-515,-516,-517,-518,110,110,-521,-522,110,-524,-525,-526,-527,-528,-529,-530,-531,110,-533,110,110,110,-539,-541,-542,110,-544,-545,-546,-547,110,110,110,110,110,110,-652,-653,-654,-655,110,-657,-658,-659,110,110,110,-665,110,110,-669,-670,110,110,-673,110,-675,-676,110,-679,110,-681,110,110,-684,-685,-686,110,-688,110,110,-691,110,110,-694,-695,-696,110,-698,-699,-700,-701,110,110,-746,110,-749,-750,-751,-752,-753,110,-755,-756,-757,-758,-759,110,-766,-767,-769,110,-771,-772,-773,-782,-856,-858,-860,-862,110,110,110,110,-868,110,-870,110,110,110,110,110,110,110,-906,-907,110,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,110,-921,-924,110,-934,110,-385,-386,-387,110,110,-390,-391,-392,-393,110,-396,110,-399,-400,110,-401,110,-406,-407,110,-410,-411,-412,110,-415,110,-416,110,-421,-422,110,-425,110,-428,-429,-1894,-1894,110,-619,-620,-621,-622,-623,-634,-584,-624,-797,110,110,110,110,110,-831,110,110,-806,110,-832,110,110,110,110,-798,110,-853,-799,110,110,110,110,110,110,-854,-855,110,-834,-830,-835,110,-625,110,-626,-627,-628,-629,-574,110,110,-630,-631,-632,110,110,110,110,110,110,-635,-636,-637,-592,-1894,-602,110,-638,-639,-713,-640,-604,110,-572,-577,-580,-583,110,110,110,-598,-601,110,-608,110,110,110,110,110,110,110,110,110,110,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,110,110,110,-995,110,110,110,110,110,110,-306,-325,-319,-296,-375,-452,-453,-454,-458,110,-443,110,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,110,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,110,110,110,110,110,110,110,110,110,-316,-535,-508,-591,-937,-939,-940,-438,110,-440,-380,-381,-383,-507,-509,-511,110,-513,-514,-519,-520,110,-532,-534,-537,-538,-543,-548,-726,110,-727,110,-732,110,-734,110,-739,-656,-660,-661,110,-666,110,-667,110,-672,-674,110,-677,110,110,110,-687,-689,110,-692,110,110,-744,110,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,110,110,110,110,110,-877,110,-880,-908,-920,-925,-388,-389,110,-394,110,-397,110,-402,110,-403,110,-408,110,-413,110,-417,110,-418,110,-423,110,-426,-899,-900,-643,-585,-1894,-901,110,110,110,-800,110,110,-804,110,-807,-833,110,-818,110,-820,110,-822,-808,110,-824,110,-851,-852,110,110,-811,110,-646,-902,-904,-648,-649,-645,110,-705,-706,110,-642,-903,-647,-650,-603,-714,110,110,-605,-586,110,110,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,110,110,-709,-710,110,-716,110,110,110,110,110,110,-938,110,-439,-441,-747,110,-891,110,-715,-1894,110,110,110,110,110,-442,-512,-523,110,-728,-733,110,-735,110,-740,110,-662,-668,110,-678,-680,-682,-683,-690,-693,-697,-745,110,110,-874,110,110,-878,110,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,110,-812,110,-814,-801,110,-802,-805,110,-816,-819,-821,-823,-825,110,-826,110,-809,110,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,110,-282,110,110,110,110,-455,110,110,-729,110,-736,110,-741,110,-663,-671,110,110,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,110,-836,-53,110,110,-730,110,-737,110,-742,-664,110,-873,-54,110,110,-731,-738,-743,110,110,110,-872,]),'BYTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[111,111,111,111,-1894,111,111,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,111,111,111,111,-275,-276,111,-1425,111,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,111,111,111,-490,111,111,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,111,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,111,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,111,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,111,-172,-173,-174,-175,-993,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-290,-291,-281,111,111,111,111,111,-328,-318,-332,-333,-334,111,111,-982,-983,-984,-985,-986,-987,-988,111,111,111,111,111,111,111,111,111,111,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,111,111,111,-353,-356,111,-323,-324,-141,111,-142,111,-143,111,-430,-935,-936,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-1894,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-1894,111,-1894,111,111,111,111,111,111,111,111,111,111,111,111,-1894,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,111,-1894,111,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,111,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,111,111,111,-191,-192,111,-994,111,111,111,111,111,-277,-278,-279,-280,-365,111,-308,111,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,111,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,111,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,111,111,111,111,111,111,-573,111,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,111,111,-723,-724,-725,111,111,111,111,111,111,-994,111,111,-91,-92,111,111,111,111,-309,-310,-320,111,-307,-293,-294,-295,111,111,111,111,-618,-633,-590,111,111,-436,111,-437,111,-444,-445,-446,-378,-379,111,111,111,-506,111,111,-510,111,111,111,111,-515,-516,-517,-518,111,111,-521,-522,111,-524,-525,-526,-527,-528,-529,-530,-531,111,-533,111,111,111,-539,-541,-542,111,-544,-545,-546,-547,111,111,111,111,111,111,-652,-653,-654,-655,111,-657,-658,-659,111,111,111,-665,111,111,-669,-670,111,111,-673,111,-675,-676,111,-679,111,-681,111,111,-684,-685,-686,111,-688,111,111,-691,111,111,-694,-695,-696,111,-698,-699,-700,-701,111,111,-746,111,-749,-750,-751,-752,-753,111,-755,-756,-757,-758,-759,111,-766,-767,-769,111,-771,-772,-773,-782,-856,-858,-860,-862,111,111,111,111,-868,111,-870,111,111,111,111,111,111,111,-906,-907,111,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,111,-921,-924,111,-934,111,-385,-386,-387,111,111,-390,-391,-392,-393,111,-396,111,-399,-400,111,-401,111,-406,-407,111,-410,-411,-412,111,-415,111,-416,111,-421,-422,111,-425,111,-428,-429,-1894,-1894,111,-619,-620,-621,-622,-623,-634,-584,-624,-797,111,111,111,111,111,-831,111,111,-806,111,-832,111,111,111,111,-798,111,-853,-799,111,111,111,111,111,111,-854,-855,111,-834,-830,-835,111,-625,111,-626,-627,-628,-629,-574,111,111,-630,-631,-632,111,111,111,111,111,111,-635,-636,-637,-592,-1894,-602,111,-638,-639,-713,-640,-604,111,-572,-577,-580,-583,111,111,111,-598,-601,111,-608,111,111,111,111,111,111,111,111,111,111,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,111,111,111,-995,111,111,111,111,111,111,-306,-325,-319,-296,-375,-452,-453,-454,-458,111,-443,111,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,111,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,111,111,111,111,111,111,111,111,111,-316,-535,-508,-591,-937,-939,-940,-438,111,-440,-380,-381,-383,-507,-509,-511,111,-513,-514,-519,-520,111,-532,-534,-537,-538,-543,-548,-726,111,-727,111,-732,111,-734,111,-739,-656,-660,-661,111,-666,111,-667,111,-672,-674,111,-677,111,111,111,-687,-689,111,-692,111,111,-744,111,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,111,111,111,111,111,-877,111,-880,-908,-920,-925,-388,-389,111,-394,111,-397,111,-402,111,-403,111,-408,111,-413,111,-417,111,-418,111,-423,111,-426,-899,-900,-643,-585,-1894,-901,111,111,111,-800,111,111,-804,111,-807,-833,111,-818,111,-820,111,-822,-808,111,-824,111,-851,-852,111,111,-811,111,-646,-902,-904,-648,-649,-645,111,-705,-706,111,-642,-903,-647,-650,-603,-714,111,111,-605,-586,111,111,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,111,111,-709,-710,111,-716,111,111,111,111,111,111,-938,111,-439,-441,-747,111,-891,111,-715,-1894,111,111,111,111,111,-442,-512,-523,111,-728,-733,111,-735,111,-740,111,-662,-668,111,-678,-680,-682,-683,-690,-693,-697,-745,111,111,-874,111,111,-878,111,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,111,-812,111,-814,-801,111,-802,-805,111,-816,-819,-821,-823,-825,111,-826,111,-809,111,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,111,-282,111,111,111,111,-455,111,111,-729,111,-736,111,-741,111,-663,-671,111,111,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,111,-836,-53,111,111,-730,111,-737,111,-742,-664,111,-873,-54,111,111,-731,-738,-743,111,111,111,-872,]),'CACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[112,112,112,112,-1894,112,112,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,112,112,112,112,-275,-276,112,-1425,112,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,112,112,112,-490,112,112,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,112,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,112,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,112,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,112,-172,-173,-174,-175,-993,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-290,-291,-281,112,112,112,112,112,-328,-318,-332,-333,-334,112,112,-982,-983,-984,-985,-986,-987,-988,112,112,112,112,112,112,112,112,112,112,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,112,112,112,-353,-356,112,-323,-324,-141,112,-142,112,-143,112,-430,-935,-936,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-1894,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-1894,112,-1894,112,112,112,112,112,112,112,112,112,112,112,112,-1894,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,112,-1894,112,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,112,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,112,112,112,-191,-192,112,-994,112,112,112,112,112,-277,-278,-279,-280,-365,112,-308,112,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,112,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,112,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,112,112,112,112,112,112,-573,112,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,112,112,-723,-724,-725,112,112,112,112,112,112,-994,112,112,-91,-92,112,112,112,112,-309,-310,-320,112,-307,-293,-294,-295,112,112,112,112,-618,-633,-590,112,112,-436,112,-437,112,-444,-445,-446,-378,-379,112,112,112,-506,112,112,-510,112,112,112,112,-515,-516,-517,-518,112,112,-521,-522,112,-524,-525,-526,-527,-528,-529,-530,-531,112,-533,112,112,112,-539,-541,-542,112,-544,-545,-546,-547,112,112,112,112,112,112,-652,-653,-654,-655,112,-657,-658,-659,112,112,112,-665,112,112,-669,-670,112,112,-673,112,-675,-676,112,-679,112,-681,112,112,-684,-685,-686,112,-688,112,112,-691,112,112,-694,-695,-696,112,-698,-699,-700,-701,112,112,-746,112,-749,-750,-751,-752,-753,112,-755,-756,-757,-758,-759,112,-766,-767,-769,112,-771,-772,-773,-782,-856,-858,-860,-862,112,112,112,112,-868,112,-870,112,112,112,112,112,112,112,-906,-907,112,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,112,-921,-924,112,-934,112,-385,-386,-387,112,112,-390,-391,-392,-393,112,-396,112,-399,-400,112,-401,112,-406,-407,112,-410,-411,-412,112,-415,112,-416,112,-421,-422,112,-425,112,-428,-429,-1894,-1894,112,-619,-620,-621,-622,-623,-634,-584,-624,-797,112,112,112,112,112,-831,112,112,-806,112,-832,112,112,112,112,-798,112,-853,-799,112,112,112,112,112,112,-854,-855,112,-834,-830,-835,112,-625,112,-626,-627,-628,-629,-574,112,112,-630,-631,-632,112,112,112,112,112,112,-635,-636,-637,-592,-1894,-602,112,-638,-639,-713,-640,-604,112,-572,-577,-580,-583,112,112,112,-598,-601,112,-608,112,112,112,112,112,112,112,112,112,112,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,112,112,112,-995,112,112,112,112,112,112,-306,-325,-319,-296,-375,-452,-453,-454,-458,112,-443,112,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,112,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,112,112,112,112,112,112,112,112,112,-316,-535,-508,-591,-937,-939,-940,-438,112,-440,-380,-381,-383,-507,-509,-511,112,-513,-514,-519,-520,112,-532,-534,-537,-538,-543,-548,-726,112,-727,112,-732,112,-734,112,-739,-656,-660,-661,112,-666,112,-667,112,-672,-674,112,-677,112,112,112,-687,-689,112,-692,112,112,-744,112,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,112,112,112,112,112,-877,112,-880,-908,-920,-925,-388,-389,112,-394,112,-397,112,-402,112,-403,112,-408,112,-413,112,-417,112,-418,112,-423,112,-426,-899,-900,-643,-585,-1894,-901,112,112,112,-800,112,112,-804,112,-807,-833,112,-818,112,-820,112,-822,-808,112,-824,112,-851,-852,112,112,-811,112,-646,-902,-904,-648,-649,-645,112,-705,-706,112,-642,-903,-647,-650,-603,-714,112,112,-605,-586,112,112,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,112,112,-709,-710,112,-716,112,112,112,112,112,112,-938,112,-439,-441,-747,112,-891,112,-715,-1894,112,112,112,112,112,-442,-512,-523,112,-728,-733,112,-735,112,-740,112,-662,-668,112,-678,-680,-682,-683,-690,-693,-697,-745,112,112,-874,112,112,-878,112,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,112,-812,112,-814,-801,112,-802,-805,112,-816,-819,-821,-823,-825,112,-826,112,-809,112,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,112,-282,112,112,112,112,-455,112,112,-729,112,-736,112,-741,112,-663,-671,112,112,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,112,-836,-53,112,112,-730,112,-737,112,-742,-664,112,-873,-54,112,112,-731,-738,-743,112,112,112,-872,]),'CALL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[113,113,113,113,-1894,113,113,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,113,113,113,113,-275,-276,113,-1425,113,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,113,113,113,-490,113,113,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,113,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,113,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,113,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,113,-172,-173,-174,-175,-993,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-290,-291,-281,113,113,113,113,113,-328,-318,-332,-333,-334,113,113,-982,-983,-984,-985,-986,-987,-988,113,113,113,113,113,113,113,113,113,113,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,113,113,113,-353,-356,113,-323,-324,-141,113,-142,113,-143,113,-430,-935,-936,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-1894,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-1894,113,-1894,113,113,113,113,113,113,113,113,113,113,113,113,-1894,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,113,-1894,113,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,113,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,113,113,113,-191,-192,113,-994,113,113,113,113,113,-277,-278,-279,-280,-365,113,-308,113,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,113,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,113,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,113,113,113,113,113,113,-573,113,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,113,113,-723,-724,-725,113,113,113,113,113,113,-994,113,113,-91,-92,113,113,113,113,-309,-310,-320,113,-307,-293,-294,-295,113,113,113,113,-618,-633,-590,113,113,-436,113,-437,113,-444,-445,-446,-378,-379,113,113,113,-506,113,113,-510,113,113,113,113,-515,-516,-517,-518,113,113,-521,-522,113,-524,-525,-526,-527,-528,-529,-530,-531,113,-533,113,113,113,-539,-541,-542,113,-544,-545,-546,-547,113,113,113,113,113,113,-652,-653,-654,-655,113,-657,-658,-659,113,113,113,-665,113,113,-669,-670,113,113,-673,113,-675,-676,113,-679,113,-681,113,113,-684,-685,-686,113,-688,113,113,-691,113,113,-694,-695,-696,113,-698,-699,-700,-701,113,113,-746,113,-749,-750,-751,-752,-753,113,-755,-756,-757,-758,-759,113,-766,-767,-769,113,-771,-772,-773,-782,-856,-858,-860,-862,113,113,113,113,-868,113,-870,113,113,113,113,113,113,113,-906,-907,113,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,113,-921,-924,113,-934,113,-385,-386,-387,113,113,-390,-391,-392,-393,113,-396,113,-399,-400,113,-401,113,-406,-407,113,-410,-411,-412,113,-415,113,-416,113,-421,-422,113,-425,113,-428,-429,-1894,-1894,113,-619,-620,-621,-622,-623,-634,-584,-624,-797,113,113,113,113,113,-831,113,113,-806,113,-832,113,113,113,113,-798,113,-853,-799,113,113,113,113,113,113,-854,-855,113,-834,-830,-835,113,-625,113,-626,-627,-628,-629,-574,113,113,-630,-631,-632,113,113,113,113,113,113,-635,-636,-637,-592,-1894,-602,113,-638,-639,-713,-640,-604,113,-572,-577,-580,-583,113,113,113,-598,-601,113,-608,113,113,113,113,113,113,113,113,113,113,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,113,113,113,-995,113,113,113,113,113,113,-306,-325,-319,-296,-375,-452,-453,-454,-458,113,-443,113,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,113,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,113,113,113,113,113,113,113,113,113,-316,-535,-508,-591,-937,-939,-940,-438,113,-440,-380,-381,-383,-507,-509,-511,113,-513,-514,-519,-520,113,-532,-534,-537,-538,-543,-548,-726,113,-727,113,-732,113,-734,113,-739,-656,-660,-661,113,-666,113,-667,113,-672,-674,113,-677,113,113,113,-687,-689,113,-692,113,113,-744,113,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,113,113,113,113,113,-877,113,-880,-908,-920,-925,-388,-389,113,-394,113,-397,113,-402,113,-403,113,-408,113,-413,113,-417,113,-418,113,-423,113,-426,-899,-900,-643,-585,-1894,-901,113,113,113,-800,113,113,-804,113,-807,-833,113,-818,113,-820,113,-822,-808,113,-824,113,-851,-852,113,113,-811,113,-646,-902,-904,-648,-649,-645,113,-705,-706,113,-642,-903,-647,-650,-603,-714,113,113,-605,-586,113,113,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,113,113,-709,-710,113,-716,113,113,113,113,113,113,-938,113,-439,-441,-747,113,-891,113,-715,-1894,113,113,113,113,113,-442,-512,-523,113,-728,-733,113,-735,113,-740,113,-662,-668,113,-678,-680,-682,-683,-690,-693,-697,-745,113,113,-874,113,113,-878,113,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,113,-812,113,-814,-801,113,-802,-805,113,-816,-819,-821,-823,-825,113,-826,113,-809,113,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,113,-282,113,113,113,113,-455,113,113,-729,113,-736,113,-741,113,-663,-671,113,113,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,113,-836,-53,113,113,-730,113,-737,113,-742,-664,113,-873,-54,113,113,-731,-738,-743,113,113,113,-872,]),'CANCEL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[114,114,114,114,-1894,114,114,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,114,114,114,114,-275,-276,114,-1425,114,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,114,114,114,-490,114,114,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,114,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,114,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,114,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,114,-172,-173,-174,-175,-993,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-290,-291,-281,114,114,114,114,114,-328,-318,-332,-333,-334,114,114,-982,-983,-984,-985,-986,-987,-988,114,114,114,114,114,114,114,114,114,114,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,114,114,114,-353,-356,114,-323,-324,-141,114,-142,114,-143,114,-430,-935,-936,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-1894,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-1894,114,-1894,114,114,114,114,114,114,114,114,114,114,114,114,-1894,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,114,-1894,114,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,114,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,114,114,114,-191,-192,114,-994,114,114,114,114,114,-277,-278,-279,-280,-365,114,-308,114,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,114,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,114,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,114,114,114,114,114,114,-573,114,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,114,114,-723,-724,-725,114,114,114,114,114,114,-994,114,114,-91,-92,114,114,114,114,-309,-310,-320,114,-307,-293,-294,-295,114,114,114,114,-618,-633,-590,114,114,-436,114,-437,114,-444,-445,-446,-378,-379,114,114,114,-506,114,114,-510,114,114,114,114,-515,-516,-517,-518,114,114,-521,-522,114,-524,-525,-526,-527,-528,-529,-530,-531,114,-533,114,114,114,-539,-541,-542,114,-544,-545,-546,-547,114,114,114,114,114,114,-652,-653,-654,-655,114,-657,-658,-659,114,114,114,-665,114,114,-669,-670,114,114,-673,114,-675,-676,114,-679,114,-681,114,114,-684,-685,-686,114,-688,114,114,-691,114,114,-694,-695,-696,114,-698,-699,-700,-701,114,114,-746,114,-749,-750,-751,-752,-753,114,-755,-756,-757,-758,-759,114,-766,-767,-769,114,-771,-772,-773,-782,-856,-858,-860,-862,114,114,114,114,-868,114,-870,114,114,114,114,114,114,114,-906,-907,114,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,114,-921,-924,114,-934,114,-385,-386,-387,114,114,-390,-391,-392,-393,114,-396,114,-399,-400,114,-401,114,-406,-407,114,-410,-411,-412,114,-415,114,-416,114,-421,-422,114,-425,114,-428,-429,-1894,-1894,114,-619,-620,-621,-622,-623,-634,-584,-624,-797,114,114,114,114,114,-831,114,114,-806,114,-832,114,114,114,114,-798,114,-853,-799,114,114,114,114,114,114,-854,-855,114,-834,-830,-835,114,-625,114,-626,-627,-628,-629,-574,114,114,-630,-631,-632,114,114,114,114,114,114,-635,-636,-637,-592,-1894,-602,114,-638,-639,-713,-640,-604,114,-572,-577,-580,-583,114,114,114,-598,-601,114,-608,114,114,114,114,114,114,114,114,114,114,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,114,114,114,-995,114,114,114,114,114,114,-306,-325,-319,-296,-375,-452,-453,-454,-458,114,-443,114,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,114,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,114,114,114,114,114,114,114,114,114,-316,-535,-508,-591,-937,-939,-940,-438,114,-440,-380,-381,-383,-507,-509,-511,114,-513,-514,-519,-520,114,-532,-534,-537,-538,-543,-548,-726,114,-727,114,-732,114,-734,114,-739,-656,-660,-661,114,-666,114,-667,114,-672,-674,114,-677,114,114,114,-687,-689,114,-692,114,114,-744,114,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,114,114,114,114,114,-877,114,-880,-908,-920,-925,-388,-389,114,-394,114,-397,114,-402,114,-403,114,-408,114,-413,114,-417,114,-418,114,-423,114,-426,-899,-900,-643,-585,-1894,-901,114,114,114,-800,114,114,-804,114,-807,-833,114,-818,114,-820,114,-822,-808,114,-824,114,-851,-852,114,114,-811,114,-646,-902,-904,-648,-649,-645,114,-705,-706,114,-642,-903,-647,-650,-603,-714,114,114,-605,-586,114,114,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,114,114,-709,-710,114,-716,114,114,114,114,114,114,-938,114,-439,-441,-747,114,-891,114,-715,-1894,114,114,114,114,114,-442,-512,-523,114,-728,-733,114,-735,114,-740,114,-662,-668,114,-678,-680,-682,-683,-690,-693,-697,-745,114,114,-874,114,114,-878,114,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,114,-812,114,-814,-801,114,-802,-805,114,-816,-819,-821,-823,-825,114,-826,114,-809,114,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,114,-282,114,114,114,114,-455,114,114,-729,114,-736,114,-741,114,-663,-671,114,114,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,114,-836,-53,114,114,-730,114,-737,114,-742,-664,114,-873,-54,114,114,-731,-738,-743,114,114,114,-872,]),'CAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[115,115,115,999,-1894,115,115,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,115,115,115,115,-275,-276,999,-1425,999,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,999,999,999,-490,999,999,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,999,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,999,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1841,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,115,-172,-173,-174,-175,-993,115,115,115,115,115,115,115,115,115,115,999,999,999,999,999,-290,-291,-281,115,999,999,999,999,-328,-318,-332,-333,-334,999,999,-982,-983,-984,-985,-986,-987,-988,115,115,999,999,999,999,999,999,999,999,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,999,999,999,-353,-356,115,-323,-324,-141,999,-142,999,-143,999,-430,-935,-936,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,-1894,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,-1894,999,-1894,999,999,999,999,999,999,999,999,999,999,999,999,-1894,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,999,-1894,115,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,999,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,999,115,115,-191,-192,115,-994,999,115,115,115,115,-277,-278,-279,-280,-365,999,-308,999,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,999,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,999,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,999,999,999,999,999,999,-573,999,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,999,999,-723,-724,-725,999,1841,115,115,115,115,-994,115,999,-91,-92,115,115,115,999,-309,-310,-320,999,-307,-293,-294,-295,999,115,999,999,-618,-633,-590,999,115,-436,115,-437,999,-444,-445,-446,-378,-379,999,999,999,-506,999,999,-510,999,999,999,999,-515,-516,-517,-518,999,999,-521,-522,999,-524,-525,-526,-527,-528,-529,-530,-531,999,-533,999,999,999,-539,-541,-542,999,-544,-545,-546,-547,999,999,999,999,999,999,-652,-653,-654,-655,115,-657,-658,-659,999,999,999,-665,999,999,-669,-670,999,999,-673,999,-675,-676,999,-679,999,-681,999,999,-684,-685,-686,999,-688,999,999,-691,999,999,-694,-695,-696,999,-698,-699,-700,-701,999,999,-746,999,-749,-750,-751,-752,-753,999,-755,-756,-757,-758,-759,999,-766,-767,-769,999,-771,-772,-773,-782,-856,-858,-860,-862,999,999,999,999,-868,999,-870,999,999,999,999,999,999,999,-906,-907,999,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,999,-921,-924,999,-934,999,-385,-386,-387,999,999,-390,-391,-392,-393,999,-396,999,-399,-400,999,-401,999,-406,-407,999,-410,-411,-412,999,-415,999,-416,999,-421,-422,999,-425,999,-428,-429,-1894,-1894,999,-619,-620,-621,-622,-623,-634,-584,-624,-797,999,999,999,999,999,-831,999,999,-806,999,-832,999,999,999,999,-798,999,-853,-799,999,999,999,999,999,999,-854,-855,999,-834,-830,-835,999,-625,999,-626,-627,-628,-629,-574,999,999,-630,-631,-632,999,999,999,999,999,999,-635,-636,-637,-592,-1894,-602,999,-638,-639,-713,-640,-604,999,-572,-577,-580,-583,999,999,999,-598,-601,999,-608,999,999,999,999,999,999,999,999,999,999,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,999,115,115,-995,115,999,115,115,115,999,-306,-325,-319,-296,-375,-452,-453,-454,-458,115,-443,999,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,999,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,115,115,115,115,115,115,115,115,999,-316,-535,-508,-591,-937,-939,-940,-438,999,-440,-380,-381,-383,-507,-509,-511,999,-513,-514,-519,-520,999,-532,-534,-537,-538,-543,-548,-726,999,-727,999,-732,999,-734,999,-739,-656,-660,-661,999,-666,999,-667,999,-672,-674,999,-677,999,999,999,-687,-689,999,-692,999,999,-744,999,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,999,999,999,999,999,-877,999,-880,-908,-920,-925,-388,-389,999,-394,999,-397,999,-402,999,-403,999,-408,999,-413,999,-417,999,-418,999,-423,999,-426,-899,-900,-643,-585,-1894,-901,999,999,999,-800,999,999,-804,999,-807,-833,999,-818,999,-820,999,-822,-808,999,-824,999,-851,-852,999,999,-811,999,-646,-902,-904,-648,-649,-645,999,-705,-706,999,-642,-903,-647,-650,-603,-714,999,999,-605,-586,999,999,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,999,999,-709,-710,999,-716,999,115,115,115,999,999,-938,115,-439,-441,-747,999,-891,1841,-715,-1894,999,999,115,115,999,-442,-512,-523,999,-728,-733,999,-735,999,-740,999,-662,-668,999,-678,-680,-682,-683,-690,-693,-697,-745,999,999,-874,999,999,-878,999,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,999,-812,999,-814,-801,999,-802,-805,999,-816,-819,-821,-823,-825,999,-826,999,-809,999,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,115,-282,115,999,115,999,-455,999,999,-729,999,-736,999,-741,999,-663,-671,999,999,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,999,-836,-53,115,999,-730,999,-737,999,-742,-664,999,-873,-54,115,115,-731,-738,-743,999,115,999,-872,]),'CASCADED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[116,116,116,116,-1894,116,116,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,116,116,116,116,-275,-276,116,-1425,116,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,116,116,116,-490,116,116,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,116,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,116,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,116,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,116,-172,-173,-174,-175,-993,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-290,-291,-281,116,116,116,116,116,-328,-318,-332,-333,-334,116,116,-982,-983,-984,-985,-986,-987,-988,116,116,116,116,116,116,116,116,116,116,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,116,116,116,-353,-356,116,-323,-324,-141,116,-142,116,-143,116,-430,-935,-936,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-1894,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-1894,116,-1894,116,116,116,116,116,116,116,116,116,116,116,116,-1894,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,116,-1894,116,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,116,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,116,116,116,-191,-192,116,-994,116,116,116,116,116,-277,-278,-279,-280,-365,116,-308,116,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,116,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,116,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,116,116,116,116,116,116,-573,116,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,116,116,-723,-724,-725,116,116,116,116,116,116,-994,116,116,-91,-92,116,116,116,116,-309,-310,-320,116,-307,-293,-294,-295,116,116,116,116,-618,-633,-590,116,116,-436,116,-437,116,-444,-445,-446,-378,-379,116,116,116,-506,116,116,-510,116,116,116,116,-515,-516,-517,-518,116,116,-521,-522,116,-524,-525,-526,-527,-528,-529,-530,-531,116,-533,116,116,116,-539,-541,-542,116,-544,-545,-546,-547,116,116,116,116,116,116,-652,-653,-654,-655,116,-657,-658,-659,116,116,116,-665,116,116,-669,-670,116,116,-673,116,-675,-676,116,-679,116,-681,116,116,-684,-685,-686,116,-688,116,116,-691,116,116,-694,-695,-696,116,-698,-699,-700,-701,116,116,-746,116,-749,-750,-751,-752,-753,116,-755,-756,-757,-758,-759,116,-766,-767,-769,116,-771,-772,-773,-782,-856,-858,-860,-862,116,116,116,116,-868,116,-870,116,116,116,116,116,116,116,-906,-907,116,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,116,-921,-924,116,-934,116,-385,-386,-387,116,116,-390,-391,-392,-393,116,-396,116,-399,-400,116,-401,116,-406,-407,116,-410,-411,-412,116,-415,116,-416,116,-421,-422,116,-425,116,-428,-429,-1894,-1894,116,-619,-620,-621,-622,-623,-634,-584,-624,-797,116,116,116,116,116,-831,116,116,-806,116,-832,116,116,116,116,-798,116,-853,-799,116,116,116,116,116,116,-854,-855,116,-834,-830,-835,116,-625,116,-626,-627,-628,-629,-574,116,116,-630,-631,-632,116,116,116,116,116,116,-635,-636,-637,-592,-1894,-602,116,-638,-639,-713,-640,-604,116,-572,-577,-580,-583,116,116,116,-598,-601,116,-608,116,116,116,116,116,116,116,116,116,116,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,116,116,116,-995,116,116,116,116,116,116,-306,-325,-319,-296,-375,-452,-453,-454,-458,116,-443,116,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,116,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,116,116,116,116,116,116,116,116,116,-316,-535,-508,-591,-937,-939,-940,-438,116,-440,-380,-381,-383,-507,-509,-511,116,-513,-514,-519,-520,116,-532,-534,-537,-538,-543,-548,-726,116,-727,116,-732,116,-734,116,-739,-656,-660,-661,116,-666,116,-667,116,-672,-674,116,-677,116,116,116,-687,-689,116,-692,116,116,-744,116,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,116,116,116,116,116,-877,116,-880,-908,-920,-925,-388,-389,116,-394,116,-397,116,-402,116,-403,116,-408,116,-413,116,-417,116,-418,116,-423,116,-426,-899,-900,-643,-585,-1894,-901,116,116,116,-800,116,116,-804,116,-807,-833,116,-818,116,-820,116,-822,-808,116,-824,116,-851,-852,116,116,-811,116,-646,-902,-904,-648,-649,-645,116,-705,-706,116,-642,-903,-647,-650,-603,-714,116,116,-605,-586,116,116,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,116,116,-709,-710,116,-716,116,116,116,116,116,116,-938,116,-439,-441,-747,116,-891,116,-715,-1894,116,116,116,116,116,-442,-512,-523,116,-728,-733,116,-735,116,-740,116,-662,-668,116,-678,-680,-682,-683,-690,-693,-697,-745,116,116,-874,116,116,-878,116,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,116,-812,116,-814,-801,116,-802,-805,116,-816,-819,-821,-823,-825,116,-826,116,-809,116,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,116,-282,116,116,116,116,-455,116,116,-729,116,-736,116,-741,116,-663,-671,116,116,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,116,-836,-53,116,116,-730,116,-737,116,-742,-664,116,-873,-54,116,116,-731,-738,-743,116,116,116,-872,]),'CATALOG_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[117,117,117,117,-1894,117,117,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,117,117,117,117,-275,-276,117,-1425,117,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,117,117,117,-490,117,117,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,117,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,117,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,117,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,117,-172,-173,-174,-175,-993,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-290,-291,-281,117,117,117,117,117,-328,-318,-332,-333,-334,117,117,-982,-983,-984,-985,-986,-987,-988,117,117,117,117,117,117,117,117,117,117,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,117,117,117,-353,-356,117,-323,-324,-141,117,-142,117,-143,117,-430,-935,-936,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-1894,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-1894,117,-1894,117,117,117,117,117,117,117,117,117,117,117,117,-1894,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,117,-1894,117,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,117,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,117,117,117,-191,-192,117,-994,117,117,117,117,117,-277,-278,-279,-280,-365,117,-308,117,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,117,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,117,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,117,117,117,117,117,117,-573,117,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,117,117,-723,-724,-725,117,117,117,117,117,117,-994,117,117,-91,-92,117,117,117,117,-309,-310,-320,117,-307,-293,-294,-295,117,117,117,117,-618,-633,-590,117,117,-436,117,-437,117,-444,-445,-446,-378,-379,117,117,117,-506,117,117,-510,117,117,117,117,-515,-516,-517,-518,117,117,-521,-522,117,-524,-525,-526,-527,-528,-529,-530,-531,117,-533,117,117,117,-539,-541,-542,117,-544,-545,-546,-547,117,117,117,117,117,117,-652,-653,-654,-655,117,-657,-658,-659,117,117,117,-665,117,117,-669,-670,117,117,-673,117,-675,-676,117,-679,117,-681,117,117,-684,-685,-686,117,-688,117,117,-691,117,117,-694,-695,-696,117,-698,-699,-700,-701,117,117,-746,117,-749,-750,-751,-752,-753,117,-755,-756,-757,-758,-759,117,-766,-767,-769,117,-771,-772,-773,-782,-856,-858,-860,-862,117,117,117,117,-868,117,-870,117,117,117,117,117,117,117,-906,-907,117,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,117,-921,-924,117,-934,117,-385,-386,-387,117,117,-390,-391,-392,-393,117,-396,117,-399,-400,117,-401,117,-406,-407,117,-410,-411,-412,117,-415,117,-416,117,-421,-422,117,-425,117,-428,-429,-1894,-1894,117,-619,-620,-621,-622,-623,-634,-584,-624,-797,117,117,117,117,117,-831,117,117,-806,117,-832,117,117,117,117,-798,117,-853,-799,117,117,117,117,117,117,-854,-855,117,-834,-830,-835,117,-625,117,-626,-627,-628,-629,-574,117,117,-630,-631,-632,117,117,117,117,117,117,-635,-636,-637,-592,-1894,-602,117,-638,-639,-713,-640,-604,117,-572,-577,-580,-583,117,117,117,-598,-601,117,-608,117,117,117,117,117,117,117,117,117,117,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,117,117,117,-995,117,117,117,117,117,117,-306,-325,-319,-296,-375,-452,-453,-454,-458,117,-443,117,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,117,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,117,117,117,117,117,117,117,117,117,-316,-535,-508,-591,-937,-939,-940,-438,117,-440,-380,-381,-383,-507,-509,-511,117,-513,-514,-519,-520,117,-532,-534,-537,-538,-543,-548,-726,117,-727,117,-732,117,-734,117,-739,-656,-660,-661,117,-666,117,-667,117,-672,-674,117,-677,117,117,117,-687,-689,117,-692,117,117,-744,117,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,117,117,117,117,117,-877,117,-880,-908,-920,-925,-388,-389,117,-394,117,-397,117,-402,117,-403,117,-408,117,-413,117,-417,117,-418,117,-423,117,-426,-899,-900,-643,-585,-1894,-901,117,117,117,-800,117,117,-804,117,-807,-833,117,-818,117,-820,117,-822,-808,117,-824,117,-851,-852,117,117,-811,117,-646,-902,-904,-648,-649,-645,117,-705,-706,117,-642,-903,-647,-650,-603,-714,117,117,-605,-586,117,117,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,117,117,-709,-710,117,-716,117,117,117,117,117,117,-938,117,-439,-441,-747,117,-891,117,-715,-1894,117,117,117,117,117,-442,-512,-523,117,-728,-733,117,-735,117,-740,117,-662,-668,117,-678,-680,-682,-683,-690,-693,-697,-745,117,117,-874,117,117,-878,117,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,117,-812,117,-814,-801,117,-802,-805,117,-816,-819,-821,-823,-825,117,-826,117,-809,117,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,117,-282,117,117,117,117,-455,117,117,-729,117,-736,117,-741,117,-663,-671,117,117,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,117,-836,-53,117,117,-730,117,-737,117,-742,-664,117,-873,-54,117,117,-731,-738,-743,117,117,117,-872,]),'CEIL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[118,118,118,1053,-1894,118,118,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,118,118,118,118,-275,-276,1053,-1425,1053,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1053,1053,1053,-490,1053,1053,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1053,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1053,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1842,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,118,-172,-173,-174,-175,-993,118,118,118,118,118,118,118,118,118,118,1053,1053,1053,1053,1053,-290,-291,-281,118,1053,1053,1053,1053,-328,-318,-332,-333,-334,1053,1053,-982,-983,-984,-985,-986,-987,-988,118,118,1053,1053,1053,1053,1053,1053,1053,1053,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1053,1053,1053,-353,-356,118,-323,-324,-141,1053,-142,1053,-143,1053,-430,-935,-936,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1894,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1894,1053,-1894,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1894,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-1894,118,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1053,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1053,118,118,-191,-192,118,-994,1053,118,118,118,118,-277,-278,-279,-280,-365,1053,-308,1053,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1053,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1053,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1053,1053,1053,1053,1053,1053,-573,1053,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1053,1053,-723,-724,-725,1053,1842,118,118,118,118,-994,118,1053,-91,-92,118,118,118,1053,-309,-310,-320,1053,-307,-293,-294,-295,1053,118,1053,1053,-618,-633,-590,1053,118,-436,118,-437,1053,-444,-445,-446,-378,-379,1053,1053,1053,-506,1053,1053,-510,1053,1053,1053,1053,-515,-516,-517,-518,1053,1053,-521,-522,1053,-524,-525,-526,-527,-528,-529,-530,-531,1053,-533,1053,1053,1053,-539,-541,-542,1053,-544,-545,-546,-547,1053,1053,1053,1053,1053,1053,-652,-653,-654,-655,118,-657,-658,-659,1053,1053,1053,-665,1053,1053,-669,-670,1053,1053,-673,1053,-675,-676,1053,-679,1053,-681,1053,1053,-684,-685,-686,1053,-688,1053,1053,-691,1053,1053,-694,-695,-696,1053,-698,-699,-700,-701,1053,1053,-746,1053,-749,-750,-751,-752,-753,1053,-755,-756,-757,-758,-759,1053,-766,-767,-769,1053,-771,-772,-773,-782,-856,-858,-860,-862,1053,1053,1053,1053,-868,1053,-870,1053,1053,1053,1053,1053,1053,1053,-906,-907,1053,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1053,-921,-924,1053,-934,1053,-385,-386,-387,1053,1053,-390,-391,-392,-393,1053,-396,1053,-399,-400,1053,-401,1053,-406,-407,1053,-410,-411,-412,1053,-415,1053,-416,1053,-421,-422,1053,-425,1053,-428,-429,-1894,-1894,1053,-619,-620,-621,-622,-623,-634,-584,-624,-797,1053,1053,1053,1053,1053,-831,1053,1053,-806,1053,-832,1053,1053,1053,1053,-798,1053,-853,-799,1053,1053,1053,1053,1053,1053,-854,-855,1053,-834,-830,-835,1053,-625,1053,-626,-627,-628,-629,-574,1053,1053,-630,-631,-632,1053,1053,1053,1053,1053,1053,-635,-636,-637,-592,-1894,-602,1053,-638,-639,-713,-640,-604,1053,-572,-577,-580,-583,1053,1053,1053,-598,-601,1053,-608,1053,1053,1053,1053,1053,1053,1053,1053,1053,1053,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1053,118,118,-995,118,1053,118,118,118,1053,-306,-325,-319,-296,-375,-452,-453,-454,-458,118,-443,1053,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1053,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,118,118,118,118,118,118,118,118,1053,-316,-535,-508,-591,-937,-939,-940,-438,1053,-440,-380,-381,-383,-507,-509,-511,1053,-513,-514,-519,-520,1053,-532,-534,-537,-538,-543,-548,-726,1053,-727,1053,-732,1053,-734,1053,-739,-656,-660,-661,1053,-666,1053,-667,1053,-672,-674,1053,-677,1053,1053,1053,-687,-689,1053,-692,1053,1053,-744,1053,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1053,1053,1053,1053,1053,-877,1053,-880,-908,-920,-925,-388,-389,1053,-394,1053,-397,1053,-402,1053,-403,1053,-408,1053,-413,1053,-417,1053,-418,1053,-423,1053,-426,-899,-900,-643,-585,-1894,-901,1053,1053,1053,-800,1053,1053,-804,1053,-807,-833,1053,-818,1053,-820,1053,-822,-808,1053,-824,1053,-851,-852,1053,1053,-811,1053,-646,-902,-904,-648,-649,-645,1053,-705,-706,1053,-642,-903,-647,-650,-603,-714,1053,1053,-605,-586,1053,1053,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1053,1053,-709,-710,1053,-716,1053,118,118,118,1053,1053,-938,118,-439,-441,-747,1053,-891,1842,-715,-1894,1053,1053,118,118,1053,-442,-512,-523,1053,-728,-733,1053,-735,1053,-740,1053,-662,-668,1053,-678,-680,-682,-683,-690,-693,-697,-745,1053,1053,-874,1053,1053,-878,1053,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1053,-812,1053,-814,-801,1053,-802,-805,1053,-816,-819,-821,-823,-825,1053,-826,1053,-809,1053,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,118,-282,118,1053,118,1053,-455,1053,1053,-729,1053,-736,1053,-741,1053,-663,-671,1053,1053,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1053,-836,-53,118,1053,-730,1053,-737,1053,-742,-664,1053,-873,-54,118,118,-731,-738,-743,1053,118,1053,-872,]),'CEILING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[119,119,119,1054,-1894,119,119,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,119,119,119,119,-275,-276,1054,-1425,1054,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1054,1054,1054,-490,1054,1054,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1054,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1054,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1843,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,119,-172,-173,-174,-175,-993,119,119,119,119,119,119,119,119,119,119,1054,1054,1054,1054,1054,-290,-291,-281,119,1054,1054,1054,1054,-328,-318,-332,-333,-334,1054,1054,-982,-983,-984,-985,-986,-987,-988,119,119,1054,1054,1054,1054,1054,1054,1054,1054,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1054,1054,1054,-353,-356,119,-323,-324,-141,1054,-142,1054,-143,1054,-430,-935,-936,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1894,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1894,1054,-1894,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1894,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-1894,119,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1054,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1054,119,119,-191,-192,119,-994,1054,119,119,119,119,-277,-278,-279,-280,-365,1054,-308,1054,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1054,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1054,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1054,1054,1054,1054,1054,1054,-573,1054,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1054,1054,-723,-724,-725,1054,1843,119,119,119,119,-994,119,1054,-91,-92,119,119,119,1054,-309,-310,-320,1054,-307,-293,-294,-295,1054,119,1054,1054,-618,-633,-590,1054,119,-436,119,-437,1054,-444,-445,-446,-378,-379,1054,1054,1054,-506,1054,1054,-510,1054,1054,1054,1054,-515,-516,-517,-518,1054,1054,-521,-522,1054,-524,-525,-526,-527,-528,-529,-530,-531,1054,-533,1054,1054,1054,-539,-541,-542,1054,-544,-545,-546,-547,1054,1054,1054,1054,1054,1054,-652,-653,-654,-655,119,-657,-658,-659,1054,1054,1054,-665,1054,1054,-669,-670,1054,1054,-673,1054,-675,-676,1054,-679,1054,-681,1054,1054,-684,-685,-686,1054,-688,1054,1054,-691,1054,1054,-694,-695,-696,1054,-698,-699,-700,-701,1054,1054,-746,1054,-749,-750,-751,-752,-753,1054,-755,-756,-757,-758,-759,1054,-766,-767,-769,1054,-771,-772,-773,-782,-856,-858,-860,-862,1054,1054,1054,1054,-868,1054,-870,1054,1054,1054,1054,1054,1054,1054,-906,-907,1054,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1054,-921,-924,1054,-934,1054,-385,-386,-387,1054,1054,-390,-391,-392,-393,1054,-396,1054,-399,-400,1054,-401,1054,-406,-407,1054,-410,-411,-412,1054,-415,1054,-416,1054,-421,-422,1054,-425,1054,-428,-429,-1894,-1894,1054,-619,-620,-621,-622,-623,-634,-584,-624,-797,1054,1054,1054,1054,1054,-831,1054,1054,-806,1054,-832,1054,1054,1054,1054,-798,1054,-853,-799,1054,1054,1054,1054,1054,1054,-854,-855,1054,-834,-830,-835,1054,-625,1054,-626,-627,-628,-629,-574,1054,1054,-630,-631,-632,1054,1054,1054,1054,1054,1054,-635,-636,-637,-592,-1894,-602,1054,-638,-639,-713,-640,-604,1054,-572,-577,-580,-583,1054,1054,1054,-598,-601,1054,-608,1054,1054,1054,1054,1054,1054,1054,1054,1054,1054,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1054,119,119,-995,119,1054,119,119,119,1054,-306,-325,-319,-296,-375,-452,-453,-454,-458,119,-443,1054,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1054,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,119,119,119,119,119,119,119,119,1054,-316,-535,-508,-591,-937,-939,-940,-438,1054,-440,-380,-381,-383,-507,-509,-511,1054,-513,-514,-519,-520,1054,-532,-534,-537,-538,-543,-548,-726,1054,-727,1054,-732,1054,-734,1054,-739,-656,-660,-661,1054,-666,1054,-667,1054,-672,-674,1054,-677,1054,1054,1054,-687,-689,1054,-692,1054,1054,-744,1054,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1054,1054,1054,1054,1054,-877,1054,-880,-908,-920,-925,-388,-389,1054,-394,1054,-397,1054,-402,1054,-403,1054,-408,1054,-413,1054,-417,1054,-418,1054,-423,1054,-426,-899,-900,-643,-585,-1894,-901,1054,1054,1054,-800,1054,1054,-804,1054,-807,-833,1054,-818,1054,-820,1054,-822,-808,1054,-824,1054,-851,-852,1054,1054,-811,1054,-646,-902,-904,-648,-649,-645,1054,-705,-706,1054,-642,-903,-647,-650,-603,-714,1054,1054,-605,-586,1054,1054,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1054,1054,-709,-710,1054,-716,1054,119,119,119,1054,1054,-938,119,-439,-441,-747,1054,-891,1843,-715,-1894,1054,1054,119,119,1054,-442,-512,-523,1054,-728,-733,1054,-735,1054,-740,1054,-662,-668,1054,-678,-680,-682,-683,-690,-693,-697,-745,1054,1054,-874,1054,1054,-878,1054,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1054,-812,1054,-814,-801,1054,-802,-805,1054,-816,-819,-821,-823,-825,1054,-826,1054,-809,1054,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,119,-282,119,1054,119,1054,-455,1054,1054,-729,1054,-736,1054,-741,1054,-663,-671,1054,1054,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1054,-836,-53,119,1054,-730,1054,-737,1054,-742,-664,1054,-873,-54,119,119,-731,-738,-743,1054,119,1054,-872,]),'CHAIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[120,120,120,120,-1894,120,120,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,120,120,120,120,-275,-276,120,-1425,120,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,120,120,120,-490,120,120,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,120,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,120,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,120,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,120,-172,-173,-174,-175,-993,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-290,-291,-281,120,120,120,120,120,-328,-318,-332,-333,-334,120,120,-982,-983,-984,-985,-986,-987,-988,120,120,120,120,120,120,120,120,120,120,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,120,120,120,-353,-356,120,-323,-324,-141,120,-142,120,-143,120,-430,-935,-936,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-1894,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-1894,120,-1894,120,120,120,120,120,120,120,120,120,120,120,120,-1894,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,120,-1894,120,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,120,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,120,120,120,-191,-192,120,-994,120,120,120,120,120,-277,-278,-279,-280,-365,120,-308,120,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,120,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,120,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,120,120,120,120,120,120,-573,120,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,120,120,-723,-724,-725,120,120,120,120,120,120,-994,120,120,-91,-92,120,120,120,120,-309,-310,-320,120,-307,-293,-294,-295,120,120,120,120,-618,-633,-590,120,120,-436,120,-437,120,-444,-445,-446,-378,-379,120,120,120,-506,120,120,-510,120,120,120,120,-515,-516,-517,-518,120,120,-521,-522,120,-524,-525,-526,-527,-528,-529,-530,-531,120,-533,120,120,120,-539,-541,-542,120,-544,-545,-546,-547,120,120,120,120,120,120,-652,-653,-654,-655,120,-657,-658,-659,120,120,120,-665,120,120,-669,-670,120,120,-673,120,-675,-676,120,-679,120,-681,120,120,-684,-685,-686,120,-688,120,120,-691,120,120,-694,-695,-696,120,-698,-699,-700,-701,120,120,-746,120,-749,-750,-751,-752,-753,120,-755,-756,-757,-758,-759,120,-766,-767,-769,120,-771,-772,-773,-782,-856,-858,-860,-862,120,120,120,120,-868,120,-870,120,120,120,120,120,120,120,-906,-907,120,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,120,-921,-924,120,-934,120,-385,-386,-387,120,120,-390,-391,-392,-393,120,-396,120,-399,-400,120,-401,120,-406,-407,120,-410,-411,-412,120,-415,120,-416,120,-421,-422,120,-425,120,-428,-429,-1894,-1894,120,-619,-620,-621,-622,-623,-634,-584,-624,-797,120,120,120,120,120,-831,120,120,-806,120,-832,120,120,120,120,-798,120,-853,-799,120,120,120,120,120,120,-854,-855,120,-834,-830,-835,120,-625,120,-626,-627,-628,-629,-574,120,120,-630,-631,-632,120,120,120,120,120,120,-635,-636,-637,-592,-1894,-602,120,-638,-639,-713,-640,-604,120,-572,-577,-580,-583,120,120,120,-598,-601,120,-608,120,120,120,120,120,120,120,120,120,120,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,120,120,120,-995,120,120,120,120,120,120,-306,-325,-319,-296,-375,-452,-453,-454,-458,120,-443,120,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,120,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,120,120,120,120,120,120,120,120,120,-316,-535,-508,-591,-937,-939,-940,-438,120,-440,-380,-381,-383,-507,-509,-511,120,-513,-514,-519,-520,120,-532,-534,-537,-538,-543,-548,-726,120,-727,120,-732,120,-734,120,-739,-656,-660,-661,120,-666,120,-667,120,-672,-674,120,-677,120,120,120,-687,-689,120,-692,120,120,-744,120,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,120,120,120,120,120,-877,120,-880,-908,-920,-925,-388,-389,120,-394,120,-397,120,-402,120,-403,120,-408,120,-413,120,-417,120,-418,120,-423,120,-426,-899,-900,-643,-585,-1894,-901,120,120,120,-800,120,120,-804,120,-807,-833,120,-818,120,-820,120,-822,-808,120,-824,120,-851,-852,120,120,-811,120,-646,-902,-904,-648,-649,-645,120,-705,-706,120,-642,-903,-647,-650,-603,-714,120,120,-605,-586,120,120,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,120,120,-709,-710,120,-716,120,120,120,120,120,120,-938,120,-439,-441,-747,120,-891,120,-715,-1894,120,120,120,120,120,-442,-512,-523,120,-728,-733,120,-735,120,-740,120,-662,-668,120,-678,-680,-682,-683,-690,-693,-697,-745,120,120,-874,120,120,-878,120,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,120,-812,120,-814,-801,120,-802,-805,120,-816,-819,-821,-823,-825,120,-826,120,-809,120,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,120,-282,120,120,120,120,-455,120,120,-729,120,-736,120,-741,120,-663,-671,120,120,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,120,-836,-53,120,120,-730,120,-737,120,-742,-664,120,-873,-54,120,120,-731,-738,-743,120,120,120,-872,]),'CHANGED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[121,121,121,121,-1894,121,121,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,121,121,121,121,-275,-276,121,-1425,121,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,121,121,121,-490,121,121,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,121,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,121,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,121,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,121,-172,-173,-174,-175,-993,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-290,-291,-281,121,121,121,121,121,-328,-318,-332,-333,-334,121,121,-982,-983,-984,-985,-986,-987,-988,121,121,121,121,121,121,121,121,121,121,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,121,121,121,-353,-356,121,-323,-324,-141,121,-142,121,-143,121,-430,-935,-936,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-1894,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-1894,121,-1894,121,121,121,121,121,121,121,121,121,121,121,121,-1894,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,121,-1894,121,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,121,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,121,121,121,-191,-192,121,-994,121,121,121,121,121,-277,-278,-279,-280,-365,121,-308,121,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,121,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,121,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,121,121,121,121,121,121,-573,121,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,121,121,-723,-724,-725,121,121,121,121,121,121,-994,121,121,-91,-92,121,121,121,121,-309,-310,-320,121,-307,-293,-294,-295,121,121,121,121,-618,-633,-590,121,121,-436,121,-437,121,-444,-445,-446,-378,-379,121,121,121,-506,121,121,-510,121,121,121,121,-515,-516,-517,-518,121,121,-521,-522,121,-524,-525,-526,-527,-528,-529,-530,-531,121,-533,121,121,121,-539,-541,-542,121,-544,-545,-546,-547,121,121,121,121,121,121,-652,-653,-654,-655,121,-657,-658,-659,121,121,121,-665,121,121,-669,-670,121,121,-673,121,-675,-676,121,-679,121,-681,121,121,-684,-685,-686,121,-688,121,121,-691,121,121,-694,-695,-696,121,-698,-699,-700,-701,121,121,-746,121,-749,-750,-751,-752,-753,121,-755,-756,-757,-758,-759,121,-766,-767,-769,121,-771,-772,-773,-782,-856,-858,-860,-862,121,121,121,121,-868,121,-870,121,121,121,121,121,121,121,-906,-907,121,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,121,-921,-924,121,-934,121,-385,-386,-387,121,121,-390,-391,-392,-393,121,-396,121,-399,-400,121,-401,121,-406,-407,121,-410,-411,-412,121,-415,121,-416,121,-421,-422,121,-425,121,-428,-429,-1894,-1894,121,-619,-620,-621,-622,-623,-634,-584,-624,-797,121,121,121,121,121,-831,121,121,-806,121,-832,121,121,121,121,-798,121,-853,-799,121,121,121,121,121,121,-854,-855,121,-834,-830,-835,121,-625,121,-626,-627,-628,-629,-574,121,121,-630,-631,-632,121,121,121,121,121,121,-635,-636,-637,-592,-1894,-602,121,-638,-639,-713,-640,-604,121,-572,-577,-580,-583,121,121,121,-598,-601,121,-608,121,121,121,121,121,121,121,121,121,121,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,121,121,121,-995,121,121,121,121,121,121,-306,-325,-319,-296,-375,-452,-453,-454,-458,121,-443,121,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,121,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,121,121,121,121,121,121,121,121,121,-316,-535,-508,-591,-937,-939,-940,-438,121,-440,-380,-381,-383,-507,-509,-511,121,-513,-514,-519,-520,121,-532,-534,-537,-538,-543,-548,-726,121,-727,121,-732,121,-734,121,-739,-656,-660,-661,121,-666,121,-667,121,-672,-674,121,-677,121,121,121,-687,-689,121,-692,121,121,-744,121,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,121,121,121,121,121,-877,121,-880,-908,-920,-925,-388,-389,121,-394,121,-397,121,-402,121,-403,121,-408,121,-413,121,-417,121,-418,121,-423,121,-426,-899,-900,-643,-585,-1894,-901,121,121,121,-800,121,121,-804,121,-807,-833,121,-818,121,-820,121,-822,-808,121,-824,121,-851,-852,121,121,-811,121,-646,-902,-904,-648,-649,-645,121,-705,-706,121,-642,-903,-647,-650,-603,-714,121,121,-605,-586,121,121,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,121,121,-709,-710,121,-716,121,121,121,121,121,121,-938,121,-439,-441,-747,121,-891,121,-715,-1894,121,121,121,121,121,-442,-512,-523,121,-728,-733,121,-735,121,-740,121,-662,-668,121,-678,-680,-682,-683,-690,-693,-697,-745,121,121,-874,121,121,-878,121,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,121,-812,121,-814,-801,121,-802,-805,121,-816,-819,-821,-823,-825,121,-826,121,-809,121,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,121,-282,121,121,121,121,-455,121,121,-729,121,-736,121,-741,121,-663,-671,121,121,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,121,-836,-53,121,121,-730,121,-737,121,-742,-664,121,-873,-54,121,121,-731,-738,-743,121,121,121,-872,]),'CHARACTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2900,2901,2902,2904,2907,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3582,3587,3588,3589,3590,3591,3592,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3780,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[122,122,122,122,-1894,122,122,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,122,122,122,122,-275,-276,122,-1425,122,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,122,122,122,-490,122,122,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,122,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,122,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,122,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,122,-172,-173,-174,-175,-993,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-290,-291,-281,122,122,122,122,122,-328,-318,-332,-333,-334,122,122,-982,-983,-984,-985,-986,-987,-988,122,122,122,122,122,122,122,122,122,122,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,122,122,122,-353,-356,122,-323,-324,-141,122,-142,122,-143,122,-430,-935,-936,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-1894,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-1894,122,-1894,122,122,122,122,122,122,122,122,122,122,122,122,-1894,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,122,-1894,122,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,122,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,122,122,122,-191,-192,122,-994,122,122,122,122,122,-277,-278,-279,-280,-365,122,-308,122,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,122,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,122,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,122,122,122,122,122,122,-573,122,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,122,122,-723,-724,-725,122,122,122,122,122,122,-994,122,122,-91,-92,122,122,122,122,-309,-310,-320,122,-307,-293,-294,-295,122,122,122,122,-618,-633,-590,122,2973,2973,122,-436,122,-437,122,-444,-445,-446,-378,-379,122,122,122,-506,122,122,-510,122,122,122,122,-515,-516,-517,-518,122,122,-521,-522,122,-524,-525,-526,-527,-528,-529,-530,-531,122,-533,122,122,122,-539,-541,-542,122,-544,-545,-546,-547,122,122,122,122,122,122,-652,-653,-654,-655,122,-657,-658,-659,122,122,122,-665,122,122,-669,-670,122,122,-673,122,-675,-676,122,-679,122,-681,122,122,-684,-685,-686,122,-688,122,122,-691,122,122,-694,-695,-696,122,-698,-699,-700,-701,122,122,-746,122,-749,-750,-751,-752,-753,122,-755,-756,-757,-758,-759,122,-766,-767,-769,122,-771,-772,-773,-782,-856,-858,-860,-862,122,122,122,122,-868,122,-870,122,122,122,122,122,122,122,-906,-907,122,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,122,-921,-924,122,-934,122,-385,-386,-387,122,122,-390,-391,-392,-393,122,-396,122,-399,-400,122,-401,122,-406,-407,122,-410,-411,-412,122,-415,122,-416,122,-421,-422,122,-425,122,-428,-429,-1894,-1894,122,-619,-620,-621,-622,-623,-634,-584,-624,-797,122,122,122,122,122,-831,122,122,-806,122,-832,122,122,122,122,-798,122,-853,-799,122,122,122,122,122,122,-854,-855,122,-834,-830,-835,122,-625,122,-626,-627,-628,-629,-574,122,122,-630,-631,-632,122,122,122,122,122,122,-635,-636,-637,-592,-1894,-602,122,-638,-639,-713,-640,-604,122,-572,-577,-580,-583,122,122,122,-598,-601,122,-608,122,122,122,122,122,122,122,122,122,122,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,122,122,3168,3168,3168,3168,3168,122,-995,122,122,122,122,122,122,-306,-325,-319,-296,-375,-452,-453,-454,-458,122,-443,122,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,122,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,122,122,122,122,122,122,122,122,122,-316,-535,-508,-591,-937,-939,-940,-438,122,-440,-380,-381,-383,-507,-509,-511,122,-513,-514,-519,-520,122,-532,-534,-537,-538,-543,-548,-726,122,-727,122,-732,122,-734,122,-739,-656,-660,-661,122,-666,122,-667,122,-672,-674,122,-677,122,122,122,-687,-689,122,-692,122,122,-744,122,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,122,122,122,122,122,-877,122,-880,-908,-920,-925,-388,-389,122,-394,122,-397,122,-402,122,-403,122,-408,122,-413,122,-417,122,-418,122,-423,122,-426,-899,-900,-643,-585,-1894,-901,122,122,122,-800,122,122,-804,122,-807,-833,122,-818,122,-820,122,-822,-808,122,-824,122,-851,-852,122,122,-811,122,-646,-902,-904,-648,-649,-645,122,-705,-706,122,-642,-903,-647,-650,-603,-714,122,122,-605,-586,122,122,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,122,122,-709,-710,122,-716,122,122,122,122,122,122,-938,122,-439,-441,-747,122,-891,122,-715,-1894,122,122,3168,3168,3168,3168,3168,3168,3168,122,122,122,-442,-512,-523,122,-728,-733,122,-735,122,-740,122,-662,-668,122,-678,-680,-682,-683,-690,-693,-697,-745,122,122,-874,122,122,-878,122,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,122,-812,122,-814,-801,122,-802,-805,122,-816,-819,-821,-823,-825,122,-826,122,-809,122,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,122,-282,122,122,122,122,3168,-455,122,122,-729,122,-736,122,-741,122,-663,-671,122,122,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,122,-836,-53,122,122,-730,122,-737,122,-742,-664,122,-873,-54,122,122,-731,-738,-743,122,122,122,-872,]),'CHARACTER_LENGT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[123,123,123,123,-1894,123,123,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,123,123,123,123,-275,-276,123,-1425,123,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,123,123,123,-490,123,123,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,123,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,123,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,123,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,123,-172,-173,-174,-175,-993,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-290,-291,-281,123,123,123,123,123,-328,-318,-332,-333,-334,123,123,-982,-983,-984,-985,-986,-987,-988,123,123,123,123,123,123,123,123,123,123,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,123,123,123,-353,-356,123,-323,-324,-141,123,-142,123,-143,123,-430,-935,-936,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-1894,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-1894,123,-1894,123,123,123,123,123,123,123,123,123,123,123,123,-1894,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,123,-1894,123,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,123,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,123,123,123,-191,-192,123,-994,123,123,123,123,123,-277,-278,-279,-280,-365,123,-308,123,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,123,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,123,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,123,123,123,123,123,123,-573,123,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,123,123,-723,-724,-725,123,123,123,123,123,123,-994,123,123,-91,-92,123,123,123,123,-309,-310,-320,123,-307,-293,-294,-295,123,123,123,123,-618,-633,-590,123,123,-436,123,-437,123,-444,-445,-446,-378,-379,123,123,123,-506,123,123,-510,123,123,123,123,-515,-516,-517,-518,123,123,-521,-522,123,-524,-525,-526,-527,-528,-529,-530,-531,123,-533,123,123,123,-539,-541,-542,123,-544,-545,-546,-547,123,123,123,123,123,123,-652,-653,-654,-655,123,-657,-658,-659,123,123,123,-665,123,123,-669,-670,123,123,-673,123,-675,-676,123,-679,123,-681,123,123,-684,-685,-686,123,-688,123,123,-691,123,123,-694,-695,-696,123,-698,-699,-700,-701,123,123,-746,123,-749,-750,-751,-752,-753,123,-755,-756,-757,-758,-759,123,-766,-767,-769,123,-771,-772,-773,-782,-856,-858,-860,-862,123,123,123,123,-868,123,-870,123,123,123,123,123,123,123,-906,-907,123,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,123,-921,-924,123,-934,123,-385,-386,-387,123,123,-390,-391,-392,-393,123,-396,123,-399,-400,123,-401,123,-406,-407,123,-410,-411,-412,123,-415,123,-416,123,-421,-422,123,-425,123,-428,-429,-1894,-1894,123,-619,-620,-621,-622,-623,-634,-584,-624,-797,123,123,123,123,123,-831,123,123,-806,123,-832,123,123,123,123,-798,123,-853,-799,123,123,123,123,123,123,-854,-855,123,-834,-830,-835,123,-625,123,-626,-627,-628,-629,-574,123,123,-630,-631,-632,123,123,123,123,123,123,-635,-636,-637,-592,-1894,-602,123,-638,-639,-713,-640,-604,123,-572,-577,-580,-583,123,123,123,-598,-601,123,-608,123,123,123,123,123,123,123,123,123,123,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,123,123,123,-995,123,123,123,123,123,123,-306,-325,-319,-296,-375,-452,-453,-454,-458,123,-443,123,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,123,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,123,123,123,123,123,123,123,123,123,-316,-535,-508,-591,-937,-939,-940,-438,123,-440,-380,-381,-383,-507,-509,-511,123,-513,-514,-519,-520,123,-532,-534,-537,-538,-543,-548,-726,123,-727,123,-732,123,-734,123,-739,-656,-660,-661,123,-666,123,-667,123,-672,-674,123,-677,123,123,123,-687,-689,123,-692,123,123,-744,123,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,123,123,123,123,123,-877,123,-880,-908,-920,-925,-388,-389,123,-394,123,-397,123,-402,123,-403,123,-408,123,-413,123,-417,123,-418,123,-423,123,-426,-899,-900,-643,-585,-1894,-901,123,123,123,-800,123,123,-804,123,-807,-833,123,-818,123,-820,123,-822,-808,123,-824,123,-851,-852,123,123,-811,123,-646,-902,-904,-648,-649,-645,123,-705,-706,123,-642,-903,-647,-650,-603,-714,123,123,-605,-586,123,123,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,123,123,-709,-710,123,-716,123,123,123,123,123,123,-938,123,-439,-441,-747,123,-891,123,-715,-1894,123,123,123,123,123,-442,-512,-523,123,-728,-733,123,-735,123,-740,123,-662,-668,123,-678,-680,-682,-683,-690,-693,-697,-745,123,123,-874,123,123,-878,123,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,123,-812,123,-814,-801,123,-802,-805,123,-816,-819,-821,-823,-825,123,-826,123,-809,123,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,123,-282,123,123,123,123,-455,123,123,-729,123,-736,123,-741,123,-663,-671,123,123,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,123,-836,-53,123,123,-730,123,-737,123,-742,-664,123,-873,-54,123,123,-731,-738,-743,123,123,123,-872,]),'CHARACTER_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[124,124,124,1087,-1894,124,124,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,124,124,124,124,-275,-276,1087,-1425,1087,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1087,1087,1087,-490,1087,1087,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1087,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1087,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1844,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,124,-172,-173,-174,-175,-993,124,124,124,124,124,124,124,124,124,124,1087,1087,1087,1087,1087,-290,-291,-281,124,1087,1087,1087,1087,-328,-318,-332,-333,-334,1087,1087,-982,-983,-984,-985,-986,-987,-988,124,124,1087,1087,1087,1087,1087,1087,1087,1087,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1087,1087,1087,-353,-356,124,-323,-324,-141,1087,-142,1087,-143,1087,-430,-935,-936,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1894,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1894,1087,-1894,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1894,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-1894,124,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1087,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1087,124,124,-191,-192,124,-994,1087,124,124,124,124,-277,-278,-279,-280,-365,1087,-308,1087,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1087,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1087,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1087,1087,1087,1087,1087,1087,-573,1087,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1087,1087,-723,-724,-725,1087,1844,124,124,124,124,-994,124,1087,-91,-92,124,124,124,1087,-309,-310,-320,1087,-307,-293,-294,-295,1087,124,1087,1087,-618,-633,-590,1087,124,-436,124,-437,1087,-444,-445,-446,-378,-379,1087,1087,1087,-506,1087,1087,-510,1087,1087,1087,1087,-515,-516,-517,-518,1087,1087,-521,-522,1087,-524,-525,-526,-527,-528,-529,-530,-531,1087,-533,1087,1087,1087,-539,-541,-542,1087,-544,-545,-546,-547,1087,1087,1087,1087,1087,1087,-652,-653,-654,-655,124,-657,-658,-659,1087,1087,1087,-665,1087,1087,-669,-670,1087,1087,-673,1087,-675,-676,1087,-679,1087,-681,1087,1087,-684,-685,-686,1087,-688,1087,1087,-691,1087,1087,-694,-695,-696,1087,-698,-699,-700,-701,1087,1087,-746,1087,-749,-750,-751,-752,-753,1087,-755,-756,-757,-758,-759,1087,-766,-767,-769,1087,-771,-772,-773,-782,-856,-858,-860,-862,1087,1087,1087,1087,-868,1087,-870,1087,1087,1087,1087,1087,1087,1087,-906,-907,1087,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1087,-921,-924,1087,-934,1087,-385,-386,-387,1087,1087,-390,-391,-392,-393,1087,-396,1087,-399,-400,1087,-401,1087,-406,-407,1087,-410,-411,-412,1087,-415,1087,-416,1087,-421,-422,1087,-425,1087,-428,-429,-1894,-1894,1087,-619,-620,-621,-622,-623,-634,-584,-624,-797,1087,1087,1087,1087,1087,-831,1087,1087,-806,1087,-832,1087,1087,1087,1087,-798,1087,-853,-799,1087,1087,1087,1087,1087,1087,-854,-855,1087,-834,-830,-835,1087,-625,1087,-626,-627,-628,-629,-574,1087,1087,-630,-631,-632,1087,1087,1087,1087,1087,1087,-635,-636,-637,-592,-1894,-602,1087,-638,-639,-713,-640,-604,1087,-572,-577,-580,-583,1087,1087,1087,-598,-601,1087,-608,1087,1087,1087,1087,1087,1087,1087,1087,1087,1087,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1087,124,124,-995,124,1087,124,124,124,1087,-306,-325,-319,-296,-375,-452,-453,-454,-458,124,-443,1087,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1087,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,124,124,124,124,124,124,124,124,1087,-316,-535,-508,-591,-937,-939,-940,-438,1087,-440,-380,-381,-383,-507,-509,-511,1087,-513,-514,-519,-520,1087,-532,-534,-537,-538,-543,-548,-726,1087,-727,1087,-732,1087,-734,1087,-739,-656,-660,-661,1087,-666,1087,-667,1087,-672,-674,1087,-677,1087,1087,1087,-687,-689,1087,-692,1087,1087,-744,1087,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1087,1087,1087,1087,1087,-877,1087,-880,-908,-920,-925,-388,-389,1087,-394,1087,-397,1087,-402,1087,-403,1087,-408,1087,-413,1087,-417,1087,-418,1087,-423,1087,-426,-899,-900,-643,-585,-1894,-901,1087,1087,1087,-800,1087,1087,-804,1087,-807,-833,1087,-818,1087,-820,1087,-822,-808,1087,-824,1087,-851,-852,1087,1087,-811,1087,-646,-902,-904,-648,-649,-645,1087,-705,-706,1087,-642,-903,-647,-650,-603,-714,1087,1087,-605,-586,1087,1087,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1087,1087,-709,-710,1087,-716,1087,124,124,124,1087,1087,-938,124,-439,-441,-747,1087,-891,1844,-715,-1894,1087,1087,124,124,1087,-442,-512,-523,1087,-728,-733,1087,-735,1087,-740,1087,-662,-668,1087,-678,-680,-682,-683,-690,-693,-697,-745,1087,1087,-874,1087,1087,-878,1087,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1087,-812,1087,-814,-801,1087,-802,-805,1087,-816,-819,-821,-823,-825,1087,-826,1087,-809,1087,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,124,-282,124,1087,124,1087,-455,1087,1087,-729,1087,-736,1087,-741,1087,-663,-671,1087,1087,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1087,-836,-53,124,1087,-730,1087,-737,1087,-742,-664,1087,-873,-54,124,124,-731,-738,-743,1087,124,1087,-872,]),'CHARSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3183,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[125,125,125,1159,-1894,125,125,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,125,125,125,125,-275,-276,1159,-1425,1159,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1159,1159,1159,-490,1159,1159,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1159,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1159,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1845,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,125,-172,-173,-174,-175,-993,125,125,125,125,125,125,125,125,125,125,1159,1159,1159,1159,1159,-290,-291,-281,125,1159,1159,1159,1159,-328,-318,-332,-333,-334,1159,1159,-982,-983,-984,-985,-986,-987,-988,125,125,1159,1159,1159,1159,1159,1159,1159,1159,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1159,1159,1159,-353,-356,125,-323,-324,-141,1159,-142,1159,-143,1159,-430,-935,-936,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1894,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1894,1159,-1894,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1894,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-1894,125,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1159,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1159,125,125,-191,-192,125,-994,1159,125,125,125,125,-277,-278,-279,-280,-365,1159,-308,1159,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1159,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1159,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1159,1159,1159,1159,1159,1159,-573,1159,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1159,1159,-723,-724,-725,1159,1845,125,125,125,125,-994,125,1159,-91,-92,125,125,125,1159,-309,-310,-320,1159,-307,-293,-294,-295,1159,125,1159,1159,-618,-633,-590,1159,125,-436,125,-437,1159,-444,-445,-446,-378,-379,1159,1159,1159,-506,1159,1159,-510,1159,1159,1159,1159,-515,-516,-517,-518,1159,1159,-521,-522,1159,-524,-525,-526,-527,-528,-529,-530,-531,1159,-533,1159,1159,1159,-539,-541,-542,1159,-544,-545,-546,-547,1159,1159,1159,1159,1159,1159,-652,-653,-654,-655,125,-657,-658,-659,1159,1159,1159,-665,1159,1159,-669,-670,1159,1159,-673,1159,-675,-676,1159,-679,1159,-681,1159,1159,-684,-685,-686,1159,-688,1159,1159,-691,1159,1159,-694,-695,-696,1159,-698,-699,-700,-701,1159,1159,-746,1159,-749,-750,-751,-752,-753,1159,-755,-756,-757,-758,-759,1159,-766,-767,-769,1159,-771,-772,-773,-782,-856,-858,-860,-862,1159,1159,1159,1159,-868,1159,-870,1159,1159,1159,1159,1159,1159,1159,-906,-907,1159,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1159,-921,-924,1159,-934,1159,-385,-386,-387,1159,1159,-390,-391,-392,-393,1159,-396,1159,-399,-400,1159,-401,1159,-406,-407,1159,-410,-411,-412,1159,-415,1159,-416,1159,-421,-422,1159,-425,1159,-428,-429,-1894,-1894,1159,-619,-620,-621,-622,-623,-634,-584,-624,-797,1159,1159,1159,1159,1159,-831,1159,1159,-806,1159,-832,1159,1159,1159,1159,-798,1159,-853,-799,1159,1159,1159,1159,1159,1159,-854,-855,1159,-834,-830,-835,1159,-625,1159,-626,-627,-628,-629,-574,1159,1159,-630,-631,-632,1159,1159,1159,1159,1159,1159,-635,-636,-637,-592,-1894,-602,1159,-638,-639,-713,-640,-604,1159,-572,-577,-580,-583,1159,1159,1159,-598,-601,1159,-608,1159,1159,1159,1159,1159,1159,1159,1159,1159,1159,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1159,125,125,-995,125,1159,125,125,125,1159,-306,-325,-319,-296,-375,-452,-453,-454,-458,125,-443,1159,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1159,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,125,125,3461,125,125,125,125,125,125,1159,-316,-535,-508,-591,-937,-939,-940,-438,1159,-440,-380,-381,-383,-507,-509,-511,1159,-513,-514,-519,-520,1159,-532,-534,-537,-538,-543,-548,-726,1159,-727,1159,-732,1159,-734,1159,-739,-656,-660,-661,1159,-666,1159,-667,1159,-672,-674,1159,-677,1159,1159,1159,-687,-689,1159,-692,1159,1159,-744,1159,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1159,1159,1159,1159,1159,-877,1159,-880,-908,-920,-925,-388,-389,1159,-394,1159,-397,1159,-402,1159,-403,1159,-408,1159,-413,1159,-417,1159,-418,1159,-423,1159,-426,-899,-900,-643,-585,-1894,-901,1159,1159,1159,-800,1159,1159,-804,1159,-807,-833,1159,-818,1159,-820,1159,-822,-808,1159,-824,1159,-851,-852,1159,1159,-811,1159,-646,-902,-904,-648,-649,-645,1159,-705,-706,1159,-642,-903,-647,-650,-603,-714,1159,1159,-605,-586,1159,1159,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1159,1159,-709,-710,1159,-716,1159,125,125,125,1159,1159,-938,125,-439,-441,-747,1159,-891,1845,-715,-1894,1159,1159,125,125,1159,-442,-512,-523,1159,-728,-733,1159,-735,1159,-740,1159,-662,-668,1159,-678,-680,-682,-683,-690,-693,-697,-745,1159,1159,-874,1159,1159,-878,1159,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1159,-812,1159,-814,-801,1159,-802,-805,1159,-816,-819,-821,-823,-825,1159,-826,1159,-809,1159,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,125,-282,125,1159,125,1159,-455,1159,1159,-729,1159,-736,1159,-741,1159,-663,-671,1159,1159,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1159,-836,-53,125,1159,-730,1159,-737,1159,-742,-664,1159,-873,-54,125,125,-731,-738,-743,1159,125,1159,-872,]),'CHAR_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[126,126,126,1086,-1894,126,126,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,126,126,126,126,-275,-276,1086,-1425,1086,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1086,1086,1086,-490,1086,1086,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1086,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1086,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1846,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,126,-172,-173,-174,-175,-993,126,126,126,126,126,126,126,126,126,126,1086,1086,1086,1086,1086,-290,-291,-281,126,1086,1086,1086,1086,-328,-318,-332,-333,-334,1086,1086,-982,-983,-984,-985,-986,-987,-988,126,126,1086,1086,1086,1086,1086,1086,1086,1086,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1086,1086,1086,-353,-356,126,-323,-324,-141,1086,-142,1086,-143,1086,-430,-935,-936,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1894,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1894,1086,-1894,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1894,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-1894,126,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1086,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1086,126,126,-191,-192,126,-994,1086,126,126,126,126,-277,-278,-279,-280,-365,1086,-308,1086,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1086,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1086,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1086,1086,1086,1086,1086,1086,-573,1086,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1086,1086,-723,-724,-725,1086,1846,126,126,126,126,-994,126,1086,-91,-92,126,126,126,1086,-309,-310,-320,1086,-307,-293,-294,-295,1086,126,1086,1086,-618,-633,-590,1086,126,-436,126,-437,1086,-444,-445,-446,-378,-379,1086,1086,1086,-506,1086,1086,-510,1086,1086,1086,1086,-515,-516,-517,-518,1086,1086,-521,-522,1086,-524,-525,-526,-527,-528,-529,-530,-531,1086,-533,1086,1086,1086,-539,-541,-542,1086,-544,-545,-546,-547,1086,1086,1086,1086,1086,1086,-652,-653,-654,-655,126,-657,-658,-659,1086,1086,1086,-665,1086,1086,-669,-670,1086,1086,-673,1086,-675,-676,1086,-679,1086,-681,1086,1086,-684,-685,-686,1086,-688,1086,1086,-691,1086,1086,-694,-695,-696,1086,-698,-699,-700,-701,1086,1086,-746,1086,-749,-750,-751,-752,-753,1086,-755,-756,-757,-758,-759,1086,-766,-767,-769,1086,-771,-772,-773,-782,-856,-858,-860,-862,1086,1086,1086,1086,-868,1086,-870,1086,1086,1086,1086,1086,1086,1086,-906,-907,1086,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1086,-921,-924,1086,-934,1086,-385,-386,-387,1086,1086,-390,-391,-392,-393,1086,-396,1086,-399,-400,1086,-401,1086,-406,-407,1086,-410,-411,-412,1086,-415,1086,-416,1086,-421,-422,1086,-425,1086,-428,-429,-1894,-1894,1086,-619,-620,-621,-622,-623,-634,-584,-624,-797,1086,1086,1086,1086,1086,-831,1086,1086,-806,1086,-832,1086,1086,1086,1086,-798,1086,-853,-799,1086,1086,1086,1086,1086,1086,-854,-855,1086,-834,-830,-835,1086,-625,1086,-626,-627,-628,-629,-574,1086,1086,-630,-631,-632,1086,1086,1086,1086,1086,1086,-635,-636,-637,-592,-1894,-602,1086,-638,-639,-713,-640,-604,1086,-572,-577,-580,-583,1086,1086,1086,-598,-601,1086,-608,1086,1086,1086,1086,1086,1086,1086,1086,1086,1086,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1086,126,126,-995,126,1086,126,126,126,1086,-306,-325,-319,-296,-375,-452,-453,-454,-458,126,-443,1086,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1086,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,126,126,126,126,126,126,126,126,1086,-316,-535,-508,-591,-937,-939,-940,-438,1086,-440,-380,-381,-383,-507,-509,-511,1086,-513,-514,-519,-520,1086,-532,-534,-537,-538,-543,-548,-726,1086,-727,1086,-732,1086,-734,1086,-739,-656,-660,-661,1086,-666,1086,-667,1086,-672,-674,1086,-677,1086,1086,1086,-687,-689,1086,-692,1086,1086,-744,1086,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1086,1086,1086,1086,1086,-877,1086,-880,-908,-920,-925,-388,-389,1086,-394,1086,-397,1086,-402,1086,-403,1086,-408,1086,-413,1086,-417,1086,-418,1086,-423,1086,-426,-899,-900,-643,-585,-1894,-901,1086,1086,1086,-800,1086,1086,-804,1086,-807,-833,1086,-818,1086,-820,1086,-822,-808,1086,-824,1086,-851,-852,1086,1086,-811,1086,-646,-902,-904,-648,-649,-645,1086,-705,-706,1086,-642,-903,-647,-650,-603,-714,1086,1086,-605,-586,1086,1086,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1086,1086,-709,-710,1086,-716,1086,126,126,126,1086,1086,-938,126,-439,-441,-747,1086,-891,1846,-715,-1894,1086,1086,126,126,1086,-442,-512,-523,1086,-728,-733,1086,-735,1086,-740,1086,-662,-668,1086,-678,-680,-682,-683,-690,-693,-697,-745,1086,1086,-874,1086,1086,-878,1086,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1086,-812,1086,-814,-801,1086,-802,-805,1086,-816,-819,-821,-823,-825,1086,-826,1086,-809,1086,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,126,-282,126,1086,126,1086,-455,1086,1086,-729,1086,-736,1086,-741,1086,-663,-671,1086,1086,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1086,-836,-53,126,1086,-730,1086,-737,1086,-742,-664,1086,-873,-54,126,126,-731,-738,-743,1086,126,1086,-872,]),'CHECKPOINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[127,127,127,127,-1894,127,127,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,127,127,127,127,-275,-276,127,-1425,127,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,127,127,127,-490,127,127,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,127,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,127,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,127,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,127,-172,-173,-174,-175,-993,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-290,-291,-281,127,127,127,127,127,-328,-318,-332,-333,-334,127,127,-982,-983,-984,-985,-986,-987,-988,127,127,127,127,127,127,127,127,127,127,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,127,127,127,-353,-356,127,-323,-324,-141,127,-142,127,-143,127,-430,-935,-936,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-1894,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-1894,127,-1894,127,127,127,127,127,127,127,127,127,127,127,127,-1894,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,127,-1894,127,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,127,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,127,127,127,-191,-192,127,-994,127,127,127,127,127,-277,-278,-279,-280,-365,127,-308,127,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,127,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,127,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,127,127,127,127,127,127,-573,127,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,127,127,-723,-724,-725,127,127,127,127,127,127,-994,127,127,-91,-92,127,127,127,127,-309,-310,-320,127,-307,-293,-294,-295,127,127,127,127,-618,-633,-590,127,127,-436,127,-437,127,-444,-445,-446,-378,-379,127,127,127,-506,127,127,-510,127,127,127,127,-515,-516,-517,-518,127,127,-521,-522,127,-524,-525,-526,-527,-528,-529,-530,-531,127,-533,127,127,127,-539,-541,-542,127,-544,-545,-546,-547,127,127,127,127,127,127,-652,-653,-654,-655,127,-657,-658,-659,127,127,127,-665,127,127,-669,-670,127,127,-673,127,-675,-676,127,-679,127,-681,127,127,-684,-685,-686,127,-688,127,127,-691,127,127,-694,-695,-696,127,-698,-699,-700,-701,127,127,-746,127,-749,-750,-751,-752,-753,127,-755,-756,-757,-758,-759,127,-766,-767,-769,127,-771,-772,-773,-782,-856,-858,-860,-862,127,127,127,127,-868,127,-870,127,127,127,127,127,127,127,-906,-907,127,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,127,-921,-924,127,-934,127,-385,-386,-387,127,127,-390,-391,-392,-393,127,-396,127,-399,-400,127,-401,127,-406,-407,127,-410,-411,-412,127,-415,127,-416,127,-421,-422,127,-425,127,-428,-429,-1894,-1894,127,-619,-620,-621,-622,-623,-634,-584,-624,-797,127,127,127,127,127,-831,127,127,-806,127,-832,127,127,127,127,-798,127,-853,-799,127,127,127,127,127,127,-854,-855,127,-834,-830,-835,127,-625,127,-626,-627,-628,-629,-574,127,127,-630,-631,-632,127,127,127,127,127,127,-635,-636,-637,-592,-1894,-602,127,-638,-639,-713,-640,-604,127,-572,-577,-580,-583,127,127,127,-598,-601,127,-608,127,127,127,127,127,127,127,127,127,127,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,127,127,127,-995,127,127,127,127,127,127,-306,-325,-319,-296,-375,-452,-453,-454,-458,127,-443,127,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,127,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,127,127,127,127,127,127,127,127,127,-316,-535,-508,-591,-937,-939,-940,-438,127,-440,-380,-381,-383,-507,-509,-511,127,-513,-514,-519,-520,127,-532,-534,-537,-538,-543,-548,-726,127,-727,127,-732,127,-734,127,-739,-656,-660,-661,127,-666,127,-667,127,-672,-674,127,-677,127,127,127,-687,-689,127,-692,127,127,-744,127,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,127,127,127,127,127,-877,127,-880,-908,-920,-925,-388,-389,127,-394,127,-397,127,-402,127,-403,127,-408,127,-413,127,-417,127,-418,127,-423,127,-426,-899,-900,-643,-585,-1894,-901,127,127,127,-800,127,127,-804,127,-807,-833,127,-818,127,-820,127,-822,-808,127,-824,127,-851,-852,127,127,-811,127,-646,-902,-904,-648,-649,-645,127,-705,-706,127,-642,-903,-647,-650,-603,-714,127,127,-605,-586,127,127,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,127,127,-709,-710,127,-716,127,127,127,127,127,127,-938,127,-439,-441,-747,127,-891,127,-715,-1894,127,127,127,127,127,-442,-512,-523,127,-728,-733,127,-735,127,-740,127,-662,-668,127,-678,-680,-682,-683,-690,-693,-697,-745,127,127,-874,127,127,-878,127,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,127,-812,127,-814,-801,127,-802,-805,127,-816,-819,-821,-823,-825,127,-826,127,-809,127,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,127,-282,127,127,127,127,-455,127,127,-729,127,-736,127,-741,127,-663,-671,127,127,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,127,-836,-53,127,127,-730,127,-737,127,-742,-664,127,-873,-54,127,127,-731,-738,-743,127,127,127,-872,]),'CHECKSUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[128,128,128,128,-1894,128,128,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,128,128,128,128,-275,-276,128,-1425,128,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,128,128,128,-490,128,128,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,128,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,128,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,128,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,128,-172,-173,-174,-175,-993,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-290,-291,-281,128,128,128,128,128,-328,-318,-332,-333,-334,128,128,-982,-983,-984,-985,-986,-987,-988,128,128,128,128,128,128,128,128,128,128,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,128,128,128,-353,-356,128,-323,-324,-141,128,-142,128,-143,128,-430,-935,-936,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-1894,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-1894,128,-1894,128,128,128,128,128,128,128,128,128,128,128,128,-1894,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,128,-1894,128,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,128,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,128,128,128,-191,-192,128,-994,128,128,128,128,128,-277,-278,-279,-280,-365,128,-308,128,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,128,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,128,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,128,128,128,128,128,128,-573,128,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,128,128,-723,-724,-725,128,128,128,128,128,128,-994,128,128,-91,-92,128,128,128,128,-309,-310,-320,128,-307,-293,-294,-295,128,128,128,128,-618,-633,-590,128,128,-436,128,-437,128,-444,-445,-446,-378,-379,128,128,128,-506,128,128,-510,128,128,128,128,-515,-516,-517,-518,128,128,-521,-522,128,-524,-525,-526,-527,-528,-529,-530,-531,128,-533,128,128,128,-539,-541,-542,128,-544,-545,-546,-547,128,128,128,128,128,128,-652,-653,-654,-655,128,-657,-658,-659,128,128,128,-665,128,128,-669,-670,128,128,-673,128,-675,-676,128,-679,128,-681,128,128,-684,-685,-686,128,-688,128,128,-691,128,128,-694,-695,-696,128,-698,-699,-700,-701,128,128,-746,128,-749,-750,-751,-752,-753,128,-755,-756,-757,-758,-759,128,-766,-767,-769,128,-771,-772,-773,-782,-856,-858,-860,-862,128,128,128,128,-868,128,-870,128,128,128,128,128,128,128,-906,-907,128,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,128,-921,-924,128,-934,128,-385,-386,-387,128,128,-390,-391,-392,-393,128,-396,128,-399,-400,128,-401,128,-406,-407,128,-410,-411,-412,128,-415,128,-416,128,-421,-422,128,-425,128,-428,-429,-1894,-1894,128,-619,-620,-621,-622,-623,-634,-584,-624,-797,128,128,128,128,128,-831,128,128,-806,128,-832,128,128,128,128,-798,128,-853,-799,128,128,128,128,128,128,-854,-855,128,-834,-830,-835,128,-625,128,-626,-627,-628,-629,-574,128,128,-630,-631,-632,128,128,128,128,128,128,-635,-636,-637,-592,-1894,-602,128,-638,-639,-713,-640,-604,128,-572,-577,-580,-583,128,128,128,-598,-601,128,-608,128,128,128,128,128,128,128,128,128,128,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,128,128,128,-995,128,128,128,128,128,128,-306,-325,-319,-296,-375,-452,-453,-454,-458,128,-443,128,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,128,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,128,128,128,128,128,128,128,128,128,-316,-535,-508,-591,-937,-939,-940,-438,128,-440,-380,-381,-383,-507,-509,-511,128,-513,-514,-519,-520,128,-532,-534,-537,-538,-543,-548,-726,128,-727,128,-732,128,-734,128,-739,-656,-660,-661,128,-666,128,-667,128,-672,-674,128,-677,128,128,128,-687,-689,128,-692,128,128,-744,128,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,128,128,128,128,128,-877,128,-880,-908,-920,-925,-388,-389,128,-394,128,-397,128,-402,128,-403,128,-408,128,-413,128,-417,128,-418,128,-423,128,-426,-899,-900,-643,-585,-1894,-901,128,128,128,-800,128,128,-804,128,-807,-833,128,-818,128,-820,128,-822,-808,128,-824,128,-851,-852,128,128,-811,128,-646,-902,-904,-648,-649,-645,128,-705,-706,128,-642,-903,-647,-650,-603,-714,128,128,-605,-586,128,128,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,128,128,-709,-710,128,-716,128,128,128,128,128,128,-938,128,-439,-441,-747,128,-891,128,-715,-1894,128,128,128,128,128,-442,-512,-523,128,-728,-733,128,-735,128,-740,128,-662,-668,128,-678,-680,-682,-683,-690,-693,-697,-745,128,128,-874,128,128,-878,128,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,128,-812,128,-814,-801,128,-802,-805,128,-816,-819,-821,-823,-825,128,-826,128,-809,128,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,128,-282,128,128,128,128,-455,128,128,-729,128,-736,128,-741,128,-663,-671,128,128,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,128,-836,-53,128,128,-730,128,-737,128,-742,-664,128,-873,-54,128,128,-731,-738,-743,128,128,128,-872,]),'CHUNK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[129,129,129,129,-1894,129,129,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,129,129,129,129,-275,-276,129,-1425,129,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,129,129,129,-490,129,129,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,129,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,129,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,129,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,129,-172,-173,-174,-175,-993,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-290,-291,-281,129,129,129,129,129,-328,-318,-332,-333,-334,129,129,-982,-983,-984,-985,-986,-987,-988,129,129,129,129,129,129,129,129,129,129,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,129,129,129,-353,-356,129,-323,-324,-141,129,-142,129,-143,129,-430,-935,-936,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-1894,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-1894,129,-1894,129,129,129,129,129,129,129,129,129,129,129,129,-1894,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,129,-1894,129,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,129,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,129,129,129,-191,-192,129,-994,129,129,129,129,129,-277,-278,-279,-280,-365,129,-308,129,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,129,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,129,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,129,129,129,129,129,129,-573,129,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,129,129,-723,-724,-725,129,129,129,129,129,129,-994,129,129,-91,-92,129,129,129,129,-309,-310,-320,129,-307,-293,-294,-295,129,129,129,129,-618,-633,-590,129,129,-436,129,-437,129,-444,-445,-446,-378,-379,129,129,129,-506,129,129,-510,129,129,129,129,-515,-516,-517,-518,129,129,-521,-522,129,-524,-525,-526,-527,-528,-529,-530,-531,129,-533,129,129,129,-539,-541,-542,129,-544,-545,-546,-547,129,129,129,129,129,129,-652,-653,-654,-655,129,-657,-658,-659,129,129,129,-665,129,129,-669,-670,129,129,-673,129,-675,-676,129,-679,129,-681,129,129,-684,-685,-686,129,-688,129,129,-691,129,129,-694,-695,-696,129,-698,-699,-700,-701,129,129,-746,129,-749,-750,-751,-752,-753,129,-755,-756,-757,-758,-759,129,-766,-767,-769,129,-771,-772,-773,-782,-856,-858,-860,-862,129,129,129,129,-868,129,-870,129,129,129,129,129,129,129,-906,-907,129,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,129,-921,-924,129,-934,129,-385,-386,-387,129,129,-390,-391,-392,-393,129,-396,129,-399,-400,129,-401,129,-406,-407,129,-410,-411,-412,129,-415,129,-416,129,-421,-422,129,-425,129,-428,-429,-1894,-1894,129,-619,-620,-621,-622,-623,-634,-584,-624,-797,129,129,129,129,129,-831,129,129,-806,129,-832,129,129,129,129,-798,129,-853,-799,129,129,129,129,129,129,-854,-855,129,-834,-830,-835,129,-625,129,-626,-627,-628,-629,-574,129,129,-630,-631,-632,129,129,129,129,129,129,-635,-636,-637,-592,-1894,-602,129,-638,-639,-713,-640,-604,129,-572,-577,-580,-583,129,129,129,-598,-601,129,-608,129,129,129,129,129,129,129,129,129,129,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,129,129,129,-995,129,129,129,129,129,129,-306,-325,-319,-296,-375,-452,-453,-454,-458,129,-443,129,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,129,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,129,129,129,129,129,129,129,129,129,-316,-535,-508,-591,-937,-939,-940,-438,129,-440,-380,-381,-383,-507,-509,-511,129,-513,-514,-519,-520,129,-532,-534,-537,-538,-543,-548,-726,129,-727,129,-732,129,-734,129,-739,-656,-660,-661,129,-666,129,-667,129,-672,-674,129,-677,129,129,129,-687,-689,129,-692,129,129,-744,129,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,129,129,129,129,129,-877,129,-880,-908,-920,-925,-388,-389,129,-394,129,-397,129,-402,129,-403,129,-408,129,-413,129,-417,129,-418,129,-423,129,-426,-899,-900,-643,-585,-1894,-901,129,129,129,-800,129,129,-804,129,-807,-833,129,-818,129,-820,129,-822,-808,129,-824,129,-851,-852,129,129,-811,129,-646,-902,-904,-648,-649,-645,129,-705,-706,129,-642,-903,-647,-650,-603,-714,129,129,-605,-586,129,129,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,129,129,-709,-710,129,-716,129,129,129,129,129,129,-938,129,-439,-441,-747,129,-891,129,-715,-1894,129,129,129,129,129,-442,-512,-523,129,-728,-733,129,-735,129,-740,129,-662,-668,129,-678,-680,-682,-683,-690,-693,-697,-745,129,129,-874,129,129,-878,129,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,129,-812,129,-814,-801,129,-802,-805,129,-816,-819,-821,-823,-825,129,-826,129,-809,129,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,129,-282,129,129,129,129,-455,129,129,-729,129,-736,129,-741,129,-663,-671,129,129,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,129,-836,-53,129,129,-730,129,-737,129,-742,-664,129,-873,-54,129,129,-731,-738,-743,129,129,129,-872,]),'CIPHER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[130,130,130,130,-1894,130,130,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,130,130,130,130,-275,-276,130,-1425,130,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,130,130,130,-490,130,130,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,130,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,130,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,130,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,130,-172,-173,-174,-175,-993,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-290,-291,-281,130,130,130,130,130,-328,-318,-332,-333,-334,130,130,-982,-983,-984,-985,-986,-987,-988,130,130,130,130,130,130,130,130,130,130,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,130,130,130,-353,-356,130,-323,-324,-141,130,-142,130,-143,130,-430,-935,-936,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-1894,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-1894,130,-1894,130,130,130,130,130,130,130,130,130,130,130,130,-1894,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,130,-1894,130,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,130,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,130,130,130,-191,-192,130,-994,130,130,130,130,130,-277,-278,-279,-280,-365,130,-308,130,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,130,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,130,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,130,130,130,130,130,130,-573,130,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,130,130,-723,-724,-725,130,130,130,130,130,130,-994,130,130,-91,-92,130,130,130,130,-309,-310,-320,130,-307,-293,-294,-295,130,130,130,130,-618,-633,-590,130,130,-436,130,-437,130,-444,-445,-446,-378,-379,130,130,130,-506,130,130,-510,130,130,130,130,-515,-516,-517,-518,130,130,-521,-522,130,-524,-525,-526,-527,-528,-529,-530,-531,130,-533,130,130,130,-539,-541,-542,130,-544,-545,-546,-547,130,130,130,130,130,130,-652,-653,-654,-655,130,-657,-658,-659,130,130,130,-665,130,130,-669,-670,130,130,-673,130,-675,-676,130,-679,130,-681,130,130,-684,-685,-686,130,-688,130,130,-691,130,130,-694,-695,-696,130,-698,-699,-700,-701,130,130,-746,130,-749,-750,-751,-752,-753,130,-755,-756,-757,-758,-759,130,-766,-767,-769,130,-771,-772,-773,-782,-856,-858,-860,-862,130,130,130,130,-868,130,-870,130,130,130,130,130,130,130,-906,-907,130,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,130,-921,-924,130,-934,130,-385,-386,-387,130,130,-390,-391,-392,-393,130,-396,130,-399,-400,130,-401,130,-406,-407,130,-410,-411,-412,130,-415,130,-416,130,-421,-422,130,-425,130,-428,-429,-1894,-1894,130,-619,-620,-621,-622,-623,-634,-584,-624,-797,130,130,130,130,130,-831,130,130,-806,130,-832,130,130,130,130,-798,130,-853,-799,130,130,130,130,130,130,-854,-855,130,-834,-830,-835,130,-625,130,-626,-627,-628,-629,-574,130,130,-630,-631,-632,130,130,130,130,130,130,-635,-636,-637,-592,-1894,-602,130,-638,-639,-713,-640,-604,130,-572,-577,-580,-583,130,130,130,-598,-601,130,-608,130,130,130,130,130,130,130,130,130,130,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,130,130,130,-995,130,130,130,130,130,130,-306,-325,-319,-296,-375,-452,-453,-454,-458,130,-443,130,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,130,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,130,130,130,130,130,130,130,130,130,-316,-535,-508,-591,-937,-939,-940,-438,130,-440,-380,-381,-383,-507,-509,-511,130,-513,-514,-519,-520,130,-532,-534,-537,-538,-543,-548,-726,130,-727,130,-732,130,-734,130,-739,-656,-660,-661,130,-666,130,-667,130,-672,-674,130,-677,130,130,130,-687,-689,130,-692,130,130,-744,130,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,130,130,130,130,130,-877,130,-880,-908,-920,-925,-388,-389,130,-394,130,-397,130,-402,130,-403,130,-408,130,-413,130,-417,130,-418,130,-423,130,-426,-899,-900,-643,-585,-1894,-901,130,130,130,-800,130,130,-804,130,-807,-833,130,-818,130,-820,130,-822,-808,130,-824,130,-851,-852,130,130,-811,130,-646,-902,-904,-648,-649,-645,130,-705,-706,130,-642,-903,-647,-650,-603,-714,130,130,-605,-586,130,130,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,130,130,-709,-710,130,-716,130,130,130,130,130,130,-938,130,-439,-441,-747,130,-891,130,-715,-1894,130,130,130,130,130,-442,-512,-523,130,-728,-733,130,-735,130,-740,130,-662,-668,130,-678,-680,-682,-683,-690,-693,-697,-745,130,130,-874,130,130,-878,130,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,130,-812,130,-814,-801,130,-802,-805,130,-816,-819,-821,-823,-825,130,-826,130,-809,130,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,130,-282,130,130,130,130,-455,130,130,-729,130,-736,130,-741,130,-663,-671,130,130,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,130,-836,-53,130,130,-730,130,-737,130,-742,-664,130,-873,-54,130,130,-731,-738,-743,130,130,130,-872,]),'CLASS_ORIGIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[131,131,131,131,-1894,131,131,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,131,131,131,131,-275,-276,131,-1425,131,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,131,131,131,-490,131,131,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,131,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,131,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,131,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,131,-172,-173,-174,-175,-993,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-290,-291,-281,131,131,131,131,131,-328,-318,-332,-333,-334,131,131,-982,-983,-984,-985,-986,-987,-988,131,131,131,131,131,131,131,131,131,131,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,131,131,131,-353,-356,131,-323,-324,-141,131,-142,131,-143,131,-430,-935,-936,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-1894,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-1894,131,-1894,131,131,131,131,131,131,131,131,131,131,131,131,-1894,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,131,-1894,131,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,131,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,131,131,131,-191,-192,131,-994,131,131,131,131,131,-277,-278,-279,-280,-365,131,-308,131,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,131,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,131,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,131,131,131,131,131,131,-573,131,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,131,131,-723,-724,-725,131,131,131,131,131,131,-994,131,131,-91,-92,131,131,131,131,-309,-310,-320,131,-307,-293,-294,-295,131,131,131,131,-618,-633,-590,131,131,-436,131,-437,131,-444,-445,-446,-378,-379,131,131,131,-506,131,131,-510,131,131,131,131,-515,-516,-517,-518,131,131,-521,-522,131,-524,-525,-526,-527,-528,-529,-530,-531,131,-533,131,131,131,-539,-541,-542,131,-544,-545,-546,-547,131,131,131,131,131,131,-652,-653,-654,-655,131,-657,-658,-659,131,131,131,-665,131,131,-669,-670,131,131,-673,131,-675,-676,131,-679,131,-681,131,131,-684,-685,-686,131,-688,131,131,-691,131,131,-694,-695,-696,131,-698,-699,-700,-701,131,131,-746,131,-749,-750,-751,-752,-753,131,-755,-756,-757,-758,-759,131,-766,-767,-769,131,-771,-772,-773,-782,-856,-858,-860,-862,131,131,131,131,-868,131,-870,131,131,131,131,131,131,131,-906,-907,131,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,131,-921,-924,131,-934,131,-385,-386,-387,131,131,-390,-391,-392,-393,131,-396,131,-399,-400,131,-401,131,-406,-407,131,-410,-411,-412,131,-415,131,-416,131,-421,-422,131,-425,131,-428,-429,-1894,-1894,131,-619,-620,-621,-622,-623,-634,-584,-624,-797,131,131,131,131,131,-831,131,131,-806,131,-832,131,131,131,131,-798,131,-853,-799,131,131,131,131,131,131,-854,-855,131,-834,-830,-835,131,-625,131,-626,-627,-628,-629,-574,131,131,-630,-631,-632,131,131,131,131,131,131,-635,-636,-637,-592,-1894,-602,131,-638,-639,-713,-640,-604,131,-572,-577,-580,-583,131,131,131,-598,-601,131,-608,131,131,131,131,131,131,131,131,131,131,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,131,131,131,-995,131,131,131,131,131,131,-306,-325,-319,-296,-375,-452,-453,-454,-458,131,-443,131,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,131,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,131,131,131,131,131,131,131,131,131,-316,-535,-508,-591,-937,-939,-940,-438,131,-440,-380,-381,-383,-507,-509,-511,131,-513,-514,-519,-520,131,-532,-534,-537,-538,-543,-548,-726,131,-727,131,-732,131,-734,131,-739,-656,-660,-661,131,-666,131,-667,131,-672,-674,131,-677,131,131,131,-687,-689,131,-692,131,131,-744,131,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,131,131,131,131,131,-877,131,-880,-908,-920,-925,-388,-389,131,-394,131,-397,131,-402,131,-403,131,-408,131,-413,131,-417,131,-418,131,-423,131,-426,-899,-900,-643,-585,-1894,-901,131,131,131,-800,131,131,-804,131,-807,-833,131,-818,131,-820,131,-822,-808,131,-824,131,-851,-852,131,131,-811,131,-646,-902,-904,-648,-649,-645,131,-705,-706,131,-642,-903,-647,-650,-603,-714,131,131,-605,-586,131,131,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,131,131,-709,-710,131,-716,131,131,131,131,131,131,-938,131,-439,-441,-747,131,-891,131,-715,-1894,131,131,131,131,131,-442,-512,-523,131,-728,-733,131,-735,131,-740,131,-662,-668,131,-678,-680,-682,-683,-690,-693,-697,-745,131,131,-874,131,131,-878,131,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,131,-812,131,-814,-801,131,-802,-805,131,-816,-819,-821,-823,-825,131,-826,131,-809,131,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,131,-282,131,131,131,131,-455,131,131,-729,131,-736,131,-741,131,-663,-671,131,131,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,131,-836,-53,131,131,-730,131,-737,131,-742,-664,131,-873,-54,131,131,-731,-738,-743,131,131,131,-872,]),'CLEAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[132,132,132,132,-1894,132,132,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,132,132,132,132,-275,-276,132,-1425,132,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,132,132,132,-490,132,132,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,132,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,132,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,132,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,132,-172,-173,-174,-175,-993,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-290,-291,-281,132,132,132,132,132,-328,-318,-332,-333,-334,132,132,-982,-983,-984,-985,-986,-987,-988,132,132,132,132,132,132,132,132,132,132,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,132,132,132,-353,-356,132,-323,-324,-141,132,-142,132,-143,132,-430,-935,-936,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-1894,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-1894,132,-1894,132,132,132,132,132,132,132,132,132,132,132,132,-1894,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,132,-1894,132,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,132,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,132,132,132,-191,-192,132,-994,132,132,132,132,132,-277,-278,-279,-280,-365,132,-308,132,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,132,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,132,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,132,132,132,132,132,132,-573,132,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,132,132,-723,-724,-725,132,132,132,132,132,132,-994,132,132,-91,-92,132,132,132,132,-309,-310,-320,132,-307,-293,-294,-295,132,132,132,132,-618,-633,-590,132,132,-436,132,-437,132,-444,-445,-446,-378,-379,132,132,132,-506,132,132,-510,132,132,132,132,-515,-516,-517,-518,132,132,-521,-522,132,-524,-525,-526,-527,-528,-529,-530,-531,132,-533,132,132,132,-539,-541,-542,132,-544,-545,-546,-547,132,132,132,132,132,132,-652,-653,-654,-655,132,-657,-658,-659,132,132,132,-665,132,132,-669,-670,132,132,-673,132,-675,-676,132,-679,132,-681,132,132,-684,-685,-686,132,-688,132,132,-691,132,132,-694,-695,-696,132,-698,-699,-700,-701,132,132,-746,132,-749,-750,-751,-752,-753,132,-755,-756,-757,-758,-759,132,-766,-767,-769,132,-771,-772,-773,-782,-856,-858,-860,-862,132,132,132,132,-868,132,-870,132,132,132,132,132,132,132,-906,-907,132,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,132,-921,-924,132,-934,132,-385,-386,-387,132,132,-390,-391,-392,-393,132,-396,132,-399,-400,132,-401,132,-406,-407,132,-410,-411,-412,132,-415,132,-416,132,-421,-422,132,-425,132,-428,-429,-1894,-1894,132,-619,-620,-621,-622,-623,-634,-584,-624,-797,132,132,132,132,132,-831,132,132,-806,132,-832,132,132,132,132,-798,132,-853,-799,132,132,132,132,132,132,-854,-855,132,-834,-830,-835,132,-625,132,-626,-627,-628,-629,-574,132,132,-630,-631,-632,132,132,132,132,132,132,-635,-636,-637,-592,-1894,-602,132,-638,-639,-713,-640,-604,132,-572,-577,-580,-583,132,132,132,-598,-601,132,-608,132,132,132,132,132,132,132,132,132,132,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,132,132,132,-995,132,132,132,132,132,132,-306,-325,-319,-296,-375,-452,-453,-454,-458,132,-443,132,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,132,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,132,132,132,132,132,132,132,132,132,-316,-535,-508,-591,-937,-939,-940,-438,132,-440,-380,-381,-383,-507,-509,-511,132,-513,-514,-519,-520,132,-532,-534,-537,-538,-543,-548,-726,132,-727,132,-732,132,-734,132,-739,-656,-660,-661,132,-666,132,-667,132,-672,-674,132,-677,132,132,132,-687,-689,132,-692,132,132,-744,132,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,132,132,132,132,132,-877,132,-880,-908,-920,-925,-388,-389,132,-394,132,-397,132,-402,132,-403,132,-408,132,-413,132,-417,132,-418,132,-423,132,-426,-899,-900,-643,-585,-1894,-901,132,132,132,-800,132,132,-804,132,-807,-833,132,-818,132,-820,132,-822,-808,132,-824,132,-851,-852,132,132,-811,132,-646,-902,-904,-648,-649,-645,132,-705,-706,132,-642,-903,-647,-650,-603,-714,132,132,-605,-586,132,132,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,132,132,-709,-710,132,-716,132,132,132,132,132,132,-938,132,-439,-441,-747,132,-891,132,-715,-1894,132,132,132,132,132,-442,-512,-523,132,-728,-733,132,-735,132,-740,132,-662,-668,132,-678,-680,-682,-683,-690,-693,-697,-745,132,132,-874,132,132,-878,132,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,132,-812,132,-814,-801,132,-802,-805,132,-816,-819,-821,-823,-825,132,-826,132,-809,132,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,132,-282,132,132,132,132,-455,132,132,-729,132,-736,132,-741,132,-663,-671,132,132,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,132,-836,-53,132,132,-730,132,-737,132,-742,-664,132,-873,-54,132,132,-731,-738,-743,132,132,132,-872,]),'CLEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[133,133,133,133,-1894,133,133,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,133,133,133,133,-275,-276,133,-1425,133,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,133,133,133,-490,133,133,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,133,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,133,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,133,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,133,-172,-173,-174,-175,-993,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-290,-291,-281,133,133,133,133,133,-328,-318,-332,-333,-334,133,133,-982,-983,-984,-985,-986,-987,-988,133,133,133,133,133,133,133,133,133,133,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,133,133,133,-353,-356,133,-323,-324,-141,133,-142,133,-143,133,-430,-935,-936,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-1894,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-1894,133,-1894,133,133,133,133,133,133,133,133,133,133,133,133,-1894,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,133,-1894,133,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,133,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,133,133,133,-191,-192,133,-994,133,133,133,133,133,-277,-278,-279,-280,-365,133,-308,133,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,133,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,133,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,133,133,133,133,133,133,-573,133,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,133,133,-723,-724,-725,133,133,133,133,133,133,-994,133,133,-91,-92,133,133,133,133,-309,-310,-320,133,-307,-293,-294,-295,133,133,133,133,-618,-633,-590,133,133,-436,133,-437,133,-444,-445,-446,-378,-379,133,133,133,-506,133,133,-510,133,133,133,133,-515,-516,-517,-518,133,133,-521,-522,133,-524,-525,-526,-527,-528,-529,-530,-531,133,-533,133,133,133,-539,-541,-542,133,-544,-545,-546,-547,133,133,133,133,133,133,-652,-653,-654,-655,133,-657,-658,-659,133,133,133,-665,133,133,-669,-670,133,133,-673,133,-675,-676,133,-679,133,-681,133,133,-684,-685,-686,133,-688,133,133,-691,133,133,-694,-695,-696,133,-698,-699,-700,-701,133,133,-746,133,-749,-750,-751,-752,-753,133,-755,-756,-757,-758,-759,133,-766,-767,-769,133,-771,-772,-773,-782,-856,-858,-860,-862,133,133,133,133,-868,133,-870,133,133,133,133,133,133,133,-906,-907,133,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,133,-921,-924,133,-934,133,-385,-386,-387,133,133,-390,-391,-392,-393,133,-396,133,-399,-400,133,-401,133,-406,-407,133,-410,-411,-412,133,-415,133,-416,133,-421,-422,133,-425,133,-428,-429,-1894,-1894,133,-619,-620,-621,-622,-623,-634,-584,-624,-797,133,133,133,133,133,-831,133,133,-806,133,-832,133,133,133,133,-798,133,-853,-799,133,133,133,133,133,133,-854,-855,133,-834,-830,-835,133,-625,133,-626,-627,-628,-629,-574,133,133,-630,-631,-632,133,133,133,133,133,133,-635,-636,-637,-592,-1894,-602,133,-638,-639,-713,-640,-604,133,-572,-577,-580,-583,133,133,133,-598,-601,133,-608,133,133,133,133,133,133,133,133,133,133,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,133,133,133,-995,133,133,133,133,133,133,-306,-325,-319,-296,-375,-452,-453,-454,-458,133,-443,133,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,133,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,133,133,133,133,133,133,133,133,133,-316,-535,-508,-591,-937,-939,-940,-438,133,-440,-380,-381,-383,-507,-509,-511,133,-513,-514,-519,-520,133,-532,-534,-537,-538,-543,-548,-726,133,-727,133,-732,133,-734,133,-739,-656,-660,-661,133,-666,133,-667,133,-672,-674,133,-677,133,133,133,-687,-689,133,-692,133,133,-744,133,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,133,133,133,133,133,-877,133,-880,-908,-920,-925,-388,-389,133,-394,133,-397,133,-402,133,-403,133,-408,133,-413,133,-417,133,-418,133,-423,133,-426,-899,-900,-643,-585,-1894,-901,133,133,133,-800,133,133,-804,133,-807,-833,133,-818,133,-820,133,-822,-808,133,-824,133,-851,-852,133,133,-811,133,-646,-902,-904,-648,-649,-645,133,-705,-706,133,-642,-903,-647,-650,-603,-714,133,133,-605,-586,133,133,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,133,133,-709,-710,133,-716,133,133,133,133,133,133,-938,133,-439,-441,-747,133,-891,133,-715,-1894,133,133,133,133,133,-442,-512,-523,133,-728,-733,133,-735,133,-740,133,-662,-668,133,-678,-680,-682,-683,-690,-693,-697,-745,133,133,-874,133,133,-878,133,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,133,-812,133,-814,-801,133,-802,-805,133,-816,-819,-821,-823,-825,133,-826,133,-809,133,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,133,-282,133,133,133,133,-455,133,133,-729,133,-736,133,-741,133,-663,-671,133,133,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,133,-836,-53,133,133,-730,133,-737,133,-742,-664,133,-873,-54,133,133,-731,-738,-743,133,133,133,-872,]),'CLIENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[134,134,134,134,-1894,134,134,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,134,134,134,134,-275,-276,134,-1425,134,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,134,134,134,-490,134,134,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,134,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,134,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,134,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,134,-172,-173,-174,-175,-993,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-290,-291,-281,134,134,134,134,134,-328,-318,-332,-333,-334,134,134,-982,-983,-984,-985,-986,-987,-988,134,134,134,134,134,134,134,134,134,134,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,134,134,134,-353,-356,134,-323,-324,-141,134,-142,134,-143,134,-430,-935,-936,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-1894,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-1894,134,-1894,134,134,134,134,134,134,134,134,134,134,134,134,-1894,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,134,-1894,134,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,134,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,134,134,134,-191,-192,134,-994,134,134,134,134,134,-277,-278,-279,-280,-365,134,-308,134,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,134,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,134,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,134,134,134,134,134,134,-573,134,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,134,134,-723,-724,-725,134,134,134,134,134,134,-994,134,134,-91,-92,134,134,134,134,-309,-310,-320,134,-307,-293,-294,-295,134,134,134,134,-618,-633,-590,134,134,-436,134,-437,134,-444,-445,-446,-378,-379,134,134,134,-506,134,134,-510,134,134,134,134,-515,-516,-517,-518,134,134,-521,-522,134,-524,-525,-526,-527,-528,-529,-530,-531,134,-533,134,134,134,-539,-541,-542,134,-544,-545,-546,-547,134,134,134,134,134,134,-652,-653,-654,-655,134,-657,-658,-659,134,134,134,-665,134,134,-669,-670,134,134,-673,134,-675,-676,134,-679,134,-681,134,134,-684,-685,-686,134,-688,134,134,-691,134,134,-694,-695,-696,134,-698,-699,-700,-701,134,134,-746,134,-749,-750,-751,-752,-753,134,-755,-756,-757,-758,-759,134,-766,-767,-769,134,-771,-772,-773,-782,-856,-858,-860,-862,134,134,134,134,-868,134,-870,134,134,134,134,134,134,134,-906,-907,134,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,134,-921,-924,134,-934,134,-385,-386,-387,134,134,-390,-391,-392,-393,134,-396,134,-399,-400,134,-401,134,-406,-407,134,-410,-411,-412,134,-415,134,-416,134,-421,-422,134,-425,134,-428,-429,-1894,-1894,134,-619,-620,-621,-622,-623,-634,-584,-624,-797,134,134,134,134,134,-831,134,134,-806,134,-832,134,134,134,134,-798,134,-853,-799,134,134,134,134,134,134,-854,-855,134,-834,-830,-835,134,-625,134,-626,-627,-628,-629,-574,134,134,-630,-631,-632,134,134,134,134,134,134,-635,-636,-637,-592,-1894,-602,134,-638,-639,-713,-640,-604,134,-572,-577,-580,-583,134,134,134,-598,-601,134,-608,134,134,134,134,134,134,134,134,134,134,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,134,134,134,-995,134,134,134,134,134,134,-306,-325,-319,-296,-375,-452,-453,-454,-458,134,-443,134,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,134,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,134,134,134,134,134,134,134,134,134,-316,-535,-508,-591,-937,-939,-940,-438,134,-440,-380,-381,-383,-507,-509,-511,134,-513,-514,-519,-520,134,-532,-534,-537,-538,-543,-548,-726,134,-727,134,-732,134,-734,134,-739,-656,-660,-661,134,-666,134,-667,134,-672,-674,134,-677,134,134,134,-687,-689,134,-692,134,134,-744,134,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,134,134,134,134,134,-877,134,-880,-908,-920,-925,-388,-389,134,-394,134,-397,134,-402,134,-403,134,-408,134,-413,134,-417,134,-418,134,-423,134,-426,-899,-900,-643,-585,-1894,-901,134,134,134,-800,134,134,-804,134,-807,-833,134,-818,134,-820,134,-822,-808,134,-824,134,-851,-852,134,134,-811,134,-646,-902,-904,-648,-649,-645,134,-705,-706,134,-642,-903,-647,-650,-603,-714,134,134,-605,-586,134,134,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,134,134,-709,-710,134,-716,134,134,134,134,134,134,-938,134,-439,-441,-747,134,-891,134,-715,-1894,134,134,134,134,134,-442,-512,-523,134,-728,-733,134,-735,134,-740,134,-662,-668,134,-678,-680,-682,-683,-690,-693,-697,-745,134,134,-874,134,134,-878,134,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,134,-812,134,-814,-801,134,-802,-805,134,-816,-819,-821,-823,-825,134,-826,134,-809,134,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,134,-282,134,134,134,134,-455,134,134,-729,134,-736,134,-741,134,-663,-671,134,134,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,134,-836,-53,134,134,-730,134,-737,134,-742,-664,134,-873,-54,134,134,-731,-738,-743,134,134,134,-872,]),'CLOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[135,135,135,135,-1894,135,135,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,135,135,135,135,-275,-276,135,-1425,135,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,135,135,135,-490,135,135,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,135,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,135,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,135,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,135,-172,-173,-174,-175,-993,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-290,-291,-281,135,135,135,135,135,-328,-318,-332,-333,-334,135,135,-982,-983,-984,-985,-986,-987,-988,135,135,135,135,135,135,135,135,135,135,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,135,135,135,-353,-356,135,-323,-324,-141,135,-142,135,-143,135,-430,-935,-936,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-1894,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-1894,135,-1894,135,135,135,135,135,135,135,135,135,135,135,135,-1894,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,135,-1894,135,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,135,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,135,135,135,-191,-192,135,-994,135,135,135,135,135,-277,-278,-279,-280,-365,135,-308,135,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,135,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,135,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,135,135,135,135,135,135,-573,135,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,135,135,-723,-724,-725,135,135,135,135,135,135,-994,135,135,-91,-92,135,135,135,135,-309,-310,-320,135,-307,-293,-294,-295,135,135,135,135,-618,-633,-590,135,135,-436,135,-437,135,-444,-445,-446,-378,-379,135,135,135,-506,135,135,-510,135,135,135,135,-515,-516,-517,-518,135,135,-521,-522,135,-524,-525,-526,-527,-528,-529,-530,-531,135,-533,135,135,135,-539,-541,-542,135,-544,-545,-546,-547,135,135,135,135,135,135,-652,-653,-654,-655,135,-657,-658,-659,135,135,135,-665,135,135,-669,-670,135,135,-673,135,-675,-676,135,-679,135,-681,135,135,-684,-685,-686,135,-688,135,135,-691,135,135,-694,-695,-696,135,-698,-699,-700,-701,135,135,-746,135,-749,-750,-751,-752,-753,135,-755,-756,-757,-758,-759,135,-766,-767,-769,135,-771,-772,-773,-782,-856,-858,-860,-862,135,135,135,135,-868,135,-870,135,135,135,135,135,135,135,-906,-907,135,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,135,-921,-924,135,-934,135,-385,-386,-387,135,135,-390,-391,-392,-393,135,-396,135,-399,-400,135,-401,135,-406,-407,135,-410,-411,-412,135,-415,135,-416,135,-421,-422,135,-425,135,-428,-429,-1894,-1894,135,-619,-620,-621,-622,-623,-634,-584,-624,-797,135,135,135,135,135,-831,135,135,-806,135,-832,135,135,135,135,-798,135,-853,-799,135,135,135,135,135,135,-854,-855,135,-834,-830,-835,135,-625,135,-626,-627,-628,-629,-574,135,135,-630,-631,-632,135,135,135,135,135,135,-635,-636,-637,-592,-1894,-602,135,-638,-639,-713,-640,-604,135,-572,-577,-580,-583,135,135,135,-598,-601,135,-608,135,135,135,135,135,135,135,135,135,135,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,135,135,135,-995,135,135,135,135,135,135,-306,-325,-319,-296,-375,-452,-453,-454,-458,135,-443,135,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,135,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,135,135,135,135,135,135,135,135,135,-316,-535,-508,-591,-937,-939,-940,-438,135,-440,-380,-381,-383,-507,-509,-511,135,-513,-514,-519,-520,135,-532,-534,-537,-538,-543,-548,-726,135,-727,135,-732,135,-734,135,-739,-656,-660,-661,135,-666,135,-667,135,-672,-674,135,-677,135,135,135,-687,-689,135,-692,135,135,-744,135,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,135,135,135,135,135,-877,135,-880,-908,-920,-925,-388,-389,135,-394,135,-397,135,-402,135,-403,135,-408,135,-413,135,-417,135,-418,135,-423,135,-426,-899,-900,-643,-585,-1894,-901,135,135,135,-800,135,135,-804,135,-807,-833,135,-818,135,-820,135,-822,-808,135,-824,135,-851,-852,135,135,-811,135,-646,-902,-904,-648,-649,-645,135,-705,-706,135,-642,-903,-647,-650,-603,-714,135,135,-605,-586,135,135,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,135,135,-709,-710,135,-716,135,135,135,135,135,135,-938,135,-439,-441,-747,135,-891,135,-715,-1894,135,135,135,135,135,-442,-512,-523,135,-728,-733,135,-735,135,-740,135,-662,-668,135,-678,-680,-682,-683,-690,-693,-697,-745,135,135,-874,135,135,-878,135,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,135,-812,135,-814,-801,135,-802,-805,135,-816,-819,-821,-823,-825,135,-826,135,-809,135,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,135,-282,135,135,135,135,-455,135,135,-729,135,-736,135,-741,135,-663,-671,135,135,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,135,-836,-53,135,135,-730,135,-737,135,-742,-664,135,-873,-54,135,135,-731,-738,-743,135,135,135,-872,]),'CLOSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[136,136,136,136,-1894,136,136,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,136,136,136,136,-275,-276,136,-1425,136,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,136,136,136,-490,136,136,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,136,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,136,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,136,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,136,-172,-173,-174,-175,-993,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-290,-291,-281,136,136,136,136,136,-328,-318,-332,-333,-334,136,136,-982,-983,-984,-985,-986,-987,-988,136,136,136,136,136,136,136,136,136,136,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,136,136,136,-353,-356,136,-323,-324,-141,136,-142,136,-143,136,-430,-935,-936,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-1894,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-1894,136,-1894,136,136,136,136,136,136,136,136,136,136,136,136,-1894,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,136,-1894,136,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,136,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,136,136,136,-191,-192,136,-994,136,136,136,136,136,-277,-278,-279,-280,-365,136,-308,136,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,136,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,136,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,136,136,136,136,136,136,-573,136,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,136,136,-723,-724,-725,136,136,136,136,136,136,-994,136,136,-91,-92,136,136,136,136,-309,-310,-320,136,-307,-293,-294,-295,136,136,136,136,-618,-633,-590,136,136,-436,136,-437,136,-444,-445,-446,-378,-379,136,136,136,-506,136,136,-510,136,136,136,136,-515,-516,-517,-518,136,136,-521,-522,136,-524,-525,-526,-527,-528,-529,-530,-531,136,-533,136,136,136,-539,-541,-542,136,-544,-545,-546,-547,136,136,136,136,136,136,-652,-653,-654,-655,136,-657,-658,-659,136,136,136,-665,136,136,-669,-670,136,136,-673,136,-675,-676,136,-679,136,-681,136,136,-684,-685,-686,136,-688,136,136,-691,136,136,-694,-695,-696,136,-698,-699,-700,-701,136,136,-746,136,-749,-750,-751,-752,-753,136,-755,-756,-757,-758,-759,136,-766,-767,-769,136,-771,-772,-773,-782,-856,-858,-860,-862,136,136,136,136,-868,136,-870,136,136,136,136,136,136,136,-906,-907,136,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,136,-921,-924,136,-934,136,-385,-386,-387,136,136,-390,-391,-392,-393,136,-396,136,-399,-400,136,-401,136,-406,-407,136,-410,-411,-412,136,-415,136,-416,136,-421,-422,136,-425,136,-428,-429,-1894,-1894,136,-619,-620,-621,-622,-623,-634,-584,-624,-797,136,136,136,136,136,-831,136,136,-806,136,-832,136,136,136,136,-798,136,-853,-799,136,136,136,136,136,136,-854,-855,136,-834,-830,-835,136,-625,136,-626,-627,-628,-629,-574,136,136,-630,-631,-632,136,136,136,136,136,136,-635,-636,-637,-592,-1894,-602,136,-638,-639,-713,-640,-604,136,-572,-577,-580,-583,136,136,136,-598,-601,136,-608,136,136,136,136,136,136,136,136,136,136,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,136,136,136,-995,136,136,136,136,136,136,-306,-325,-319,-296,-375,-452,-453,-454,-458,136,-443,136,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,136,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,136,136,136,136,136,136,136,136,136,-316,-535,-508,-591,-937,-939,-940,-438,136,-440,-380,-381,-383,-507,-509,-511,136,-513,-514,-519,-520,136,-532,-534,-537,-538,-543,-548,-726,136,-727,136,-732,136,-734,136,-739,-656,-660,-661,136,-666,136,-667,136,-672,-674,136,-677,136,136,136,-687,-689,136,-692,136,136,-744,136,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,136,136,136,136,136,-877,136,-880,-908,-920,-925,-388,-389,136,-394,136,-397,136,-402,136,-403,136,-408,136,-413,136,-417,136,-418,136,-423,136,-426,-899,-900,-643,-585,-1894,-901,136,136,136,-800,136,136,-804,136,-807,-833,136,-818,136,-820,136,-822,-808,136,-824,136,-851,-852,136,136,-811,136,-646,-902,-904,-648,-649,-645,136,-705,-706,136,-642,-903,-647,-650,-603,-714,136,136,-605,-586,136,136,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,136,136,-709,-710,136,-716,136,136,136,136,136,136,-938,136,-439,-441,-747,136,-891,136,-715,-1894,136,136,136,136,136,-442,-512,-523,136,-728,-733,136,-735,136,-740,136,-662,-668,136,-678,-680,-682,-683,-690,-693,-697,-745,136,136,-874,136,136,-878,136,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,136,-812,136,-814,-801,136,-802,-805,136,-816,-819,-821,-823,-825,136,-826,136,-809,136,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,136,-282,136,136,136,136,-455,136,136,-729,136,-736,136,-741,136,-663,-671,136,136,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,136,-836,-53,136,136,-730,136,-737,136,-742,-664,136,-873,-54,136,136,-731,-738,-743,136,136,136,-872,]),'CLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[137,137,137,137,-1894,137,137,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,137,137,137,137,-275,-276,137,-1425,137,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,137,137,137,-490,137,137,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,137,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,137,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,137,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,137,-172,-173,-174,-175,-993,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-290,-291,-281,137,137,137,137,137,-328,-318,-332,-333,-334,137,137,-982,-983,-984,-985,-986,-987,-988,137,137,137,137,137,137,137,137,137,137,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,137,137,137,-353,-356,137,-323,-324,-141,137,-142,137,-143,137,-430,-935,-936,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-1894,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-1894,137,-1894,137,137,137,137,137,137,137,137,137,137,137,137,-1894,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,137,-1894,137,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,137,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,137,137,137,-191,-192,137,-994,137,137,137,137,137,-277,-278,-279,-280,-365,137,-308,137,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,137,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,137,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,137,137,137,137,137,137,-573,137,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,137,137,-723,-724,-725,137,137,137,137,137,137,-994,137,137,-91,-92,137,137,137,137,-309,-310,-320,137,-307,-293,-294,-295,137,137,137,137,-618,-633,-590,137,137,-436,137,-437,137,-444,-445,-446,-378,-379,137,137,137,-506,137,137,-510,137,137,137,137,-515,-516,-517,-518,137,137,-521,-522,137,-524,-525,-526,-527,-528,-529,-530,-531,137,-533,137,137,137,-539,-541,-542,137,-544,-545,-546,-547,137,137,137,137,137,137,-652,-653,-654,-655,137,-657,-658,-659,137,137,137,-665,137,137,-669,-670,137,137,-673,137,-675,-676,137,-679,137,-681,137,137,-684,-685,-686,137,-688,137,137,-691,137,137,-694,-695,-696,137,-698,-699,-700,-701,137,137,-746,137,-749,-750,-751,-752,-753,137,-755,-756,-757,-758,-759,137,-766,-767,-769,137,-771,-772,-773,-782,-856,-858,-860,-862,137,137,137,137,-868,137,-870,137,137,137,137,137,137,137,-906,-907,137,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,137,-921,-924,137,-934,137,-385,-386,-387,137,137,-390,-391,-392,-393,137,-396,137,-399,-400,137,-401,137,-406,-407,137,-410,-411,-412,137,-415,137,-416,137,-421,-422,137,-425,137,-428,-429,-1894,-1894,137,-619,-620,-621,-622,-623,-634,-584,-624,-797,137,137,137,137,137,-831,137,137,-806,137,-832,137,137,137,137,-798,137,-853,-799,137,137,137,137,137,137,-854,-855,137,-834,-830,-835,137,-625,137,-626,-627,-628,-629,-574,137,137,-630,-631,-632,137,137,137,137,137,137,-635,-636,-637,-592,-1894,-602,137,-638,-639,-713,-640,-604,137,-572,-577,-580,-583,137,137,137,-598,-601,137,-608,137,137,137,137,137,137,137,137,137,137,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,137,137,137,-995,137,137,137,137,137,137,-306,-325,-319,-296,-375,-452,-453,-454,-458,137,-443,137,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,137,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,137,137,137,137,137,137,137,137,137,-316,-535,-508,-591,-937,-939,-940,-438,137,-440,-380,-381,-383,-507,-509,-511,137,-513,-514,-519,-520,137,-532,-534,-537,-538,-543,-548,-726,137,-727,137,-732,137,-734,137,-739,-656,-660,-661,137,-666,137,-667,137,-672,-674,137,-677,137,137,137,-687,-689,137,-692,137,137,-744,137,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,137,137,137,137,137,-877,137,-880,-908,-920,-925,-388,-389,137,-394,137,-397,137,-402,137,-403,137,-408,137,-413,137,-417,137,-418,137,-423,137,-426,-899,-900,-643,-585,-1894,-901,137,137,137,-800,137,137,-804,137,-807,-833,137,-818,137,-820,137,-822,-808,137,-824,137,-851,-852,137,137,-811,137,-646,-902,-904,-648,-649,-645,137,-705,-706,137,-642,-903,-647,-650,-603,-714,137,137,-605,-586,137,137,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,137,137,-709,-710,137,-716,137,137,137,137,137,137,-938,137,-439,-441,-747,137,-891,137,-715,-1894,137,137,137,137,137,-442,-512,-523,137,-728,-733,137,-735,137,-740,137,-662,-668,137,-678,-680,-682,-683,-690,-693,-697,-745,137,137,-874,137,137,-878,137,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,137,-812,137,-814,-801,137,-802,-805,137,-816,-819,-821,-823,-825,137,-826,137,-809,137,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,137,-282,137,137,137,137,-455,137,137,-729,137,-736,137,-741,137,-663,-671,137,137,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,137,-836,-53,137,137,-730,137,-737,137,-742,-664,137,-873,-54,137,137,-731,-738,-743,137,137,137,-872,]),'CLUSTER_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[138,138,138,138,-1894,138,138,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,138,138,138,138,-275,-276,138,-1425,138,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,138,138,138,-490,138,138,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,138,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,138,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,138,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,138,-172,-173,-174,-175,-993,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-290,-291,-281,138,138,138,138,138,-328,-318,-332,-333,-334,138,138,-982,-983,-984,-985,-986,-987,-988,138,138,138,138,138,138,138,138,138,138,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,138,138,138,-353,-356,138,-323,-324,-141,138,-142,138,-143,138,-430,-935,-936,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-1894,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-1894,138,-1894,138,138,138,138,138,138,138,138,138,138,138,138,-1894,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,138,-1894,138,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,138,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,138,138,138,-191,-192,138,-994,138,138,138,138,138,-277,-278,-279,-280,-365,138,-308,138,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,138,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,138,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,138,138,138,138,138,138,-573,138,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,138,138,-723,-724,-725,138,138,138,138,138,138,-994,138,138,-91,-92,138,138,138,138,-309,-310,-320,138,-307,-293,-294,-295,138,138,138,138,-618,-633,-590,138,138,-436,138,-437,138,-444,-445,-446,-378,-379,138,138,138,-506,138,138,-510,138,138,138,138,-515,-516,-517,-518,138,138,-521,-522,138,-524,-525,-526,-527,-528,-529,-530,-531,138,-533,138,138,138,-539,-541,-542,138,-544,-545,-546,-547,138,138,138,138,138,138,-652,-653,-654,-655,138,-657,-658,-659,138,138,138,-665,138,138,-669,-670,138,138,-673,138,-675,-676,138,-679,138,-681,138,138,-684,-685,-686,138,-688,138,138,-691,138,138,-694,-695,-696,138,-698,-699,-700,-701,138,138,-746,138,-749,-750,-751,-752,-753,138,-755,-756,-757,-758,-759,138,-766,-767,-769,138,-771,-772,-773,-782,-856,-858,-860,-862,138,138,138,138,-868,138,-870,138,138,138,138,138,138,138,-906,-907,138,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,138,-921,-924,138,-934,138,-385,-386,-387,138,138,-390,-391,-392,-393,138,-396,138,-399,-400,138,-401,138,-406,-407,138,-410,-411,-412,138,-415,138,-416,138,-421,-422,138,-425,138,-428,-429,-1894,-1894,138,-619,-620,-621,-622,-623,-634,-584,-624,-797,138,138,138,138,138,-831,138,138,-806,138,-832,138,138,138,138,-798,138,-853,-799,138,138,138,138,138,138,-854,-855,138,-834,-830,-835,138,-625,138,-626,-627,-628,-629,-574,138,138,-630,-631,-632,138,138,138,138,138,138,-635,-636,-637,-592,-1894,-602,138,-638,-639,-713,-640,-604,138,-572,-577,-580,-583,138,138,138,-598,-601,138,-608,138,138,138,138,138,138,138,138,138,138,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,138,138,138,-995,138,138,138,138,138,138,-306,-325,-319,-296,-375,-452,-453,-454,-458,138,-443,138,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,138,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,138,138,138,138,138,138,138,138,138,-316,-535,-508,-591,-937,-939,-940,-438,138,-440,-380,-381,-383,-507,-509,-511,138,-513,-514,-519,-520,138,-532,-534,-537,-538,-543,-548,-726,138,-727,138,-732,138,-734,138,-739,-656,-660,-661,138,-666,138,-667,138,-672,-674,138,-677,138,138,138,-687,-689,138,-692,138,138,-744,138,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,138,138,138,138,138,-877,138,-880,-908,-920,-925,-388,-389,138,-394,138,-397,138,-402,138,-403,138,-408,138,-413,138,-417,138,-418,138,-423,138,-426,-899,-900,-643,-585,-1894,-901,138,138,138,-800,138,138,-804,138,-807,-833,138,-818,138,-820,138,-822,-808,138,-824,138,-851,-852,138,138,-811,138,-646,-902,-904,-648,-649,-645,138,-705,-706,138,-642,-903,-647,-650,-603,-714,138,138,-605,-586,138,138,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,138,138,-709,-710,138,-716,138,138,138,138,138,138,-938,138,-439,-441,-747,138,-891,138,-715,-1894,138,138,138,138,138,-442,-512,-523,138,-728,-733,138,-735,138,-740,138,-662,-668,138,-678,-680,-682,-683,-690,-693,-697,-745,138,138,-874,138,138,-878,138,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,138,-812,138,-814,-801,138,-802,-805,138,-816,-819,-821,-823,-825,138,-826,138,-809,138,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,138,-282,138,138,138,138,-455,138,138,-729,138,-736,138,-741,138,-663,-671,138,138,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,138,-836,-53,138,138,-730,138,-737,138,-742,-664,138,-873,-54,138,138,-731,-738,-743,138,138,138,-872,]),'CLUSTER_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[139,139,139,139,-1894,139,139,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,139,139,139,139,-275,-276,139,-1425,139,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,139,139,139,-490,139,139,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,139,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,139,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,139,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,139,-172,-173,-174,-175,-993,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-290,-291,-281,139,139,139,139,139,-328,-318,-332,-333,-334,139,139,-982,-983,-984,-985,-986,-987,-988,139,139,139,139,139,139,139,139,139,139,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,139,139,139,-353,-356,139,-323,-324,-141,139,-142,139,-143,139,-430,-935,-936,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-1894,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-1894,139,-1894,139,139,139,139,139,139,139,139,139,139,139,139,-1894,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,139,-1894,139,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,139,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,139,139,139,-191,-192,139,-994,139,139,139,139,139,-277,-278,-279,-280,-365,139,-308,139,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,139,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,139,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,139,139,139,139,139,139,-573,139,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,139,139,-723,-724,-725,139,139,139,139,139,139,-994,139,139,-91,-92,139,139,139,139,-309,-310,-320,139,-307,-293,-294,-295,139,139,139,139,-618,-633,-590,139,139,-436,139,-437,139,-444,-445,-446,-378,-379,139,139,139,-506,139,139,-510,139,139,139,139,-515,-516,-517,-518,139,139,-521,-522,139,-524,-525,-526,-527,-528,-529,-530,-531,139,-533,139,139,139,-539,-541,-542,139,-544,-545,-546,-547,139,139,139,139,139,139,-652,-653,-654,-655,139,-657,-658,-659,139,139,139,-665,139,139,-669,-670,139,139,-673,139,-675,-676,139,-679,139,-681,139,139,-684,-685,-686,139,-688,139,139,-691,139,139,-694,-695,-696,139,-698,-699,-700,-701,139,139,-746,139,-749,-750,-751,-752,-753,139,-755,-756,-757,-758,-759,139,-766,-767,-769,139,-771,-772,-773,-782,-856,-858,-860,-862,139,139,139,139,-868,139,-870,139,139,139,139,139,139,139,-906,-907,139,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,139,-921,-924,139,-934,139,-385,-386,-387,139,139,-390,-391,-392,-393,139,-396,139,-399,-400,139,-401,139,-406,-407,139,-410,-411,-412,139,-415,139,-416,139,-421,-422,139,-425,139,-428,-429,-1894,-1894,139,-619,-620,-621,-622,-623,-634,-584,-624,-797,139,139,139,139,139,-831,139,139,-806,139,-832,139,139,139,139,-798,139,-853,-799,139,139,139,139,139,139,-854,-855,139,-834,-830,-835,139,-625,139,-626,-627,-628,-629,-574,139,139,-630,-631,-632,139,139,139,139,139,139,-635,-636,-637,-592,-1894,-602,139,-638,-639,-713,-640,-604,139,-572,-577,-580,-583,139,139,139,-598,-601,139,-608,139,139,139,139,139,139,139,139,139,139,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,139,139,139,-995,139,139,139,139,139,139,-306,-325,-319,-296,-375,-452,-453,-454,-458,139,-443,139,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,139,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,139,139,139,139,139,139,139,139,139,-316,-535,-508,-591,-937,-939,-940,-438,139,-440,-380,-381,-383,-507,-509,-511,139,-513,-514,-519,-520,139,-532,-534,-537,-538,-543,-548,-726,139,-727,139,-732,139,-734,139,-739,-656,-660,-661,139,-666,139,-667,139,-672,-674,139,-677,139,139,139,-687,-689,139,-692,139,139,-744,139,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,139,139,139,139,139,-877,139,-880,-908,-920,-925,-388,-389,139,-394,139,-397,139,-402,139,-403,139,-408,139,-413,139,-417,139,-418,139,-423,139,-426,-899,-900,-643,-585,-1894,-901,139,139,139,-800,139,139,-804,139,-807,-833,139,-818,139,-820,139,-822,-808,139,-824,139,-851,-852,139,139,-811,139,-646,-902,-904,-648,-649,-645,139,-705,-706,139,-642,-903,-647,-650,-603,-714,139,139,-605,-586,139,139,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,139,139,-709,-710,139,-716,139,139,139,139,139,139,-938,139,-439,-441,-747,139,-891,139,-715,-1894,139,139,139,139,139,-442,-512,-523,139,-728,-733,139,-735,139,-740,139,-662,-668,139,-678,-680,-682,-683,-690,-693,-697,-745,139,139,-874,139,139,-878,139,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,139,-812,139,-814,-801,139,-802,-805,139,-816,-819,-821,-823,-825,139,-826,139,-809,139,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,139,-282,139,139,139,139,-455,139,139,-729,139,-736,139,-741,139,-663,-671,139,139,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,139,-836,-53,139,139,-730,139,-737,139,-742,-664,139,-873,-54,139,139,-731,-738,-743,139,139,139,-872,]),'COALESCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[140,140,140,1044,-1894,140,140,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,140,140,140,140,-275,-276,1044,-1425,1044,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1044,1044,1044,-490,1044,1044,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1044,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1044,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1847,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,140,-172,-173,-174,-175,-993,140,140,140,140,140,140,140,140,140,140,1044,1044,1044,1044,1044,-290,-291,-281,140,1044,1044,1044,1044,-328,-318,-332,-333,-334,1044,1044,-982,-983,-984,-985,-986,-987,-988,140,140,1044,1044,1044,1044,1044,1044,1044,1044,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1044,1044,1044,-353,-356,140,-323,-324,-141,1044,-142,1044,-143,1044,-430,-935,-936,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1894,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1894,1044,-1894,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1894,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-1894,140,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1044,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1044,140,140,-191,-192,140,-994,1044,140,140,140,140,-277,-278,-279,-280,-365,1044,-308,1044,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1044,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1044,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1044,1044,1044,1044,1044,1044,-573,1044,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1044,1044,-723,-724,-725,1044,1847,140,140,140,140,-994,140,1044,-91,-92,140,140,140,1044,-309,-310,-320,1044,-307,-293,-294,-295,1044,140,1044,1044,-618,-633,-590,1044,140,-436,140,-437,1044,-444,-445,-446,-378,-379,1044,1044,1044,-506,1044,1044,-510,1044,1044,1044,1044,-515,-516,-517,-518,1044,1044,-521,-522,1044,-524,-525,-526,-527,-528,-529,-530,-531,1044,-533,1044,1044,1044,-539,-541,-542,1044,-544,-545,-546,-547,1044,1044,1044,1044,1044,1044,-652,-653,-654,-655,140,-657,-658,-659,1044,1044,1044,-665,1044,1044,-669,-670,1044,1044,-673,1044,-675,-676,1044,-679,1044,-681,1044,1044,-684,-685,-686,1044,-688,1044,1044,-691,1044,1044,-694,-695,-696,1044,-698,-699,-700,-701,1044,1044,-746,1044,-749,-750,-751,-752,-753,1044,-755,-756,-757,-758,-759,1044,-766,-767,-769,1044,-771,-772,-773,-782,-856,-858,-860,-862,1044,1044,1044,1044,-868,1044,-870,1044,1044,1044,1044,1044,1044,1044,-906,-907,1044,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1044,-921,-924,1044,-934,1044,-385,-386,-387,1044,1044,-390,-391,-392,-393,1044,-396,1044,-399,-400,1044,-401,1044,-406,-407,1044,-410,-411,-412,1044,-415,1044,-416,1044,-421,-422,1044,-425,1044,-428,-429,-1894,-1894,1044,-619,-620,-621,-622,-623,-634,-584,-624,-797,1044,1044,1044,1044,1044,-831,1044,1044,-806,1044,-832,1044,1044,1044,1044,-798,1044,-853,-799,1044,1044,1044,1044,1044,1044,-854,-855,1044,-834,-830,-835,1044,-625,1044,-626,-627,-628,-629,-574,1044,1044,-630,-631,-632,1044,1044,1044,1044,1044,1044,-635,-636,-637,-592,-1894,-602,1044,-638,-639,-713,-640,-604,1044,-572,-577,-580,-583,1044,1044,1044,-598,-601,1044,-608,1044,1044,1044,1044,1044,1044,1044,1044,1044,1044,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1044,140,140,-995,140,1044,140,140,140,1044,-306,-325,-319,-296,-375,-452,-453,-454,-458,140,-443,1044,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1044,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,140,140,140,140,140,140,140,140,1044,-316,-535,-508,-591,-937,-939,-940,-438,1044,-440,-380,-381,-383,-507,-509,-511,1044,-513,-514,-519,-520,1044,-532,-534,-537,-538,-543,-548,-726,1044,-727,1044,-732,1044,-734,1044,-739,-656,-660,-661,1044,-666,1044,-667,1044,-672,-674,1044,-677,1044,1044,1044,-687,-689,1044,-692,1044,1044,-744,1044,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1044,1044,1044,1044,1044,-877,1044,-880,-908,-920,-925,-388,-389,1044,-394,1044,-397,1044,-402,1044,-403,1044,-408,1044,-413,1044,-417,1044,-418,1044,-423,1044,-426,-899,-900,-643,-585,-1894,-901,1044,1044,1044,-800,1044,1044,-804,1044,-807,-833,1044,-818,1044,-820,1044,-822,-808,1044,-824,1044,-851,-852,1044,1044,-811,1044,-646,-902,-904,-648,-649,-645,1044,-705,-706,1044,-642,-903,-647,-650,-603,-714,1044,1044,-605,-586,1044,1044,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1044,1044,-709,-710,1044,-716,1044,140,140,140,1044,1044,-938,140,-439,-441,-747,1044,-891,1847,-715,-1894,1044,1044,140,140,1044,-442,-512,-523,1044,-728,-733,1044,-735,1044,-740,1044,-662,-668,1044,-678,-680,-682,-683,-690,-693,-697,-745,1044,1044,-874,1044,1044,-878,1044,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1044,-812,1044,-814,-801,1044,-802,-805,1044,-816,-819,-821,-823,-825,1044,-826,1044,-809,1044,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,140,-282,140,1044,140,1044,-455,1044,1044,-729,1044,-736,1044,-741,1044,-663,-671,1044,1044,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1044,-836,-53,140,1044,-730,1044,-737,1044,-742,-664,1044,-873,-54,140,140,-731,-738,-743,1044,140,1044,-872,]),'CODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[141,141,141,141,-1894,141,141,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,141,141,141,141,-275,-276,141,-1425,141,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,141,141,141,-490,141,141,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,141,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,141,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,141,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,141,-172,-173,-174,-175,-993,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-290,-291,-281,141,141,141,141,141,-328,-318,-332,-333,-334,141,141,-982,-983,-984,-985,-986,-987,-988,141,141,141,141,141,141,141,141,141,141,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,141,141,141,-353,-356,141,-323,-324,-141,141,-142,141,-143,141,-430,-935,-936,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-1894,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-1894,141,-1894,141,141,141,141,141,141,141,141,141,141,141,141,-1894,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,141,-1894,141,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,141,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,141,141,141,-191,-192,141,-994,141,141,141,141,141,-277,-278,-279,-280,-365,141,-308,141,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,141,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,141,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,141,141,141,141,141,141,-573,141,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,141,141,-723,-724,-725,141,141,141,141,141,141,-994,141,141,-91,-92,141,141,141,141,-309,-310,-320,141,-307,-293,-294,-295,141,141,141,141,-618,-633,-590,141,141,-436,141,-437,141,-444,-445,-446,-378,-379,141,141,141,-506,141,141,-510,141,141,141,141,-515,-516,-517,-518,141,141,-521,-522,141,-524,-525,-526,-527,-528,-529,-530,-531,141,-533,141,141,141,-539,-541,-542,141,-544,-545,-546,-547,141,141,141,141,141,141,-652,-653,-654,-655,141,-657,-658,-659,141,141,141,-665,141,141,-669,-670,141,141,-673,141,-675,-676,141,-679,141,-681,141,141,-684,-685,-686,141,-688,141,141,-691,141,141,-694,-695,-696,141,-698,-699,-700,-701,141,141,-746,141,-749,-750,-751,-752,-753,141,-755,-756,-757,-758,-759,141,-766,-767,-769,141,-771,-772,-773,-782,-856,-858,-860,-862,141,141,141,141,-868,141,-870,141,141,141,141,141,141,141,-906,-907,141,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,141,-921,-924,141,-934,141,-385,-386,-387,141,141,-390,-391,-392,-393,141,-396,141,-399,-400,141,-401,141,-406,-407,141,-410,-411,-412,141,-415,141,-416,141,-421,-422,141,-425,141,-428,-429,-1894,-1894,141,-619,-620,-621,-622,-623,-634,-584,-624,-797,141,141,141,141,141,-831,141,141,-806,141,-832,141,141,141,141,-798,141,-853,-799,141,141,141,141,141,141,-854,-855,141,-834,-830,-835,141,-625,141,-626,-627,-628,-629,-574,141,141,-630,-631,-632,141,141,141,141,141,141,-635,-636,-637,-592,-1894,-602,141,-638,-639,-713,-640,-604,141,-572,-577,-580,-583,141,141,141,-598,-601,141,-608,141,141,141,141,141,141,141,141,141,141,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,141,141,141,-995,141,141,141,141,141,141,-306,-325,-319,-296,-375,-452,-453,-454,-458,141,-443,141,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,141,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,141,141,141,141,141,141,141,141,141,-316,-535,-508,-591,-937,-939,-940,-438,141,-440,-380,-381,-383,-507,-509,-511,141,-513,-514,-519,-520,141,-532,-534,-537,-538,-543,-548,-726,141,-727,141,-732,141,-734,141,-739,-656,-660,-661,141,-666,141,-667,141,-672,-674,141,-677,141,141,141,-687,-689,141,-692,141,141,-744,141,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,141,141,141,141,141,-877,141,-880,-908,-920,-925,-388,-389,141,-394,141,-397,141,-402,141,-403,141,-408,141,-413,141,-417,141,-418,141,-423,141,-426,-899,-900,-643,-585,-1894,-901,141,141,141,-800,141,141,-804,141,-807,-833,141,-818,141,-820,141,-822,-808,141,-824,141,-851,-852,141,141,-811,141,-646,-902,-904,-648,-649,-645,141,-705,-706,141,-642,-903,-647,-650,-603,-714,141,141,-605,-586,141,141,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,141,141,-709,-710,141,-716,141,141,141,141,141,141,-938,141,-439,-441,-747,141,-891,141,-715,-1894,141,141,141,141,141,-442,-512,-523,141,-728,-733,141,-735,141,-740,141,-662,-668,141,-678,-680,-682,-683,-690,-693,-697,-745,141,141,-874,141,141,-878,141,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,141,-812,141,-814,-801,141,-802,-805,141,-816,-819,-821,-823,-825,141,-826,141,-809,141,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,141,-282,141,141,141,141,-455,141,141,-729,141,-736,141,-741,141,-663,-671,141,141,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,141,-836,-53,141,141,-730,141,-737,141,-742,-664,141,-873,-54,141,141,-731,-738,-743,141,141,141,-872,]),'COERCIBILITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[142,142,142,1160,-1894,142,142,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,142,142,142,142,-275,-276,1160,-1425,1160,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1160,1160,1160,-490,1160,1160,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1160,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1160,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1848,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,142,-172,-173,-174,-175,-993,142,142,142,142,142,142,142,142,142,142,1160,1160,1160,1160,1160,-290,-291,-281,142,1160,1160,1160,1160,-328,-318,-332,-333,-334,1160,1160,-982,-983,-984,-985,-986,-987,-988,142,142,1160,1160,1160,1160,1160,1160,1160,1160,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1160,1160,1160,-353,-356,142,-323,-324,-141,1160,-142,1160,-143,1160,-430,-935,-936,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1894,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1894,1160,-1894,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1894,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-1894,142,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1160,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1160,142,142,-191,-192,142,-994,1160,142,142,142,142,-277,-278,-279,-280,-365,1160,-308,1160,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1160,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1160,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1160,1160,1160,1160,1160,1160,-573,1160,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1160,1160,-723,-724,-725,1160,1848,142,142,142,142,-994,142,1160,-91,-92,142,142,142,1160,-309,-310,-320,1160,-307,-293,-294,-295,1160,142,1160,1160,-618,-633,-590,1160,142,-436,142,-437,1160,-444,-445,-446,-378,-379,1160,1160,1160,-506,1160,1160,-510,1160,1160,1160,1160,-515,-516,-517,-518,1160,1160,-521,-522,1160,-524,-525,-526,-527,-528,-529,-530,-531,1160,-533,1160,1160,1160,-539,-541,-542,1160,-544,-545,-546,-547,1160,1160,1160,1160,1160,1160,-652,-653,-654,-655,142,-657,-658,-659,1160,1160,1160,-665,1160,1160,-669,-670,1160,1160,-673,1160,-675,-676,1160,-679,1160,-681,1160,1160,-684,-685,-686,1160,-688,1160,1160,-691,1160,1160,-694,-695,-696,1160,-698,-699,-700,-701,1160,1160,-746,1160,-749,-750,-751,-752,-753,1160,-755,-756,-757,-758,-759,1160,-766,-767,-769,1160,-771,-772,-773,-782,-856,-858,-860,-862,1160,1160,1160,1160,-868,1160,-870,1160,1160,1160,1160,1160,1160,1160,-906,-907,1160,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1160,-921,-924,1160,-934,1160,-385,-386,-387,1160,1160,-390,-391,-392,-393,1160,-396,1160,-399,-400,1160,-401,1160,-406,-407,1160,-410,-411,-412,1160,-415,1160,-416,1160,-421,-422,1160,-425,1160,-428,-429,-1894,-1894,1160,-619,-620,-621,-622,-623,-634,-584,-624,-797,1160,1160,1160,1160,1160,-831,1160,1160,-806,1160,-832,1160,1160,1160,1160,-798,1160,-853,-799,1160,1160,1160,1160,1160,1160,-854,-855,1160,-834,-830,-835,1160,-625,1160,-626,-627,-628,-629,-574,1160,1160,-630,-631,-632,1160,1160,1160,1160,1160,1160,-635,-636,-637,-592,-1894,-602,1160,-638,-639,-713,-640,-604,1160,-572,-577,-580,-583,1160,1160,1160,-598,-601,1160,-608,1160,1160,1160,1160,1160,1160,1160,1160,1160,1160,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1160,142,142,-995,142,1160,142,142,142,1160,-306,-325,-319,-296,-375,-452,-453,-454,-458,142,-443,1160,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1160,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,142,142,142,142,142,142,142,142,1160,-316,-535,-508,-591,-937,-939,-940,-438,1160,-440,-380,-381,-383,-507,-509,-511,1160,-513,-514,-519,-520,1160,-532,-534,-537,-538,-543,-548,-726,1160,-727,1160,-732,1160,-734,1160,-739,-656,-660,-661,1160,-666,1160,-667,1160,-672,-674,1160,-677,1160,1160,1160,-687,-689,1160,-692,1160,1160,-744,1160,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1160,1160,1160,1160,1160,-877,1160,-880,-908,-920,-925,-388,-389,1160,-394,1160,-397,1160,-402,1160,-403,1160,-408,1160,-413,1160,-417,1160,-418,1160,-423,1160,-426,-899,-900,-643,-585,-1894,-901,1160,1160,1160,-800,1160,1160,-804,1160,-807,-833,1160,-818,1160,-820,1160,-822,-808,1160,-824,1160,-851,-852,1160,1160,-811,1160,-646,-902,-904,-648,-649,-645,1160,-705,-706,1160,-642,-903,-647,-650,-603,-714,1160,1160,-605,-586,1160,1160,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1160,1160,-709,-710,1160,-716,1160,142,142,142,1160,1160,-938,142,-439,-441,-747,1160,-891,1848,-715,-1894,1160,1160,142,142,1160,-442,-512,-523,1160,-728,-733,1160,-735,1160,-740,1160,-662,-668,1160,-678,-680,-682,-683,-690,-693,-697,-745,1160,1160,-874,1160,1160,-878,1160,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1160,-812,1160,-814,-801,1160,-802,-805,1160,-816,-819,-821,-823,-825,1160,-826,1160,-809,1160,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,142,-282,142,1160,142,1160,-455,1160,1160,-729,1160,-736,1160,-741,1160,-663,-671,1160,1160,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1160,-836,-53,142,1160,-730,1160,-737,1160,-742,-664,1160,-873,-54,142,142,-731,-738,-743,1160,142,1160,-872,]),'COPY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[143,143,143,143,-1894,143,143,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,143,143,143,143,-275,-276,143,-1425,143,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,143,143,143,-490,143,143,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,143,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,143,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,143,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,143,-172,-173,-174,-175,-993,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-290,-291,-281,143,143,143,143,143,-328,-318,-332,-333,-334,143,143,-982,-983,-984,-985,-986,-987,-988,143,143,143,143,143,143,143,143,143,143,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,143,143,143,-353,-356,143,-323,-324,-141,143,-142,143,-143,143,-430,-935,-936,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-1894,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-1894,143,-1894,143,143,143,143,143,143,143,143,143,143,143,143,-1894,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,143,-1894,143,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,143,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,143,143,143,-191,-192,143,-994,143,143,143,143,143,-277,-278,-279,-280,-365,143,-308,143,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,143,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,143,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,143,143,143,143,143,143,-573,143,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,143,143,-723,-724,-725,143,143,143,143,143,143,-994,143,143,-91,-92,143,143,143,143,-309,-310,-320,143,-307,-293,-294,-295,143,143,143,143,-618,-633,-590,143,143,-436,143,-437,143,-444,-445,-446,-378,-379,143,143,143,-506,143,143,-510,143,143,143,143,-515,-516,-517,-518,143,143,-521,-522,143,-524,-525,-526,-527,-528,-529,-530,-531,143,-533,143,143,143,-539,-541,-542,143,-544,-545,-546,-547,143,143,143,143,143,143,-652,-653,-654,-655,143,-657,-658,-659,143,143,143,-665,143,143,-669,-670,143,143,-673,143,-675,-676,143,-679,143,-681,143,143,-684,-685,-686,143,-688,143,143,-691,143,143,-694,-695,-696,143,-698,-699,-700,-701,143,143,-746,143,-749,-750,-751,-752,-753,143,-755,-756,-757,-758,-759,143,-766,-767,-769,143,-771,-772,-773,-782,-856,-858,-860,-862,143,143,143,143,-868,143,-870,143,143,143,143,143,143,143,-906,-907,143,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,143,-921,-924,143,-934,143,-385,-386,-387,143,143,-390,-391,-392,-393,143,-396,143,-399,-400,143,-401,143,-406,-407,143,-410,-411,-412,143,-415,143,-416,143,-421,-422,143,-425,143,-428,-429,-1894,-1894,143,-619,-620,-621,-622,-623,-634,-584,-624,-797,143,143,143,143,143,-831,143,143,-806,143,-832,143,143,143,143,-798,143,-853,-799,143,143,143,143,143,143,-854,-855,143,-834,-830,-835,143,-625,143,-626,-627,-628,-629,-574,143,143,-630,-631,-632,143,143,143,143,143,143,-635,-636,-637,-592,-1894,-602,143,-638,-639,-713,-640,-604,143,-572,-577,-580,-583,143,143,143,-598,-601,143,-608,143,143,143,143,143,143,143,143,143,143,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,143,143,143,-995,143,143,143,143,143,143,-306,-325,-319,-296,-375,-452,-453,-454,-458,143,-443,143,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,143,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,143,143,143,143,143,143,143,143,143,-316,-535,-508,-591,-937,-939,-940,-438,143,-440,-380,-381,-383,-507,-509,-511,143,-513,-514,-519,-520,143,-532,-534,-537,-538,-543,-548,-726,143,-727,143,-732,143,-734,143,-739,-656,-660,-661,143,-666,143,-667,143,-672,-674,143,-677,143,143,143,-687,-689,143,-692,143,143,-744,143,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,143,143,143,143,143,-877,143,-880,-908,-920,-925,-388,-389,143,-394,143,-397,143,-402,143,-403,143,-408,143,-413,143,-417,143,-418,143,-423,143,-426,-899,-900,-643,-585,-1894,-901,143,143,143,-800,143,143,-804,143,-807,-833,143,-818,143,-820,143,-822,-808,143,-824,143,-851,-852,143,143,-811,143,-646,-902,-904,-648,-649,-645,143,-705,-706,143,-642,-903,-647,-650,-603,-714,143,143,-605,-586,143,143,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,143,143,-709,-710,143,-716,143,143,143,143,143,143,-938,143,-439,-441,-747,143,-891,143,-715,-1894,143,143,143,143,143,-442,-512,-523,143,-728,-733,143,-735,143,-740,143,-662,-668,143,-678,-680,-682,-683,-690,-693,-697,-745,143,143,-874,143,143,-878,143,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,143,-812,143,-814,-801,143,-802,-805,143,-816,-819,-821,-823,-825,143,-826,143,-809,143,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,143,-282,143,143,143,143,-455,143,143,-729,143,-736,143,-741,143,-663,-671,143,143,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,143,-836,-53,143,143,-730,143,-737,143,-742,-664,143,-873,-54,143,143,-731,-738,-743,143,143,143,-872,]),'COLLATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[144,144,144,1161,-1894,144,144,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,144,144,144,144,-275,-276,1161,-1425,1161,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1161,1161,1161,-490,1161,1161,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1161,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1161,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1849,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,144,-172,-173,-174,-175,-993,144,144,144,144,144,144,144,144,144,144,1161,1161,1161,1161,1161,-290,-291,-281,144,1161,1161,1161,1161,-328,-318,-332,-333,-334,1161,1161,-982,-983,-984,-985,-986,-987,-988,144,144,1161,1161,1161,1161,1161,1161,1161,1161,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1161,1161,1161,-353,-356,144,-323,-324,-141,1161,-142,1161,-143,1161,-430,-935,-936,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1894,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1894,1161,-1894,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1894,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-1894,144,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1161,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1161,144,144,-191,-192,144,-994,1161,144,144,144,144,-277,-278,-279,-280,-365,1161,-308,1161,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1161,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1161,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1161,1161,1161,1161,1161,1161,-573,1161,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1161,1161,-723,-724,-725,1161,1849,144,144,144,144,-994,144,1161,-91,-92,144,144,144,1161,-309,-310,-320,1161,-307,-293,-294,-295,1161,144,1161,1161,-618,-633,-590,1161,144,-436,144,-437,1161,-444,-445,-446,-378,-379,1161,1161,1161,-506,1161,1161,-510,1161,1161,1161,1161,-515,-516,-517,-518,1161,1161,-521,-522,1161,-524,-525,-526,-527,-528,-529,-530,-531,1161,-533,1161,1161,1161,-539,-541,-542,1161,-544,-545,-546,-547,1161,1161,1161,1161,1161,1161,-652,-653,-654,-655,144,-657,-658,-659,1161,1161,1161,-665,1161,1161,-669,-670,1161,1161,-673,1161,-675,-676,1161,-679,1161,-681,1161,1161,-684,-685,-686,1161,-688,1161,1161,-691,1161,1161,-694,-695,-696,1161,-698,-699,-700,-701,1161,1161,-746,1161,-749,-750,-751,-752,-753,1161,-755,-756,-757,-758,-759,1161,-766,-767,-769,1161,-771,-772,-773,-782,-856,-858,-860,-862,1161,1161,1161,1161,-868,1161,-870,1161,1161,1161,1161,1161,1161,1161,-906,-907,1161,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1161,-921,-924,1161,-934,1161,-385,-386,-387,1161,1161,-390,-391,-392,-393,1161,-396,1161,-399,-400,1161,-401,1161,-406,-407,1161,-410,-411,-412,1161,-415,1161,-416,1161,-421,-422,1161,-425,1161,-428,-429,-1894,-1894,1161,-619,-620,-621,-622,-623,-634,-584,-624,-797,1161,1161,1161,1161,1161,-831,1161,1161,-806,1161,-832,1161,1161,1161,1161,-798,1161,-853,-799,1161,1161,1161,1161,1161,1161,-854,-855,1161,-834,-830,-835,1161,-625,1161,-626,-627,-628,-629,-574,1161,1161,-630,-631,-632,1161,1161,1161,1161,1161,1161,-635,-636,-637,-592,-1894,-602,1161,-638,-639,-713,-640,-604,1161,-572,-577,-580,-583,1161,1161,1161,-598,-601,1161,-608,1161,1161,1161,1161,1161,1161,1161,1161,1161,1161,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1161,144,144,-995,144,1161,144,144,144,1161,-306,-325,-319,-296,-375,-452,-453,-454,-458,144,-443,1161,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1161,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,144,144,144,144,144,144,144,144,1161,-316,-535,-508,-591,-937,-939,-940,-438,1161,-440,-380,-381,-383,-507,-509,-511,1161,-513,-514,-519,-520,1161,-532,-534,-537,-538,-543,-548,-726,1161,-727,1161,-732,1161,-734,1161,-739,-656,-660,-661,1161,-666,1161,-667,1161,-672,-674,1161,-677,1161,1161,1161,-687,-689,1161,-692,1161,1161,-744,1161,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1161,1161,1161,1161,1161,-877,1161,-880,-908,-920,-925,-388,-389,1161,-394,1161,-397,1161,-402,1161,-403,1161,-408,1161,-413,1161,-417,1161,-418,1161,-423,1161,-426,-899,-900,-643,-585,-1894,-901,1161,1161,1161,-800,1161,1161,-804,1161,-807,-833,1161,-818,1161,-820,1161,-822,-808,1161,-824,1161,-851,-852,1161,1161,-811,1161,-646,-902,-904,-648,-649,-645,1161,-705,-706,1161,-642,-903,-647,-650,-603,-714,1161,1161,-605,-586,1161,1161,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1161,1161,-709,-710,1161,-716,1161,144,144,144,1161,1161,-938,144,-439,-441,-747,1161,-891,1849,-715,-1894,1161,1161,144,144,1161,-442,-512,-523,1161,-728,-733,1161,-735,1161,-740,1161,-662,-668,1161,-678,-680,-682,-683,-690,-693,-697,-745,1161,1161,-874,1161,1161,-878,1161,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1161,-812,1161,-814,-801,1161,-802,-805,1161,-816,-819,-821,-823,-825,1161,-826,1161,-809,1161,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,144,-282,144,1161,144,1161,-455,1161,1161,-729,1161,-736,1161,-741,1161,-663,-671,1161,1161,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1161,-836,-53,144,1161,-730,1161,-737,1161,-742,-664,1161,-873,-54,144,144,-731,-738,-743,1161,144,1161,-872,]),'COLUMNS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3104,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[145,145,145,145,-1894,145,145,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,145,145,145,145,-275,-276,145,-1425,145,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,145,145,145,-490,145,145,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,145,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,145,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,145,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,145,-172,-173,-174,-175,-993,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-290,-291,-281,145,145,145,145,145,-328,-318,-332,-333,-334,145,145,-982,-983,-984,-985,-986,-987,-988,145,145,145,145,145,145,145,145,145,145,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,145,145,145,-353,-356,145,-323,-324,-141,145,-142,145,-143,145,-430,-935,-936,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-1894,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-1894,145,-1894,145,145,145,145,145,145,145,145,145,145,145,145,-1894,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,145,-1894,145,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,145,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,145,145,145,-191,-192,145,-994,145,145,145,145,145,-277,-278,-279,-280,-365,145,-308,145,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,145,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,145,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,145,145,145,145,145,145,-573,145,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,145,145,-723,-724,-725,145,145,145,145,145,145,-994,145,145,-91,-92,145,145,145,145,-309,-310,-320,145,-307,-293,-294,-295,145,145,145,145,-618,-633,-590,145,145,-436,145,-437,145,-444,-445,-446,-378,-379,145,145,145,-506,145,145,-510,145,145,145,145,-515,-516,-517,-518,145,145,-521,-522,145,-524,-525,-526,-527,-528,-529,-530,-531,145,-533,145,145,145,-539,-541,-542,145,-544,-545,-546,-547,145,145,145,145,145,145,-652,-653,-654,-655,145,-657,-658,-659,145,145,145,-665,145,145,-669,-670,145,145,-673,145,-675,-676,145,-679,145,-681,145,145,-684,-685,-686,145,-688,145,145,-691,145,145,-694,-695,-696,145,-698,-699,-700,-701,145,145,-746,145,-749,-750,-751,-752,-753,145,-755,-756,-757,-758,-759,145,-766,-767,-769,145,-771,-772,-773,-782,-856,-858,-860,-862,145,145,145,145,-868,145,-870,145,145,145,145,145,145,145,-906,-907,145,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,145,-921,-924,145,-934,145,-385,-386,-387,145,145,-390,-391,-392,-393,145,-396,145,-399,-400,145,-401,145,-406,-407,145,-410,-411,-412,145,-415,145,-416,145,-421,-422,145,-425,145,-428,-429,-1894,-1894,145,-619,-620,-621,-622,-623,-634,-584,-624,-797,145,145,145,145,145,-831,145,145,-806,145,-832,145,145,145,145,-798,145,-853,-799,145,145,145,145,145,145,-854,-855,145,-834,-830,-835,145,-625,145,-626,-627,-628,-629,-574,145,145,-630,-631,-632,145,145,145,145,145,145,-635,-636,-637,-592,-1894,-602,145,-638,-639,-713,-640,-604,145,-572,-577,-580,-583,145,145,145,-598,-601,145,-608,145,145,145,145,145,145,145,145,145,145,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,145,145,145,-995,145,145,145,145,145,145,-306,-325,-319,-296,-375,-452,-453,-454,-458,145,-443,145,-933,-1894,-889,-450,-451,-890,-1894,-1894,3393,-1894,-1894,-1894,-898,145,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,145,145,145,145,145,145,145,145,145,-316,-535,-508,-591,-937,-939,-940,-438,145,-440,-380,-381,-383,-507,-509,-511,145,-513,-514,-519,-520,145,-532,-534,-537,-538,-543,-548,-726,145,-727,145,-732,145,-734,145,-739,-656,-660,-661,145,-666,145,-667,145,-672,-674,145,-677,145,145,145,-687,-689,145,-692,145,145,-744,145,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,145,145,145,145,145,-877,145,-880,-908,-920,-925,-388,-389,145,-394,145,-397,145,-402,145,-403,145,-408,145,-413,145,-417,145,-418,145,-423,145,-426,-899,-900,-643,-585,-1894,-901,145,145,145,-800,145,145,-804,145,-807,-833,145,-818,145,-820,145,-822,-808,145,-824,145,-851,-852,145,145,-811,145,-646,-902,-904,-648,-649,-645,145,-705,-706,145,-642,-903,-647,-650,-603,-714,145,145,-605,-586,145,145,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,145,145,-709,-710,145,-716,145,145,145,145,145,145,-938,145,-439,-441,-747,145,-891,145,-715,-1894,145,145,145,145,145,-442,-512,-523,145,-728,-733,145,-735,145,-740,145,-662,-668,145,-678,-680,-682,-683,-690,-693,-697,-745,145,145,-874,145,145,-878,145,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,145,-812,145,-814,-801,145,-802,-805,145,-816,-819,-821,-823,-825,145,-826,145,-809,145,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,145,-282,145,145,145,145,-455,145,145,-729,145,-736,145,-741,145,-663,-671,145,145,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,145,-836,-53,145,145,-730,145,-737,145,-742,-664,145,-873,-54,145,145,-731,-738,-743,145,145,145,-872,]),'COLUMN_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[146,146,146,146,-1894,146,146,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,146,146,146,146,-275,-276,146,-1425,146,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,146,146,146,-490,146,146,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,146,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,146,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,146,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,146,-172,-173,-174,-175,-993,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-290,-291,-281,146,146,146,146,146,-328,-318,-332,-333,-334,146,146,-982,-983,-984,-985,-986,-987,-988,146,146,146,146,146,146,146,146,146,146,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,146,146,146,-353,-356,146,-323,-324,-141,146,-142,146,-143,146,-430,-935,-936,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-1894,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-1894,146,-1894,146,146,146,146,146,146,146,146,146,146,146,146,-1894,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,146,-1894,146,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,146,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,146,146,146,-191,-192,146,-994,146,146,146,146,146,-277,-278,-279,-280,-365,146,-308,146,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,146,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,146,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,146,146,146,146,146,146,-573,146,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,146,146,-723,-724,-725,146,146,146,146,146,146,-994,146,146,-91,-92,146,146,146,146,-309,-310,-320,146,-307,-293,-294,-295,146,146,146,146,-618,-633,-590,146,146,-436,146,-437,146,-444,-445,-446,-378,-379,146,146,146,-506,146,146,-510,146,146,146,146,-515,-516,-517,-518,146,146,-521,-522,146,-524,-525,-526,-527,-528,-529,-530,-531,146,-533,146,146,146,-539,-541,-542,146,-544,-545,-546,-547,146,146,146,146,146,146,-652,-653,-654,-655,146,-657,-658,-659,146,146,146,-665,146,146,-669,-670,146,146,-673,146,-675,-676,146,-679,146,-681,146,146,-684,-685,-686,146,-688,146,146,-691,146,146,-694,-695,-696,146,-698,-699,-700,-701,146,146,-746,146,-749,-750,-751,-752,-753,146,-755,-756,-757,-758,-759,146,-766,-767,-769,146,-771,-772,-773,-782,-856,-858,-860,-862,146,146,146,146,-868,146,-870,146,146,146,146,146,146,146,-906,-907,146,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,146,-921,-924,146,-934,146,-385,-386,-387,146,146,-390,-391,-392,-393,146,-396,146,-399,-400,146,-401,146,-406,-407,146,-410,-411,-412,146,-415,146,-416,146,-421,-422,146,-425,146,-428,-429,-1894,-1894,146,-619,-620,-621,-622,-623,-634,-584,-624,-797,146,146,146,146,146,-831,146,146,-806,146,-832,146,146,146,146,-798,146,-853,-799,146,146,146,146,146,146,-854,-855,146,-834,-830,-835,146,-625,146,-626,-627,-628,-629,-574,146,146,-630,-631,-632,146,146,146,146,146,146,-635,-636,-637,-592,-1894,-602,146,-638,-639,-713,-640,-604,146,-572,-577,-580,-583,146,146,146,-598,-601,146,-608,146,146,146,146,146,146,146,146,146,146,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,146,146,146,-995,146,146,146,146,146,146,-306,-325,-319,-296,-375,-452,-453,-454,-458,146,-443,146,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,146,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,146,146,146,146,146,146,146,146,146,-316,-535,-508,-591,-937,-939,-940,-438,146,-440,-380,-381,-383,-507,-509,-511,146,-513,-514,-519,-520,146,-532,-534,-537,-538,-543,-548,-726,146,-727,146,-732,146,-734,146,-739,-656,-660,-661,146,-666,146,-667,146,-672,-674,146,-677,146,146,146,-687,-689,146,-692,146,146,-744,146,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,146,146,146,146,146,-877,146,-880,-908,-920,-925,-388,-389,146,-394,146,-397,146,-402,146,-403,146,-408,146,-413,146,-417,146,-418,146,-423,146,-426,-899,-900,-643,-585,-1894,-901,146,146,146,-800,146,146,-804,146,-807,-833,146,-818,146,-820,146,-822,-808,146,-824,146,-851,-852,146,146,-811,146,-646,-902,-904,-648,-649,-645,146,-705,-706,146,-642,-903,-647,-650,-603,-714,146,146,-605,-586,146,146,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,146,146,-709,-710,146,-716,146,146,146,146,146,146,-938,146,-439,-441,-747,146,-891,146,-715,-1894,146,146,146,146,146,-442,-512,-523,146,-728,-733,146,-735,146,-740,146,-662,-668,146,-678,-680,-682,-683,-690,-693,-697,-745,146,146,-874,146,146,-878,146,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,146,-812,146,-814,-801,146,-802,-805,146,-816,-819,-821,-823,-825,146,-826,146,-809,146,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,146,-282,146,146,146,146,-455,146,146,-729,146,-736,146,-741,146,-663,-671,146,146,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,146,-836,-53,146,146,-730,146,-737,146,-742,-664,146,-873,-54,146,146,-731,-738,-743,146,146,146,-872,]),'COLUMN_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[147,147,147,147,-1894,147,147,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,147,147,147,147,-275,-276,147,-1425,147,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,147,147,147,-490,147,147,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,147,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,147,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,147,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,147,-172,-173,-174,-175,-993,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-290,-291,-281,147,147,147,147,147,-328,-318,-332,-333,-334,147,147,-982,-983,-984,-985,-986,-987,-988,147,147,147,147,147,147,147,147,147,147,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,147,147,147,-353,-356,147,-323,-324,-141,147,-142,147,-143,147,-430,-935,-936,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-1894,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-1894,147,-1894,147,147,147,147,147,147,147,147,147,147,147,147,-1894,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,147,-1894,147,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,147,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,147,147,147,-191,-192,147,-994,147,147,147,147,147,-277,-278,-279,-280,-365,147,-308,147,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,147,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,147,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,147,147,147,147,147,147,-573,147,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,147,147,-723,-724,-725,147,147,147,147,147,147,-994,147,147,-91,-92,147,147,147,147,-309,-310,-320,147,-307,-293,-294,-295,147,147,147,147,-618,-633,-590,147,147,-436,147,-437,147,-444,-445,-446,-378,-379,147,147,147,-506,147,147,-510,147,147,147,147,-515,-516,-517,-518,147,147,-521,-522,147,-524,-525,-526,-527,-528,-529,-530,-531,147,-533,147,147,147,-539,-541,-542,147,-544,-545,-546,-547,147,147,147,147,147,147,-652,-653,-654,-655,147,-657,-658,-659,147,147,147,-665,147,147,-669,-670,147,147,-673,147,-675,-676,147,-679,147,-681,147,147,-684,-685,-686,147,-688,147,147,-691,147,147,-694,-695,-696,147,-698,-699,-700,-701,147,147,-746,147,-749,-750,-751,-752,-753,147,-755,-756,-757,-758,-759,147,-766,-767,-769,147,-771,-772,-773,-782,-856,-858,-860,-862,147,147,147,147,-868,147,-870,147,147,147,147,147,147,147,-906,-907,147,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,147,-921,-924,147,-934,147,-385,-386,-387,147,147,-390,-391,-392,-393,147,-396,147,-399,-400,147,-401,147,-406,-407,147,-410,-411,-412,147,-415,147,-416,147,-421,-422,147,-425,147,-428,-429,-1894,-1894,147,-619,-620,-621,-622,-623,-634,-584,-624,-797,147,147,147,147,147,-831,147,147,-806,147,-832,147,147,147,147,-798,147,-853,-799,147,147,147,147,147,147,-854,-855,147,-834,-830,-835,147,-625,147,-626,-627,-628,-629,-574,147,147,-630,-631,-632,147,147,147,147,147,147,-635,-636,-637,-592,-1894,-602,147,-638,-639,-713,-640,-604,147,-572,-577,-580,-583,147,147,147,-598,-601,147,-608,147,147,147,147,147,147,147,147,147,147,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,147,147,147,-995,147,147,147,147,147,147,-306,-325,-319,-296,-375,-452,-453,-454,-458,147,-443,147,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,147,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,147,147,147,147,147,147,147,147,147,-316,-535,-508,-591,-937,-939,-940,-438,147,-440,-380,-381,-383,-507,-509,-511,147,-513,-514,-519,-520,147,-532,-534,-537,-538,-543,-548,-726,147,-727,147,-732,147,-734,147,-739,-656,-660,-661,147,-666,147,-667,147,-672,-674,147,-677,147,147,147,-687,-689,147,-692,147,147,-744,147,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,147,147,147,147,147,-877,147,-880,-908,-920,-925,-388,-389,147,-394,147,-397,147,-402,147,-403,147,-408,147,-413,147,-417,147,-418,147,-423,147,-426,-899,-900,-643,-585,-1894,-901,147,147,147,-800,147,147,-804,147,-807,-833,147,-818,147,-820,147,-822,-808,147,-824,147,-851,-852,147,147,-811,147,-646,-902,-904,-648,-649,-645,147,-705,-706,147,-642,-903,-647,-650,-603,-714,147,147,-605,-586,147,147,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,147,147,-709,-710,147,-716,147,147,147,147,147,147,-938,147,-439,-441,-747,147,-891,147,-715,-1894,147,147,147,147,147,-442,-512,-523,147,-728,-733,147,-735,147,-740,147,-662,-668,147,-678,-680,-682,-683,-690,-693,-697,-745,147,147,-874,147,147,-878,147,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,147,-812,147,-814,-801,147,-802,-805,147,-816,-819,-821,-823,-825,147,-826,147,-809,147,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,147,-282,147,147,147,147,-455,147,147,-729,147,-736,147,-741,147,-663,-671,147,147,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,147,-836,-53,147,147,-730,147,-737,147,-742,-664,147,-873,-54,147,147,-731,-738,-743,147,147,147,-872,]),'COLUMN_STAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[148,148,148,148,-1894,148,148,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,148,148,148,148,-275,-276,148,-1425,148,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,148,148,148,-490,148,148,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,148,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,148,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,148,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,148,-172,-173,-174,-175,-993,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-290,-291,-281,148,148,148,148,148,-328,-318,-332,-333,-334,148,148,-982,-983,-984,-985,-986,-987,-988,148,148,148,148,148,148,148,148,148,148,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,148,148,148,-353,-356,148,-323,-324,-141,148,-142,148,-143,148,-430,-935,-936,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-1894,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-1894,148,-1894,148,148,148,148,148,148,148,148,148,148,148,148,-1894,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,148,-1894,148,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,148,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,148,148,148,-191,-192,148,-994,148,148,148,148,148,-277,-278,-279,-280,-365,148,-308,148,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,148,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,148,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,148,148,148,148,148,148,-573,148,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,148,148,-723,-724,-725,148,148,148,148,148,148,-994,148,148,-91,-92,148,148,148,148,-309,-310,-320,148,-307,-293,-294,-295,148,148,148,148,-618,-633,-590,148,148,-436,148,-437,148,-444,-445,-446,-378,-379,148,148,148,-506,148,148,-510,148,148,148,148,-515,-516,-517,-518,148,148,-521,-522,148,-524,-525,-526,-527,-528,-529,-530,-531,148,-533,148,148,148,-539,-541,-542,148,-544,-545,-546,-547,148,148,148,148,148,148,-652,-653,-654,-655,148,-657,-658,-659,148,148,148,-665,148,148,-669,-670,148,148,-673,148,-675,-676,148,-679,148,-681,148,148,-684,-685,-686,148,-688,148,148,-691,148,148,-694,-695,-696,148,-698,-699,-700,-701,148,148,-746,148,-749,-750,-751,-752,-753,148,-755,-756,-757,-758,-759,148,-766,-767,-769,148,-771,-772,-773,-782,-856,-858,-860,-862,148,148,148,148,-868,148,-870,148,148,148,148,148,148,148,-906,-907,148,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,148,-921,-924,148,-934,148,-385,-386,-387,148,148,-390,-391,-392,-393,148,-396,148,-399,-400,148,-401,148,-406,-407,148,-410,-411,-412,148,-415,148,-416,148,-421,-422,148,-425,148,-428,-429,-1894,-1894,148,-619,-620,-621,-622,-623,-634,-584,-624,-797,148,148,148,148,148,-831,148,148,-806,148,-832,148,148,148,148,-798,148,-853,-799,148,148,148,148,148,148,-854,-855,148,-834,-830,-835,148,-625,148,-626,-627,-628,-629,-574,148,148,-630,-631,-632,148,148,148,148,148,148,-635,-636,-637,-592,-1894,-602,148,-638,-639,-713,-640,-604,148,-572,-577,-580,-583,148,148,148,-598,-601,148,-608,148,148,148,148,148,148,148,148,148,148,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,148,148,148,-995,148,148,148,148,148,148,-306,-325,-319,-296,-375,-452,-453,-454,-458,148,-443,148,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,148,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,148,148,148,148,148,148,148,148,148,-316,-535,-508,-591,-937,-939,-940,-438,148,-440,-380,-381,-383,-507,-509,-511,148,-513,-514,-519,-520,148,-532,-534,-537,-538,-543,-548,-726,148,-727,148,-732,148,-734,148,-739,-656,-660,-661,148,-666,148,-667,148,-672,-674,148,-677,148,148,148,-687,-689,148,-692,148,148,-744,148,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,148,148,148,148,148,-877,148,-880,-908,-920,-925,-388,-389,148,-394,148,-397,148,-402,148,-403,148,-408,148,-413,148,-417,148,-418,148,-423,148,-426,-899,-900,-643,-585,-1894,-901,148,148,148,-800,148,148,-804,148,-807,-833,148,-818,148,-820,148,-822,-808,148,-824,148,-851,-852,148,148,-811,148,-646,-902,-904,-648,-649,-645,148,-705,-706,148,-642,-903,-647,-650,-603,-714,148,148,-605,-586,148,148,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,148,148,-709,-710,148,-716,148,148,148,148,148,148,-938,148,-439,-441,-747,148,-891,148,-715,-1894,148,148,148,148,148,-442,-512,-523,148,-728,-733,148,-735,148,-740,148,-662,-668,148,-678,-680,-682,-683,-690,-693,-697,-745,148,148,-874,148,148,-878,148,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,148,-812,148,-814,-801,148,-802,-805,148,-816,-819,-821,-823,-825,148,-826,148,-809,148,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,148,-282,148,148,148,148,-455,148,148,-729,148,-736,148,-741,148,-663,-671,148,148,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,148,-836,-53,148,148,-730,148,-737,148,-742,-664,148,-873,-54,148,148,-731,-738,-743,148,148,148,-872,]),'COMMENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3583,3585,3586,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3712,3715,3726,3738,3743,3756,3769,3773,3775,3776,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3862,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[149,149,149,149,-1894,149,149,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,149,149,149,149,-275,-276,149,-1425,149,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,149,149,149,-490,149,149,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,149,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,149,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,149,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,149,-172,-173,-174,-175,-993,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-290,-291,-281,149,149,149,149,149,-328,-318,-332,-333,-334,149,149,-982,-983,-984,-985,-986,-987,-988,149,149,149,149,149,149,149,149,149,149,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,149,149,149,-353,-356,149,-323,-324,-141,149,-142,149,-143,149,-430,-935,-936,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-1894,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-1894,149,-1894,149,149,149,149,149,149,149,149,149,149,149,149,-1894,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,149,-1894,149,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,149,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,149,149,149,-191,-192,149,-994,149,149,149,149,149,-277,-278,-279,-280,-365,149,-308,149,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,149,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,149,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,149,149,149,149,149,149,-573,149,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,149,149,-723,-724,-725,149,149,149,149,149,149,-994,149,149,-91,-92,149,149,149,149,-309,-310,-320,149,-307,-293,-294,-295,149,149,149,149,-618,-633,-590,149,149,-436,149,-437,149,-444,-445,-446,-378,-379,149,149,149,-506,149,149,-510,149,149,149,149,-515,-516,-517,-518,149,149,-521,-522,149,-524,-525,-526,-527,-528,-529,-530,-531,149,-533,149,149,149,-539,-541,-542,149,-544,-545,-546,-547,149,149,149,149,149,149,-652,-653,-654,-655,149,-657,-658,-659,149,149,149,-665,149,149,-669,-670,149,149,-673,149,-675,-676,149,-679,149,-681,149,149,-684,-685,-686,149,-688,149,149,-691,149,149,-694,-695,-696,149,-698,-699,-700,-701,149,149,-746,149,-749,-750,-751,-752,-753,149,-755,-756,-757,-758,-759,149,-766,-767,-769,149,-771,-772,-773,-782,-856,-858,-860,-862,149,149,149,149,-868,149,-870,149,149,149,149,149,149,149,-906,-907,149,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,149,-921,-924,149,-934,149,-385,-386,-387,149,149,-390,-391,-392,-393,149,-396,149,-399,-400,149,-401,149,-406,-407,149,-410,-411,-412,149,-415,149,-416,149,-421,-422,149,-425,149,-428,-429,-1894,-1894,149,-619,-620,-621,-622,-623,-634,-584,-624,-797,149,149,149,149,149,-831,149,149,-806,149,-832,149,149,149,149,-798,149,-853,-799,149,149,149,149,149,149,-854,-855,149,-834,-830,-835,149,-625,149,-626,-627,-628,-629,-574,149,149,-630,-631,-632,149,149,149,149,149,149,-635,-636,-637,-592,-1894,-602,149,-638,-639,-713,-640,-604,149,-572,-577,-580,-583,149,149,149,-598,-601,149,-608,149,149,149,149,149,149,149,149,149,149,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,149,149,3186,149,-995,149,149,149,149,149,149,-306,-325,-319,-296,-375,-452,-453,-454,-458,149,-443,149,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,149,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,149,149,149,149,149,149,149,149,149,-316,-535,-508,-591,-937,-939,-940,-438,149,-440,-380,-381,-383,-507,-509,-511,149,-513,-514,-519,-520,149,-532,-534,-537,-538,-543,-548,-726,149,-727,149,-732,149,-734,149,-739,-656,-660,-661,149,-666,149,-667,149,-672,-674,149,-677,149,149,149,-687,-689,149,-692,149,149,-744,149,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,149,149,149,149,149,-877,149,-880,-908,-920,-925,-388,-389,149,-394,149,-397,149,-402,149,-403,149,-408,149,-413,149,-417,149,-418,149,-423,149,-426,-899,-900,-643,-585,-1894,-901,149,149,149,-800,149,149,-804,149,-807,-833,149,-818,149,-820,149,-822,-808,149,-824,149,-851,-852,149,149,-811,149,-646,-902,-904,-648,-649,-645,149,-705,-706,149,-642,-903,-647,-650,-603,-714,149,149,-605,-586,149,149,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,149,149,-709,-710,149,-716,149,149,149,149,3186,149,149,-938,149,-439,-441,-747,149,-891,149,-715,-1894,149,149,3713,3713,3713,3186,149,3186,3186,3186,3186,3186,3186,3186,3186,3186,149,149,-442,-512,-523,149,-728,-733,149,-735,149,-740,149,-662,-668,149,-678,-680,-682,-683,-690,-693,-697,-745,149,149,-874,149,149,-878,149,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,149,-812,149,-814,-801,149,-802,-805,149,-816,-819,-821,-823,-825,149,-826,149,-809,149,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,149,3713,3713,3186,-282,149,149,149,149,3713,3713,-455,149,149,-729,149,-736,149,-741,149,-663,-671,149,149,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,149,-836,-53,149,149,-730,149,-737,149,-742,-664,149,-873,3713,-54,149,149,-731,-738,-743,149,149,149,-872,]),'COMMIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[150,150,150,150,-1894,150,150,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,150,150,150,150,-275,-276,150,-1425,150,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,150,150,150,-490,150,150,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,150,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,150,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,150,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,150,-172,-173,-174,-175,-993,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-290,-291,-281,150,150,150,150,150,-328,-318,-332,-333,-334,150,150,-982,-983,-984,-985,-986,-987,-988,150,150,150,150,150,150,150,150,150,150,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,150,150,150,-353,-356,150,-323,-324,-141,150,-142,150,-143,150,-430,-935,-936,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-1894,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-1894,150,-1894,150,150,150,150,150,150,150,150,150,150,150,150,-1894,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,150,-1894,150,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,150,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,150,150,150,-191,-192,150,-994,150,150,150,150,150,-277,-278,-279,-280,-365,150,-308,150,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,150,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,150,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,150,150,150,150,150,150,-573,150,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,150,150,-723,-724,-725,150,150,150,150,150,150,-994,150,150,-91,-92,150,150,150,150,-309,-310,-320,150,-307,-293,-294,-295,150,150,150,150,-618,-633,-590,150,150,-436,150,-437,150,-444,-445,-446,-378,-379,150,150,150,-506,150,150,-510,150,150,150,150,-515,-516,-517,-518,150,150,-521,-522,150,-524,-525,-526,-527,-528,-529,-530,-531,150,-533,150,150,150,-539,-541,-542,150,-544,-545,-546,-547,150,150,150,150,150,150,-652,-653,-654,-655,150,-657,-658,-659,150,150,150,-665,150,150,-669,-670,150,150,-673,150,-675,-676,150,-679,150,-681,150,150,-684,-685,-686,150,-688,150,150,-691,150,150,-694,-695,-696,150,-698,-699,-700,-701,150,150,-746,150,-749,-750,-751,-752,-753,150,-755,-756,-757,-758,-759,150,-766,-767,-769,150,-771,-772,-773,-782,-856,-858,-860,-862,150,150,150,150,-868,150,-870,150,150,150,150,150,150,150,-906,-907,150,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,150,-921,-924,150,-934,150,-385,-386,-387,150,150,-390,-391,-392,-393,150,-396,150,-399,-400,150,-401,150,-406,-407,150,-410,-411,-412,150,-415,150,-416,150,-421,-422,150,-425,150,-428,-429,-1894,-1894,150,-619,-620,-621,-622,-623,-634,-584,-624,-797,150,150,150,150,150,-831,150,150,-806,150,-832,150,150,150,150,-798,150,-853,-799,150,150,150,150,150,150,-854,-855,150,-834,-830,-835,150,-625,150,-626,-627,-628,-629,-574,150,150,-630,-631,-632,150,150,150,150,150,150,-635,-636,-637,-592,-1894,-602,150,-638,-639,-713,-640,-604,150,-572,-577,-580,-583,150,150,150,-598,-601,150,-608,150,150,150,150,150,150,150,150,150,150,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,150,150,150,-995,150,150,150,150,150,150,-306,-325,-319,-296,-375,-452,-453,-454,-458,150,-443,150,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,150,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,150,150,150,150,150,150,150,150,150,-316,-535,-508,-591,-937,-939,-940,-438,150,-440,-380,-381,-383,-507,-509,-511,150,-513,-514,-519,-520,150,-532,-534,-537,-538,-543,-548,-726,150,-727,150,-732,150,-734,150,-739,-656,-660,-661,150,-666,150,-667,150,-672,-674,150,-677,150,150,150,-687,-689,150,-692,150,150,-744,150,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,150,150,150,150,150,-877,150,-880,-908,-920,-925,-388,-389,150,-394,150,-397,150,-402,150,-403,150,-408,150,-413,150,-417,150,-418,150,-423,150,-426,-899,-900,-643,-585,-1894,-901,150,150,150,-800,150,150,-804,150,-807,-833,150,-818,150,-820,150,-822,-808,150,-824,150,-851,-852,150,150,-811,150,-646,-902,-904,-648,-649,-645,150,-705,-706,150,-642,-903,-647,-650,-603,-714,150,150,-605,-586,150,150,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,150,150,-709,-710,150,-716,150,150,150,150,150,150,-938,150,-439,-441,-747,150,-891,150,-715,-1894,150,150,150,150,150,-442,-512,-523,150,-728,-733,150,-735,150,-740,150,-662,-668,150,-678,-680,-682,-683,-690,-693,-697,-745,150,150,-874,150,150,-878,150,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,150,-812,150,-814,-801,150,-802,-805,150,-816,-819,-821,-823,-825,150,-826,150,-809,150,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,150,-282,150,150,150,150,-455,150,150,-729,150,-736,150,-741,150,-663,-671,150,150,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,150,-836,-53,150,150,-730,150,-737,150,-742,-664,150,-873,-54,150,150,-731,-738,-743,150,150,150,-872,]),'COMMITTED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[151,151,151,151,-1894,151,151,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,151,151,151,151,-275,-276,151,-1425,151,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,151,151,151,-490,151,151,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,151,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,151,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,151,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,151,-172,-173,-174,-175,-993,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-290,-291,-281,151,151,151,151,151,-328,-318,-332,-333,-334,151,151,-982,-983,-984,-985,-986,-987,-988,151,151,151,151,151,151,151,151,151,151,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,151,151,151,-353,-356,151,-323,-324,-141,151,-142,151,-143,151,-430,-935,-936,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-1894,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-1894,151,-1894,151,151,151,151,151,151,151,151,151,151,151,151,-1894,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,151,-1894,151,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,151,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,151,151,151,-191,-192,151,-994,151,151,151,151,151,-277,-278,-279,-280,-365,151,-308,151,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,151,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,151,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,151,151,151,151,151,151,-573,151,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,151,151,-723,-724,-725,151,151,151,151,151,151,-994,151,151,-91,-92,151,151,151,151,-309,-310,-320,151,-307,-293,-294,-295,151,151,151,151,-618,-633,-590,151,151,-436,151,-437,151,-444,-445,-446,-378,-379,151,151,151,-506,151,151,-510,151,151,151,151,-515,-516,-517,-518,151,151,-521,-522,151,-524,-525,-526,-527,-528,-529,-530,-531,151,-533,151,151,151,-539,-541,-542,151,-544,-545,-546,-547,151,151,151,151,151,151,-652,-653,-654,-655,151,-657,-658,-659,151,151,151,-665,151,151,-669,-670,151,151,-673,151,-675,-676,151,-679,151,-681,151,151,-684,-685,-686,151,-688,151,151,-691,151,151,-694,-695,-696,151,-698,-699,-700,-701,151,151,-746,151,-749,-750,-751,-752,-753,151,-755,-756,-757,-758,-759,151,-766,-767,-769,151,-771,-772,-773,-782,-856,-858,-860,-862,151,151,151,151,-868,151,-870,151,151,151,151,151,151,151,-906,-907,151,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,151,-921,-924,151,-934,151,-385,-386,-387,151,151,-390,-391,-392,-393,151,-396,151,-399,-400,151,-401,151,-406,-407,151,-410,-411,-412,151,-415,151,-416,151,-421,-422,151,-425,151,-428,-429,-1894,-1894,151,-619,-620,-621,-622,-623,-634,-584,-624,-797,151,151,151,151,151,-831,151,151,-806,151,-832,151,151,151,151,-798,151,-853,-799,151,151,151,151,151,151,-854,-855,151,-834,-830,-835,151,-625,151,-626,-627,-628,-629,-574,151,151,-630,-631,-632,151,151,151,151,151,151,-635,-636,-637,-592,-1894,-602,151,-638,-639,-713,-640,-604,151,-572,-577,-580,-583,151,151,151,-598,-601,151,-608,151,151,151,151,151,151,151,151,151,151,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,151,151,151,-995,151,151,151,151,151,151,-306,-325,-319,-296,-375,-452,-453,-454,-458,151,-443,151,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,151,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,151,151,151,151,151,151,151,151,151,-316,-535,-508,-591,-937,-939,-940,-438,151,-440,-380,-381,-383,-507,-509,-511,151,-513,-514,-519,-520,151,-532,-534,-537,-538,-543,-548,-726,151,-727,151,-732,151,-734,151,-739,-656,-660,-661,151,-666,151,-667,151,-672,-674,151,-677,151,151,151,-687,-689,151,-692,151,151,-744,151,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,151,151,151,151,151,-877,151,-880,-908,-920,-925,-388,-389,151,-394,151,-397,151,-402,151,-403,151,-408,151,-413,151,-417,151,-418,151,-423,151,-426,-899,-900,-643,-585,-1894,-901,151,151,151,-800,151,151,-804,151,-807,-833,151,-818,151,-820,151,-822,-808,151,-824,151,-851,-852,151,151,-811,151,-646,-902,-904,-648,-649,-645,151,-705,-706,151,-642,-903,-647,-650,-603,-714,151,151,-605,-586,151,151,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,151,151,-709,-710,151,-716,151,151,151,151,151,151,-938,151,-439,-441,-747,151,-891,151,-715,-1894,151,151,151,151,151,-442,-512,-523,151,-728,-733,151,-735,151,-740,151,-662,-668,151,-678,-680,-682,-683,-690,-693,-697,-745,151,151,-874,151,151,-878,151,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,151,-812,151,-814,-801,151,-802,-805,151,-816,-819,-821,-823,-825,151,-826,151,-809,151,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,151,-282,151,151,151,151,-455,151,151,-729,151,-736,151,-741,151,-663,-671,151,151,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,151,-836,-53,151,151,-730,151,-737,151,-742,-664,151,-873,-54,151,151,-731,-738,-743,151,151,151,-872,]),'COMPACT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[152,152,152,152,-1894,152,152,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,152,152,152,152,-275,-276,152,-1425,152,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,152,152,152,-490,152,152,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,152,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,152,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,152,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,152,-172,-173,-174,-175,-993,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-290,-291,-281,152,152,152,152,152,-328,-318,-332,-333,-334,152,152,-982,-983,-984,-985,-986,-987,-988,152,152,152,152,152,152,152,152,152,152,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,152,152,152,-353,-356,152,-323,-324,-141,152,-142,152,-143,152,-430,-935,-936,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-1894,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-1894,152,-1894,152,152,152,152,152,152,152,152,152,152,152,152,-1894,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,152,-1894,152,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,152,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,152,152,152,-191,-192,152,-994,152,152,152,152,152,-277,-278,-279,-280,-365,152,-308,152,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,152,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,152,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,152,152,152,152,152,152,-573,152,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,152,152,-723,-724,-725,152,152,152,152,152,152,-994,152,152,-91,-92,152,152,152,152,-309,-310,-320,152,-307,-293,-294,-295,152,152,152,152,-618,-633,-590,152,152,-436,152,-437,152,-444,-445,-446,-378,-379,152,152,152,-506,152,152,-510,152,152,152,152,-515,-516,-517,-518,152,152,-521,-522,152,-524,-525,-526,-527,-528,-529,-530,-531,152,-533,152,152,152,-539,-541,-542,152,-544,-545,-546,-547,152,152,152,152,152,152,-652,-653,-654,-655,152,-657,-658,-659,152,152,152,-665,152,152,-669,-670,152,152,-673,152,-675,-676,152,-679,152,-681,152,152,-684,-685,-686,152,-688,152,152,-691,152,152,-694,-695,-696,152,-698,-699,-700,-701,152,152,-746,152,-749,-750,-751,-752,-753,152,-755,-756,-757,-758,-759,152,-766,-767,-769,152,-771,-772,-773,-782,-856,-858,-860,-862,152,152,152,152,-868,152,-870,152,152,152,152,152,152,152,-906,-907,152,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,152,-921,-924,152,-934,152,-385,-386,-387,152,152,-390,-391,-392,-393,152,-396,152,-399,-400,152,-401,152,-406,-407,152,-410,-411,-412,152,-415,152,-416,152,-421,-422,152,-425,152,-428,-429,-1894,-1894,152,-619,-620,-621,-622,-623,-634,-584,-624,-797,152,152,152,152,152,-831,152,152,-806,152,-832,152,152,152,152,-798,152,-853,-799,152,152,152,152,152,152,-854,-855,152,-834,-830,-835,152,-625,152,-626,-627,-628,-629,-574,152,152,-630,-631,-632,152,152,152,152,152,152,-635,-636,-637,-592,-1894,-602,152,-638,-639,-713,-640,-604,152,-572,-577,-580,-583,152,152,152,-598,-601,152,-608,152,152,152,152,152,152,152,152,152,152,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,152,152,152,-995,152,152,152,152,152,152,-306,-325,-319,-296,-375,-452,-453,-454,-458,152,-443,152,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,152,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,152,152,152,152,152,152,152,152,152,-316,-535,-508,-591,-937,-939,-940,-438,152,-440,-380,-381,-383,-507,-509,-511,152,-513,-514,-519,-520,152,-532,-534,-537,-538,-543,-548,-726,152,-727,152,-732,152,-734,152,-739,-656,-660,-661,152,-666,152,-667,152,-672,-674,152,-677,152,152,152,-687,-689,152,-692,152,152,-744,152,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,152,152,152,152,152,-877,152,-880,-908,-920,-925,-388,-389,152,-394,152,-397,152,-402,152,-403,152,-408,152,-413,152,-417,152,-418,152,-423,152,-426,-899,-900,-643,-585,-1894,-901,152,152,152,-800,152,152,-804,152,-807,-833,152,-818,152,-820,152,-822,-808,152,-824,152,-851,-852,152,152,-811,152,-646,-902,-904,-648,-649,-645,152,-705,-706,152,-642,-903,-647,-650,-603,-714,152,152,-605,-586,152,152,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,152,152,-709,-710,152,-716,152,152,152,152,152,152,-938,152,-439,-441,-747,152,-891,152,-715,-1894,152,152,152,152,152,-442,-512,-523,152,-728,-733,152,-735,152,-740,152,-662,-668,152,-678,-680,-682,-683,-690,-693,-697,-745,152,152,-874,152,152,-878,152,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,152,-812,152,-814,-801,152,-802,-805,152,-816,-819,-821,-823,-825,152,-826,152,-809,152,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,152,-282,152,152,152,152,-455,152,152,-729,152,-736,152,-741,152,-663,-671,152,152,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,152,-836,-53,152,152,-730,152,-737,152,-742,-664,152,-873,-54,152,152,-731,-738,-743,152,152,152,-872,]),'COMPLETION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[153,153,153,153,-1894,153,153,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,153,153,153,153,-275,-276,153,-1425,153,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,153,153,153,-490,153,153,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,153,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,153,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,153,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,153,-172,-173,-174,-175,-993,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-290,-291,-281,153,153,153,153,153,-328,-318,-332,-333,-334,153,153,-982,-983,-984,-985,-986,-987,-988,153,153,153,153,153,153,153,153,153,153,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,153,153,153,-353,-356,153,-323,-324,-141,153,-142,153,-143,153,-430,-935,-936,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-1894,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-1894,153,-1894,153,153,153,153,153,153,153,153,153,153,153,153,-1894,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,153,-1894,153,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,153,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,153,153,153,-191,-192,153,-994,153,153,153,153,153,-277,-278,-279,-280,-365,153,-308,153,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,153,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,153,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,153,153,153,153,153,153,-573,153,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,153,153,-723,-724,-725,153,153,153,153,153,153,-994,153,153,-91,-92,153,153,153,153,-309,-310,-320,153,-307,-293,-294,-295,153,153,153,153,-618,-633,-590,153,153,-436,153,-437,153,-444,-445,-446,-378,-379,153,153,153,-506,153,153,-510,153,153,153,153,-515,-516,-517,-518,153,153,-521,-522,153,-524,-525,-526,-527,-528,-529,-530,-531,153,-533,153,153,153,-539,-541,-542,153,-544,-545,-546,-547,153,153,153,153,153,153,-652,-653,-654,-655,153,-657,-658,-659,153,153,153,-665,153,153,-669,-670,153,153,-673,153,-675,-676,153,-679,153,-681,153,153,-684,-685,-686,153,-688,153,153,-691,153,153,-694,-695,-696,153,-698,-699,-700,-701,153,153,-746,153,-749,-750,-751,-752,-753,153,-755,-756,-757,-758,-759,153,-766,-767,-769,153,-771,-772,-773,-782,-856,-858,-860,-862,153,153,153,153,-868,153,-870,153,153,153,153,153,153,153,-906,-907,153,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,153,-921,-924,153,-934,153,-385,-386,-387,153,153,-390,-391,-392,-393,153,-396,153,-399,-400,153,-401,153,-406,-407,153,-410,-411,-412,153,-415,153,-416,153,-421,-422,153,-425,153,-428,-429,-1894,-1894,153,-619,-620,-621,-622,-623,-634,-584,-624,-797,153,153,153,153,153,-831,153,153,-806,153,-832,153,153,153,153,-798,153,-853,-799,153,153,153,153,153,153,-854,-855,153,-834,-830,-835,153,-625,153,-626,-627,-628,-629,-574,153,153,-630,-631,-632,153,153,153,153,153,153,-635,-636,-637,-592,-1894,-602,153,-638,-639,-713,-640,-604,153,-572,-577,-580,-583,153,153,153,-598,-601,153,-608,153,153,153,153,153,153,153,153,153,153,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,153,153,153,-995,153,153,153,153,153,153,-306,-325,-319,-296,-375,-452,-453,-454,-458,153,-443,153,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,153,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,153,153,153,153,153,153,153,153,153,-316,-535,-508,-591,-937,-939,-940,-438,153,-440,-380,-381,-383,-507,-509,-511,153,-513,-514,-519,-520,153,-532,-534,-537,-538,-543,-548,-726,153,-727,153,-732,153,-734,153,-739,-656,-660,-661,153,-666,153,-667,153,-672,-674,153,-677,153,153,153,-687,-689,153,-692,153,153,-744,153,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,153,153,153,153,153,-877,153,-880,-908,-920,-925,-388,-389,153,-394,153,-397,153,-402,153,-403,153,-408,153,-413,153,-417,153,-418,153,-423,153,-426,-899,-900,-643,-585,-1894,-901,153,153,153,-800,153,153,-804,153,-807,-833,153,-818,153,-820,153,-822,-808,153,-824,153,-851,-852,153,153,-811,153,-646,-902,-904,-648,-649,-645,153,-705,-706,153,-642,-903,-647,-650,-603,-714,153,153,-605,-586,153,153,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,153,153,-709,-710,153,-716,153,153,153,153,153,153,-938,153,-439,-441,-747,153,-891,153,-715,-1894,153,153,153,153,153,-442,-512,-523,153,-728,-733,153,-735,153,-740,153,-662,-668,153,-678,-680,-682,-683,-690,-693,-697,-745,153,153,-874,153,153,-878,153,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,153,-812,153,-814,-801,153,-802,-805,153,-816,-819,-821,-823,-825,153,-826,153,-809,153,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,153,-282,153,153,153,153,-455,153,153,-729,153,-736,153,-741,153,-663,-671,153,153,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,153,-836,-53,153,153,-730,153,-737,153,-742,-664,153,-873,-54,153,153,-731,-738,-743,153,153,153,-872,]),'COMPRESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[154,154,154,1135,-1894,154,154,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,154,154,154,154,-275,-276,1135,-1425,1135,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1135,1135,1135,-490,1135,1135,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1135,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1135,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1850,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,154,-172,-173,-174,-175,-993,154,154,154,154,154,154,154,154,154,154,1135,1135,1135,1135,1135,-290,-291,-281,154,1135,1135,1135,1135,-328,-318,-332,-333,-334,1135,1135,-982,-983,-984,-985,-986,-987,-988,154,154,1135,1135,1135,1135,1135,1135,1135,1135,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1135,1135,1135,-353,-356,154,-323,-324,-141,1135,-142,1135,-143,1135,-430,-935,-936,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1894,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1894,1135,-1894,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1894,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-1894,154,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1135,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1135,154,154,-191,-192,154,-994,1135,154,154,154,154,-277,-278,-279,-280,-365,1135,-308,1135,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1135,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1135,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1135,1135,1135,1135,1135,1135,-573,1135,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1135,1135,-723,-724,-725,1135,1850,154,154,154,154,-994,154,1135,-91,-92,154,154,154,1135,-309,-310,-320,1135,-307,-293,-294,-295,1135,154,1135,1135,-618,-633,-590,1135,154,-436,154,-437,1135,-444,-445,-446,-378,-379,1135,1135,1135,-506,1135,1135,-510,1135,1135,1135,1135,-515,-516,-517,-518,1135,1135,-521,-522,1135,-524,-525,-526,-527,-528,-529,-530,-531,1135,-533,1135,1135,1135,-539,-541,-542,1135,-544,-545,-546,-547,1135,1135,1135,1135,1135,1135,-652,-653,-654,-655,154,-657,-658,-659,1135,1135,1135,-665,1135,1135,-669,-670,1135,1135,-673,1135,-675,-676,1135,-679,1135,-681,1135,1135,-684,-685,-686,1135,-688,1135,1135,-691,1135,1135,-694,-695,-696,1135,-698,-699,-700,-701,1135,1135,-746,1135,-749,-750,-751,-752,-753,1135,-755,-756,-757,-758,-759,1135,-766,-767,-769,1135,-771,-772,-773,-782,-856,-858,-860,-862,1135,1135,1135,1135,-868,1135,-870,1135,1135,1135,1135,1135,1135,1135,-906,-907,1135,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1135,-921,-924,1135,-934,1135,-385,-386,-387,1135,1135,-390,-391,-392,-393,1135,-396,1135,-399,-400,1135,-401,1135,-406,-407,1135,-410,-411,-412,1135,-415,1135,-416,1135,-421,-422,1135,-425,1135,-428,-429,-1894,-1894,1135,-619,-620,-621,-622,-623,-634,-584,-624,-797,1135,1135,1135,1135,1135,-831,1135,1135,-806,1135,-832,1135,1135,1135,1135,-798,1135,-853,-799,1135,1135,1135,1135,1135,1135,-854,-855,1135,-834,-830,-835,1135,-625,1135,-626,-627,-628,-629,-574,1135,1135,-630,-631,-632,1135,1135,1135,1135,1135,1135,-635,-636,-637,-592,-1894,-602,1135,-638,-639,-713,-640,-604,1135,-572,-577,-580,-583,1135,1135,1135,-598,-601,1135,-608,1135,1135,1135,1135,1135,1135,1135,1135,1135,1135,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1135,154,154,-995,154,1135,154,154,154,1135,-306,-325,-319,-296,-375,-452,-453,-454,-458,154,-443,1135,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1135,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,154,154,154,154,154,154,154,154,1135,-316,-535,-508,-591,-937,-939,-940,-438,1135,-440,-380,-381,-383,-507,-509,-511,1135,-513,-514,-519,-520,1135,-532,-534,-537,-538,-543,-548,-726,1135,-727,1135,-732,1135,-734,1135,-739,-656,-660,-661,1135,-666,1135,-667,1135,-672,-674,1135,-677,1135,1135,1135,-687,-689,1135,-692,1135,1135,-744,1135,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1135,1135,1135,1135,1135,-877,1135,-880,-908,-920,-925,-388,-389,1135,-394,1135,-397,1135,-402,1135,-403,1135,-408,1135,-413,1135,-417,1135,-418,1135,-423,1135,-426,-899,-900,-643,-585,-1894,-901,1135,1135,1135,-800,1135,1135,-804,1135,-807,-833,1135,-818,1135,-820,1135,-822,-808,1135,-824,1135,-851,-852,1135,1135,-811,1135,-646,-902,-904,-648,-649,-645,1135,-705,-706,1135,-642,-903,-647,-650,-603,-714,1135,1135,-605,-586,1135,1135,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1135,1135,-709,-710,1135,-716,1135,154,154,154,1135,1135,-938,154,-439,-441,-747,1135,-891,1850,-715,-1894,1135,1135,154,154,1135,-442,-512,-523,1135,-728,-733,1135,-735,1135,-740,1135,-662,-668,1135,-678,-680,-682,-683,-690,-693,-697,-745,1135,1135,-874,1135,1135,-878,1135,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1135,-812,1135,-814,-801,1135,-802,-805,1135,-816,-819,-821,-823,-825,1135,-826,1135,-809,1135,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,154,-282,154,1135,154,1135,-455,1135,1135,-729,1135,-736,1135,-741,1135,-663,-671,1135,1135,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1135,-836,-53,154,1135,-730,1135,-737,1135,-742,-664,1135,-873,-54,154,154,-731,-738,-743,1135,154,1135,-872,]),'COMPRESSED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[155,155,155,155,-1894,155,155,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,155,155,155,155,-275,-276,155,-1425,155,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,155,155,155,-490,155,155,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,155,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,155,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,155,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,155,-172,-173,-174,-175,-993,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-290,-291,-281,155,155,155,155,155,-328,-318,-332,-333,-334,155,155,-982,-983,-984,-985,-986,-987,-988,155,155,155,155,155,155,155,155,155,155,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,155,155,155,-353,-356,155,-323,-324,-141,155,-142,155,-143,155,-430,-935,-936,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-1894,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-1894,155,-1894,155,155,155,155,155,155,155,155,155,155,155,155,-1894,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,155,-1894,155,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,155,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,155,155,155,-191,-192,155,-994,155,155,155,155,155,-277,-278,-279,-280,-365,155,-308,155,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,155,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,155,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,155,155,155,155,155,155,-573,155,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,155,155,-723,-724,-725,155,155,155,155,155,155,-994,155,155,-91,-92,155,155,155,155,-309,-310,-320,155,-307,-293,-294,-295,155,155,155,155,-618,-633,-590,155,155,-436,155,-437,155,-444,-445,-446,-378,-379,155,155,155,-506,155,155,-510,155,155,155,155,-515,-516,-517,-518,155,155,-521,-522,155,-524,-525,-526,-527,-528,-529,-530,-531,155,-533,155,155,155,-539,-541,-542,155,-544,-545,-546,-547,155,155,155,155,155,155,-652,-653,-654,-655,155,-657,-658,-659,155,155,155,-665,155,155,-669,-670,155,155,-673,155,-675,-676,155,-679,155,-681,155,155,-684,-685,-686,155,-688,155,155,-691,155,155,-694,-695,-696,155,-698,-699,-700,-701,155,155,-746,155,-749,-750,-751,-752,-753,155,-755,-756,-757,-758,-759,155,-766,-767,-769,155,-771,-772,-773,-782,-856,-858,-860,-862,155,155,155,155,-868,155,-870,155,155,155,155,155,155,155,-906,-907,155,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,155,-921,-924,155,-934,155,-385,-386,-387,155,155,-390,-391,-392,-393,155,-396,155,-399,-400,155,-401,155,-406,-407,155,-410,-411,-412,155,-415,155,-416,155,-421,-422,155,-425,155,-428,-429,-1894,-1894,155,-619,-620,-621,-622,-623,-634,-584,-624,-797,155,155,155,155,155,-831,155,155,-806,155,-832,155,155,155,155,-798,155,-853,-799,155,155,155,155,155,155,-854,-855,155,-834,-830,-835,155,-625,155,-626,-627,-628,-629,-574,155,155,-630,-631,-632,155,155,155,155,155,155,-635,-636,-637,-592,-1894,-602,155,-638,-639,-713,-640,-604,155,-572,-577,-580,-583,155,155,155,-598,-601,155,-608,155,155,155,155,155,155,155,155,155,155,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,155,155,155,-995,155,155,155,155,155,155,-306,-325,-319,-296,-375,-452,-453,-454,-458,155,-443,155,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,155,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,155,155,155,155,155,155,155,155,155,-316,-535,-508,-591,-937,-939,-940,-438,155,-440,-380,-381,-383,-507,-509,-511,155,-513,-514,-519,-520,155,-532,-534,-537,-538,-543,-548,-726,155,-727,155,-732,155,-734,155,-739,-656,-660,-661,155,-666,155,-667,155,-672,-674,155,-677,155,155,155,-687,-689,155,-692,155,155,-744,155,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,155,155,155,155,155,-877,155,-880,-908,-920,-925,-388,-389,155,-394,155,-397,155,-402,155,-403,155,-408,155,-413,155,-417,155,-418,155,-423,155,-426,-899,-900,-643,-585,-1894,-901,155,155,155,-800,155,155,-804,155,-807,-833,155,-818,155,-820,155,-822,-808,155,-824,155,-851,-852,155,155,-811,155,-646,-902,-904,-648,-649,-645,155,-705,-706,155,-642,-903,-647,-650,-603,-714,155,155,-605,-586,155,155,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,155,155,-709,-710,155,-716,155,155,155,155,155,155,-938,155,-439,-441,-747,155,-891,155,-715,-1894,155,155,155,155,155,-442,-512,-523,155,-728,-733,155,-735,155,-740,155,-662,-668,155,-678,-680,-682,-683,-690,-693,-697,-745,155,155,-874,155,155,-878,155,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,155,-812,155,-814,-801,155,-802,-805,155,-816,-819,-821,-823,-825,155,-826,155,-809,155,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,155,-282,155,155,155,155,-455,155,155,-729,155,-736,155,-741,155,-663,-671,155,155,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,155,-836,-53,155,155,-730,155,-737,155,-742,-664,155,-873,-54,155,155,-731,-738,-743,155,155,155,-872,]),'COMPRESSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[156,156,156,156,-1894,156,156,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,156,156,156,156,-275,-276,156,-1425,156,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,156,156,156,-490,156,156,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,156,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,156,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,156,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,156,-172,-173,-174,-175,-993,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-290,-291,-281,156,156,156,156,156,-328,-318,-332,-333,-334,156,156,-982,-983,-984,-985,-986,-987,-988,156,156,156,156,156,156,156,156,156,156,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,156,156,156,-353,-356,156,-323,-324,-141,156,-142,156,-143,156,-430,-935,-936,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-1894,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-1894,156,-1894,156,156,156,156,156,156,156,156,156,156,156,156,-1894,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,156,-1894,156,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,156,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,156,156,156,-191,-192,156,-994,156,156,156,156,156,-277,-278,-279,-280,-365,156,-308,156,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,156,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,156,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,156,156,156,156,156,156,-573,156,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,156,156,-723,-724,-725,156,156,156,156,156,156,-994,156,156,-91,-92,156,156,156,156,-309,-310,-320,156,-307,-293,-294,-295,156,156,156,156,-618,-633,-590,156,156,-436,156,-437,156,-444,-445,-446,-378,-379,156,156,156,-506,156,156,-510,156,156,156,156,-515,-516,-517,-518,156,156,-521,-522,156,-524,-525,-526,-527,-528,-529,-530,-531,156,-533,156,156,156,-539,-541,-542,156,-544,-545,-546,-547,156,156,156,156,156,156,-652,-653,-654,-655,156,-657,-658,-659,156,156,156,-665,156,156,-669,-670,156,156,-673,156,-675,-676,156,-679,156,-681,156,156,-684,-685,-686,156,-688,156,156,-691,156,156,-694,-695,-696,156,-698,-699,-700,-701,156,156,-746,156,-749,-750,-751,-752,-753,156,-755,-756,-757,-758,-759,156,-766,-767,-769,156,-771,-772,-773,-782,-856,-858,-860,-862,156,156,156,156,-868,156,-870,156,156,156,156,156,156,156,-906,-907,156,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,156,-921,-924,156,-934,156,-385,-386,-387,156,156,-390,-391,-392,-393,156,-396,156,-399,-400,156,-401,156,-406,-407,156,-410,-411,-412,156,-415,156,-416,156,-421,-422,156,-425,156,-428,-429,-1894,-1894,156,-619,-620,-621,-622,-623,-634,-584,-624,-797,156,156,156,156,156,-831,156,156,-806,156,-832,156,156,156,156,-798,156,-853,-799,156,156,156,156,156,156,-854,-855,156,-834,-830,-835,156,-625,156,-626,-627,-628,-629,-574,156,156,-630,-631,-632,156,156,156,156,156,156,-635,-636,-637,-592,-1894,-602,156,-638,-639,-713,-640,-604,156,-572,-577,-580,-583,156,156,156,-598,-601,156,-608,156,156,156,156,156,156,156,156,156,156,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,156,156,3187,156,-995,156,156,156,156,156,156,-306,-325,-319,-296,-375,-452,-453,-454,-458,156,-443,156,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,156,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,156,156,156,156,156,156,156,156,156,-316,-535,-508,-591,-937,-939,-940,-438,156,-440,-380,-381,-383,-507,-509,-511,156,-513,-514,-519,-520,156,-532,-534,-537,-538,-543,-548,-726,156,-727,156,-732,156,-734,156,-739,-656,-660,-661,156,-666,156,-667,156,-672,-674,156,-677,156,156,156,-687,-689,156,-692,156,156,-744,156,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,156,156,156,156,156,-877,156,-880,-908,-920,-925,-388,-389,156,-394,156,-397,156,-402,156,-403,156,-408,156,-413,156,-417,156,-418,156,-423,156,-426,-899,-900,-643,-585,-1894,-901,156,156,156,-800,156,156,-804,156,-807,-833,156,-818,156,-820,156,-822,-808,156,-824,156,-851,-852,156,156,-811,156,-646,-902,-904,-648,-649,-645,156,-705,-706,156,-642,-903,-647,-650,-603,-714,156,156,-605,-586,156,156,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,156,156,-709,-710,156,-716,156,156,156,156,3187,156,156,-938,156,-439,-441,-747,156,-891,156,-715,-1894,156,156,3187,156,3187,3187,3187,3187,3187,3187,3187,3187,3187,156,156,-442,-512,-523,156,-728,-733,156,-735,156,-740,156,-662,-668,156,-678,-680,-682,-683,-690,-693,-697,-745,156,156,-874,156,156,-878,156,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,156,-812,156,-814,-801,156,-802,-805,156,-816,-819,-821,-823,-825,156,-826,156,-809,156,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,156,3187,-282,156,156,156,156,-455,156,156,-729,156,-736,156,-741,156,-663,-671,156,156,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,156,-836,-53,156,156,-730,156,-737,156,-742,-664,156,-873,-54,156,156,-731,-738,-743,156,156,156,-872,]),'CONCAT_WS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[157,157,157,1089,-1894,157,157,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,157,157,157,157,-275,-276,1089,-1425,1089,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1089,1089,1089,-490,1089,1089,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1089,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1089,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1851,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,157,-172,-173,-174,-175,-993,157,157,157,157,157,157,157,157,157,157,1089,1089,1089,1089,1089,-290,-291,-281,157,1089,1089,1089,1089,-328,-318,-332,-333,-334,1089,1089,-982,-983,-984,-985,-986,-987,-988,157,157,1089,1089,1089,1089,1089,1089,1089,1089,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1089,1089,1089,-353,-356,157,-323,-324,-141,1089,-142,1089,-143,1089,-430,-935,-936,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1894,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1894,1089,-1894,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1894,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-1894,157,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1089,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1089,157,157,-191,-192,157,-994,1089,157,157,157,157,-277,-278,-279,-280,-365,1089,-308,1089,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1089,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1089,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1089,1089,1089,1089,1089,1089,-573,1089,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1089,1089,-723,-724,-725,1089,1851,157,157,157,157,-994,157,1089,-91,-92,157,157,157,1089,-309,-310,-320,1089,-307,-293,-294,-295,1089,157,1089,1089,-618,-633,-590,1089,157,-436,157,-437,1089,-444,-445,-446,-378,-379,1089,1089,1089,-506,1089,1089,-510,1089,1089,1089,1089,-515,-516,-517,-518,1089,1089,-521,-522,1089,-524,-525,-526,-527,-528,-529,-530,-531,1089,-533,1089,1089,1089,-539,-541,-542,1089,-544,-545,-546,-547,1089,1089,1089,1089,1089,1089,-652,-653,-654,-655,157,-657,-658,-659,1089,1089,1089,-665,1089,1089,-669,-670,1089,1089,-673,1089,-675,-676,1089,-679,1089,-681,1089,1089,-684,-685,-686,1089,-688,1089,1089,-691,1089,1089,-694,-695,-696,1089,-698,-699,-700,-701,1089,1089,-746,1089,-749,-750,-751,-752,-753,1089,-755,-756,-757,-758,-759,1089,-766,-767,-769,1089,-771,-772,-773,-782,-856,-858,-860,-862,1089,1089,1089,1089,-868,1089,-870,1089,1089,1089,1089,1089,1089,1089,-906,-907,1089,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1089,-921,-924,1089,-934,1089,-385,-386,-387,1089,1089,-390,-391,-392,-393,1089,-396,1089,-399,-400,1089,-401,1089,-406,-407,1089,-410,-411,-412,1089,-415,1089,-416,1089,-421,-422,1089,-425,1089,-428,-429,-1894,-1894,1089,-619,-620,-621,-622,-623,-634,-584,-624,-797,1089,1089,1089,1089,1089,-831,1089,1089,-806,1089,-832,1089,1089,1089,1089,-798,1089,-853,-799,1089,1089,1089,1089,1089,1089,-854,-855,1089,-834,-830,-835,1089,-625,1089,-626,-627,-628,-629,-574,1089,1089,-630,-631,-632,1089,1089,1089,1089,1089,1089,-635,-636,-637,-592,-1894,-602,1089,-638,-639,-713,-640,-604,1089,-572,-577,-580,-583,1089,1089,1089,-598,-601,1089,-608,1089,1089,1089,1089,1089,1089,1089,1089,1089,1089,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1089,157,157,-995,157,1089,157,157,157,1089,-306,-325,-319,-296,-375,-452,-453,-454,-458,157,-443,1089,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1089,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,157,157,157,157,157,157,157,157,1089,-316,-535,-508,-591,-937,-939,-940,-438,1089,-440,-380,-381,-383,-507,-509,-511,1089,-513,-514,-519,-520,1089,-532,-534,-537,-538,-543,-548,-726,1089,-727,1089,-732,1089,-734,1089,-739,-656,-660,-661,1089,-666,1089,-667,1089,-672,-674,1089,-677,1089,1089,1089,-687,-689,1089,-692,1089,1089,-744,1089,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1089,1089,1089,1089,1089,-877,1089,-880,-908,-920,-925,-388,-389,1089,-394,1089,-397,1089,-402,1089,-403,1089,-408,1089,-413,1089,-417,1089,-418,1089,-423,1089,-426,-899,-900,-643,-585,-1894,-901,1089,1089,1089,-800,1089,1089,-804,1089,-807,-833,1089,-818,1089,-820,1089,-822,-808,1089,-824,1089,-851,-852,1089,1089,-811,1089,-646,-902,-904,-648,-649,-645,1089,-705,-706,1089,-642,-903,-647,-650,-603,-714,1089,1089,-605,-586,1089,1089,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1089,1089,-709,-710,1089,-716,1089,157,157,157,1089,1089,-938,157,-439,-441,-747,1089,-891,1851,-715,-1894,1089,1089,157,157,1089,-442,-512,-523,1089,-728,-733,1089,-735,1089,-740,1089,-662,-668,1089,-678,-680,-682,-683,-690,-693,-697,-745,1089,1089,-874,1089,1089,-878,1089,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1089,-812,1089,-814,-801,1089,-802,-805,1089,-816,-819,-821,-823,-825,1089,-826,1089,-809,1089,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,157,-282,157,1089,157,1089,-455,1089,1089,-729,1089,-736,1089,-741,1089,-663,-671,1089,1089,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1089,-836,-53,157,1089,-730,1089,-737,1089,-742,-664,1089,-873,-54,157,157,-731,-738,-743,1089,157,1089,-872,]),'CONCURRENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[158,158,158,158,-1894,158,158,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,158,158,158,158,-275,-276,158,-1425,158,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,158,158,158,-490,158,158,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,158,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,158,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,158,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,158,-172,-173,-174,-175,-993,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-290,-291,-281,158,158,158,158,158,-328,-318,-332,-333,-334,158,158,-982,-983,-984,-985,-986,-987,-988,158,158,158,158,158,158,158,158,158,158,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,158,158,158,-353,-356,158,-323,-324,-141,158,-142,158,-143,158,-430,-935,-936,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-1894,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-1894,158,-1894,158,158,158,158,158,158,158,158,158,158,158,158,-1894,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,158,-1894,158,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,158,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,158,158,158,-191,-192,158,-994,158,158,158,158,158,-277,-278,-279,-280,-365,158,-308,158,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,158,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,158,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,158,158,158,158,158,158,-573,158,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,158,158,-723,-724,-725,158,158,158,158,158,158,-994,158,158,-91,-92,158,158,158,158,-309,-310,-320,158,-307,-293,-294,-295,158,158,158,158,-618,-633,-590,158,158,-436,158,-437,158,-444,-445,-446,-378,-379,158,158,158,-506,158,158,-510,158,158,158,158,-515,-516,-517,-518,158,158,-521,-522,158,-524,-525,-526,-527,-528,-529,-530,-531,158,-533,158,158,158,-539,-541,-542,158,-544,-545,-546,-547,158,158,158,158,158,158,-652,-653,-654,-655,158,-657,-658,-659,158,158,158,-665,158,158,-669,-670,158,158,-673,158,-675,-676,158,-679,158,-681,158,158,-684,-685,-686,158,-688,158,158,-691,158,158,-694,-695,-696,158,-698,-699,-700,-701,158,158,-746,158,-749,-750,-751,-752,-753,158,-755,-756,-757,-758,-759,158,-766,-767,-769,158,-771,-772,-773,-782,-856,-858,-860,-862,158,158,158,158,-868,158,-870,158,158,158,158,158,158,158,-906,-907,158,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,158,-921,-924,158,-934,158,-385,-386,-387,158,158,-390,-391,-392,-393,158,-396,158,-399,-400,158,-401,158,-406,-407,158,-410,-411,-412,158,-415,158,-416,158,-421,-422,158,-425,158,-428,-429,-1894,-1894,158,-619,-620,-621,-622,-623,-634,-584,-624,-797,158,158,158,158,158,-831,158,158,-806,158,-832,158,158,158,158,-798,158,-853,-799,158,158,158,158,158,158,-854,-855,158,-834,-830,-835,158,-625,158,-626,-627,-628,-629,-574,158,158,-630,-631,-632,158,158,158,158,158,158,-635,-636,-637,-592,-1894,-602,158,-638,-639,-713,-640,-604,158,-572,-577,-580,-583,158,158,158,-598,-601,158,-608,158,158,158,158,158,158,158,158,158,158,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,158,158,158,-995,158,158,158,158,158,158,-306,-325,-319,-296,-375,-452,-453,-454,-458,158,-443,158,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,158,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,158,158,158,158,158,158,158,158,158,-316,-535,-508,-591,-937,-939,-940,-438,158,-440,-380,-381,-383,-507,-509,-511,158,-513,-514,-519,-520,158,-532,-534,-537,-538,-543,-548,-726,158,-727,158,-732,158,-734,158,-739,-656,-660,-661,158,-666,158,-667,158,-672,-674,158,-677,158,158,158,-687,-689,158,-692,158,158,-744,158,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,158,158,158,158,158,-877,158,-880,-908,-920,-925,-388,-389,158,-394,158,-397,158,-402,158,-403,158,-408,158,-413,158,-417,158,-418,158,-423,158,-426,-899,-900,-643,-585,-1894,-901,158,158,158,-800,158,158,-804,158,-807,-833,158,-818,158,-820,158,-822,-808,158,-824,158,-851,-852,158,158,-811,158,-646,-902,-904,-648,-649,-645,158,-705,-706,158,-642,-903,-647,-650,-603,-714,158,158,-605,-586,158,158,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,158,158,-709,-710,158,-716,158,158,158,158,158,158,-938,158,-439,-441,-747,158,-891,158,-715,-1894,158,158,158,158,158,-442,-512,-523,158,-728,-733,158,-735,158,-740,158,-662,-668,158,-678,-680,-682,-683,-690,-693,-697,-745,158,158,-874,158,158,-878,158,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,158,-812,158,-814,-801,158,-802,-805,158,-816,-819,-821,-823,-825,158,-826,158,-809,158,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,158,-282,158,158,158,158,-455,158,158,-729,158,-736,158,-741,158,-663,-671,158,158,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,158,-836,-53,158,158,-730,158,-737,158,-742,-664,158,-873,-54,158,158,-731,-738,-743,158,158,158,-872,]),'CONNECTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[159,159,159,159,-1894,159,159,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,159,159,159,159,-275,-276,159,-1425,159,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,159,159,159,-490,159,159,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,159,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,159,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,159,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,159,-172,-173,-174,-175,-993,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-290,-291,-281,159,159,159,159,159,-328,-318,-332,-333,-334,159,159,-982,-983,-984,-985,-986,-987,-988,159,159,159,159,159,159,159,159,159,159,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,159,159,159,-353,-356,159,-323,-324,-141,159,-142,159,-143,159,-430,-935,-936,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-1894,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-1894,159,-1894,159,159,159,159,159,159,159,159,159,159,159,159,-1894,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,159,-1894,159,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,159,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,159,159,159,-191,-192,159,-994,159,159,159,159,159,-277,-278,-279,-280,-365,159,-308,159,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,159,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,159,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,159,159,159,159,159,159,-573,159,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,159,159,-723,-724,-725,159,159,159,159,159,159,-994,159,159,-91,-92,159,159,159,159,-309,-310,-320,159,-307,-293,-294,-295,159,159,159,159,-618,-633,-590,159,159,-436,159,-437,159,-444,-445,-446,-378,-379,159,159,159,-506,159,159,-510,159,159,159,159,-515,-516,-517,-518,159,159,-521,-522,159,-524,-525,-526,-527,-528,-529,-530,-531,159,-533,159,159,159,-539,-541,-542,159,-544,-545,-546,-547,159,159,159,159,159,159,-652,-653,-654,-655,159,-657,-658,-659,159,159,159,-665,159,159,-669,-670,159,159,-673,159,-675,-676,159,-679,159,-681,159,159,-684,-685,-686,159,-688,159,159,-691,159,159,-694,-695,-696,159,-698,-699,-700,-701,159,159,-746,159,-749,-750,-751,-752,-753,159,-755,-756,-757,-758,-759,159,-766,-767,-769,159,-771,-772,-773,-782,-856,-858,-860,-862,159,159,159,159,-868,159,-870,159,159,159,159,159,159,159,-906,-907,159,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,159,-921,-924,159,-934,159,-385,-386,-387,159,159,-390,-391,-392,-393,159,-396,159,-399,-400,159,-401,159,-406,-407,159,-410,-411,-412,159,-415,159,-416,159,-421,-422,159,-425,159,-428,-429,-1894,-1894,159,-619,-620,-621,-622,-623,-634,-584,-624,-797,159,159,159,159,159,-831,159,159,-806,159,-832,159,159,159,159,-798,159,-853,-799,159,159,159,159,159,159,-854,-855,159,-834,-830,-835,159,-625,159,-626,-627,-628,-629,-574,159,159,-630,-631,-632,159,159,159,159,159,159,-635,-636,-637,-592,-1894,-602,159,-638,-639,-713,-640,-604,159,-572,-577,-580,-583,159,159,159,-598,-601,159,-608,159,159,159,159,159,159,159,159,159,159,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,159,159,159,-995,159,159,159,159,159,159,-306,-325,-319,-296,-375,-452,-453,-454,-458,159,-443,159,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,159,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,159,159,159,159,159,159,159,159,159,-316,-535,-508,-591,-937,-939,-940,-438,159,-440,-380,-381,-383,-507,-509,-511,159,-513,-514,-519,-520,159,-532,-534,-537,-538,-543,-548,-726,159,-727,159,-732,159,-734,159,-739,-656,-660,-661,159,-666,159,-667,159,-672,-674,159,-677,159,159,159,-687,-689,159,-692,159,159,-744,159,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,159,159,159,159,159,-877,159,-880,-908,-920,-925,-388,-389,159,-394,159,-397,159,-402,159,-403,159,-408,159,-413,159,-417,159,-418,159,-423,159,-426,-899,-900,-643,-585,-1894,-901,159,159,159,-800,159,159,-804,159,-807,-833,159,-818,159,-820,159,-822,-808,159,-824,159,-851,-852,159,159,-811,159,-646,-902,-904,-648,-649,-645,159,-705,-706,159,-642,-903,-647,-650,-603,-714,159,159,-605,-586,159,159,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,159,159,-709,-710,159,-716,159,159,159,159,159,159,-938,159,-439,-441,-747,159,-891,159,-715,-1894,159,159,159,159,159,-442,-512,-523,159,-728,-733,159,-735,159,-740,159,-662,-668,159,-678,-680,-682,-683,-690,-693,-697,-745,159,159,-874,159,159,-878,159,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,159,-812,159,-814,-801,159,-802,-805,159,-816,-819,-821,-823,-825,159,-826,159,-809,159,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,159,-282,159,159,159,159,-455,159,159,-729,159,-736,159,-741,159,-663,-671,159,159,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,159,-836,-53,159,159,-730,159,-737,159,-742,-664,159,-873,-54,159,159,-731,-738,-743,159,159,159,-872,]),'CONNECTION_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[160,160,160,1162,-1894,160,160,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,160,160,160,160,-275,-276,1162,-1425,1162,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1162,1162,1162,-490,1162,1162,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1162,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1162,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1852,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,160,-172,-173,-174,-175,-993,160,160,160,160,160,160,160,160,160,160,1162,1162,1162,1162,1162,-290,-291,-281,160,1162,1162,1162,1162,-328,-318,-332,-333,-334,1162,1162,-982,-983,-984,-985,-986,-987,-988,160,160,1162,1162,1162,1162,1162,1162,1162,1162,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1162,1162,1162,-353,-356,160,-323,-324,-141,1162,-142,1162,-143,1162,-430,-935,-936,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1894,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1894,1162,-1894,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1894,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-1894,160,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1162,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1162,160,160,-191,-192,160,-994,1162,160,160,160,160,-277,-278,-279,-280,-365,1162,-308,1162,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1162,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1162,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1162,1162,1162,1162,1162,1162,-573,1162,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1162,1162,-723,-724,-725,1162,1852,160,160,160,160,-994,160,1162,-91,-92,160,160,160,1162,-309,-310,-320,1162,-307,-293,-294,-295,1162,160,1162,1162,-618,-633,-590,1162,160,-436,160,-437,1162,-444,-445,-446,-378,-379,1162,1162,1162,-506,1162,1162,-510,1162,1162,1162,1162,-515,-516,-517,-518,1162,1162,-521,-522,1162,-524,-525,-526,-527,-528,-529,-530,-531,1162,-533,1162,1162,1162,-539,-541,-542,1162,-544,-545,-546,-547,1162,1162,1162,1162,1162,1162,-652,-653,-654,-655,160,-657,-658,-659,1162,1162,1162,-665,1162,1162,-669,-670,1162,1162,-673,1162,-675,-676,1162,-679,1162,-681,1162,1162,-684,-685,-686,1162,-688,1162,1162,-691,1162,1162,-694,-695,-696,1162,-698,-699,-700,-701,1162,1162,-746,1162,-749,-750,-751,-752,-753,1162,-755,-756,-757,-758,-759,1162,-766,-767,-769,1162,-771,-772,-773,-782,-856,-858,-860,-862,1162,1162,1162,1162,-868,1162,-870,1162,1162,1162,1162,1162,1162,1162,-906,-907,1162,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1162,-921,-924,1162,-934,1162,-385,-386,-387,1162,1162,-390,-391,-392,-393,1162,-396,1162,-399,-400,1162,-401,1162,-406,-407,1162,-410,-411,-412,1162,-415,1162,-416,1162,-421,-422,1162,-425,1162,-428,-429,-1894,-1894,1162,-619,-620,-621,-622,-623,-634,-584,-624,-797,1162,1162,1162,1162,1162,-831,1162,1162,-806,1162,-832,1162,1162,1162,1162,-798,1162,-853,-799,1162,1162,1162,1162,1162,1162,-854,-855,1162,-834,-830,-835,1162,-625,1162,-626,-627,-628,-629,-574,1162,1162,-630,-631,-632,1162,1162,1162,1162,1162,1162,-635,-636,-637,-592,-1894,-602,1162,-638,-639,-713,-640,-604,1162,-572,-577,-580,-583,1162,1162,1162,-598,-601,1162,-608,1162,1162,1162,1162,1162,1162,1162,1162,1162,1162,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1162,160,160,-995,160,1162,160,160,160,1162,-306,-325,-319,-296,-375,-452,-453,-454,-458,160,-443,1162,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1162,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,160,160,160,160,160,160,160,160,1162,-316,-535,-508,-591,-937,-939,-940,-438,1162,-440,-380,-381,-383,-507,-509,-511,1162,-513,-514,-519,-520,1162,-532,-534,-537,-538,-543,-548,-726,1162,-727,1162,-732,1162,-734,1162,-739,-656,-660,-661,1162,-666,1162,-667,1162,-672,-674,1162,-677,1162,1162,1162,-687,-689,1162,-692,1162,1162,-744,1162,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1162,1162,1162,1162,1162,-877,1162,-880,-908,-920,-925,-388,-389,1162,-394,1162,-397,1162,-402,1162,-403,1162,-408,1162,-413,1162,-417,1162,-418,1162,-423,1162,-426,-899,-900,-643,-585,-1894,-901,1162,1162,1162,-800,1162,1162,-804,1162,-807,-833,1162,-818,1162,-820,1162,-822,-808,1162,-824,1162,-851,-852,1162,1162,-811,1162,-646,-902,-904,-648,-649,-645,1162,-705,-706,1162,-642,-903,-647,-650,-603,-714,1162,1162,-605,-586,1162,1162,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1162,1162,-709,-710,1162,-716,1162,160,160,160,1162,1162,-938,160,-439,-441,-747,1162,-891,1852,-715,-1894,1162,1162,160,160,1162,-442,-512,-523,1162,-728,-733,1162,-735,1162,-740,1162,-662,-668,1162,-678,-680,-682,-683,-690,-693,-697,-745,1162,1162,-874,1162,1162,-878,1162,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1162,-812,1162,-814,-801,1162,-802,-805,1162,-816,-819,-821,-823,-825,1162,-826,1162,-809,1162,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,160,-282,160,1162,160,1162,-455,1162,1162,-729,1162,-736,1162,-741,1162,-663,-671,1162,1162,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1162,-836,-53,160,1162,-730,1162,-737,1162,-742,-664,1162,-873,-54,160,160,-731,-738,-743,1162,160,1162,-872,]),'CONSISTENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[161,161,161,161,-1894,161,161,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,161,161,161,161,-275,-276,161,-1425,161,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,161,161,161,-490,161,161,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,161,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,161,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,161,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,161,-172,-173,-174,-175,-993,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-290,-291,-281,161,161,161,161,161,-328,-318,-332,-333,-334,161,161,-982,-983,-984,-985,-986,-987,-988,161,161,161,161,161,161,161,161,161,161,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,161,161,161,-353,-356,161,-323,-324,-141,161,-142,161,-143,161,-430,-935,-936,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-1894,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-1894,161,-1894,161,161,161,161,161,161,161,161,161,161,161,161,-1894,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,161,-1894,161,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,161,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,161,161,161,-191,-192,161,-994,161,161,161,161,161,-277,-278,-279,-280,-365,161,-308,161,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,161,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,161,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,161,161,161,161,161,161,-573,161,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,161,161,-723,-724,-725,161,161,161,161,161,161,-994,161,161,-91,-92,161,161,161,161,-309,-310,-320,161,-307,-293,-294,-295,161,161,161,161,-618,-633,-590,161,161,-436,161,-437,161,-444,-445,-446,-378,-379,161,161,161,-506,161,161,-510,161,161,161,161,-515,-516,-517,-518,161,161,-521,-522,161,-524,-525,-526,-527,-528,-529,-530,-531,161,-533,161,161,161,-539,-541,-542,161,-544,-545,-546,-547,161,161,161,161,161,161,-652,-653,-654,-655,161,-657,-658,-659,161,161,161,-665,161,161,-669,-670,161,161,-673,161,-675,-676,161,-679,161,-681,161,161,-684,-685,-686,161,-688,161,161,-691,161,161,-694,-695,-696,161,-698,-699,-700,-701,161,161,-746,161,-749,-750,-751,-752,-753,161,-755,-756,-757,-758,-759,161,-766,-767,-769,161,-771,-772,-773,-782,-856,-858,-860,-862,161,161,161,161,-868,161,-870,161,161,161,161,161,161,161,-906,-907,161,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,161,-921,-924,161,-934,161,-385,-386,-387,161,161,-390,-391,-392,-393,161,-396,161,-399,-400,161,-401,161,-406,-407,161,-410,-411,-412,161,-415,161,-416,161,-421,-422,161,-425,161,-428,-429,-1894,-1894,161,-619,-620,-621,-622,-623,-634,-584,-624,-797,161,161,161,161,161,-831,161,161,-806,161,-832,161,161,161,161,-798,161,-853,-799,161,161,161,161,161,161,-854,-855,161,-834,-830,-835,161,-625,161,-626,-627,-628,-629,-574,161,161,-630,-631,-632,161,161,161,161,161,161,-635,-636,-637,-592,-1894,-602,161,-638,-639,-713,-640,-604,161,-572,-577,-580,-583,161,161,161,-598,-601,161,-608,161,161,161,161,161,161,161,161,161,161,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,161,161,161,-995,161,161,161,161,161,161,-306,-325,-319,-296,-375,-452,-453,-454,-458,161,-443,161,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,161,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,161,161,161,161,161,161,161,161,161,-316,-535,-508,-591,-937,-939,-940,-438,161,-440,-380,-381,-383,-507,-509,-511,161,-513,-514,-519,-520,161,-532,-534,-537,-538,-543,-548,-726,161,-727,161,-732,161,-734,161,-739,-656,-660,-661,161,-666,161,-667,161,-672,-674,161,-677,161,161,161,-687,-689,161,-692,161,161,-744,161,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,161,161,161,161,161,-877,161,-880,-908,-920,-925,-388,-389,161,-394,161,-397,161,-402,161,-403,161,-408,161,-413,161,-417,161,-418,161,-423,161,-426,-899,-900,-643,-585,-1894,-901,161,161,161,-800,161,161,-804,161,-807,-833,161,-818,161,-820,161,-822,-808,161,-824,161,-851,-852,161,161,-811,161,-646,-902,-904,-648,-649,-645,161,-705,-706,161,-642,-903,-647,-650,-603,-714,161,161,-605,-586,161,161,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,161,161,-709,-710,161,-716,161,161,161,161,161,161,-938,161,-439,-441,-747,161,-891,161,-715,-1894,161,161,161,161,161,-442,-512,-523,161,-728,-733,161,-735,161,-740,161,-662,-668,161,-678,-680,-682,-683,-690,-693,-697,-745,161,161,-874,161,161,-878,161,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,161,-812,161,-814,-801,161,-802,-805,161,-816,-819,-821,-823,-825,161,-826,161,-809,161,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,161,-282,161,161,161,161,-455,161,161,-729,161,-736,161,-741,161,-663,-671,161,161,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,161,-836,-53,161,161,-730,161,-737,161,-742,-664,161,-873,-54,161,161,-731,-738,-743,161,161,161,-872,]),'CONSISTENT_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[162,162,162,162,-1894,162,162,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,162,162,162,162,-275,-276,162,-1425,162,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,162,162,162,-490,162,162,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,162,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,162,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,162,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,162,-172,-173,-174,-175,-993,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-290,-291,-281,162,162,162,162,162,-328,-318,-332,-333,-334,162,162,-982,-983,-984,-985,-986,-987,-988,162,162,162,162,162,162,162,162,162,162,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,162,162,162,-353,-356,162,-323,-324,-141,162,-142,162,-143,162,-430,-935,-936,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-1894,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-1894,162,-1894,162,162,162,162,162,162,162,162,162,162,162,162,-1894,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,162,-1894,162,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,162,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,162,162,162,-191,-192,162,-994,162,162,162,162,162,-277,-278,-279,-280,-365,162,-308,162,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,162,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,162,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,162,162,162,162,162,162,-573,162,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,162,162,-723,-724,-725,162,162,162,162,162,162,-994,162,162,-91,-92,162,162,162,162,-309,-310,-320,162,-307,-293,-294,-295,162,162,162,162,-618,-633,-590,162,162,-436,162,-437,162,-444,-445,-446,-378,-379,162,162,162,-506,162,162,-510,162,162,162,162,-515,-516,-517,-518,162,162,-521,-522,162,-524,-525,-526,-527,-528,-529,-530,-531,162,-533,162,162,162,-539,-541,-542,162,-544,-545,-546,-547,162,162,162,162,162,162,-652,-653,-654,-655,162,-657,-658,-659,162,162,162,-665,162,162,-669,-670,162,162,-673,162,-675,-676,162,-679,162,-681,162,162,-684,-685,-686,162,-688,162,162,-691,162,162,-694,-695,-696,162,-698,-699,-700,-701,162,162,-746,162,-749,-750,-751,-752,-753,162,-755,-756,-757,-758,-759,162,-766,-767,-769,162,-771,-772,-773,-782,-856,-858,-860,-862,162,162,162,162,-868,162,-870,162,162,162,162,162,162,162,-906,-907,162,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,162,-921,-924,162,-934,162,-385,-386,-387,162,162,-390,-391,-392,-393,162,-396,162,-399,-400,162,-401,162,-406,-407,162,-410,-411,-412,162,-415,162,-416,162,-421,-422,162,-425,162,-428,-429,-1894,-1894,162,-619,-620,-621,-622,-623,-634,-584,-624,-797,162,162,162,162,162,-831,162,162,-806,162,-832,162,162,162,162,-798,162,-853,-799,162,162,162,162,162,162,-854,-855,162,-834,-830,-835,162,-625,162,-626,-627,-628,-629,-574,162,162,-630,-631,-632,162,162,162,162,162,162,-635,-636,-637,-592,-1894,-602,162,-638,-639,-713,-640,-604,162,-572,-577,-580,-583,162,162,162,-598,-601,162,-608,162,162,162,162,162,162,162,162,162,162,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,162,162,162,-995,162,162,162,162,162,162,-306,-325,-319,-296,-375,-452,-453,-454,-458,162,-443,162,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,162,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,162,162,162,162,162,162,162,162,162,-316,-535,-508,-591,-937,-939,-940,-438,162,-440,-380,-381,-383,-507,-509,-511,162,-513,-514,-519,-520,162,-532,-534,-537,-538,-543,-548,-726,162,-727,162,-732,162,-734,162,-739,-656,-660,-661,162,-666,162,-667,162,-672,-674,162,-677,162,162,162,-687,-689,162,-692,162,162,-744,162,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,162,162,162,162,162,-877,162,-880,-908,-920,-925,-388,-389,162,-394,162,-397,162,-402,162,-403,162,-408,162,-413,162,-417,162,-418,162,-423,162,-426,-899,-900,-643,-585,-1894,-901,162,162,162,-800,162,162,-804,162,-807,-833,162,-818,162,-820,162,-822,-808,162,-824,162,-851,-852,162,162,-811,162,-646,-902,-904,-648,-649,-645,162,-705,-706,162,-642,-903,-647,-650,-603,-714,162,162,-605,-586,162,162,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,162,162,-709,-710,162,-716,162,162,162,162,162,162,-938,162,-439,-441,-747,162,-891,162,-715,-1894,162,162,162,162,162,-442,-512,-523,162,-728,-733,162,-735,162,-740,162,-662,-668,162,-678,-680,-682,-683,-690,-693,-697,-745,162,162,-874,162,162,-878,162,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,162,-812,162,-814,-801,162,-802,-805,162,-816,-819,-821,-823,-825,162,-826,162,-809,162,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,162,-282,162,162,162,162,-455,162,162,-729,162,-736,162,-741,162,-663,-671,162,162,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,162,-836,-53,162,162,-730,162,-737,162,-742,-664,162,-873,-54,162,162,-731,-738,-743,162,162,162,-872,]),'CONSTRAINT_CATALOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[163,163,163,163,-1894,163,163,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,163,163,163,163,-275,-276,163,-1425,163,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,163,163,163,-490,163,163,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,163,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,163,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,163,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,163,-172,-173,-174,-175,-993,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-290,-291,-281,163,163,163,163,163,-328,-318,-332,-333,-334,163,163,-982,-983,-984,-985,-986,-987,-988,163,163,163,163,163,163,163,163,163,163,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,163,163,163,-353,-356,163,-323,-324,-141,163,-142,163,-143,163,-430,-935,-936,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-1894,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-1894,163,-1894,163,163,163,163,163,163,163,163,163,163,163,163,-1894,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,163,-1894,163,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,163,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,163,163,163,-191,-192,163,-994,163,163,163,163,163,-277,-278,-279,-280,-365,163,-308,163,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,163,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,163,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,163,163,163,163,163,163,-573,163,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,163,163,-723,-724,-725,163,163,163,163,163,163,-994,163,163,-91,-92,163,163,163,163,-309,-310,-320,163,-307,-293,-294,-295,163,163,163,163,-618,-633,-590,163,163,-436,163,-437,163,-444,-445,-446,-378,-379,163,163,163,-506,163,163,-510,163,163,163,163,-515,-516,-517,-518,163,163,-521,-522,163,-524,-525,-526,-527,-528,-529,-530,-531,163,-533,163,163,163,-539,-541,-542,163,-544,-545,-546,-547,163,163,163,163,163,163,-652,-653,-654,-655,163,-657,-658,-659,163,163,163,-665,163,163,-669,-670,163,163,-673,163,-675,-676,163,-679,163,-681,163,163,-684,-685,-686,163,-688,163,163,-691,163,163,-694,-695,-696,163,-698,-699,-700,-701,163,163,-746,163,-749,-750,-751,-752,-753,163,-755,-756,-757,-758,-759,163,-766,-767,-769,163,-771,-772,-773,-782,-856,-858,-860,-862,163,163,163,163,-868,163,-870,163,163,163,163,163,163,163,-906,-907,163,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,163,-921,-924,163,-934,163,-385,-386,-387,163,163,-390,-391,-392,-393,163,-396,163,-399,-400,163,-401,163,-406,-407,163,-410,-411,-412,163,-415,163,-416,163,-421,-422,163,-425,163,-428,-429,-1894,-1894,163,-619,-620,-621,-622,-623,-634,-584,-624,-797,163,163,163,163,163,-831,163,163,-806,163,-832,163,163,163,163,-798,163,-853,-799,163,163,163,163,163,163,-854,-855,163,-834,-830,-835,163,-625,163,-626,-627,-628,-629,-574,163,163,-630,-631,-632,163,163,163,163,163,163,-635,-636,-637,-592,-1894,-602,163,-638,-639,-713,-640,-604,163,-572,-577,-580,-583,163,163,163,-598,-601,163,-608,163,163,163,163,163,163,163,163,163,163,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,163,163,163,-995,163,163,163,163,163,163,-306,-325,-319,-296,-375,-452,-453,-454,-458,163,-443,163,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,163,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,163,163,163,163,163,163,163,163,163,-316,-535,-508,-591,-937,-939,-940,-438,163,-440,-380,-381,-383,-507,-509,-511,163,-513,-514,-519,-520,163,-532,-534,-537,-538,-543,-548,-726,163,-727,163,-732,163,-734,163,-739,-656,-660,-661,163,-666,163,-667,163,-672,-674,163,-677,163,163,163,-687,-689,163,-692,163,163,-744,163,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,163,163,163,163,163,-877,163,-880,-908,-920,-925,-388,-389,163,-394,163,-397,163,-402,163,-403,163,-408,163,-413,163,-417,163,-418,163,-423,163,-426,-899,-900,-643,-585,-1894,-901,163,163,163,-800,163,163,-804,163,-807,-833,163,-818,163,-820,163,-822,-808,163,-824,163,-851,-852,163,163,-811,163,-646,-902,-904,-648,-649,-645,163,-705,-706,163,-642,-903,-647,-650,-603,-714,163,163,-605,-586,163,163,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,163,163,-709,-710,163,-716,163,163,163,163,163,163,-938,163,-439,-441,-747,163,-891,163,-715,-1894,163,163,163,163,163,-442,-512,-523,163,-728,-733,163,-735,163,-740,163,-662,-668,163,-678,-680,-682,-683,-690,-693,-697,-745,163,163,-874,163,163,-878,163,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,163,-812,163,-814,-801,163,-802,-805,163,-816,-819,-821,-823,-825,163,-826,163,-809,163,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,163,-282,163,163,163,163,-455,163,163,-729,163,-736,163,-741,163,-663,-671,163,163,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,163,-836,-53,163,163,-730,163,-737,163,-742,-664,163,-873,-54,163,163,-731,-738,-743,163,163,163,-872,]),'CONSTRAINT_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[164,164,164,164,-1894,164,164,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,164,164,164,164,-275,-276,164,-1425,164,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,164,164,164,-490,164,164,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,164,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,164,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,164,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,164,-172,-173,-174,-175,-993,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-290,-291,-281,164,164,164,164,164,-328,-318,-332,-333,-334,164,164,-982,-983,-984,-985,-986,-987,-988,164,164,164,164,164,164,164,164,164,164,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,164,164,164,-353,-356,164,-323,-324,-141,164,-142,164,-143,164,-430,-935,-936,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-1894,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-1894,164,-1894,164,164,164,164,164,164,164,164,164,164,164,164,-1894,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,164,-1894,164,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,164,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,164,164,164,-191,-192,164,-994,164,164,164,164,164,-277,-278,-279,-280,-365,164,-308,164,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,164,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,164,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,164,164,164,164,164,164,-573,164,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,164,164,-723,-724,-725,164,164,164,164,164,164,-994,164,164,-91,-92,164,164,164,164,-309,-310,-320,164,-307,-293,-294,-295,164,164,164,164,-618,-633,-590,164,164,-436,164,-437,164,-444,-445,-446,-378,-379,164,164,164,-506,164,164,-510,164,164,164,164,-515,-516,-517,-518,164,164,-521,-522,164,-524,-525,-526,-527,-528,-529,-530,-531,164,-533,164,164,164,-539,-541,-542,164,-544,-545,-546,-547,164,164,164,164,164,164,-652,-653,-654,-655,164,-657,-658,-659,164,164,164,-665,164,164,-669,-670,164,164,-673,164,-675,-676,164,-679,164,-681,164,164,-684,-685,-686,164,-688,164,164,-691,164,164,-694,-695,-696,164,-698,-699,-700,-701,164,164,-746,164,-749,-750,-751,-752,-753,164,-755,-756,-757,-758,-759,164,-766,-767,-769,164,-771,-772,-773,-782,-856,-858,-860,-862,164,164,164,164,-868,164,-870,164,164,164,164,164,164,164,-906,-907,164,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,164,-921,-924,164,-934,164,-385,-386,-387,164,164,-390,-391,-392,-393,164,-396,164,-399,-400,164,-401,164,-406,-407,164,-410,-411,-412,164,-415,164,-416,164,-421,-422,164,-425,164,-428,-429,-1894,-1894,164,-619,-620,-621,-622,-623,-634,-584,-624,-797,164,164,164,164,164,-831,164,164,-806,164,-832,164,164,164,164,-798,164,-853,-799,164,164,164,164,164,164,-854,-855,164,-834,-830,-835,164,-625,164,-626,-627,-628,-629,-574,164,164,-630,-631,-632,164,164,164,164,164,164,-635,-636,-637,-592,-1894,-602,164,-638,-639,-713,-640,-604,164,-572,-577,-580,-583,164,164,164,-598,-601,164,-608,164,164,164,164,164,164,164,164,164,164,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,164,164,164,-995,164,164,164,164,164,164,-306,-325,-319,-296,-375,-452,-453,-454,-458,164,-443,164,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,164,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,164,164,164,164,164,164,164,164,164,-316,-535,-508,-591,-937,-939,-940,-438,164,-440,-380,-381,-383,-507,-509,-511,164,-513,-514,-519,-520,164,-532,-534,-537,-538,-543,-548,-726,164,-727,164,-732,164,-734,164,-739,-656,-660,-661,164,-666,164,-667,164,-672,-674,164,-677,164,164,164,-687,-689,164,-692,164,164,-744,164,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,164,164,164,164,164,-877,164,-880,-908,-920,-925,-388,-389,164,-394,164,-397,164,-402,164,-403,164,-408,164,-413,164,-417,164,-418,164,-423,164,-426,-899,-900,-643,-585,-1894,-901,164,164,164,-800,164,164,-804,164,-807,-833,164,-818,164,-820,164,-822,-808,164,-824,164,-851,-852,164,164,-811,164,-646,-902,-904,-648,-649,-645,164,-705,-706,164,-642,-903,-647,-650,-603,-714,164,164,-605,-586,164,164,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,164,164,-709,-710,164,-716,164,164,164,164,164,164,-938,164,-439,-441,-747,164,-891,164,-715,-1894,164,164,164,164,164,-442,-512,-523,164,-728,-733,164,-735,164,-740,164,-662,-668,164,-678,-680,-682,-683,-690,-693,-697,-745,164,164,-874,164,164,-878,164,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,164,-812,164,-814,-801,164,-802,-805,164,-816,-819,-821,-823,-825,164,-826,164,-809,164,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,164,-282,164,164,164,164,-455,164,164,-729,164,-736,164,-741,164,-663,-671,164,164,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,164,-836,-53,164,164,-730,164,-737,164,-742,-664,164,-873,-54,164,164,-731,-738,-743,164,164,164,-872,]),'CONSTRAINT_SCHEMA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[165,165,165,165,-1894,165,165,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,165,165,165,165,-275,-276,165,-1425,165,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,165,165,165,-490,165,165,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,165,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,165,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,165,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,165,-172,-173,-174,-175,-993,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-290,-291,-281,165,165,165,165,165,-328,-318,-332,-333,-334,165,165,-982,-983,-984,-985,-986,-987,-988,165,165,165,165,165,165,165,165,165,165,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,165,165,165,-353,-356,165,-323,-324,-141,165,-142,165,-143,165,-430,-935,-936,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-1894,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-1894,165,-1894,165,165,165,165,165,165,165,165,165,165,165,165,-1894,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,165,-1894,165,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,165,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,165,165,165,-191,-192,165,-994,165,165,165,165,165,-277,-278,-279,-280,-365,165,-308,165,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,165,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,165,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,165,165,165,165,165,165,-573,165,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,165,165,-723,-724,-725,165,165,165,165,165,165,-994,165,165,-91,-92,165,165,165,165,-309,-310,-320,165,-307,-293,-294,-295,165,165,165,165,-618,-633,-590,165,165,-436,165,-437,165,-444,-445,-446,-378,-379,165,165,165,-506,165,165,-510,165,165,165,165,-515,-516,-517,-518,165,165,-521,-522,165,-524,-525,-526,-527,-528,-529,-530,-531,165,-533,165,165,165,-539,-541,-542,165,-544,-545,-546,-547,165,165,165,165,165,165,-652,-653,-654,-655,165,-657,-658,-659,165,165,165,-665,165,165,-669,-670,165,165,-673,165,-675,-676,165,-679,165,-681,165,165,-684,-685,-686,165,-688,165,165,-691,165,165,-694,-695,-696,165,-698,-699,-700,-701,165,165,-746,165,-749,-750,-751,-752,-753,165,-755,-756,-757,-758,-759,165,-766,-767,-769,165,-771,-772,-773,-782,-856,-858,-860,-862,165,165,165,165,-868,165,-870,165,165,165,165,165,165,165,-906,-907,165,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,165,-921,-924,165,-934,165,-385,-386,-387,165,165,-390,-391,-392,-393,165,-396,165,-399,-400,165,-401,165,-406,-407,165,-410,-411,-412,165,-415,165,-416,165,-421,-422,165,-425,165,-428,-429,-1894,-1894,165,-619,-620,-621,-622,-623,-634,-584,-624,-797,165,165,165,165,165,-831,165,165,-806,165,-832,165,165,165,165,-798,165,-853,-799,165,165,165,165,165,165,-854,-855,165,-834,-830,-835,165,-625,165,-626,-627,-628,-629,-574,165,165,-630,-631,-632,165,165,165,165,165,165,-635,-636,-637,-592,-1894,-602,165,-638,-639,-713,-640,-604,165,-572,-577,-580,-583,165,165,165,-598,-601,165,-608,165,165,165,165,165,165,165,165,165,165,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,165,165,165,-995,165,165,165,165,165,165,-306,-325,-319,-296,-375,-452,-453,-454,-458,165,-443,165,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,165,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,165,165,165,165,165,165,165,165,165,-316,-535,-508,-591,-937,-939,-940,-438,165,-440,-380,-381,-383,-507,-509,-511,165,-513,-514,-519,-520,165,-532,-534,-537,-538,-543,-548,-726,165,-727,165,-732,165,-734,165,-739,-656,-660,-661,165,-666,165,-667,165,-672,-674,165,-677,165,165,165,-687,-689,165,-692,165,165,-744,165,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,165,165,165,165,165,-877,165,-880,-908,-920,-925,-388,-389,165,-394,165,-397,165,-402,165,-403,165,-408,165,-413,165,-417,165,-418,165,-423,165,-426,-899,-900,-643,-585,-1894,-901,165,165,165,-800,165,165,-804,165,-807,-833,165,-818,165,-820,165,-822,-808,165,-824,165,-851,-852,165,165,-811,165,-646,-902,-904,-648,-649,-645,165,-705,-706,165,-642,-903,-647,-650,-603,-714,165,165,-605,-586,165,165,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,165,165,-709,-710,165,-716,165,165,165,165,165,165,-938,165,-439,-441,-747,165,-891,165,-715,-1894,165,165,165,165,165,-442,-512,-523,165,-728,-733,165,-735,165,-740,165,-662,-668,165,-678,-680,-682,-683,-690,-693,-697,-745,165,165,-874,165,165,-878,165,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,165,-812,165,-814,-801,165,-802,-805,165,-816,-819,-821,-823,-825,165,-826,165,-809,165,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,165,-282,165,165,165,165,-455,165,165,-729,165,-736,165,-741,165,-663,-671,165,165,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,165,-836,-53,165,165,-730,165,-737,165,-742,-664,165,-873,-54,165,165,-731,-738,-743,165,165,165,-872,]),'CONTAINS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[166,166,166,166,-1894,166,166,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,166,166,166,166,-275,-276,166,-1425,166,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,166,166,166,-490,166,166,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,166,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,166,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,166,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,166,-172,-173,-174,-175,-993,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-290,-291,-281,166,166,166,166,166,-328,-318,-332,-333,-334,166,166,-982,-983,-984,-985,-986,-987,-988,166,166,166,166,166,166,166,166,166,166,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,166,166,166,-353,-356,166,-323,-324,-141,166,-142,166,-143,166,-430,-935,-936,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-1894,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-1894,166,-1894,166,166,166,166,166,166,166,166,166,166,166,166,-1894,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,166,-1894,166,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,166,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,166,166,166,-191,-192,166,-994,166,166,166,166,166,-277,-278,-279,-280,-365,166,-308,166,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,166,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,166,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,166,166,166,166,166,166,-573,166,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,166,166,-723,-724,-725,166,166,166,166,166,166,-994,166,166,-91,-92,166,166,166,166,-309,-310,-320,166,-307,-293,-294,-295,166,166,166,166,-618,-633,-590,166,166,-436,166,-437,166,-444,-445,-446,-378,-379,166,166,166,-506,166,166,-510,166,166,166,166,-515,-516,-517,-518,166,166,-521,-522,166,-524,-525,-526,-527,-528,-529,-530,-531,166,-533,166,166,166,-539,-541,-542,166,-544,-545,-546,-547,166,166,166,166,166,166,-652,-653,-654,-655,166,-657,-658,-659,166,166,166,-665,166,166,-669,-670,166,166,-673,166,-675,-676,166,-679,166,-681,166,166,-684,-685,-686,166,-688,166,166,-691,166,166,-694,-695,-696,166,-698,-699,-700,-701,166,166,-746,166,-749,-750,-751,-752,-753,166,-755,-756,-757,-758,-759,166,-766,-767,-769,166,-771,-772,-773,-782,-856,-858,-860,-862,166,166,166,166,-868,166,-870,166,166,166,166,166,166,166,-906,-907,166,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,166,-921,-924,166,-934,166,-385,-386,-387,166,166,-390,-391,-392,-393,166,-396,166,-399,-400,166,-401,166,-406,-407,166,-410,-411,-412,166,-415,166,-416,166,-421,-422,166,-425,166,-428,-429,-1894,-1894,166,-619,-620,-621,-622,-623,-634,-584,-624,-797,166,166,166,166,166,-831,166,166,-806,166,-832,166,166,166,166,-798,166,-853,-799,166,166,166,166,166,166,-854,-855,166,-834,-830,-835,166,-625,166,-626,-627,-628,-629,-574,166,166,-630,-631,-632,166,166,166,166,166,166,-635,-636,-637,-592,-1894,-602,166,-638,-639,-713,-640,-604,166,-572,-577,-580,-583,166,166,166,-598,-601,166,-608,166,166,166,166,166,166,166,166,166,166,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,166,166,166,-995,166,166,166,166,166,166,-306,-325,-319,-296,-375,-452,-453,-454,-458,166,-443,166,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,166,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,166,166,166,166,166,166,166,166,166,-316,-535,-508,-591,-937,-939,-940,-438,166,-440,-380,-381,-383,-507,-509,-511,166,-513,-514,-519,-520,166,-532,-534,-537,-538,-543,-548,-726,166,-727,166,-732,166,-734,166,-739,-656,-660,-661,166,-666,166,-667,166,-672,-674,166,-677,166,166,166,-687,-689,166,-692,166,166,-744,166,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,166,166,166,166,166,-877,166,-880,-908,-920,-925,-388,-389,166,-394,166,-397,166,-402,166,-403,166,-408,166,-413,166,-417,166,-418,166,-423,166,-426,-899,-900,-643,-585,-1894,-901,166,166,166,-800,166,166,-804,166,-807,-833,166,-818,166,-820,166,-822,-808,166,-824,166,-851,-852,166,166,-811,166,-646,-902,-904,-648,-649,-645,166,-705,-706,166,-642,-903,-647,-650,-603,-714,166,166,-605,-586,166,166,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,166,166,-709,-710,166,-716,166,166,166,166,166,166,-938,166,-439,-441,-747,166,-891,166,-715,-1894,166,166,166,166,166,-442,-512,-523,166,-728,-733,166,-735,166,-740,166,-662,-668,166,-678,-680,-682,-683,-690,-693,-697,-745,166,166,-874,166,166,-878,166,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,166,-812,166,-814,-801,166,-802,-805,166,-816,-819,-821,-823,-825,166,-826,166,-809,166,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,166,-282,166,166,166,166,-455,166,166,-729,166,-736,166,-741,166,-663,-671,166,166,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,166,-836,-53,166,166,-730,166,-737,166,-742,-664,166,-873,-54,166,166,-731,-738,-743,166,166,166,-872,]),'CONTEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[167,167,167,167,-1894,167,167,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,167,167,167,167,-275,-276,167,-1425,167,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,167,167,167,-490,167,167,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,167,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,167,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,167,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,167,-172,-173,-174,-175,-993,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-290,-291,-281,167,167,167,167,167,-328,-318,-332,-333,-334,167,167,-982,-983,-984,-985,-986,-987,-988,167,167,167,167,167,167,167,167,167,167,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,167,167,167,-353,-356,167,-323,-324,-141,167,-142,167,-143,167,-430,-935,-936,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-1894,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-1894,167,-1894,167,167,167,167,167,167,167,167,167,167,167,167,-1894,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,167,-1894,167,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,167,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,167,167,167,-191,-192,167,-994,167,167,167,167,167,-277,-278,-279,-280,-365,167,-308,167,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,167,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,167,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,167,167,167,167,167,167,-573,167,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,167,167,-723,-724,-725,167,167,167,167,167,167,-994,167,167,-91,-92,167,167,167,167,-309,-310,-320,167,-307,-293,-294,-295,167,167,167,167,-618,-633,-590,167,167,-436,167,-437,167,-444,-445,-446,-378,-379,167,167,167,-506,167,167,-510,167,167,167,167,-515,-516,-517,-518,167,167,-521,-522,167,-524,-525,-526,-527,-528,-529,-530,-531,167,-533,167,167,167,-539,-541,-542,167,-544,-545,-546,-547,167,167,167,167,167,167,-652,-653,-654,-655,167,-657,-658,-659,167,167,167,-665,167,167,-669,-670,167,167,-673,167,-675,-676,167,-679,167,-681,167,167,-684,-685,-686,167,-688,167,167,-691,167,167,-694,-695,-696,167,-698,-699,-700,-701,167,167,-746,167,-749,-750,-751,-752,-753,167,-755,-756,-757,-758,-759,167,-766,-767,-769,167,-771,-772,-773,-782,-856,-858,-860,-862,167,167,167,167,-868,167,-870,167,167,167,167,167,167,167,-906,-907,167,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,167,-921,-924,167,-934,167,-385,-386,-387,167,167,-390,-391,-392,-393,167,-396,167,-399,-400,167,-401,167,-406,-407,167,-410,-411,-412,167,-415,167,-416,167,-421,-422,167,-425,167,-428,-429,-1894,-1894,167,-619,-620,-621,-622,-623,-634,-584,-624,-797,167,167,167,167,167,-831,167,167,-806,167,-832,167,167,167,167,-798,167,-853,-799,167,167,167,167,167,167,-854,-855,167,-834,-830,-835,167,-625,167,-626,-627,-628,-629,-574,167,167,-630,-631,-632,167,167,167,167,167,167,-635,-636,-637,-592,-1894,-602,167,-638,-639,-713,-640,-604,167,-572,-577,-580,-583,167,167,167,-598,-601,167,-608,167,167,167,167,167,167,167,167,167,167,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,167,167,167,-995,167,167,167,167,167,167,-306,-325,-319,-296,-375,-452,-453,-454,-458,167,-443,167,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,167,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,167,167,167,167,167,167,167,167,167,-316,-535,-508,-591,-937,-939,-940,-438,167,-440,-380,-381,-383,-507,-509,-511,167,-513,-514,-519,-520,167,-532,-534,-537,-538,-543,-548,-726,167,-727,167,-732,167,-734,167,-739,-656,-660,-661,167,-666,167,-667,167,-672,-674,167,-677,167,167,167,-687,-689,167,-692,167,167,-744,167,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,167,167,167,167,167,-877,167,-880,-908,-920,-925,-388,-389,167,-394,167,-397,167,-402,167,-403,167,-408,167,-413,167,-417,167,-418,167,-423,167,-426,-899,-900,-643,-585,-1894,-901,167,167,167,-800,167,167,-804,167,-807,-833,167,-818,167,-820,167,-822,-808,167,-824,167,-851,-852,167,167,-811,167,-646,-902,-904,-648,-649,-645,167,-705,-706,167,-642,-903,-647,-650,-603,-714,167,167,-605,-586,167,167,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,167,167,-709,-710,167,-716,167,167,167,167,167,167,-938,167,-439,-441,-747,167,-891,167,-715,-1894,167,167,167,167,167,-442,-512,-523,167,-728,-733,167,-735,167,-740,167,-662,-668,167,-678,-680,-682,-683,-690,-693,-697,-745,167,167,-874,167,167,-878,167,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,167,-812,167,-814,-801,167,-802,-805,167,-816,-819,-821,-823,-825,167,-826,167,-809,167,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,167,-282,167,167,167,167,-455,167,167,-729,167,-736,167,-741,167,-663,-671,167,167,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,167,-836,-53,167,167,-730,167,-737,167,-742,-664,167,-873,-54,167,167,-731,-738,-743,167,167,167,-872,]),'CONTRIBUTORS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[168,168,168,168,-1894,168,168,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,168,168,168,168,-275,-276,168,-1425,168,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,168,168,168,-490,168,168,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,168,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,168,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,168,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,168,-172,-173,-174,-175,-993,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-290,-291,-281,168,168,168,168,168,-328,-318,-332,-333,-334,168,168,-982,-983,-984,-985,-986,-987,-988,168,168,168,168,168,168,168,168,168,168,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,168,168,168,-353,-356,168,-323,-324,-141,168,-142,168,-143,168,-430,-935,-936,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-1894,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-1894,168,-1894,168,168,168,168,168,168,168,168,168,168,168,168,-1894,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,168,-1894,168,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,168,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,168,168,168,-191,-192,168,-994,168,168,168,168,168,-277,-278,-279,-280,-365,168,-308,168,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,168,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,168,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,168,168,168,168,168,168,-573,168,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,168,168,-723,-724,-725,168,168,168,168,168,168,-994,168,168,-91,-92,168,168,168,168,-309,-310,-320,168,-307,-293,-294,-295,168,168,168,168,-618,-633,-590,168,168,-436,168,-437,168,-444,-445,-446,-378,-379,168,168,168,-506,168,168,-510,168,168,168,168,-515,-516,-517,-518,168,168,-521,-522,168,-524,-525,-526,-527,-528,-529,-530,-531,168,-533,168,168,168,-539,-541,-542,168,-544,-545,-546,-547,168,168,168,168,168,168,-652,-653,-654,-655,168,-657,-658,-659,168,168,168,-665,168,168,-669,-670,168,168,-673,168,-675,-676,168,-679,168,-681,168,168,-684,-685,-686,168,-688,168,168,-691,168,168,-694,-695,-696,168,-698,-699,-700,-701,168,168,-746,168,-749,-750,-751,-752,-753,168,-755,-756,-757,-758,-759,168,-766,-767,-769,168,-771,-772,-773,-782,-856,-858,-860,-862,168,168,168,168,-868,168,-870,168,168,168,168,168,168,168,-906,-907,168,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,168,-921,-924,168,-934,168,-385,-386,-387,168,168,-390,-391,-392,-393,168,-396,168,-399,-400,168,-401,168,-406,-407,168,-410,-411,-412,168,-415,168,-416,168,-421,-422,168,-425,168,-428,-429,-1894,-1894,168,-619,-620,-621,-622,-623,-634,-584,-624,-797,168,168,168,168,168,-831,168,168,-806,168,-832,168,168,168,168,-798,168,-853,-799,168,168,168,168,168,168,-854,-855,168,-834,-830,-835,168,-625,168,-626,-627,-628,-629,-574,168,168,-630,-631,-632,168,168,168,168,168,168,-635,-636,-637,-592,-1894,-602,168,-638,-639,-713,-640,-604,168,-572,-577,-580,-583,168,168,168,-598,-601,168,-608,168,168,168,168,168,168,168,168,168,168,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,168,168,168,-995,168,168,168,168,168,168,-306,-325,-319,-296,-375,-452,-453,-454,-458,168,-443,168,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,168,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,168,168,168,168,168,168,168,168,168,-316,-535,-508,-591,-937,-939,-940,-438,168,-440,-380,-381,-383,-507,-509,-511,168,-513,-514,-519,-520,168,-532,-534,-537,-538,-543,-548,-726,168,-727,168,-732,168,-734,168,-739,-656,-660,-661,168,-666,168,-667,168,-672,-674,168,-677,168,168,168,-687,-689,168,-692,168,168,-744,168,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,168,168,168,168,168,-877,168,-880,-908,-920,-925,-388,-389,168,-394,168,-397,168,-402,168,-403,168,-408,168,-413,168,-417,168,-418,168,-423,168,-426,-899,-900,-643,-585,-1894,-901,168,168,168,-800,168,168,-804,168,-807,-833,168,-818,168,-820,168,-822,-808,168,-824,168,-851,-852,168,168,-811,168,-646,-902,-904,-648,-649,-645,168,-705,-706,168,-642,-903,-647,-650,-603,-714,168,168,-605,-586,168,168,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,168,168,-709,-710,168,-716,168,168,168,168,168,168,-938,168,-439,-441,-747,168,-891,168,-715,-1894,168,168,168,168,168,-442,-512,-523,168,-728,-733,168,-735,168,-740,168,-662,-668,168,-678,-680,-682,-683,-690,-693,-697,-745,168,168,-874,168,168,-878,168,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,168,-812,168,-814,-801,168,-802,-805,168,-816,-819,-821,-823,-825,168,-826,168,-809,168,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,168,-282,168,168,168,168,-455,168,168,-729,168,-736,168,-741,168,-663,-671,168,168,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,168,-836,-53,168,168,-730,168,-737,168,-742,-664,168,-873,-54,168,168,-731,-738,-743,168,168,168,-872,]),'CONY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[169,169,169,1055,-1894,169,169,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,169,169,169,169,-275,-276,1055,-1425,1055,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1055,1055,1055,-490,1055,1055,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1055,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1055,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1853,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,169,-172,-173,-174,-175,-993,169,169,169,169,169,169,169,169,169,169,1055,1055,1055,1055,1055,-290,-291,-281,169,1055,1055,1055,1055,-328,-318,-332,-333,-334,1055,1055,-982,-983,-984,-985,-986,-987,-988,169,169,1055,1055,1055,1055,1055,1055,1055,1055,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1055,1055,1055,-353,-356,169,-323,-324,-141,1055,-142,1055,-143,1055,-430,-935,-936,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1894,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1894,1055,-1894,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1894,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-1894,169,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1055,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1055,169,169,-191,-192,169,-994,1055,169,169,169,169,-277,-278,-279,-280,-365,1055,-308,1055,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1055,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1055,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1055,1055,1055,1055,1055,1055,-573,1055,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1055,1055,-723,-724,-725,1055,1853,169,169,169,169,-994,169,1055,-91,-92,169,169,169,1055,-309,-310,-320,1055,-307,-293,-294,-295,1055,169,1055,1055,-618,-633,-590,1055,169,-436,169,-437,1055,-444,-445,-446,-378,-379,1055,1055,1055,-506,1055,1055,-510,1055,1055,1055,1055,-515,-516,-517,-518,1055,1055,-521,-522,1055,-524,-525,-526,-527,-528,-529,-530,-531,1055,-533,1055,1055,1055,-539,-541,-542,1055,-544,-545,-546,-547,1055,1055,1055,1055,1055,1055,-652,-653,-654,-655,169,-657,-658,-659,1055,1055,1055,-665,1055,1055,-669,-670,1055,1055,-673,1055,-675,-676,1055,-679,1055,-681,1055,1055,-684,-685,-686,1055,-688,1055,1055,-691,1055,1055,-694,-695,-696,1055,-698,-699,-700,-701,1055,1055,-746,1055,-749,-750,-751,-752,-753,1055,-755,-756,-757,-758,-759,1055,-766,-767,-769,1055,-771,-772,-773,-782,-856,-858,-860,-862,1055,1055,1055,1055,-868,1055,-870,1055,1055,1055,1055,1055,1055,1055,-906,-907,1055,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1055,-921,-924,1055,-934,1055,-385,-386,-387,1055,1055,-390,-391,-392,-393,1055,-396,1055,-399,-400,1055,-401,1055,-406,-407,1055,-410,-411,-412,1055,-415,1055,-416,1055,-421,-422,1055,-425,1055,-428,-429,-1894,-1894,1055,-619,-620,-621,-622,-623,-634,-584,-624,-797,1055,1055,1055,1055,1055,-831,1055,1055,-806,1055,-832,1055,1055,1055,1055,-798,1055,-853,-799,1055,1055,1055,1055,1055,1055,-854,-855,1055,-834,-830,-835,1055,-625,1055,-626,-627,-628,-629,-574,1055,1055,-630,-631,-632,1055,1055,1055,1055,1055,1055,-635,-636,-637,-592,-1894,-602,1055,-638,-639,-713,-640,-604,1055,-572,-577,-580,-583,1055,1055,1055,-598,-601,1055,-608,1055,1055,1055,1055,1055,1055,1055,1055,1055,1055,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1055,169,169,-995,169,1055,169,169,169,1055,-306,-325,-319,-296,-375,-452,-453,-454,-458,169,-443,1055,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1055,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,169,169,169,169,169,169,169,169,1055,-316,-535,-508,-591,-937,-939,-940,-438,1055,-440,-380,-381,-383,-507,-509,-511,1055,-513,-514,-519,-520,1055,-532,-534,-537,-538,-543,-548,-726,1055,-727,1055,-732,1055,-734,1055,-739,-656,-660,-661,1055,-666,1055,-667,1055,-672,-674,1055,-677,1055,1055,1055,-687,-689,1055,-692,1055,1055,-744,1055,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1055,1055,1055,1055,1055,-877,1055,-880,-908,-920,-925,-388,-389,1055,-394,1055,-397,1055,-402,1055,-403,1055,-408,1055,-413,1055,-417,1055,-418,1055,-423,1055,-426,-899,-900,-643,-585,-1894,-901,1055,1055,1055,-800,1055,1055,-804,1055,-807,-833,1055,-818,1055,-820,1055,-822,-808,1055,-824,1055,-851,-852,1055,1055,-811,1055,-646,-902,-904,-648,-649,-645,1055,-705,-706,1055,-642,-903,-647,-650,-603,-714,1055,1055,-605,-586,1055,1055,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1055,1055,-709,-710,1055,-716,1055,169,169,169,1055,1055,-938,169,-439,-441,-747,1055,-891,1853,-715,-1894,1055,1055,169,169,1055,-442,-512,-523,1055,-728,-733,1055,-735,1055,-740,1055,-662,-668,1055,-678,-680,-682,-683,-690,-693,-697,-745,1055,1055,-874,1055,1055,-878,1055,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1055,-812,1055,-814,-801,1055,-802,-805,1055,-816,-819,-821,-823,-825,1055,-826,1055,-809,1055,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,169,-282,169,1055,169,1055,-455,1055,1055,-729,1055,-736,1055,-741,1055,-663,-671,1055,1055,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1055,-836,-53,169,1055,-730,1055,-737,1055,-742,-664,1055,-873,-54,169,169,-731,-738,-743,1055,169,1055,-872,]),'COS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[170,170,170,1056,-1894,170,170,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,170,170,170,170,-275,-276,1056,-1425,1056,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1056,1056,1056,-490,1056,1056,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1056,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1056,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1854,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,170,-172,-173,-174,-175,-993,170,170,170,170,170,170,170,170,170,170,1056,1056,1056,1056,1056,-290,-291,-281,170,1056,1056,1056,1056,-328,-318,-332,-333,-334,1056,1056,-982,-983,-984,-985,-986,-987,-988,170,170,1056,1056,1056,1056,1056,1056,1056,1056,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1056,1056,1056,-353,-356,170,-323,-324,-141,1056,-142,1056,-143,1056,-430,-935,-936,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1894,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1894,1056,-1894,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1894,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-1894,170,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1056,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1056,170,170,-191,-192,170,-994,1056,170,170,170,170,-277,-278,-279,-280,-365,1056,-308,1056,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1056,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1056,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1056,1056,1056,1056,1056,1056,-573,1056,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1056,1056,-723,-724,-725,1056,1854,170,170,170,170,-994,170,1056,-91,-92,170,170,170,1056,-309,-310,-320,1056,-307,-293,-294,-295,1056,170,1056,1056,-618,-633,-590,1056,170,-436,170,-437,1056,-444,-445,-446,-378,-379,1056,1056,1056,-506,1056,1056,-510,1056,1056,1056,1056,-515,-516,-517,-518,1056,1056,-521,-522,1056,-524,-525,-526,-527,-528,-529,-530,-531,1056,-533,1056,1056,1056,-539,-541,-542,1056,-544,-545,-546,-547,1056,1056,1056,1056,1056,1056,-652,-653,-654,-655,170,-657,-658,-659,1056,1056,1056,-665,1056,1056,-669,-670,1056,1056,-673,1056,-675,-676,1056,-679,1056,-681,1056,1056,-684,-685,-686,1056,-688,1056,1056,-691,1056,1056,-694,-695,-696,1056,-698,-699,-700,-701,1056,1056,-746,1056,-749,-750,-751,-752,-753,1056,-755,-756,-757,-758,-759,1056,-766,-767,-769,1056,-771,-772,-773,-782,-856,-858,-860,-862,1056,1056,1056,1056,-868,1056,-870,1056,1056,1056,1056,1056,1056,1056,-906,-907,1056,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1056,-921,-924,1056,-934,1056,-385,-386,-387,1056,1056,-390,-391,-392,-393,1056,-396,1056,-399,-400,1056,-401,1056,-406,-407,1056,-410,-411,-412,1056,-415,1056,-416,1056,-421,-422,1056,-425,1056,-428,-429,-1894,-1894,1056,-619,-620,-621,-622,-623,-634,-584,-624,-797,1056,1056,1056,1056,1056,-831,1056,1056,-806,1056,-832,1056,1056,1056,1056,-798,1056,-853,-799,1056,1056,1056,1056,1056,1056,-854,-855,1056,-834,-830,-835,1056,-625,1056,-626,-627,-628,-629,-574,1056,1056,-630,-631,-632,1056,1056,1056,1056,1056,1056,-635,-636,-637,-592,-1894,-602,1056,-638,-639,-713,-640,-604,1056,-572,-577,-580,-583,1056,1056,1056,-598,-601,1056,-608,1056,1056,1056,1056,1056,1056,1056,1056,1056,1056,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1056,170,170,-995,170,1056,170,170,170,1056,-306,-325,-319,-296,-375,-452,-453,-454,-458,170,-443,1056,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1056,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,170,170,170,170,170,170,170,170,1056,-316,-535,-508,-591,-937,-939,-940,-438,1056,-440,-380,-381,-383,-507,-509,-511,1056,-513,-514,-519,-520,1056,-532,-534,-537,-538,-543,-548,-726,1056,-727,1056,-732,1056,-734,1056,-739,-656,-660,-661,1056,-666,1056,-667,1056,-672,-674,1056,-677,1056,1056,1056,-687,-689,1056,-692,1056,1056,-744,1056,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1056,1056,1056,1056,1056,-877,1056,-880,-908,-920,-925,-388,-389,1056,-394,1056,-397,1056,-402,1056,-403,1056,-408,1056,-413,1056,-417,1056,-418,1056,-423,1056,-426,-899,-900,-643,-585,-1894,-901,1056,1056,1056,-800,1056,1056,-804,1056,-807,-833,1056,-818,1056,-820,1056,-822,-808,1056,-824,1056,-851,-852,1056,1056,-811,1056,-646,-902,-904,-648,-649,-645,1056,-705,-706,1056,-642,-903,-647,-650,-603,-714,1056,1056,-605,-586,1056,1056,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1056,1056,-709,-710,1056,-716,1056,170,170,170,1056,1056,-938,170,-439,-441,-747,1056,-891,1854,-715,-1894,1056,1056,170,170,1056,-442,-512,-523,1056,-728,-733,1056,-735,1056,-740,1056,-662,-668,1056,-678,-680,-682,-683,-690,-693,-697,-745,1056,1056,-874,1056,1056,-878,1056,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1056,-812,1056,-814,-801,1056,-802,-805,1056,-816,-819,-821,-823,-825,1056,-826,1056,-809,1056,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,170,-282,170,1056,170,1056,-455,1056,1056,-729,1056,-736,1056,-741,1056,-663,-671,1056,1056,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1056,-836,-53,170,1056,-730,1056,-737,1056,-742,-664,1056,-873,-54,170,170,-731,-738,-743,1056,170,1056,-872,]),'COT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[171,171,171,1057,-1894,171,171,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,171,171,171,171,-275,-276,1057,-1425,1057,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1057,1057,1057,-490,1057,1057,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1057,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1057,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1855,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,171,-172,-173,-174,-175,-993,171,171,171,171,171,171,171,171,171,171,1057,1057,1057,1057,1057,-290,-291,-281,171,1057,1057,1057,1057,-328,-318,-332,-333,-334,1057,1057,-982,-983,-984,-985,-986,-987,-988,171,171,1057,1057,1057,1057,1057,1057,1057,1057,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1057,1057,1057,-353,-356,171,-323,-324,-141,1057,-142,1057,-143,1057,-430,-935,-936,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1894,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1894,1057,-1894,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1894,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-1894,171,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1057,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1057,171,171,-191,-192,171,-994,1057,171,171,171,171,-277,-278,-279,-280,-365,1057,-308,1057,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1057,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1057,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1057,1057,1057,1057,1057,1057,-573,1057,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1057,1057,-723,-724,-725,1057,1855,171,171,171,171,-994,171,1057,-91,-92,171,171,171,1057,-309,-310,-320,1057,-307,-293,-294,-295,1057,171,1057,1057,-618,-633,-590,1057,171,-436,171,-437,1057,-444,-445,-446,-378,-379,1057,1057,1057,-506,1057,1057,-510,1057,1057,1057,1057,-515,-516,-517,-518,1057,1057,-521,-522,1057,-524,-525,-526,-527,-528,-529,-530,-531,1057,-533,1057,1057,1057,-539,-541,-542,1057,-544,-545,-546,-547,1057,1057,1057,1057,1057,1057,-652,-653,-654,-655,171,-657,-658,-659,1057,1057,1057,-665,1057,1057,-669,-670,1057,1057,-673,1057,-675,-676,1057,-679,1057,-681,1057,1057,-684,-685,-686,1057,-688,1057,1057,-691,1057,1057,-694,-695,-696,1057,-698,-699,-700,-701,1057,1057,-746,1057,-749,-750,-751,-752,-753,1057,-755,-756,-757,-758,-759,1057,-766,-767,-769,1057,-771,-772,-773,-782,-856,-858,-860,-862,1057,1057,1057,1057,-868,1057,-870,1057,1057,1057,1057,1057,1057,1057,-906,-907,1057,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1057,-921,-924,1057,-934,1057,-385,-386,-387,1057,1057,-390,-391,-392,-393,1057,-396,1057,-399,-400,1057,-401,1057,-406,-407,1057,-410,-411,-412,1057,-415,1057,-416,1057,-421,-422,1057,-425,1057,-428,-429,-1894,-1894,1057,-619,-620,-621,-622,-623,-634,-584,-624,-797,1057,1057,1057,1057,1057,-831,1057,1057,-806,1057,-832,1057,1057,1057,1057,-798,1057,-853,-799,1057,1057,1057,1057,1057,1057,-854,-855,1057,-834,-830,-835,1057,-625,1057,-626,-627,-628,-629,-574,1057,1057,-630,-631,-632,1057,1057,1057,1057,1057,1057,-635,-636,-637,-592,-1894,-602,1057,-638,-639,-713,-640,-604,1057,-572,-577,-580,-583,1057,1057,1057,-598,-601,1057,-608,1057,1057,1057,1057,1057,1057,1057,1057,1057,1057,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1057,171,171,-995,171,1057,171,171,171,1057,-306,-325,-319,-296,-375,-452,-453,-454,-458,171,-443,1057,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1057,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,171,171,171,171,171,171,171,171,1057,-316,-535,-508,-591,-937,-939,-940,-438,1057,-440,-380,-381,-383,-507,-509,-511,1057,-513,-514,-519,-520,1057,-532,-534,-537,-538,-543,-548,-726,1057,-727,1057,-732,1057,-734,1057,-739,-656,-660,-661,1057,-666,1057,-667,1057,-672,-674,1057,-677,1057,1057,1057,-687,-689,1057,-692,1057,1057,-744,1057,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1057,1057,1057,1057,1057,-877,1057,-880,-908,-920,-925,-388,-389,1057,-394,1057,-397,1057,-402,1057,-403,1057,-408,1057,-413,1057,-417,1057,-418,1057,-423,1057,-426,-899,-900,-643,-585,-1894,-901,1057,1057,1057,-800,1057,1057,-804,1057,-807,-833,1057,-818,1057,-820,1057,-822,-808,1057,-824,1057,-851,-852,1057,1057,-811,1057,-646,-902,-904,-648,-649,-645,1057,-705,-706,1057,-642,-903,-647,-650,-603,-714,1057,1057,-605,-586,1057,1057,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1057,1057,-709,-710,1057,-716,1057,171,171,171,1057,1057,-938,171,-439,-441,-747,1057,-891,1855,-715,-1894,1057,1057,171,171,1057,-442,-512,-523,1057,-728,-733,1057,-735,1057,-740,1057,-662,-668,1057,-678,-680,-682,-683,-690,-693,-697,-745,1057,1057,-874,1057,1057,-878,1057,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1057,-812,1057,-814,-801,1057,-802,-805,1057,-816,-819,-821,-823,-825,1057,-826,1057,-809,1057,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,171,-282,171,1057,171,1057,-455,1057,1057,-729,1057,-736,1057,-741,1057,-663,-671,1057,1057,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1057,-836,-53,171,1057,-730,1057,-737,1057,-742,-664,1057,-873,-54,171,171,-731,-738,-743,1057,171,1057,-872,]),'COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[172,172,172,1244,-1894,172,172,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,172,172,172,172,-275,-276,1244,-1425,1244,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1244,1244,1244,-490,1244,1244,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1244,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1244,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1244,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,172,-172,-173,-174,-175,-993,172,172,172,172,172,172,172,172,172,172,1244,1244,1244,1244,1244,-290,-291,-281,172,1244,1244,1244,1244,-328,-318,-332,-333,-334,1244,1244,-982,-983,-984,-985,-986,-987,-988,172,172,1244,1244,1244,1244,1244,1244,1244,1244,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1244,1244,1244,-353,-356,172,-323,-324,-141,1244,-142,1244,-143,1244,-430,-935,-936,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1894,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1894,1244,-1894,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1894,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-1894,172,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1244,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1244,172,172,-191,-192,172,-994,1244,172,172,172,172,-277,-278,-279,-280,-365,1244,-308,1244,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1244,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1244,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1244,1244,1244,1244,1244,1244,-573,1244,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1244,1244,-723,-724,-725,1244,1244,172,172,172,172,-994,172,1244,-91,-92,172,172,172,1244,-309,-310,-320,1244,-307,-293,-294,-295,1244,172,1244,1244,-618,-633,-590,1244,172,-436,172,-437,1244,-444,-445,-446,-378,-379,1244,1244,1244,-506,1244,1244,-510,1244,1244,1244,1244,-515,-516,-517,-518,1244,1244,-521,-522,1244,-524,-525,-526,-527,-528,-529,-530,-531,1244,-533,1244,1244,1244,-539,-541,-542,1244,-544,-545,-546,-547,1244,1244,1244,1244,1244,1244,-652,-653,-654,-655,172,-657,-658,-659,1244,1244,1244,-665,1244,1244,-669,-670,1244,1244,-673,1244,-675,-676,1244,-679,1244,-681,1244,1244,-684,-685,-686,1244,-688,1244,1244,-691,1244,1244,-694,-695,-696,1244,-698,-699,-700,-701,1244,1244,-746,1244,-749,-750,-751,-752,-753,1244,-755,-756,-757,-758,-759,1244,-766,-767,-769,1244,-771,-772,-773,-782,-856,-858,-860,-862,1244,1244,1244,1244,-868,1244,-870,1244,1244,1244,1244,1244,1244,1244,-906,-907,1244,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1244,-921,-924,1244,-934,1244,-385,-386,-387,1244,1244,-390,-391,-392,-393,1244,-396,1244,-399,-400,1244,-401,1244,-406,-407,1244,-410,-411,-412,1244,-415,1244,-416,1244,-421,-422,1244,-425,1244,-428,-429,-1894,-1894,1244,-619,-620,-621,-622,-623,-634,-584,-624,-797,1244,1244,1244,1244,1244,-831,1244,1244,-806,1244,-832,1244,1244,1244,1244,-798,1244,-853,-799,1244,1244,1244,1244,1244,1244,-854,-855,1244,-834,-830,-835,1244,-625,1244,-626,-627,-628,-629,-574,1244,1244,-630,-631,-632,1244,1244,1244,1244,1244,1244,-635,-636,-637,-592,-1894,-602,1244,-638,-639,-713,-640,-604,1244,-572,-577,-580,-583,1244,1244,1244,-598,-601,1244,-608,1244,1244,1244,1244,1244,1244,1244,1244,1244,1244,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1244,172,172,-995,172,1244,172,172,172,1244,-306,-325,-319,-296,-375,-452,-453,-454,-458,172,-443,1244,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1244,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,172,172,172,172,172,172,172,172,1244,-316,-535,-508,-591,-937,-939,-940,-438,1244,-440,-380,-381,-383,-507,-509,-511,1244,-513,-514,-519,-520,1244,-532,-534,-537,-538,-543,-548,-726,1244,-727,1244,-732,1244,-734,1244,-739,-656,-660,-661,1244,-666,1244,-667,1244,-672,-674,1244,-677,1244,1244,1244,-687,-689,1244,-692,1244,1244,-744,1244,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1244,1244,1244,1244,1244,-877,1244,-880,-908,-920,-925,-388,-389,1244,-394,1244,-397,1244,-402,1244,-403,1244,-408,1244,-413,1244,-417,1244,-418,1244,-423,1244,-426,-899,-900,-643,-585,-1894,-901,1244,1244,1244,-800,1244,1244,-804,1244,-807,-833,1244,-818,1244,-820,1244,-822,-808,1244,-824,1244,-851,-852,1244,1244,-811,1244,-646,-902,-904,-648,-649,-645,1244,-705,-706,1244,-642,-903,-647,-650,-603,-714,1244,1244,-605,-586,1244,1244,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1244,1244,-709,-710,1244,-716,1244,172,172,172,1244,1244,-938,172,-439,-441,-747,1244,-891,1244,-715,-1894,1244,1244,172,172,1244,-442,-512,-523,1244,-728,-733,1244,-735,1244,-740,1244,-662,-668,1244,-678,-680,-682,-683,-690,-693,-697,-745,1244,1244,-874,1244,1244,-878,1244,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1244,-812,1244,-814,-801,1244,-802,-805,1244,-816,-819,-821,-823,-825,1244,-826,1244,-809,1244,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,172,-282,172,1244,172,1244,-455,1244,1244,-729,1244,-736,1244,-741,1244,-663,-671,1244,1244,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1244,-836,-53,172,1244,-730,1244,-737,1244,-742,-664,1244,-873,-54,172,172,-731,-738,-743,1244,172,1244,-872,]),'CPU':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[173,173,173,173,-1894,173,173,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,173,173,173,173,-275,-276,173,-1425,173,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,173,173,173,-490,173,173,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,173,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,173,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,173,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,173,-172,-173,-174,-175,-993,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-290,-291,-281,173,173,173,173,173,-328,-318,-332,-333,-334,173,173,-982,-983,-984,-985,-986,-987,-988,173,173,173,173,173,173,173,173,173,173,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,173,173,173,-353,-356,173,-323,-324,-141,173,-142,173,-143,173,-430,-935,-936,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-1894,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-1894,173,-1894,173,173,173,173,173,173,173,173,173,173,173,173,-1894,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,173,-1894,173,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,173,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,173,173,173,-191,-192,173,-994,173,173,173,173,173,-277,-278,-279,-280,-365,173,-308,173,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,173,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,173,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,173,173,173,173,173,173,-573,173,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,173,173,-723,-724,-725,173,173,173,173,173,173,-994,173,173,-91,-92,173,173,173,173,-309,-310,-320,173,-307,-293,-294,-295,173,173,173,173,-618,-633,-590,173,173,-436,173,-437,173,-444,-445,-446,-378,-379,173,173,173,-506,173,173,-510,173,173,173,173,-515,-516,-517,-518,173,173,-521,-522,173,-524,-525,-526,-527,-528,-529,-530,-531,173,-533,173,173,173,-539,-541,-542,173,-544,-545,-546,-547,173,173,173,173,173,173,-652,-653,-654,-655,173,-657,-658,-659,173,173,173,-665,173,173,-669,-670,173,173,-673,173,-675,-676,173,-679,173,-681,173,173,-684,-685,-686,173,-688,173,173,-691,173,173,-694,-695,-696,173,-698,-699,-700,-701,173,173,-746,173,-749,-750,-751,-752,-753,173,-755,-756,-757,-758,-759,173,-766,-767,-769,173,-771,-772,-773,-782,-856,-858,-860,-862,173,173,173,173,-868,173,-870,173,173,173,173,173,173,173,-906,-907,173,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,173,-921,-924,173,-934,173,-385,-386,-387,173,173,-390,-391,-392,-393,173,-396,173,-399,-400,173,-401,173,-406,-407,173,-410,-411,-412,173,-415,173,-416,173,-421,-422,173,-425,173,-428,-429,-1894,-1894,173,-619,-620,-621,-622,-623,-634,-584,-624,-797,173,173,173,173,173,-831,173,173,-806,173,-832,173,173,173,173,-798,173,-853,-799,173,173,173,173,173,173,-854,-855,173,-834,-830,-835,173,-625,173,-626,-627,-628,-629,-574,173,173,-630,-631,-632,173,173,173,173,173,173,-635,-636,-637,-592,-1894,-602,173,-638,-639,-713,-640,-604,173,-572,-577,-580,-583,173,173,173,-598,-601,173,-608,173,173,173,173,173,173,173,173,173,173,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,173,173,173,-995,173,173,173,173,173,173,-306,-325,-319,-296,-375,-452,-453,-454,-458,173,-443,173,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,173,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,173,173,173,173,173,173,173,173,173,-316,-535,-508,-591,-937,-939,-940,-438,173,-440,-380,-381,-383,-507,-509,-511,173,-513,-514,-519,-520,173,-532,-534,-537,-538,-543,-548,-726,173,-727,173,-732,173,-734,173,-739,-656,-660,-661,173,-666,173,-667,173,-672,-674,173,-677,173,173,173,-687,-689,173,-692,173,173,-744,173,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,173,173,173,173,173,-877,173,-880,-908,-920,-925,-388,-389,173,-394,173,-397,173,-402,173,-403,173,-408,173,-413,173,-417,173,-418,173,-423,173,-426,-899,-900,-643,-585,-1894,-901,173,173,173,-800,173,173,-804,173,-807,-833,173,-818,173,-820,173,-822,-808,173,-824,173,-851,-852,173,173,-811,173,-646,-902,-904,-648,-649,-645,173,-705,-706,173,-642,-903,-647,-650,-603,-714,173,173,-605,-586,173,173,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,173,173,-709,-710,173,-716,173,173,173,173,173,173,-938,173,-439,-441,-747,173,-891,173,-715,-1894,173,173,173,173,173,-442,-512,-523,173,-728,-733,173,-735,173,-740,173,-662,-668,173,-678,-680,-682,-683,-690,-693,-697,-745,173,173,-874,173,173,-878,173,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,173,-812,173,-814,-801,173,-802,-805,173,-816,-819,-821,-823,-825,173,-826,173,-809,173,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,173,-282,173,173,173,173,-455,173,173,-729,173,-736,173,-741,173,-663,-671,173,173,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,173,-836,-53,173,173,-730,173,-737,173,-742,-664,173,-873,-54,173,173,-731,-738,-743,173,173,173,-872,]),'CRC32':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[174,174,174,1058,-1894,174,174,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,174,174,174,174,-275,-276,1058,-1425,1058,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1058,1058,1058,-490,1058,1058,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1058,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1058,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1856,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,174,-172,-173,-174,-175,-993,174,174,174,174,174,174,174,174,174,174,1058,1058,1058,1058,1058,-290,-291,-281,174,1058,1058,1058,1058,-328,-318,-332,-333,-334,1058,1058,-982,-983,-984,-985,-986,-987,-988,174,174,1058,1058,1058,1058,1058,1058,1058,1058,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1058,1058,1058,-353,-356,174,-323,-324,-141,1058,-142,1058,-143,1058,-430,-935,-936,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1894,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1894,1058,-1894,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1894,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-1894,174,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1058,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1058,174,174,-191,-192,174,-994,1058,174,174,174,174,-277,-278,-279,-280,-365,1058,-308,1058,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1058,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1058,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1058,1058,1058,1058,1058,1058,-573,1058,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1058,1058,-723,-724,-725,1058,1856,174,174,174,174,-994,174,1058,-91,-92,174,174,174,1058,-309,-310,-320,1058,-307,-293,-294,-295,1058,174,1058,1058,-618,-633,-590,1058,174,-436,174,-437,1058,-444,-445,-446,-378,-379,1058,1058,1058,-506,1058,1058,-510,1058,1058,1058,1058,-515,-516,-517,-518,1058,1058,-521,-522,1058,-524,-525,-526,-527,-528,-529,-530,-531,1058,-533,1058,1058,1058,-539,-541,-542,1058,-544,-545,-546,-547,1058,1058,1058,1058,1058,1058,-652,-653,-654,-655,174,-657,-658,-659,1058,1058,1058,-665,1058,1058,-669,-670,1058,1058,-673,1058,-675,-676,1058,-679,1058,-681,1058,1058,-684,-685,-686,1058,-688,1058,1058,-691,1058,1058,-694,-695,-696,1058,-698,-699,-700,-701,1058,1058,-746,1058,-749,-750,-751,-752,-753,1058,-755,-756,-757,-758,-759,1058,-766,-767,-769,1058,-771,-772,-773,-782,-856,-858,-860,-862,1058,1058,1058,1058,-868,1058,-870,1058,1058,1058,1058,1058,1058,1058,-906,-907,1058,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1058,-921,-924,1058,-934,1058,-385,-386,-387,1058,1058,-390,-391,-392,-393,1058,-396,1058,-399,-400,1058,-401,1058,-406,-407,1058,-410,-411,-412,1058,-415,1058,-416,1058,-421,-422,1058,-425,1058,-428,-429,-1894,-1894,1058,-619,-620,-621,-622,-623,-634,-584,-624,-797,1058,1058,1058,1058,1058,-831,1058,1058,-806,1058,-832,1058,1058,1058,1058,-798,1058,-853,-799,1058,1058,1058,1058,1058,1058,-854,-855,1058,-834,-830,-835,1058,-625,1058,-626,-627,-628,-629,-574,1058,1058,-630,-631,-632,1058,1058,1058,1058,1058,1058,-635,-636,-637,-592,-1894,-602,1058,-638,-639,-713,-640,-604,1058,-572,-577,-580,-583,1058,1058,1058,-598,-601,1058,-608,1058,1058,1058,1058,1058,1058,1058,1058,1058,1058,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1058,174,174,-995,174,1058,174,174,174,1058,-306,-325,-319,-296,-375,-452,-453,-454,-458,174,-443,1058,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1058,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,174,174,174,174,174,174,174,174,1058,-316,-535,-508,-591,-937,-939,-940,-438,1058,-440,-380,-381,-383,-507,-509,-511,1058,-513,-514,-519,-520,1058,-532,-534,-537,-538,-543,-548,-726,1058,-727,1058,-732,1058,-734,1058,-739,-656,-660,-661,1058,-666,1058,-667,1058,-672,-674,1058,-677,1058,1058,1058,-687,-689,1058,-692,1058,1058,-744,1058,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1058,1058,1058,1058,1058,-877,1058,-880,-908,-920,-925,-388,-389,1058,-394,1058,-397,1058,-402,1058,-403,1058,-408,1058,-413,1058,-417,1058,-418,1058,-423,1058,-426,-899,-900,-643,-585,-1894,-901,1058,1058,1058,-800,1058,1058,-804,1058,-807,-833,1058,-818,1058,-820,1058,-822,-808,1058,-824,1058,-851,-852,1058,1058,-811,1058,-646,-902,-904,-648,-649,-645,1058,-705,-706,1058,-642,-903,-647,-650,-603,-714,1058,1058,-605,-586,1058,1058,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1058,1058,-709,-710,1058,-716,1058,174,174,174,1058,1058,-938,174,-439,-441,-747,1058,-891,1856,-715,-1894,1058,1058,174,174,1058,-442,-512,-523,1058,-728,-733,1058,-735,1058,-740,1058,-662,-668,1058,-678,-680,-682,-683,-690,-693,-697,-745,1058,1058,-874,1058,1058,-878,1058,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1058,-812,1058,-814,-801,1058,-802,-805,1058,-816,-819,-821,-823,-825,1058,-826,1058,-809,1058,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,174,-282,174,1058,174,1058,-455,1058,1058,-729,1058,-736,1058,-741,1058,-663,-671,1058,1058,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1058,-836,-53,174,1058,-730,1058,-737,1058,-742,-664,1058,-873,-54,174,174,-731,-738,-743,1058,174,1058,-872,]),'CREATE_TIMESTAMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[175,175,175,175,-1894,175,175,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,175,175,175,175,-275,-276,175,-1425,175,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,175,175,175,-490,175,175,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,175,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,175,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,175,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,175,-172,-173,-174,-175,-993,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-290,-291,-281,175,175,175,175,175,-328,-318,-332,-333,-334,175,175,-982,-983,-984,-985,-986,-987,-988,175,175,175,175,175,175,175,175,175,175,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,175,175,175,-353,-356,175,-323,-324,-141,175,-142,175,-143,175,-430,-935,-936,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-1894,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-1894,175,-1894,175,175,175,175,175,175,175,175,175,175,175,175,-1894,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,175,-1894,175,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,175,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,175,175,175,-191,-192,175,-994,175,175,175,175,175,-277,-278,-279,-280,-365,175,-308,175,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,175,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,175,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,175,175,175,175,175,175,-573,175,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,175,175,-723,-724,-725,175,175,175,175,175,175,-994,175,175,-91,-92,175,175,175,175,-309,-310,-320,175,-307,-293,-294,-295,175,175,175,175,-618,-633,-590,175,175,-436,175,-437,175,-444,-445,-446,-378,-379,175,175,175,-506,175,175,-510,175,175,175,175,-515,-516,-517,-518,175,175,-521,-522,175,-524,-525,-526,-527,-528,-529,-530,-531,175,-533,175,175,175,-539,-541,-542,175,-544,-545,-546,-547,175,175,175,175,175,175,-652,-653,-654,-655,175,-657,-658,-659,175,175,175,-665,175,175,-669,-670,175,175,-673,175,-675,-676,175,-679,175,-681,175,175,-684,-685,-686,175,-688,175,175,-691,175,175,-694,-695,-696,175,-698,-699,-700,-701,175,175,-746,175,-749,-750,-751,-752,-753,175,-755,-756,-757,-758,-759,175,-766,-767,-769,175,-771,-772,-773,-782,-856,-858,-860,-862,175,175,175,175,-868,175,-870,175,175,175,175,175,175,175,-906,-907,175,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,175,-921,-924,175,-934,175,-385,-386,-387,175,175,-390,-391,-392,-393,175,-396,175,-399,-400,175,-401,175,-406,-407,175,-410,-411,-412,175,-415,175,-416,175,-421,-422,175,-425,175,-428,-429,-1894,-1894,175,-619,-620,-621,-622,-623,-634,-584,-624,-797,175,175,175,175,175,-831,175,175,-806,175,-832,175,175,175,175,-798,175,-853,-799,175,175,175,175,175,175,-854,-855,175,-834,-830,-835,175,-625,175,-626,-627,-628,-629,-574,175,175,-630,-631,-632,175,175,175,175,175,175,-635,-636,-637,-592,-1894,-602,175,-638,-639,-713,-640,-604,175,-572,-577,-580,-583,175,175,175,-598,-601,175,-608,175,175,175,175,175,175,175,175,175,175,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,175,175,175,-995,175,175,175,175,175,175,-306,-325,-319,-296,-375,-452,-453,-454,-458,175,-443,175,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,175,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,175,175,175,175,175,175,175,175,175,-316,-535,-508,-591,-937,-939,-940,-438,175,-440,-380,-381,-383,-507,-509,-511,175,-513,-514,-519,-520,175,-532,-534,-537,-538,-543,-548,-726,175,-727,175,-732,175,-734,175,-739,-656,-660,-661,175,-666,175,-667,175,-672,-674,175,-677,175,175,175,-687,-689,175,-692,175,175,-744,175,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,175,175,175,175,175,-877,175,-880,-908,-920,-925,-388,-389,175,-394,175,-397,175,-402,175,-403,175,-408,175,-413,175,-417,175,-418,175,-423,175,-426,-899,-900,-643,-585,-1894,-901,175,175,175,-800,175,175,-804,175,-807,-833,175,-818,175,-820,175,-822,-808,175,-824,175,-851,-852,175,175,-811,175,-646,-902,-904,-648,-649,-645,175,-705,-706,175,-642,-903,-647,-650,-603,-714,175,175,-605,-586,175,175,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,175,175,-709,-710,175,-716,175,175,175,175,175,175,-938,175,-439,-441,-747,175,-891,175,-715,-1894,175,175,175,175,175,-442,-512,-523,175,-728,-733,175,-735,175,-740,175,-662,-668,175,-678,-680,-682,-683,-690,-693,-697,-745,175,175,-874,175,175,-878,175,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,175,-812,175,-814,-801,175,-802,-805,175,-816,-819,-821,-823,-825,175,-826,175,-809,175,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,175,-282,175,175,175,175,-455,175,175,-729,175,-736,175,-741,175,-663,-671,175,175,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,175,-836,-53,175,175,-730,175,-737,175,-742,-664,175,-873,-54,175,175,-731,-738,-743,175,175,175,-872,]),'CTXCAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[176,176,176,176,-1894,176,176,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,176,176,176,176,-275,-276,176,-1425,176,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,176,176,176,-490,176,176,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,176,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,176,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,176,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,176,-172,-173,-174,-175,-993,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-290,-291,-281,176,176,176,176,176,-328,-318,-332,-333,-334,176,176,-982,-983,-984,-985,-986,-987,-988,176,176,176,176,176,176,176,176,176,176,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,176,176,176,-353,-356,176,-323,-324,-141,176,-142,176,-143,176,-430,-935,-936,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-1894,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-1894,176,-1894,176,176,176,176,176,176,176,176,176,176,176,176,-1894,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,176,-1894,176,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,176,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,176,176,176,-191,-192,176,-994,176,176,176,176,176,-277,-278,-279,-280,-365,176,-308,176,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,176,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,176,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,176,176,176,176,176,176,-573,176,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,176,176,-723,-724,-725,176,176,176,176,176,176,-994,176,176,-91,-92,176,176,176,176,-309,-310,-320,176,-307,-293,-294,-295,176,176,176,176,-618,-633,-590,176,176,-436,176,-437,176,-444,-445,-446,-378,-379,176,176,176,-506,176,176,-510,176,176,176,176,-515,-516,-517,-518,176,176,-521,-522,176,-524,-525,-526,-527,-528,-529,-530,-531,176,-533,176,176,176,-539,-541,-542,176,-544,-545,-546,-547,176,176,176,176,176,176,-652,-653,-654,-655,176,-657,-658,-659,176,176,176,-665,176,176,-669,-670,176,176,-673,176,-675,-676,176,-679,176,-681,176,176,-684,-685,-686,176,-688,176,176,-691,176,176,-694,-695,-696,176,-698,-699,-700,-701,176,176,-746,176,-749,-750,-751,-752,-753,176,-755,-756,-757,-758,-759,176,-766,-767,-769,176,-771,-772,-773,-782,-856,-858,-860,-862,176,176,176,176,-868,176,-870,176,176,176,176,176,176,176,-906,-907,176,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,176,-921,-924,176,-934,176,-385,-386,-387,176,176,-390,-391,-392,-393,176,-396,176,-399,-400,176,-401,176,-406,-407,176,-410,-411,-412,176,-415,176,-416,176,-421,-422,176,-425,176,-428,-429,-1894,-1894,176,-619,-620,-621,-622,-623,-634,-584,-624,-797,176,176,176,176,176,-831,176,176,-806,176,-832,176,176,176,176,-798,176,-853,-799,176,176,176,176,176,176,-854,-855,176,-834,-830,-835,176,-625,176,-626,-627,-628,-629,-574,176,176,-630,-631,-632,176,176,176,176,176,176,-635,-636,-637,-592,-1894,-602,176,-638,-639,-713,-640,-604,176,-572,-577,-580,-583,176,176,176,-598,-601,176,-608,176,176,176,176,176,176,176,176,176,176,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,176,176,176,-995,176,176,176,176,176,176,-306,-325,-319,-296,-375,-452,-453,-454,-458,176,-443,176,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,176,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,176,176,176,176,176,176,176,176,176,-316,-535,-508,-591,-937,-939,-940,-438,176,-440,-380,-381,-383,-507,-509,-511,176,-513,-514,-519,-520,176,-532,-534,-537,-538,-543,-548,-726,176,-727,176,-732,176,-734,176,-739,-656,-660,-661,176,-666,176,-667,176,-672,-674,176,-677,176,176,176,-687,-689,176,-692,176,176,-744,176,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,176,176,176,176,176,-877,176,-880,-908,-920,-925,-388,-389,176,-394,176,-397,176,-402,176,-403,176,-408,176,-413,176,-417,176,-418,176,-423,176,-426,-899,-900,-643,-585,-1894,-901,176,176,176,-800,176,176,-804,176,-807,-833,176,-818,176,-820,176,-822,-808,176,-824,176,-851,-852,176,176,-811,176,-646,-902,-904,-648,-649,-645,176,-705,-706,176,-642,-903,-647,-650,-603,-714,176,176,-605,-586,176,176,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,176,176,-709,-710,176,-716,176,176,176,176,176,176,-938,176,-439,-441,-747,176,-891,176,-715,-1894,176,176,176,176,176,-442,-512,-523,176,-728,-733,176,-735,176,-740,176,-662,-668,176,-678,-680,-682,-683,-690,-693,-697,-745,176,176,-874,176,176,-878,176,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,176,-812,176,-814,-801,176,-802,-805,176,-816,-819,-821,-823,-825,176,-826,176,-809,176,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,176,-282,176,176,176,176,-455,176,176,-729,176,-736,176,-741,176,-663,-671,176,176,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,176,-836,-53,176,176,-730,176,-737,176,-742,-664,176,-873,-54,176,176,-731,-738,-743,176,176,176,-872,]),'CTX_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[177,177,177,177,-1894,177,177,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,177,177,177,177,-275,-276,177,-1425,177,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,177,177,177,-490,177,177,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,177,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,177,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,177,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,177,-172,-173,-174,-175,-993,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-290,-291,-281,177,177,177,177,177,-328,-318,-332,-333,-334,177,177,-982,-983,-984,-985,-986,-987,-988,177,177,177,177,177,177,177,177,177,177,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,177,177,177,-353,-356,177,-323,-324,-141,177,-142,177,-143,177,-430,-935,-936,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-1894,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-1894,177,-1894,177,177,177,177,177,177,177,177,177,177,177,177,-1894,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,177,-1894,177,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,177,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,177,177,177,-191,-192,177,-994,177,177,177,177,177,-277,-278,-279,-280,-365,177,-308,177,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,177,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,177,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,177,177,177,177,177,177,-573,177,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,177,177,-723,-724,-725,177,177,177,177,177,177,-994,177,177,-91,-92,177,177,177,177,-309,-310,-320,177,-307,-293,-294,-295,177,177,177,177,-618,-633,-590,177,177,-436,177,-437,177,-444,-445,-446,-378,-379,177,177,177,-506,177,177,-510,177,177,177,177,-515,-516,-517,-518,177,177,-521,-522,177,-524,-525,-526,-527,-528,-529,-530,-531,177,-533,177,177,177,-539,-541,-542,177,-544,-545,-546,-547,177,177,177,177,177,177,-652,-653,-654,-655,177,-657,-658,-659,177,177,177,-665,177,177,-669,-670,177,177,-673,177,-675,-676,177,-679,177,-681,177,177,-684,-685,-686,177,-688,177,177,-691,177,177,-694,-695,-696,177,-698,-699,-700,-701,177,177,-746,177,-749,-750,-751,-752,-753,177,-755,-756,-757,-758,-759,177,-766,-767,-769,177,-771,-772,-773,-782,-856,-858,-860,-862,177,177,177,177,-868,177,-870,177,177,177,177,177,177,177,-906,-907,177,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,177,-921,-924,177,-934,177,-385,-386,-387,177,177,-390,-391,-392,-393,177,-396,177,-399,-400,177,-401,177,-406,-407,177,-410,-411,-412,177,-415,177,-416,177,-421,-422,177,-425,177,-428,-429,-1894,-1894,177,-619,-620,-621,-622,-623,-634,-584,-624,-797,177,177,177,177,177,-831,177,177,-806,177,-832,177,177,177,177,-798,177,-853,-799,177,177,177,177,177,177,-854,-855,177,-834,-830,-835,177,-625,177,-626,-627,-628,-629,-574,177,177,-630,-631,-632,177,177,177,177,177,177,-635,-636,-637,-592,-1894,-602,177,-638,-639,-713,-640,-604,177,-572,-577,-580,-583,177,177,177,-598,-601,177,-608,177,177,177,177,177,177,177,177,177,177,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,177,177,177,-995,177,177,177,177,177,177,-306,-325,-319,-296,-375,-452,-453,-454,-458,177,-443,177,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,177,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,177,177,177,177,177,177,177,177,177,-316,-535,-508,-591,-937,-939,-940,-438,177,-440,-380,-381,-383,-507,-509,-511,177,-513,-514,-519,-520,177,-532,-534,-537,-538,-543,-548,-726,177,-727,177,-732,177,-734,177,-739,-656,-660,-661,177,-666,177,-667,177,-672,-674,177,-677,177,177,177,-687,-689,177,-692,177,177,-744,177,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,177,177,177,177,177,-877,177,-880,-908,-920,-925,-388,-389,177,-394,177,-397,177,-402,177,-403,177,-408,177,-413,177,-417,177,-418,177,-423,177,-426,-899,-900,-643,-585,-1894,-901,177,177,177,-800,177,177,-804,177,-807,-833,177,-818,177,-820,177,-822,-808,177,-824,177,-851,-852,177,177,-811,177,-646,-902,-904,-648,-649,-645,177,-705,-706,177,-642,-903,-647,-650,-603,-714,177,177,-605,-586,177,177,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,177,177,-709,-710,177,-716,177,177,177,177,177,177,-938,177,-439,-441,-747,177,-891,177,-715,-1894,177,177,177,177,177,-442,-512,-523,177,-728,-733,177,-735,177,-740,177,-662,-668,177,-678,-680,-682,-683,-690,-693,-697,-745,177,177,-874,177,177,-878,177,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,177,-812,177,-814,-801,177,-802,-805,177,-816,-819,-821,-823,-825,177,-826,177,-809,177,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,177,-282,177,177,177,177,-455,177,177,-729,177,-736,177,-741,177,-663,-671,177,177,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,177,-836,-53,177,177,-730,177,-737,177,-742,-664,177,-873,-54,177,177,-731,-738,-743,177,177,177,-872,]),'CUBE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[178,178,178,178,-1894,178,178,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,178,178,178,178,-275,-276,178,-1425,178,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,178,178,178,-490,178,178,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,178,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,178,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,178,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,178,-172,-173,-174,-175,-993,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-290,-291,-281,178,178,178,178,178,-328,-318,-332,-333,-334,178,178,-982,-983,-984,-985,-986,-987,-988,178,178,178,178,178,178,178,178,178,178,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,178,178,178,-353,-356,178,-323,-324,-141,178,-142,178,-143,178,-430,-935,-936,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-1894,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-1894,178,-1894,178,178,178,178,178,178,178,178,178,178,178,178,-1894,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,178,-1894,178,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,178,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,178,178,178,-191,-192,178,-994,178,178,178,178,178,-277,-278,-279,-280,-365,178,-308,178,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,178,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,178,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,178,178,178,178,178,178,-573,178,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,178,178,-723,-724,-725,178,178,178,178,178,178,-994,178,178,-91,-92,178,178,178,178,-309,-310,-320,178,-307,-293,-294,-295,178,178,178,178,-618,-633,-590,178,178,-436,178,-437,178,-444,-445,-446,-378,-379,178,178,178,-506,178,178,-510,178,178,178,178,-515,-516,-517,-518,178,178,-521,-522,178,-524,-525,-526,-527,-528,-529,-530,-531,178,-533,178,178,178,-539,-541,-542,178,-544,-545,-546,-547,178,178,178,178,178,178,-652,-653,-654,-655,178,-657,-658,-659,178,178,178,-665,178,178,-669,-670,178,178,-673,178,-675,-676,178,-679,178,-681,178,178,-684,-685,-686,178,-688,178,178,-691,178,178,-694,-695,-696,178,-698,-699,-700,-701,178,178,-746,178,-749,-750,-751,-752,-753,178,-755,-756,-757,-758,-759,178,-766,-767,-769,178,-771,-772,-773,-782,-856,-858,-860,-862,178,178,178,178,-868,178,-870,178,178,178,178,178,178,178,-906,-907,178,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,178,-921,-924,178,-934,178,-385,-386,-387,178,178,-390,-391,-392,-393,178,-396,178,-399,-400,178,-401,178,-406,-407,178,-410,-411,-412,178,-415,178,-416,178,-421,-422,178,-425,178,-428,-429,-1894,-1894,178,-619,-620,-621,-622,-623,-634,-584,-624,-797,178,178,178,178,178,-831,178,178,-806,178,-832,178,178,178,178,-798,178,-853,-799,178,178,178,178,178,178,-854,-855,178,-834,-830,-835,178,-625,178,-626,-627,-628,-629,-574,178,178,-630,-631,-632,178,178,178,178,178,178,-635,-636,-637,-592,-1894,-602,178,-638,-639,-713,-640,-604,178,-572,-577,-580,-583,178,178,178,-598,-601,178,-608,178,178,178,178,178,178,178,178,178,178,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,178,178,178,-995,178,178,178,178,178,178,-306,-325,-319,-296,-375,-452,-453,-454,-458,178,-443,178,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,178,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,178,178,178,178,178,178,178,178,178,-316,-535,-508,-591,-937,-939,-940,-438,178,-440,-380,-381,-383,-507,-509,-511,178,-513,-514,-519,-520,178,-532,-534,-537,-538,-543,-548,-726,178,-727,178,-732,178,-734,178,-739,-656,-660,-661,178,-666,178,-667,178,-672,-674,178,-677,178,178,178,-687,-689,178,-692,178,178,-744,178,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,178,178,178,178,178,-877,178,-880,-908,-920,-925,-388,-389,178,-394,178,-397,178,-402,178,-403,178,-408,178,-413,178,-417,178,-418,178,-423,178,-426,-899,-900,-643,-585,-1894,-901,178,178,178,-800,178,178,-804,178,-807,-833,178,-818,178,-820,178,-822,-808,178,-824,178,-851,-852,178,178,-811,178,-646,-902,-904,-648,-649,-645,178,-705,-706,178,-642,-903,-647,-650,-603,-714,178,178,-605,-586,178,178,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,178,178,-709,-710,178,-716,178,178,178,178,178,178,-938,178,-439,-441,-747,178,-891,178,-715,-1894,178,178,178,178,178,-442,-512,-523,178,-728,-733,178,-735,178,-740,178,-662,-668,178,-678,-680,-682,-683,-690,-693,-697,-745,178,178,-874,178,178,-878,178,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,178,-812,178,-814,-801,178,-802,-805,178,-816,-819,-821,-823,-825,178,-826,178,-809,178,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,178,-282,178,178,178,178,-455,178,178,-729,178,-736,178,-741,178,-663,-671,178,178,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,178,-836,-53,178,178,-730,178,-737,178,-742,-664,178,-873,-54,178,178,-731,-738,-743,178,178,178,-872,]),'CURRENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3746,3748,3749,3756,3769,3773,3788,3795,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3851,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[179,179,179,179,-1894,179,179,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,179,179,179,179,-275,-276,179,-1425,179,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,179,179,179,-490,179,179,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,179,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,179,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,179,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,179,-172,-173,-174,-175,-993,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-290,-291,-281,179,179,179,179,179,-328,-318,-332,-333,-334,179,179,-982,-983,-984,-985,-986,-987,-988,179,179,179,179,179,179,179,179,179,179,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,179,179,179,-353,-356,179,-323,-324,-141,179,-142,179,-143,179,-430,-935,-936,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-1894,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-1894,179,-1894,179,179,179,179,179,179,179,179,179,179,179,179,-1894,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,179,-1894,179,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,179,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,179,179,179,-191,-192,179,-994,179,179,179,179,179,-277,-278,-279,-280,-365,179,-308,179,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,179,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,179,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,179,179,179,179,179,179,-573,179,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,179,179,-723,-724,-725,179,179,179,179,179,179,-994,179,179,-91,-92,179,179,179,179,-309,-310,-320,179,-307,-293,-294,-295,179,179,179,179,-618,-633,-590,179,179,-436,179,-437,179,-444,-445,-446,-378,-379,179,179,179,-506,179,179,-510,179,179,179,179,-515,-516,-517,-518,179,179,-521,-522,179,-524,-525,-526,-527,-528,-529,-530,-531,179,-533,179,179,179,-539,-541,-542,179,-544,-545,-546,-547,179,179,179,179,179,179,-652,-653,-654,-655,179,-657,-658,-659,179,179,179,-665,179,179,-669,-670,179,179,-673,179,-675,-676,179,-679,179,-681,179,179,-684,-685,-686,179,-688,179,179,-691,179,179,-694,-695,-696,179,-698,-699,-700,-701,179,179,-746,179,-749,-750,-751,-752,-753,179,-755,-756,-757,-758,-759,179,-766,-767,-769,179,-771,-772,-773,-782,-856,-858,-860,-862,179,179,179,179,-868,179,-870,179,179,179,179,179,179,179,-906,-907,179,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,179,-921,-924,179,-934,179,-385,-386,-387,179,179,-390,-391,-392,-393,179,-396,179,-399,-400,179,-401,179,-406,-407,179,-410,-411,-412,179,-415,179,-416,179,-421,-422,179,-425,179,-428,-429,-1894,-1894,179,-619,-620,-621,-622,-623,-634,-584,-624,-797,179,179,179,179,179,-831,179,179,-806,179,-832,179,179,179,179,-798,179,-853,-799,179,179,179,179,179,179,-854,-855,179,-834,-830,-835,179,-625,179,-626,-627,-628,-629,-574,179,179,-630,-631,-632,179,179,179,179,179,179,-635,-636,-637,-592,-1894,-602,179,-638,-639,-713,-640,-604,179,-572,-577,-580,-583,179,179,179,-598,-601,179,-608,179,179,179,179,179,179,179,179,179,179,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,179,179,179,-995,179,179,179,179,179,179,-306,-325,-319,-296,-375,-452,-453,-454,-458,179,-443,179,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,179,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,179,179,179,179,179,179,179,179,179,-316,-535,-508,-591,-937,-939,-940,-438,179,-440,-380,-381,-383,-507,-509,-511,179,-513,-514,-519,-520,179,-532,-534,-537,-538,-543,-548,-726,179,-727,179,-732,179,-734,179,-739,-656,-660,-661,179,-666,179,-667,179,-672,-674,179,-677,179,179,179,-687,-689,179,-692,179,179,-744,179,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,179,179,179,179,179,-877,179,-880,-908,-920,-925,-388,-389,179,-394,179,-397,179,-402,179,-403,179,-408,179,-413,179,-417,179,-418,179,-423,179,-426,-899,-900,-643,-585,-1894,-901,179,179,179,-800,179,179,-804,179,-807,-833,179,-818,179,-820,179,-822,-808,179,-824,179,-851,-852,179,179,-811,179,-646,-902,-904,-648,-649,-645,179,-705,-706,179,-642,-903,-647,-650,-603,-714,179,179,-605,-586,179,179,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,179,179,-709,-710,179,-716,179,179,179,179,179,179,-938,179,-439,-441,-747,179,-891,179,-715,-1894,179,179,179,179,179,-442,-512,-523,179,-728,-733,179,-735,179,-740,179,-662,-668,179,-678,-680,-682,-683,-690,-693,-697,-745,179,179,-874,179,179,-878,179,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,179,-812,179,-814,-801,179,-802,-805,179,-816,-819,-821,-823,-825,179,-826,179,-809,179,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,179,-282,179,3792,-468,-469,179,179,179,-455,3792,179,179,-729,179,-736,179,-741,179,-663,-671,179,179,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,179,-836,-53,179,3792,179,-730,179,-737,179,-742,-664,179,-873,-54,179,179,-731,-738,-743,179,179,179,-872,]),'CURSOR_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[180,180,180,180,-1894,180,180,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,180,180,180,180,-275,-276,180,-1425,180,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,180,180,180,-490,180,180,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,180,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,180,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,180,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,180,-172,-173,-174,-175,-993,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-290,-291,-281,180,180,180,180,180,-328,-318,-332,-333,-334,180,180,-982,-983,-984,-985,-986,-987,-988,180,180,180,180,180,180,180,180,180,180,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,180,180,180,-353,-356,180,-323,-324,-141,180,-142,180,-143,180,-430,-935,-936,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-1894,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-1894,180,-1894,180,180,180,180,180,180,180,180,180,180,180,180,-1894,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,180,-1894,180,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,180,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,180,180,180,-191,-192,180,-994,180,180,180,180,180,-277,-278,-279,-280,-365,180,-308,180,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,180,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,180,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,180,180,180,180,180,180,-573,180,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,180,180,-723,-724,-725,180,180,180,180,180,180,-994,180,180,-91,-92,180,180,180,180,-309,-310,-320,180,-307,-293,-294,-295,180,180,180,180,-618,-633,-590,180,180,-436,180,-437,180,-444,-445,-446,-378,-379,180,180,180,-506,180,180,-510,180,180,180,180,-515,-516,-517,-518,180,180,-521,-522,180,-524,-525,-526,-527,-528,-529,-530,-531,180,-533,180,180,180,-539,-541,-542,180,-544,-545,-546,-547,180,180,180,180,180,180,-652,-653,-654,-655,180,-657,-658,-659,180,180,180,-665,180,180,-669,-670,180,180,-673,180,-675,-676,180,-679,180,-681,180,180,-684,-685,-686,180,-688,180,180,-691,180,180,-694,-695,-696,180,-698,-699,-700,-701,180,180,-746,180,-749,-750,-751,-752,-753,180,-755,-756,-757,-758,-759,180,-766,-767,-769,180,-771,-772,-773,-782,-856,-858,-860,-862,180,180,180,180,-868,180,-870,180,180,180,180,180,180,180,-906,-907,180,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,180,-921,-924,180,-934,180,-385,-386,-387,180,180,-390,-391,-392,-393,180,-396,180,-399,-400,180,-401,180,-406,-407,180,-410,-411,-412,180,-415,180,-416,180,-421,-422,180,-425,180,-428,-429,-1894,-1894,180,-619,-620,-621,-622,-623,-634,-584,-624,-797,180,180,180,180,180,-831,180,180,-806,180,-832,180,180,180,180,-798,180,-853,-799,180,180,180,180,180,180,-854,-855,180,-834,-830,-835,180,-625,180,-626,-627,-628,-629,-574,180,180,-630,-631,-632,180,180,180,180,180,180,-635,-636,-637,-592,-1894,-602,180,-638,-639,-713,-640,-604,180,-572,-577,-580,-583,180,180,180,-598,-601,180,-608,180,180,180,180,180,180,180,180,180,180,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,180,180,180,-995,180,180,180,180,180,180,-306,-325,-319,-296,-375,-452,-453,-454,-458,180,-443,180,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,180,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,180,180,180,180,180,180,180,180,180,-316,-535,-508,-591,-937,-939,-940,-438,180,-440,-380,-381,-383,-507,-509,-511,180,-513,-514,-519,-520,180,-532,-534,-537,-538,-543,-548,-726,180,-727,180,-732,180,-734,180,-739,-656,-660,-661,180,-666,180,-667,180,-672,-674,180,-677,180,180,180,-687,-689,180,-692,180,180,-744,180,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,180,180,180,180,180,-877,180,-880,-908,-920,-925,-388,-389,180,-394,180,-397,180,-402,180,-403,180,-408,180,-413,180,-417,180,-418,180,-423,180,-426,-899,-900,-643,-585,-1894,-901,180,180,180,-800,180,180,-804,180,-807,-833,180,-818,180,-820,180,-822,-808,180,-824,180,-851,-852,180,180,-811,180,-646,-902,-904,-648,-649,-645,180,-705,-706,180,-642,-903,-647,-650,-603,-714,180,180,-605,-586,180,180,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,180,180,-709,-710,180,-716,180,180,180,180,180,180,-938,180,-439,-441,-747,180,-891,180,-715,-1894,180,180,180,180,180,-442,-512,-523,180,-728,-733,180,-735,180,-740,180,-662,-668,180,-678,-680,-682,-683,-690,-693,-697,-745,180,180,-874,180,180,-878,180,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,180,-812,180,-814,-801,180,-802,-805,180,-816,-819,-821,-823,-825,180,-826,180,-809,180,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,180,-282,180,180,180,180,-455,180,180,-729,180,-736,180,-741,180,-663,-671,180,180,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,180,-836,-53,180,180,-730,180,-737,180,-742,-664,180,-873,-54,180,180,-731,-738,-743,180,180,180,-872,]),'CYCLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[181,181,181,181,-1894,181,181,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,181,181,181,181,-275,-276,181,-1425,181,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,181,181,181,-490,181,181,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,181,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,181,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,181,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,181,-172,-173,-174,-175,-993,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-290,-291,-281,181,181,181,181,181,-328,-318,-332,-333,-334,181,181,-982,-983,-984,-985,-986,-987,-988,181,181,181,181,181,181,181,181,181,181,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,181,181,181,-353,-356,181,-323,-324,-141,181,-142,181,-143,181,-430,-935,-936,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-1894,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-1894,181,-1894,181,181,181,181,181,181,181,181,181,181,181,181,-1894,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,-1894,181,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,181,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,181,181,181,-191,-192,181,-994,181,181,181,181,181,-277,-278,-279,-280,-365,181,-308,181,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,181,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,181,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,181,181,181,181,181,181,-573,181,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,181,181,-723,-724,-725,181,181,181,181,181,181,-994,181,181,-91,-92,181,181,181,181,-309,-310,-320,181,-307,-293,-294,-295,181,181,181,181,-618,-633,-590,181,181,-436,181,-437,181,-444,-445,-446,-378,-379,181,181,181,-506,181,181,-510,181,181,181,181,-515,-516,-517,-518,181,181,-521,-522,181,-524,-525,-526,-527,-528,-529,-530,-531,181,-533,181,181,181,-539,-541,-542,181,-544,-545,-546,-547,181,181,181,181,181,181,-652,-653,-654,-655,181,-657,-658,-659,181,181,181,-665,181,181,-669,-670,181,181,-673,181,-675,-676,181,-679,181,-681,181,181,-684,-685,-686,181,-688,181,181,-691,181,181,-694,-695,-696,181,-698,-699,-700,-701,181,181,-746,181,-749,-750,-751,-752,-753,181,-755,-756,-757,-758,-759,181,-766,-767,-769,181,-771,-772,-773,-782,-856,-858,-860,-862,181,181,181,181,-868,181,-870,181,181,181,181,181,181,181,-906,-907,181,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,181,-921,-924,181,-934,181,-385,-386,-387,181,181,-390,-391,-392,-393,181,-396,181,-399,-400,181,-401,181,-406,-407,181,-410,-411,-412,181,-415,181,-416,181,-421,-422,181,-425,181,-428,-429,-1894,-1894,181,-619,-620,-621,-622,-623,-634,-584,-624,-797,181,181,181,181,181,-831,181,181,-806,181,-832,181,181,181,181,-798,181,-853,-799,181,181,181,181,181,181,-854,-855,181,-834,-830,-835,181,-625,181,-626,-627,-628,-629,-574,181,181,-630,-631,-632,181,181,181,181,181,181,-635,-636,-637,-592,-1894,-602,181,-638,-639,-713,-640,-604,181,-572,-577,-580,-583,181,181,181,-598,-601,181,-608,181,181,181,181,181,181,181,181,181,181,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,181,181,181,-995,181,181,181,181,181,181,-306,-325,-319,-296,-375,-452,-453,-454,-458,181,-443,181,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,181,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,181,181,181,181,181,181,181,181,181,-316,-535,-508,-591,-937,-939,-940,-438,181,-440,-380,-381,-383,-507,-509,-511,181,-513,-514,-519,-520,181,-532,-534,-537,-538,-543,-548,-726,181,-727,181,-732,181,-734,181,-739,-656,-660,-661,181,-666,181,-667,181,-672,-674,181,-677,181,181,181,-687,-689,181,-692,181,181,-744,181,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,181,181,181,181,181,-877,181,-880,-908,-920,-925,-388,-389,181,-394,181,-397,181,-402,181,-403,181,-408,181,-413,181,-417,181,-418,181,-423,181,-426,-899,-900,-643,-585,-1894,-901,181,181,181,-800,181,181,-804,181,-807,-833,181,-818,181,-820,181,-822,-808,181,-824,181,-851,-852,181,181,-811,181,-646,-902,-904,-648,-649,-645,181,-705,-706,181,-642,-903,-647,-650,-603,-714,181,181,-605,-586,181,181,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,181,181,-709,-710,181,-716,181,181,181,181,181,181,-938,181,-439,-441,-747,181,-891,181,-715,-1894,181,181,181,181,181,-442,-512,-523,181,-728,-733,181,-735,181,-740,181,-662,-668,181,-678,-680,-682,-683,-690,-693,-697,-745,181,181,-874,181,181,-878,181,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,181,-812,181,-814,-801,181,-802,-805,181,-816,-819,-821,-823,-825,181,-826,181,-809,181,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,181,-282,181,181,181,181,-455,181,181,-729,181,-736,181,-741,181,-663,-671,181,181,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,181,-836,-53,181,181,-730,181,-737,181,-742,-664,181,-873,-54,181,181,-731,-738,-743,181,181,181,-872,]),'DATA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[182,182,182,182,-1894,182,182,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,182,182,182,182,-275,-276,182,-1425,182,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,182,182,182,-490,182,182,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,182,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,182,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,182,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,182,-172,-173,-174,-175,-993,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-290,-291,-281,182,182,182,182,182,-328,-318,-332,-333,-334,182,182,-982,-983,-984,-985,-986,-987,-988,182,182,182,182,182,182,182,182,182,182,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,182,182,182,-353,-356,182,-323,-324,-141,182,-142,182,-143,182,-430,-935,-936,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-1894,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-1894,182,-1894,182,182,182,182,182,182,182,182,182,182,182,182,-1894,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,182,-1894,182,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,182,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,182,182,182,-191,-192,182,-994,182,182,182,182,182,-277,-278,-279,-280,-365,182,-308,182,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,182,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,182,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,182,182,182,182,182,182,-573,182,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,182,182,-723,-724,-725,182,182,182,182,182,182,-994,182,182,-91,-92,182,182,182,182,-309,-310,-320,182,-307,-293,-294,-295,182,182,182,182,-618,-633,-590,182,182,-436,182,-437,182,-444,-445,-446,-378,-379,182,182,182,-506,182,182,-510,182,182,182,182,-515,-516,-517,-518,182,182,-521,-522,182,-524,-525,-526,-527,-528,-529,-530,-531,182,-533,182,182,182,-539,-541,-542,182,-544,-545,-546,-547,182,182,182,182,182,182,-652,-653,-654,-655,182,-657,-658,-659,182,182,182,-665,182,182,-669,-670,182,182,-673,182,-675,-676,182,-679,182,-681,182,182,-684,-685,-686,182,-688,182,182,-691,182,182,-694,-695,-696,182,-698,-699,-700,-701,182,182,-746,182,-749,-750,-751,-752,-753,182,-755,-756,-757,-758,-759,182,-766,-767,-769,182,-771,-772,-773,-782,-856,-858,-860,-862,182,182,182,182,-868,182,-870,182,182,182,182,182,182,182,-906,-907,182,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,182,-921,-924,182,-934,182,-385,-386,-387,182,182,-390,-391,-392,-393,182,-396,182,-399,-400,182,-401,182,-406,-407,182,-410,-411,-412,182,-415,182,-416,182,-421,-422,182,-425,182,-428,-429,-1894,-1894,182,-619,-620,-621,-622,-623,-634,-584,-624,-797,182,182,182,182,182,-831,182,182,-806,182,-832,182,182,182,182,-798,182,-853,-799,182,182,182,182,182,182,-854,-855,182,-834,-830,-835,182,-625,182,-626,-627,-628,-629,-574,182,182,-630,-631,-632,182,182,182,182,182,182,-635,-636,-637,-592,-1894,-602,182,-638,-639,-713,-640,-604,182,-572,-577,-580,-583,182,182,182,-598,-601,182,-608,182,182,182,182,182,182,182,182,182,182,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,182,182,182,-995,182,182,182,182,182,182,-306,-325,-319,-296,-375,-452,-453,-454,-458,182,-443,182,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,182,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,182,182,182,182,182,182,182,182,182,-316,-535,-508,-591,-937,-939,-940,-438,182,-440,-380,-381,-383,-507,-509,-511,182,-513,-514,-519,-520,182,-532,-534,-537,-538,-543,-548,-726,182,-727,182,-732,182,-734,182,-739,-656,-660,-661,182,-666,182,-667,182,-672,-674,182,-677,182,182,182,-687,-689,182,-692,182,182,-744,182,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,182,182,182,182,182,-877,182,-880,-908,-920,-925,-388,-389,182,-394,182,-397,182,-402,182,-403,182,-408,182,-413,182,-417,182,-418,182,-423,182,-426,-899,-900,-643,-585,-1894,-901,182,182,182,-800,182,182,-804,182,-807,-833,182,-818,182,-820,182,-822,-808,182,-824,182,-851,-852,182,182,-811,182,-646,-902,-904,-648,-649,-645,182,-705,-706,182,-642,-903,-647,-650,-603,-714,182,182,-605,-586,182,182,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,182,182,-709,-710,182,-716,182,182,182,182,182,182,-938,182,-439,-441,-747,182,-891,182,-715,-1894,182,182,182,182,182,-442,-512,-523,182,-728,-733,182,-735,182,-740,182,-662,-668,182,-678,-680,-682,-683,-690,-693,-697,-745,182,182,-874,182,182,-878,182,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,182,-812,182,-814,-801,182,-802,-805,182,-816,-819,-821,-823,-825,182,-826,182,-809,182,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,182,-282,182,182,182,182,-455,182,182,-729,182,-736,182,-741,182,-663,-671,182,182,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,182,-836,-53,182,182,-730,182,-737,182,-742,-664,182,-873,-54,182,182,-731,-738,-743,182,182,182,-872,]),'DATABASE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[183,183,183,183,-1894,183,183,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,183,183,183,183,-275,-276,183,-1425,183,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,183,183,183,-490,183,183,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,183,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,183,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,183,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,183,-172,-173,-174,-175,-993,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-290,-291,-281,183,183,183,183,183,-328,-318,-332,-333,-334,183,183,-982,-983,-984,-985,-986,-987,-988,183,183,183,183,183,183,183,183,183,183,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,183,183,183,-353,-356,183,-323,-324,-141,183,-142,183,-143,183,-430,-935,-936,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-1894,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-1894,183,-1894,183,183,183,183,183,183,183,183,183,183,183,183,-1894,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,-1894,183,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,183,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,183,183,183,-191,-192,183,-994,183,183,183,183,183,-277,-278,-279,-280,-365,183,-308,183,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,183,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,183,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,183,183,183,183,183,183,-573,183,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,183,183,-723,-724,-725,183,183,183,183,183,183,-994,183,183,-91,-92,183,183,183,183,-309,-310,-320,183,-307,-293,-294,-295,183,183,183,183,-618,-633,-590,183,183,-436,183,-437,183,-444,-445,-446,-378,-379,183,183,183,-506,183,183,-510,183,183,183,183,-515,-516,-517,-518,183,183,-521,-522,183,-524,-525,-526,-527,-528,-529,-530,-531,183,-533,183,183,183,-539,-541,-542,183,-544,-545,-546,-547,183,183,183,183,183,183,-652,-653,-654,-655,183,-657,-658,-659,183,183,183,-665,183,183,-669,-670,183,183,-673,183,-675,-676,183,-679,183,-681,183,183,-684,-685,-686,183,-688,183,183,-691,183,183,-694,-695,-696,183,-698,-699,-700,-701,183,183,-746,183,-749,-750,-751,-752,-753,183,-755,-756,-757,-758,-759,183,-766,-767,-769,183,-771,-772,-773,-782,-856,-858,-860,-862,183,183,183,183,-868,183,-870,183,183,183,183,183,183,183,-906,-907,183,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,183,-921,-924,183,-934,183,-385,-386,-387,183,183,-390,-391,-392,-393,183,-396,183,-399,-400,183,-401,183,-406,-407,183,-410,-411,-412,183,-415,183,-416,183,-421,-422,183,-425,183,-428,-429,-1894,-1894,183,-619,-620,-621,-622,-623,-634,-584,-624,-797,183,183,183,183,183,-831,183,183,-806,183,-832,183,183,183,183,-798,183,-853,-799,183,183,183,183,183,183,-854,-855,183,-834,-830,-835,183,-625,183,-626,-627,-628,-629,-574,183,183,-630,-631,-632,183,183,183,183,183,183,-635,-636,-637,-592,-1894,-602,183,-638,-639,-713,-640,-604,183,-572,-577,-580,-583,183,183,183,-598,-601,183,-608,183,183,183,183,183,183,183,183,183,183,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,183,183,183,-995,183,183,183,183,183,183,-306,-325,-319,-296,-375,-452,-453,-454,-458,183,-443,183,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,183,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,183,183,183,183,183,183,183,183,183,-316,-535,-508,-591,-937,-939,-940,-438,183,-440,-380,-381,-383,-507,-509,-511,183,-513,-514,-519,-520,183,-532,-534,-537,-538,-543,-548,-726,183,-727,183,-732,183,-734,183,-739,-656,-660,-661,183,-666,183,-667,183,-672,-674,183,-677,183,183,183,-687,-689,183,-692,183,183,-744,183,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,183,183,183,183,183,-877,183,-880,-908,-920,-925,-388,-389,183,-394,183,-397,183,-402,183,-403,183,-408,183,-413,183,-417,183,-418,183,-423,183,-426,-899,-900,-643,-585,-1894,-901,183,183,183,-800,183,183,-804,183,-807,-833,183,-818,183,-820,183,-822,-808,183,-824,183,-851,-852,183,183,-811,183,-646,-902,-904,-648,-649,-645,183,-705,-706,183,-642,-903,-647,-650,-603,-714,183,183,-605,-586,183,183,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,183,183,-709,-710,183,-716,183,183,183,183,183,183,-938,183,-439,-441,-747,183,-891,183,-715,-1894,183,183,183,183,183,-442,-512,-523,183,-728,-733,183,-735,183,-740,183,-662,-668,183,-678,-680,-682,-683,-690,-693,-697,-745,183,183,-874,183,183,-878,183,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,183,-812,183,-814,-801,183,-802,-805,183,-816,-819,-821,-823,-825,183,-826,183,-809,183,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,183,-282,183,183,183,183,-455,183,183,-729,183,-736,183,-741,183,-663,-671,183,183,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,183,-836,-53,183,183,-730,183,-737,183,-742,-664,183,-873,-54,183,183,-731,-738,-743,183,183,183,-872,]),'DATAFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[184,184,184,184,-1894,184,184,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,184,184,184,184,-275,-276,184,-1425,184,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,184,184,184,-490,184,184,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,184,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,184,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,184,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,184,-172,-173,-174,-175,-993,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-290,-291,-281,184,184,184,184,184,-328,-318,-332,-333,-334,184,184,-982,-983,-984,-985,-986,-987,-988,184,184,184,184,184,184,184,184,184,184,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,184,184,184,-353,-356,184,-323,-324,-141,184,-142,184,-143,184,-430,-935,-936,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-1894,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-1894,184,-1894,184,184,184,184,184,184,184,184,184,184,184,184,-1894,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,184,-1894,184,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,184,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,184,184,184,-191,-192,184,-994,184,184,184,184,184,-277,-278,-279,-280,-365,184,-308,184,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,184,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,184,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,184,184,184,184,184,184,-573,184,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,184,184,-723,-724,-725,184,184,184,184,184,184,-994,184,184,-91,-92,184,184,184,184,-309,-310,-320,184,-307,-293,-294,-295,184,184,184,184,-618,-633,-590,184,184,-436,184,-437,184,-444,-445,-446,-378,-379,184,184,184,-506,184,184,-510,184,184,184,184,-515,-516,-517,-518,184,184,-521,-522,184,-524,-525,-526,-527,-528,-529,-530,-531,184,-533,184,184,184,-539,-541,-542,184,-544,-545,-546,-547,184,184,184,184,184,184,-652,-653,-654,-655,184,-657,-658,-659,184,184,184,-665,184,184,-669,-670,184,184,-673,184,-675,-676,184,-679,184,-681,184,184,-684,-685,-686,184,-688,184,184,-691,184,184,-694,-695,-696,184,-698,-699,-700,-701,184,184,-746,184,-749,-750,-751,-752,-753,184,-755,-756,-757,-758,-759,184,-766,-767,-769,184,-771,-772,-773,-782,-856,-858,-860,-862,184,184,184,184,-868,184,-870,184,184,184,184,184,184,184,-906,-907,184,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,184,-921,-924,184,-934,184,-385,-386,-387,184,184,-390,-391,-392,-393,184,-396,184,-399,-400,184,-401,184,-406,-407,184,-410,-411,-412,184,-415,184,-416,184,-421,-422,184,-425,184,-428,-429,-1894,-1894,184,-619,-620,-621,-622,-623,-634,-584,-624,-797,184,184,184,184,184,-831,184,184,-806,184,-832,184,184,184,184,-798,184,-853,-799,184,184,184,184,184,184,-854,-855,184,-834,-830,-835,184,-625,184,-626,-627,-628,-629,-574,184,184,-630,-631,-632,184,184,184,184,184,184,-635,-636,-637,-592,-1894,-602,184,-638,-639,-713,-640,-604,184,-572,-577,-580,-583,184,184,184,-598,-601,184,-608,184,184,184,184,184,184,184,184,184,184,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,184,184,184,-995,184,184,184,184,184,184,-306,-325,-319,-296,-375,-452,-453,-454,-458,184,-443,184,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,184,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,184,184,184,184,184,184,184,184,184,-316,-535,-508,-591,-937,-939,-940,-438,184,-440,-380,-381,-383,-507,-509,-511,184,-513,-514,-519,-520,184,-532,-534,-537,-538,-543,-548,-726,184,-727,184,-732,184,-734,184,-739,-656,-660,-661,184,-666,184,-667,184,-672,-674,184,-677,184,184,184,-687,-689,184,-692,184,184,-744,184,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,184,184,184,184,184,-877,184,-880,-908,-920,-925,-388,-389,184,-394,184,-397,184,-402,184,-403,184,-408,184,-413,184,-417,184,-418,184,-423,184,-426,-899,-900,-643,-585,-1894,-901,184,184,184,-800,184,184,-804,184,-807,-833,184,-818,184,-820,184,-822,-808,184,-824,184,-851,-852,184,184,-811,184,-646,-902,-904,-648,-649,-645,184,-705,-706,184,-642,-903,-647,-650,-603,-714,184,184,-605,-586,184,184,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,184,184,-709,-710,184,-716,184,184,184,184,184,184,-938,184,-439,-441,-747,184,-891,184,-715,-1894,184,184,184,184,184,-442,-512,-523,184,-728,-733,184,-735,184,-740,184,-662,-668,184,-678,-680,-682,-683,-690,-693,-697,-745,184,184,-874,184,184,-878,184,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,184,-812,184,-814,-801,184,-802,-805,184,-816,-819,-821,-823,-825,184,-826,184,-809,184,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,184,-282,184,184,184,184,-455,184,184,-729,184,-736,184,-741,184,-663,-671,184,184,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,184,-836,-53,184,184,-730,184,-737,184,-742,-664,184,-873,-54,184,184,-731,-738,-743,184,184,184,-872,]),'DATA_TABLE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[185,185,185,185,-1894,185,185,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,185,185,185,185,-275,-276,185,-1425,185,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,185,185,185,-490,185,185,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,185,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,185,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,185,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,185,-172,-173,-174,-175,-993,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-290,-291,-281,185,185,185,185,185,-328,-318,-332,-333,-334,185,185,-982,-983,-984,-985,-986,-987,-988,185,185,185,185,185,185,185,185,185,185,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,185,185,185,-353,-356,185,-323,-324,-141,185,-142,185,-143,185,-430,-935,-936,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-1894,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-1894,185,-1894,185,185,185,185,185,185,185,185,185,185,185,185,-1894,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,185,-1894,185,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,185,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,185,185,185,-191,-192,185,-994,185,185,185,185,185,-277,-278,-279,-280,-365,185,-308,185,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,185,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,185,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,185,185,185,185,185,185,-573,185,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,185,185,-723,-724,-725,185,185,185,185,185,185,-994,185,185,-91,-92,185,185,185,185,-309,-310,-320,185,-307,-293,-294,-295,185,185,185,185,-618,-633,-590,185,185,-436,185,-437,185,-444,-445,-446,-378,-379,185,185,185,-506,185,185,-510,185,185,185,185,-515,-516,-517,-518,185,185,-521,-522,185,-524,-525,-526,-527,-528,-529,-530,-531,185,-533,185,185,185,-539,-541,-542,185,-544,-545,-546,-547,185,185,185,185,185,185,-652,-653,-654,-655,185,-657,-658,-659,185,185,185,-665,185,185,-669,-670,185,185,-673,185,-675,-676,185,-679,185,-681,185,185,-684,-685,-686,185,-688,185,185,-691,185,185,-694,-695,-696,185,-698,-699,-700,-701,185,185,-746,185,-749,-750,-751,-752,-753,185,-755,-756,-757,-758,-759,185,-766,-767,-769,185,-771,-772,-773,-782,-856,-858,-860,-862,185,185,185,185,-868,185,-870,185,185,185,185,185,185,185,-906,-907,185,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,185,-921,-924,185,-934,185,-385,-386,-387,185,185,-390,-391,-392,-393,185,-396,185,-399,-400,185,-401,185,-406,-407,185,-410,-411,-412,185,-415,185,-416,185,-421,-422,185,-425,185,-428,-429,-1894,-1894,185,-619,-620,-621,-622,-623,-634,-584,-624,-797,185,185,185,185,185,-831,185,185,-806,185,-832,185,185,185,185,-798,185,-853,-799,185,185,185,185,185,185,-854,-855,185,-834,-830,-835,185,-625,185,-626,-627,-628,-629,-574,185,185,-630,-631,-632,185,185,185,185,185,185,-635,-636,-637,-592,-1894,-602,185,-638,-639,-713,-640,-604,185,-572,-577,-580,-583,185,185,185,-598,-601,185,-608,185,185,185,185,185,185,185,185,185,185,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,185,185,185,-995,185,185,185,185,185,185,-306,-325,-319,-296,-375,-452,-453,-454,-458,185,-443,185,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,185,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,185,185,185,185,185,185,185,185,185,-316,-535,-508,-591,-937,-939,-940,-438,185,-440,-380,-381,-383,-507,-509,-511,185,-513,-514,-519,-520,185,-532,-534,-537,-538,-543,-548,-726,185,-727,185,-732,185,-734,185,-739,-656,-660,-661,185,-666,185,-667,185,-672,-674,185,-677,185,185,185,-687,-689,185,-692,185,185,-744,185,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,185,185,185,185,185,-877,185,-880,-908,-920,-925,-388,-389,185,-394,185,-397,185,-402,185,-403,185,-408,185,-413,185,-417,185,-418,185,-423,185,-426,-899,-900,-643,-585,-1894,-901,185,185,185,-800,185,185,-804,185,-807,-833,185,-818,185,-820,185,-822,-808,185,-824,185,-851,-852,185,185,-811,185,-646,-902,-904,-648,-649,-645,185,-705,-706,185,-642,-903,-647,-650,-603,-714,185,185,-605,-586,185,185,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,185,185,-709,-710,185,-716,185,185,185,185,185,185,-938,185,-439,-441,-747,185,-891,185,-715,-1894,185,185,185,185,185,-442,-512,-523,185,-728,-733,185,-735,185,-740,185,-662,-668,185,-678,-680,-682,-683,-690,-693,-697,-745,185,185,-874,185,185,-878,185,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,185,-812,185,-814,-801,185,-802,-805,185,-816,-819,-821,-823,-825,185,-826,185,-809,185,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,185,-282,185,185,185,185,-455,185,185,-729,185,-736,185,-741,185,-663,-671,185,185,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,185,-836,-53,185,185,-730,185,-737,185,-742,-664,185,-873,-54,185,185,-731,-738,-743,185,185,185,-872,]),'DATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[186,186,186,977,-1894,186,186,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,186,186,186,186,-275,-276,977,-1425,977,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,977,977,977,-490,977,977,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,977,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,977,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1857,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,186,-172,-173,-174,-175,-993,186,186,186,186,186,186,186,186,186,186,977,977,977,977,977,-290,-291,-281,186,977,977,977,977,-328,-318,-332,-333,-334,977,977,-982,-983,-984,-985,-986,-987,-988,186,186,977,977,977,977,977,977,977,977,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,977,977,977,-353,-356,186,-323,-324,-141,977,-142,977,-143,977,-430,-935,-936,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,-1894,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,-1894,977,-1894,977,977,977,977,977,977,977,977,977,977,977,977,-1894,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,2433,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,977,-1894,186,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,977,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,977,186,186,-191,-192,186,-994,977,186,186,186,186,-277,-278,-279,-280,-365,977,-308,977,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,977,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,977,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,977,977,977,977,977,977,-573,977,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,977,977,-723,-724,-725,977,1857,186,186,186,186,-994,186,977,-91,-92,186,186,186,977,-309,-310,-320,977,-307,-293,-294,-295,977,186,977,977,-618,-633,-590,977,2961,2961,186,-436,186,-437,977,-444,-445,-446,-378,-379,977,977,977,-506,977,977,-510,977,977,977,977,-515,-516,-517,-518,977,977,-521,-522,977,-524,-525,-526,-527,-528,-529,-530,-531,977,-533,977,977,977,-539,-541,-542,977,-544,-545,-546,-547,977,977,977,977,977,977,-652,-653,-654,-655,186,-657,-658,-659,977,977,977,-665,977,977,-669,-670,977,977,-673,977,-675,-676,977,-679,977,-681,977,977,-684,-685,-686,977,-688,977,977,-691,977,977,-694,-695,-696,977,-698,-699,-700,-701,977,977,-746,977,-749,-750,-751,-752,-753,977,-755,-756,-757,-758,-759,977,-766,-767,-769,977,-771,-772,-773,-782,-856,-858,-860,-862,977,977,977,977,-868,977,-870,977,977,977,977,977,977,977,-906,-907,977,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,977,-921,-924,977,-934,977,-385,-386,-387,977,977,-390,-391,-392,-393,977,-396,977,-399,-400,977,-401,977,-406,-407,977,-410,-411,-412,977,-415,977,-416,977,-421,-422,977,-425,977,-428,-429,-1894,-1894,977,-619,-620,-621,-622,-623,-634,-584,-624,-797,977,977,977,977,977,-831,977,977,-806,977,-832,977,977,977,977,-798,977,-853,-799,977,977,977,977,977,977,-854,-855,977,-834,-830,-835,977,-625,977,-626,-627,-628,-629,-574,977,977,-630,-631,-632,977,977,977,977,977,977,-635,-636,-637,-592,-1894,-602,977,-638,-639,-713,-640,-604,977,-572,-577,-580,-583,977,977,977,-598,-601,977,-608,977,977,977,977,977,977,977,977,977,977,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,977,186,186,-995,186,977,186,186,186,977,-306,-325,-319,-296,-375,-452,-453,-454,-458,186,-443,977,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,977,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,186,186,186,186,186,186,186,186,977,-316,-535,-508,-591,-937,-939,-940,-438,977,-440,-380,-381,-383,-507,-509,-511,977,-513,-514,-519,-520,977,-532,-534,-537,-538,-543,-548,-726,977,-727,977,-732,977,-734,977,-739,-656,-660,-661,977,-666,977,-667,977,-672,-674,977,-677,977,977,977,-687,-689,977,-692,977,977,-744,977,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,977,977,977,977,977,-877,977,-880,-908,-920,-925,-388,-389,977,-394,977,-397,977,-402,977,-403,977,-408,977,-413,977,-417,977,-418,977,-423,977,-426,-899,-900,-643,-585,-1894,-901,977,977,977,-800,977,977,-804,977,-807,-833,977,-818,977,-820,977,-822,-808,977,-824,977,-851,-852,977,977,-811,977,-646,-902,-904,-648,-649,-645,977,-705,-706,977,-642,-903,-647,-650,-603,-714,977,977,-605,-586,977,977,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,977,977,-709,-710,977,-716,977,186,186,186,977,977,-938,186,-439,-441,-747,977,-891,1857,-715,-1894,977,977,186,186,977,-442,-512,-523,977,-728,-733,977,-735,977,-740,977,-662,-668,977,-678,-680,-682,-683,-690,-693,-697,-745,977,977,-874,977,977,-878,977,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,977,-812,977,-814,-801,977,-802,-805,977,-816,-819,-821,-823,-825,977,-826,977,-809,977,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,186,-282,186,977,186,977,-455,977,977,-729,977,-736,977,-741,977,-663,-671,977,977,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,977,-836,-53,186,977,-730,977,-737,977,-742,-664,977,-873,-54,186,186,-731,-738,-743,977,186,977,-872,]),'DATETIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2492,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[187,187,187,187,-1894,187,187,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,187,187,187,187,-275,-276,187,-1425,187,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,187,187,187,-490,187,187,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,187,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,187,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,187,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,187,-172,-173,-174,-175,-993,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-290,-291,-281,187,187,187,187,187,-328,-318,-332,-333,-334,187,187,-982,-983,-984,-985,-986,-987,-988,187,187,187,187,187,187,187,187,187,187,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,187,187,187,-353,-356,187,-323,-324,-141,187,-142,187,-143,187,-430,-935,-936,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-1894,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-1894,187,-1894,187,187,187,187,187,187,187,187,187,187,187,187,-1894,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,2434,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,187,-1894,187,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,187,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,187,187,187,-191,-192,187,-994,187,187,187,187,187,-277,-278,-279,-280,-365,187,-308,187,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,187,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,187,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,187,187,187,187,187,187,-573,187,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,187,187,-723,-724,-725,187,187,187,187,2904,187,187,-994,187,187,-91,-92,187,187,187,187,-309,-310,-320,187,-307,-293,-294,-295,187,187,187,187,-618,-633,-590,187,2963,2963,187,-436,187,-437,187,-444,-445,-446,-378,-379,187,187,187,-506,187,187,-510,187,187,187,187,-515,-516,-517,-518,187,187,-521,-522,187,-524,-525,-526,-527,-528,-529,-530,-531,187,-533,187,187,187,-539,-541,-542,187,-544,-545,-546,-547,187,187,187,187,187,187,-652,-653,-654,-655,187,-657,-658,-659,187,187,187,-665,187,187,-669,-670,187,187,-673,187,-675,-676,187,-679,187,-681,187,187,-684,-685,-686,187,-688,187,187,-691,187,187,-694,-695,-696,187,-698,-699,-700,-701,187,187,-746,187,-749,-750,-751,-752,-753,187,-755,-756,-757,-758,-759,187,-766,-767,-769,187,-771,-772,-773,-782,-856,-858,-860,-862,187,187,187,187,-868,187,-870,187,187,187,187,187,187,187,-906,-907,187,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,187,-921,-924,187,-934,187,-385,-386,-387,187,187,-390,-391,-392,-393,187,-396,187,-399,-400,187,-401,187,-406,-407,187,-410,-411,-412,187,-415,187,-416,187,-421,-422,187,-425,187,-428,-429,-1894,-1894,187,-619,-620,-621,-622,-623,-634,-584,-624,-797,187,187,187,187,187,-831,187,187,-806,187,-832,187,187,187,187,-798,187,-853,-799,187,187,187,187,187,187,-854,-855,187,-834,-830,-835,187,-625,187,-626,-627,-628,-629,-574,187,187,-630,-631,-632,187,187,187,187,187,187,-635,-636,-637,-592,-1894,-602,187,-638,-639,-713,-640,-604,187,-572,-577,-580,-583,187,187,187,-598,-601,187,-608,187,187,187,187,187,187,187,187,187,187,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,187,187,187,-995,187,187,187,187,187,187,-306,-325,-319,-296,-375,-452,-453,-454,-458,187,-443,187,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,187,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,187,187,187,187,187,187,187,187,187,-316,-535,-508,-591,-937,-939,-940,-438,187,-440,-380,-381,-383,-507,-509,-511,187,-513,-514,-519,-520,187,-532,-534,-537,-538,-543,-548,-726,187,-727,187,-732,187,-734,187,-739,-656,-660,-661,187,-666,187,-667,187,-672,-674,187,-677,187,187,187,-687,-689,187,-692,187,187,-744,187,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,187,187,187,187,187,-877,187,-880,-908,-920,-925,-388,-389,187,-394,187,-397,187,-402,187,-403,187,-408,187,-413,187,-417,187,-418,187,-423,187,-426,-899,-900,-643,-585,-1894,-901,187,187,187,-800,187,187,-804,187,-807,-833,187,-818,187,-820,187,-822,-808,187,-824,187,-851,-852,187,187,-811,187,-646,-902,-904,-648,-649,-645,187,-705,-706,187,-642,-903,-647,-650,-603,-714,187,187,-605,-586,187,187,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,187,187,-709,-710,187,-716,187,187,187,187,187,187,-938,187,-439,-441,-747,187,-891,187,-715,-1894,187,187,187,187,187,-442,-512,-523,187,-728,-733,187,-735,187,-740,187,-662,-668,187,-678,-680,-682,-683,-690,-693,-697,-745,187,187,-874,187,187,-878,187,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,187,-812,187,-814,-801,187,-802,-805,187,-816,-819,-821,-823,-825,187,-826,187,-809,187,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,187,-282,187,187,187,187,-455,187,187,-729,187,-736,187,-741,187,-663,-671,187,187,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,187,-836,-53,187,187,-730,187,-737,187,-742,-664,187,-873,-54,187,187,-731,-738,-743,187,187,187,-872,]),'DATE_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[188,188,188,1245,-1894,188,188,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,188,188,188,188,-275,-276,1245,-1425,1245,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1245,1245,1245,-490,1245,1245,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1245,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1245,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1245,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,188,-172,-173,-174,-175,-993,188,188,188,188,188,188,188,188,188,188,1245,1245,1245,1245,1245,-290,-291,-281,188,1245,1245,1245,1245,-328,-318,-332,-333,-334,1245,1245,-982,-983,-984,-985,-986,-987,-988,188,188,1245,1245,1245,1245,1245,1245,1245,1245,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1245,1245,1245,-353,-356,188,-323,-324,-141,1245,-142,1245,-143,1245,-430,-935,-936,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1894,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1894,1245,-1894,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1894,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-1894,188,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1245,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1245,188,188,-191,-192,188,-994,1245,188,188,188,188,-277,-278,-279,-280,-365,1245,-308,1245,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1245,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1245,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1245,1245,1245,1245,1245,1245,-573,1245,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1245,1245,-723,-724,-725,1245,1245,188,188,188,188,-994,188,1245,-91,-92,188,188,188,1245,-309,-310,-320,1245,-307,-293,-294,-295,1245,188,1245,1245,-618,-633,-590,1245,188,-436,188,-437,1245,-444,-445,-446,-378,-379,1245,1245,1245,-506,1245,1245,-510,1245,1245,1245,1245,-515,-516,-517,-518,1245,1245,-521,-522,1245,-524,-525,-526,-527,-528,-529,-530,-531,1245,-533,1245,1245,1245,-539,-541,-542,1245,-544,-545,-546,-547,1245,1245,1245,1245,1245,1245,-652,-653,-654,-655,188,-657,-658,-659,1245,1245,1245,-665,1245,1245,-669,-670,1245,1245,-673,1245,-675,-676,1245,-679,1245,-681,1245,1245,-684,-685,-686,1245,-688,1245,1245,-691,1245,1245,-694,-695,-696,1245,-698,-699,-700,-701,1245,1245,-746,1245,-749,-750,-751,-752,-753,1245,-755,-756,-757,-758,-759,1245,-766,-767,-769,1245,-771,-772,-773,-782,-856,-858,-860,-862,1245,1245,1245,1245,-868,1245,-870,1245,1245,1245,1245,1245,1245,1245,-906,-907,1245,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1245,-921,-924,1245,-934,1245,-385,-386,-387,1245,1245,-390,-391,-392,-393,1245,-396,1245,-399,-400,1245,-401,1245,-406,-407,1245,-410,-411,-412,1245,-415,1245,-416,1245,-421,-422,1245,-425,1245,-428,-429,-1894,-1894,1245,-619,-620,-621,-622,-623,-634,-584,-624,-797,1245,1245,1245,1245,1245,-831,1245,1245,-806,1245,-832,1245,1245,1245,1245,-798,1245,-853,-799,1245,1245,1245,1245,1245,1245,-854,-855,1245,-834,-830,-835,1245,-625,1245,-626,-627,-628,-629,-574,1245,1245,-630,-631,-632,1245,1245,1245,1245,1245,1245,-635,-636,-637,-592,-1894,-602,1245,-638,-639,-713,-640,-604,1245,-572,-577,-580,-583,1245,1245,1245,-598,-601,1245,-608,1245,1245,1245,1245,1245,1245,1245,1245,1245,1245,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1245,188,188,-995,188,1245,188,188,188,1245,-306,-325,-319,-296,-375,-452,-453,-454,-458,188,-443,1245,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1245,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,188,188,188,188,188,188,188,188,1245,-316,-535,-508,-591,-937,-939,-940,-438,1245,-440,-380,-381,-383,-507,-509,-511,1245,-513,-514,-519,-520,1245,-532,-534,-537,-538,-543,-548,-726,1245,-727,1245,-732,1245,-734,1245,-739,-656,-660,-661,1245,-666,1245,-667,1245,-672,-674,1245,-677,1245,1245,1245,-687,-689,1245,-692,1245,1245,-744,1245,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1245,1245,1245,1245,1245,-877,1245,-880,-908,-920,-925,-388,-389,1245,-394,1245,-397,1245,-402,1245,-403,1245,-408,1245,-413,1245,-417,1245,-418,1245,-423,1245,-426,-899,-900,-643,-585,-1894,-901,1245,1245,1245,-800,1245,1245,-804,1245,-807,-833,1245,-818,1245,-820,1245,-822,-808,1245,-824,1245,-851,-852,1245,1245,-811,1245,-646,-902,-904,-648,-649,-645,1245,-705,-706,1245,-642,-903,-647,-650,-603,-714,1245,1245,-605,-586,1245,1245,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1245,1245,-709,-710,1245,-716,1245,188,188,188,1245,1245,-938,188,-439,-441,-747,1245,-891,1245,-715,-1894,1245,1245,188,188,1245,-442,-512,-523,1245,-728,-733,1245,-735,1245,-740,1245,-662,-668,1245,-678,-680,-682,-683,-690,-693,-697,-745,1245,1245,-874,1245,1245,-878,1245,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1245,-812,1245,-814,-801,1245,-802,-805,1245,-816,-819,-821,-823,-825,1245,-826,1245,-809,1245,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,188,-282,188,1245,188,1245,-455,1245,1245,-729,1245,-736,1245,-741,1245,-663,-671,1245,1245,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1245,-836,-53,188,1245,-730,1245,-737,1245,-742,-664,1245,-873,-54,188,188,-731,-738,-743,1245,188,1245,-872,]),'DAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[189,189,189,1246,-1894,189,189,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,189,189,189,189,-275,-276,1246,-1425,1246,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1246,1246,1246,-490,1246,1246,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1246,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1246,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1246,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,189,-172,-173,-174,-175,-993,189,189,189,189,189,189,189,189,189,189,1246,1246,1246,1246,1246,-290,-291,-281,189,1246,1246,1246,1246,-328,-318,-332,-333,-334,1246,1246,-982,-983,-984,-985,-986,-987,-988,189,189,1246,1246,1246,1246,1246,1246,1246,1246,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1246,1246,2108,1246,-353,-356,189,-323,-324,-141,1246,-142,1246,-143,1246,-430,-935,-936,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1894,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1894,1246,-1894,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1894,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,2108,2108,1246,1246,2108,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-1894,189,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1246,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1246,189,189,-191,-192,189,-994,1246,189,189,189,189,-277,-278,-279,-280,-365,1246,-308,1246,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1246,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1246,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1246,1246,1246,1246,1246,1246,-573,1246,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1246,1246,-723,-724,-725,1246,1246,189,189,189,189,-994,189,1246,-91,-92,189,189,189,1246,-309,-310,-320,1246,-307,-293,-294,-295,1246,189,1246,1246,-618,-633,-590,1246,189,-436,189,-437,1246,-444,-445,-446,-378,-379,1246,1246,1246,-506,1246,1246,-510,1246,1246,1246,1246,-515,-516,-517,-518,1246,1246,-521,-522,1246,-524,-525,-526,-527,-528,-529,-530,-531,1246,-533,1246,1246,1246,-539,-541,-542,1246,-544,-545,-546,-547,1246,1246,1246,1246,1246,1246,-652,-653,-654,-655,189,-657,-658,-659,1246,1246,1246,-665,1246,1246,-669,-670,1246,1246,-673,1246,-675,-676,1246,-679,1246,-681,1246,1246,-684,-685,-686,1246,-688,1246,1246,-691,1246,1246,-694,-695,-696,1246,-698,-699,-700,-701,1246,1246,-746,1246,-749,-750,-751,-752,-753,1246,-755,-756,-757,-758,-759,1246,-766,-767,-769,1246,-771,-772,-773,-782,-856,-858,-860,-862,1246,1246,1246,1246,-868,1246,-870,1246,1246,1246,1246,1246,1246,1246,-906,-907,1246,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1246,-921,-924,1246,-934,1246,-385,-386,-387,1246,1246,-390,-391,-392,-393,1246,-396,1246,-399,-400,1246,-401,1246,-406,-407,1246,-410,-411,-412,1246,-415,1246,-416,1246,-421,-422,1246,-425,1246,-428,-429,-1894,-1894,1246,-619,-620,-621,-622,-623,-634,-584,-624,-797,1246,1246,1246,1246,1246,-831,1246,1246,-806,1246,-832,1246,1246,1246,1246,-798,1246,-853,-799,1246,1246,1246,1246,1246,1246,-854,-855,1246,-834,-830,-835,1246,-625,1246,-626,-627,-628,-629,-574,1246,1246,-630,-631,-632,1246,1246,1246,1246,1246,1246,-635,-636,-637,-592,-1894,-602,1246,-638,-639,-713,-640,-604,1246,-572,-577,-580,-583,1246,1246,1246,-598,-601,1246,-608,1246,1246,1246,1246,1246,1246,1246,1246,1246,1246,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1246,189,189,-995,189,1246,189,189,189,1246,-306,-325,-319,-296,-375,-452,-453,-454,-458,189,-443,1246,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1246,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,189,189,189,189,189,189,189,189,1246,-316,-535,-508,-591,-937,-939,-940,-438,1246,-440,-380,-381,-383,-507,-509,-511,1246,-513,-514,-519,-520,1246,-532,-534,-537,-538,-543,-548,-726,1246,-727,1246,-732,1246,-734,1246,-739,-656,-660,-661,1246,-666,1246,-667,1246,-672,-674,1246,-677,1246,1246,1246,-687,-689,1246,-692,1246,1246,-744,1246,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1246,1246,1246,1246,1246,-877,1246,-880,-908,-920,-925,-388,-389,1246,-394,1246,-397,1246,-402,1246,-403,1246,-408,1246,-413,1246,-417,1246,-418,1246,-423,1246,-426,-899,-900,-643,-585,-1894,-901,1246,1246,1246,-800,1246,1246,-804,1246,-807,-833,1246,-818,1246,-820,1246,-822,-808,1246,-824,1246,-851,-852,1246,1246,-811,1246,-646,-902,-904,-648,-649,-645,1246,-705,-706,1246,-642,-903,-647,-650,-603,-714,1246,1246,-605,-586,1246,1246,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1246,1246,-709,-710,1246,-716,1246,189,189,189,1246,1246,-938,189,-439,-441,-747,1246,-891,1246,-715,-1894,1246,1246,189,189,1246,-442,-512,-523,1246,-728,-733,1246,-735,1246,-740,1246,-662,-668,1246,-678,-680,-682,-683,-690,-693,-697,-745,1246,1246,-874,1246,1246,-878,1246,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1246,-812,1246,-814,-801,1246,-802,-805,1246,-816,-819,-821,-823,-825,1246,-826,1246,-809,1246,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,189,-282,189,1246,189,1246,-455,1246,1246,-729,1246,-736,1246,-741,1246,-663,-671,1246,1246,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1246,-836,-53,189,1246,-730,1246,-737,1246,-742,-664,1246,-873,-54,189,189,-731,-738,-743,1246,189,1246,-872,]),'DAYNAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[190,190,190,1247,-1894,190,190,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,190,190,190,190,-275,-276,1247,-1425,1247,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1247,1247,1247,-490,1247,1247,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1247,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1247,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1247,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,190,-172,-173,-174,-175,-993,190,190,190,190,190,190,190,190,190,190,1247,1247,1247,1247,1247,-290,-291,-281,190,1247,1247,1247,1247,-328,-318,-332,-333,-334,1247,1247,-982,-983,-984,-985,-986,-987,-988,190,190,1247,1247,1247,1247,1247,1247,1247,1247,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1247,1247,1247,-353,-356,190,-323,-324,-141,1247,-142,1247,-143,1247,-430,-935,-936,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1894,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1894,1247,-1894,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1894,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-1894,190,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1247,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1247,190,190,-191,-192,190,-994,1247,190,190,190,190,-277,-278,-279,-280,-365,1247,-308,1247,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1247,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1247,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1247,1247,1247,1247,1247,1247,-573,1247,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1247,1247,-723,-724,-725,1247,1247,190,190,190,190,-994,190,1247,-91,-92,190,190,190,1247,-309,-310,-320,1247,-307,-293,-294,-295,1247,190,1247,1247,-618,-633,-590,1247,190,-436,190,-437,1247,-444,-445,-446,-378,-379,1247,1247,1247,-506,1247,1247,-510,1247,1247,1247,1247,-515,-516,-517,-518,1247,1247,-521,-522,1247,-524,-525,-526,-527,-528,-529,-530,-531,1247,-533,1247,1247,1247,-539,-541,-542,1247,-544,-545,-546,-547,1247,1247,1247,1247,1247,1247,-652,-653,-654,-655,190,-657,-658,-659,1247,1247,1247,-665,1247,1247,-669,-670,1247,1247,-673,1247,-675,-676,1247,-679,1247,-681,1247,1247,-684,-685,-686,1247,-688,1247,1247,-691,1247,1247,-694,-695,-696,1247,-698,-699,-700,-701,1247,1247,-746,1247,-749,-750,-751,-752,-753,1247,-755,-756,-757,-758,-759,1247,-766,-767,-769,1247,-771,-772,-773,-782,-856,-858,-860,-862,1247,1247,1247,1247,-868,1247,-870,1247,1247,1247,1247,1247,1247,1247,-906,-907,1247,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1247,-921,-924,1247,-934,1247,-385,-386,-387,1247,1247,-390,-391,-392,-393,1247,-396,1247,-399,-400,1247,-401,1247,-406,-407,1247,-410,-411,-412,1247,-415,1247,-416,1247,-421,-422,1247,-425,1247,-428,-429,-1894,-1894,1247,-619,-620,-621,-622,-623,-634,-584,-624,-797,1247,1247,1247,1247,1247,-831,1247,1247,-806,1247,-832,1247,1247,1247,1247,-798,1247,-853,-799,1247,1247,1247,1247,1247,1247,-854,-855,1247,-834,-830,-835,1247,-625,1247,-626,-627,-628,-629,-574,1247,1247,-630,-631,-632,1247,1247,1247,1247,1247,1247,-635,-636,-637,-592,-1894,-602,1247,-638,-639,-713,-640,-604,1247,-572,-577,-580,-583,1247,1247,1247,-598,-601,1247,-608,1247,1247,1247,1247,1247,1247,1247,1247,1247,1247,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1247,190,190,-995,190,1247,190,190,190,1247,-306,-325,-319,-296,-375,-452,-453,-454,-458,190,-443,1247,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1247,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,190,190,190,190,190,190,190,190,1247,-316,-535,-508,-591,-937,-939,-940,-438,1247,-440,-380,-381,-383,-507,-509,-511,1247,-513,-514,-519,-520,1247,-532,-534,-537,-538,-543,-548,-726,1247,-727,1247,-732,1247,-734,1247,-739,-656,-660,-661,1247,-666,1247,-667,1247,-672,-674,1247,-677,1247,1247,1247,-687,-689,1247,-692,1247,1247,-744,1247,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1247,1247,1247,1247,1247,-877,1247,-880,-908,-920,-925,-388,-389,1247,-394,1247,-397,1247,-402,1247,-403,1247,-408,1247,-413,1247,-417,1247,-418,1247,-423,1247,-426,-899,-900,-643,-585,-1894,-901,1247,1247,1247,-800,1247,1247,-804,1247,-807,-833,1247,-818,1247,-820,1247,-822,-808,1247,-824,1247,-851,-852,1247,1247,-811,1247,-646,-902,-904,-648,-649,-645,1247,-705,-706,1247,-642,-903,-647,-650,-603,-714,1247,1247,-605,-586,1247,1247,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1247,1247,-709,-710,1247,-716,1247,190,190,190,1247,1247,-938,190,-439,-441,-747,1247,-891,1247,-715,-1894,1247,1247,190,190,1247,-442,-512,-523,1247,-728,-733,1247,-735,1247,-740,1247,-662,-668,1247,-678,-680,-682,-683,-690,-693,-697,-745,1247,1247,-874,1247,1247,-878,1247,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1247,-812,1247,-814,-801,1247,-802,-805,1247,-816,-819,-821,-823,-825,1247,-826,1247,-809,1247,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,190,-282,190,1247,190,1247,-455,1247,1247,-729,1247,-736,1247,-741,1247,-663,-671,1247,1247,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1247,-836,-53,190,1247,-730,1247,-737,1247,-742,-664,1247,-873,-54,190,190,-731,-738,-743,1247,190,1247,-872,]),'DAYOFMONTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[191,191,191,1248,-1894,191,191,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,191,191,191,191,-275,-276,1248,-1425,1248,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1248,1248,1248,-490,1248,1248,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1248,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1248,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1248,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,191,-172,-173,-174,-175,-993,191,191,191,191,191,191,191,191,191,191,1248,1248,1248,1248,1248,-290,-291,-281,191,1248,1248,1248,1248,-328,-318,-332,-333,-334,1248,1248,-982,-983,-984,-985,-986,-987,-988,191,191,1248,1248,1248,1248,1248,1248,1248,1248,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1248,1248,1248,-353,-356,191,-323,-324,-141,1248,-142,1248,-143,1248,-430,-935,-936,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1894,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1894,1248,-1894,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1894,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-1894,191,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1248,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1248,191,191,-191,-192,191,-994,1248,191,191,191,191,-277,-278,-279,-280,-365,1248,-308,1248,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1248,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1248,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1248,1248,1248,1248,1248,1248,-573,1248,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1248,1248,-723,-724,-725,1248,1248,191,191,191,191,-994,191,1248,-91,-92,191,191,191,1248,-309,-310,-320,1248,-307,-293,-294,-295,1248,191,1248,1248,-618,-633,-590,1248,191,-436,191,-437,1248,-444,-445,-446,-378,-379,1248,1248,1248,-506,1248,1248,-510,1248,1248,1248,1248,-515,-516,-517,-518,1248,1248,-521,-522,1248,-524,-525,-526,-527,-528,-529,-530,-531,1248,-533,1248,1248,1248,-539,-541,-542,1248,-544,-545,-546,-547,1248,1248,1248,1248,1248,1248,-652,-653,-654,-655,191,-657,-658,-659,1248,1248,1248,-665,1248,1248,-669,-670,1248,1248,-673,1248,-675,-676,1248,-679,1248,-681,1248,1248,-684,-685,-686,1248,-688,1248,1248,-691,1248,1248,-694,-695,-696,1248,-698,-699,-700,-701,1248,1248,-746,1248,-749,-750,-751,-752,-753,1248,-755,-756,-757,-758,-759,1248,-766,-767,-769,1248,-771,-772,-773,-782,-856,-858,-860,-862,1248,1248,1248,1248,-868,1248,-870,1248,1248,1248,1248,1248,1248,1248,-906,-907,1248,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1248,-921,-924,1248,-934,1248,-385,-386,-387,1248,1248,-390,-391,-392,-393,1248,-396,1248,-399,-400,1248,-401,1248,-406,-407,1248,-410,-411,-412,1248,-415,1248,-416,1248,-421,-422,1248,-425,1248,-428,-429,-1894,-1894,1248,-619,-620,-621,-622,-623,-634,-584,-624,-797,1248,1248,1248,1248,1248,-831,1248,1248,-806,1248,-832,1248,1248,1248,1248,-798,1248,-853,-799,1248,1248,1248,1248,1248,1248,-854,-855,1248,-834,-830,-835,1248,-625,1248,-626,-627,-628,-629,-574,1248,1248,-630,-631,-632,1248,1248,1248,1248,1248,1248,-635,-636,-637,-592,-1894,-602,1248,-638,-639,-713,-640,-604,1248,-572,-577,-580,-583,1248,1248,1248,-598,-601,1248,-608,1248,1248,1248,1248,1248,1248,1248,1248,1248,1248,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1248,191,191,-995,191,1248,191,191,191,1248,-306,-325,-319,-296,-375,-452,-453,-454,-458,191,-443,1248,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1248,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,191,191,191,191,191,191,191,191,1248,-316,-535,-508,-591,-937,-939,-940,-438,1248,-440,-380,-381,-383,-507,-509,-511,1248,-513,-514,-519,-520,1248,-532,-534,-537,-538,-543,-548,-726,1248,-727,1248,-732,1248,-734,1248,-739,-656,-660,-661,1248,-666,1248,-667,1248,-672,-674,1248,-677,1248,1248,1248,-687,-689,1248,-692,1248,1248,-744,1248,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1248,1248,1248,1248,1248,-877,1248,-880,-908,-920,-925,-388,-389,1248,-394,1248,-397,1248,-402,1248,-403,1248,-408,1248,-413,1248,-417,1248,-418,1248,-423,1248,-426,-899,-900,-643,-585,-1894,-901,1248,1248,1248,-800,1248,1248,-804,1248,-807,-833,1248,-818,1248,-820,1248,-822,-808,1248,-824,1248,-851,-852,1248,1248,-811,1248,-646,-902,-904,-648,-649,-645,1248,-705,-706,1248,-642,-903,-647,-650,-603,-714,1248,1248,-605,-586,1248,1248,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1248,1248,-709,-710,1248,-716,1248,191,191,191,1248,1248,-938,191,-439,-441,-747,1248,-891,1248,-715,-1894,1248,1248,191,191,1248,-442,-512,-523,1248,-728,-733,1248,-735,1248,-740,1248,-662,-668,1248,-678,-680,-682,-683,-690,-693,-697,-745,1248,1248,-874,1248,1248,-878,1248,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1248,-812,1248,-814,-801,1248,-802,-805,1248,-816,-819,-821,-823,-825,1248,-826,1248,-809,1248,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,191,-282,191,1248,191,1248,-455,1248,1248,-729,1248,-736,1248,-741,1248,-663,-671,1248,1248,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1248,-836,-53,191,1248,-730,1248,-737,1248,-742,-664,1248,-873,-54,191,191,-731,-738,-743,1248,191,1248,-872,]),'DAYOFWEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[192,192,192,1249,-1894,192,192,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,192,192,192,192,-275,-276,1249,-1425,1249,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1249,1249,1249,-490,1249,1249,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1249,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1249,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1249,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,192,-172,-173,-174,-175,-993,192,192,192,192,192,192,192,192,192,192,1249,1249,1249,1249,1249,-290,-291,-281,192,1249,1249,1249,1249,-328,-318,-332,-333,-334,1249,1249,-982,-983,-984,-985,-986,-987,-988,192,192,1249,1249,1249,1249,1249,1249,1249,1249,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1249,1249,1249,-353,-356,192,-323,-324,-141,1249,-142,1249,-143,1249,-430,-935,-936,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1894,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1894,1249,-1894,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1894,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-1894,192,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1249,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1249,192,192,-191,-192,192,-994,1249,192,192,192,192,-277,-278,-279,-280,-365,1249,-308,1249,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1249,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1249,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1249,1249,1249,1249,1249,1249,-573,1249,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1249,1249,-723,-724,-725,1249,1249,192,192,192,192,-994,192,1249,-91,-92,192,192,192,1249,-309,-310,-320,1249,-307,-293,-294,-295,1249,192,1249,1249,-618,-633,-590,1249,192,-436,192,-437,1249,-444,-445,-446,-378,-379,1249,1249,1249,-506,1249,1249,-510,1249,1249,1249,1249,-515,-516,-517,-518,1249,1249,-521,-522,1249,-524,-525,-526,-527,-528,-529,-530,-531,1249,-533,1249,1249,1249,-539,-541,-542,1249,-544,-545,-546,-547,1249,1249,1249,1249,1249,1249,-652,-653,-654,-655,192,-657,-658,-659,1249,1249,1249,-665,1249,1249,-669,-670,1249,1249,-673,1249,-675,-676,1249,-679,1249,-681,1249,1249,-684,-685,-686,1249,-688,1249,1249,-691,1249,1249,-694,-695,-696,1249,-698,-699,-700,-701,1249,1249,-746,1249,-749,-750,-751,-752,-753,1249,-755,-756,-757,-758,-759,1249,-766,-767,-769,1249,-771,-772,-773,-782,-856,-858,-860,-862,1249,1249,1249,1249,-868,1249,-870,1249,1249,1249,1249,1249,1249,1249,-906,-907,1249,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1249,-921,-924,1249,-934,1249,-385,-386,-387,1249,1249,-390,-391,-392,-393,1249,-396,1249,-399,-400,1249,-401,1249,-406,-407,1249,-410,-411,-412,1249,-415,1249,-416,1249,-421,-422,1249,-425,1249,-428,-429,-1894,-1894,1249,-619,-620,-621,-622,-623,-634,-584,-624,-797,1249,1249,1249,1249,1249,-831,1249,1249,-806,1249,-832,1249,1249,1249,1249,-798,1249,-853,-799,1249,1249,1249,1249,1249,1249,-854,-855,1249,-834,-830,-835,1249,-625,1249,-626,-627,-628,-629,-574,1249,1249,-630,-631,-632,1249,1249,1249,1249,1249,1249,-635,-636,-637,-592,-1894,-602,1249,-638,-639,-713,-640,-604,1249,-572,-577,-580,-583,1249,1249,1249,-598,-601,1249,-608,1249,1249,1249,1249,1249,1249,1249,1249,1249,1249,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1249,192,192,-995,192,1249,192,192,192,1249,-306,-325,-319,-296,-375,-452,-453,-454,-458,192,-443,1249,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1249,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,192,192,192,192,192,192,192,192,1249,-316,-535,-508,-591,-937,-939,-940,-438,1249,-440,-380,-381,-383,-507,-509,-511,1249,-513,-514,-519,-520,1249,-532,-534,-537,-538,-543,-548,-726,1249,-727,1249,-732,1249,-734,1249,-739,-656,-660,-661,1249,-666,1249,-667,1249,-672,-674,1249,-677,1249,1249,1249,-687,-689,1249,-692,1249,1249,-744,1249,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1249,1249,1249,1249,1249,-877,1249,-880,-908,-920,-925,-388,-389,1249,-394,1249,-397,1249,-402,1249,-403,1249,-408,1249,-413,1249,-417,1249,-418,1249,-423,1249,-426,-899,-900,-643,-585,-1894,-901,1249,1249,1249,-800,1249,1249,-804,1249,-807,-833,1249,-818,1249,-820,1249,-822,-808,1249,-824,1249,-851,-852,1249,1249,-811,1249,-646,-902,-904,-648,-649,-645,1249,-705,-706,1249,-642,-903,-647,-650,-603,-714,1249,1249,-605,-586,1249,1249,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1249,1249,-709,-710,1249,-716,1249,192,192,192,1249,1249,-938,192,-439,-441,-747,1249,-891,1249,-715,-1894,1249,1249,192,192,1249,-442,-512,-523,1249,-728,-733,1249,-735,1249,-740,1249,-662,-668,1249,-678,-680,-682,-683,-690,-693,-697,-745,1249,1249,-874,1249,1249,-878,1249,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1249,-812,1249,-814,-801,1249,-802,-805,1249,-816,-819,-821,-823,-825,1249,-826,1249,-809,1249,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,192,-282,192,1249,192,1249,-455,1249,1249,-729,1249,-736,1249,-741,1249,-663,-671,1249,1249,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1249,-836,-53,192,1249,-730,1249,-737,1249,-742,-664,1249,-873,-54,192,192,-731,-738,-743,1249,192,1249,-872,]),'DAYOFYEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[193,193,193,1250,-1894,193,193,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,193,193,193,193,-275,-276,1250,-1425,1250,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1250,1250,1250,-490,1250,1250,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1250,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1250,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1250,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,193,-172,-173,-174,-175,-993,193,193,193,193,193,193,193,193,193,193,1250,1250,1250,1250,1250,-290,-291,-281,193,1250,1250,1250,1250,-328,-318,-332,-333,-334,1250,1250,-982,-983,-984,-985,-986,-987,-988,193,193,1250,1250,1250,1250,1250,1250,1250,1250,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1250,1250,1250,-353,-356,193,-323,-324,-141,1250,-142,1250,-143,1250,-430,-935,-936,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1894,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1894,1250,-1894,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1894,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-1894,193,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1250,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1250,193,193,-191,-192,193,-994,1250,193,193,193,193,-277,-278,-279,-280,-365,1250,-308,1250,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1250,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1250,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1250,1250,1250,1250,1250,1250,-573,1250,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1250,1250,-723,-724,-725,1250,1250,193,193,193,193,-994,193,1250,-91,-92,193,193,193,1250,-309,-310,-320,1250,-307,-293,-294,-295,1250,193,1250,1250,-618,-633,-590,1250,193,-436,193,-437,1250,-444,-445,-446,-378,-379,1250,1250,1250,-506,1250,1250,-510,1250,1250,1250,1250,-515,-516,-517,-518,1250,1250,-521,-522,1250,-524,-525,-526,-527,-528,-529,-530,-531,1250,-533,1250,1250,1250,-539,-541,-542,1250,-544,-545,-546,-547,1250,1250,1250,1250,1250,1250,-652,-653,-654,-655,193,-657,-658,-659,1250,1250,1250,-665,1250,1250,-669,-670,1250,1250,-673,1250,-675,-676,1250,-679,1250,-681,1250,1250,-684,-685,-686,1250,-688,1250,1250,-691,1250,1250,-694,-695,-696,1250,-698,-699,-700,-701,1250,1250,-746,1250,-749,-750,-751,-752,-753,1250,-755,-756,-757,-758,-759,1250,-766,-767,-769,1250,-771,-772,-773,-782,-856,-858,-860,-862,1250,1250,1250,1250,-868,1250,-870,1250,1250,1250,1250,1250,1250,1250,-906,-907,1250,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1250,-921,-924,1250,-934,1250,-385,-386,-387,1250,1250,-390,-391,-392,-393,1250,-396,1250,-399,-400,1250,-401,1250,-406,-407,1250,-410,-411,-412,1250,-415,1250,-416,1250,-421,-422,1250,-425,1250,-428,-429,-1894,-1894,1250,-619,-620,-621,-622,-623,-634,-584,-624,-797,1250,1250,1250,1250,1250,-831,1250,1250,-806,1250,-832,1250,1250,1250,1250,-798,1250,-853,-799,1250,1250,1250,1250,1250,1250,-854,-855,1250,-834,-830,-835,1250,-625,1250,-626,-627,-628,-629,-574,1250,1250,-630,-631,-632,1250,1250,1250,1250,1250,1250,-635,-636,-637,-592,-1894,-602,1250,-638,-639,-713,-640,-604,1250,-572,-577,-580,-583,1250,1250,1250,-598,-601,1250,-608,1250,1250,1250,1250,1250,1250,1250,1250,1250,1250,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1250,193,193,-995,193,1250,193,193,193,1250,-306,-325,-319,-296,-375,-452,-453,-454,-458,193,-443,1250,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1250,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,193,193,193,193,193,193,193,193,1250,-316,-535,-508,-591,-937,-939,-940,-438,1250,-440,-380,-381,-383,-507,-509,-511,1250,-513,-514,-519,-520,1250,-532,-534,-537,-538,-543,-548,-726,1250,-727,1250,-732,1250,-734,1250,-739,-656,-660,-661,1250,-666,1250,-667,1250,-672,-674,1250,-677,1250,1250,1250,-687,-689,1250,-692,1250,1250,-744,1250,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1250,1250,1250,1250,1250,-877,1250,-880,-908,-920,-925,-388,-389,1250,-394,1250,-397,1250,-402,1250,-403,1250,-408,1250,-413,1250,-417,1250,-418,1250,-423,1250,-426,-899,-900,-643,-585,-1894,-901,1250,1250,1250,-800,1250,1250,-804,1250,-807,-833,1250,-818,1250,-820,1250,-822,-808,1250,-824,1250,-851,-852,1250,1250,-811,1250,-646,-902,-904,-648,-649,-645,1250,-705,-706,1250,-642,-903,-647,-650,-603,-714,1250,1250,-605,-586,1250,1250,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1250,1250,-709,-710,1250,-716,1250,193,193,193,1250,1250,-938,193,-439,-441,-747,1250,-891,1250,-715,-1894,1250,1250,193,193,1250,-442,-512,-523,1250,-728,-733,1250,-735,1250,-740,1250,-662,-668,1250,-678,-680,-682,-683,-690,-693,-697,-745,1250,1250,-874,1250,1250,-878,1250,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1250,-812,1250,-814,-801,1250,-802,-805,1250,-816,-819,-821,-823,-825,1250,-826,1250,-809,1250,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,193,-282,193,1250,193,1250,-455,1250,1250,-729,1250,-736,1250,-741,1250,-663,-671,1250,1250,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1250,-836,-53,193,1250,-730,1250,-737,1250,-742,-664,1250,-873,-54,193,193,-731,-738,-743,1250,193,1250,-872,]),'DEALLOCATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[194,194,194,194,-1894,194,194,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,194,194,194,194,-275,-276,194,-1425,194,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,194,194,194,-490,194,194,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,194,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,194,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,194,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,194,-172,-173,-174,-175,-993,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-290,-291,-281,194,194,194,194,194,-328,-318,-332,-333,-334,194,194,-982,-983,-984,-985,-986,-987,-988,194,194,194,194,194,194,194,194,194,194,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,194,194,194,-353,-356,194,-323,-324,-141,194,-142,194,-143,194,-430,-935,-936,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-1894,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-1894,194,-1894,194,194,194,194,194,194,194,194,194,194,194,194,-1894,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,194,-1894,194,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,194,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,194,194,194,-191,-192,194,-994,194,194,194,194,194,-277,-278,-279,-280,-365,194,-308,194,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,194,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,194,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,194,194,194,194,194,194,-573,194,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,194,194,-723,-724,-725,194,194,194,194,194,194,-994,194,194,-91,-92,194,194,194,194,-309,-310,-320,194,-307,-293,-294,-295,194,194,194,194,-618,-633,-590,194,194,-436,194,-437,194,-444,-445,-446,-378,-379,194,194,194,-506,194,194,-510,194,194,194,194,-515,-516,-517,-518,194,194,-521,-522,194,-524,-525,-526,-527,-528,-529,-530,-531,194,-533,194,194,194,-539,-541,-542,194,-544,-545,-546,-547,194,194,194,194,194,194,-652,-653,-654,-655,194,-657,-658,-659,194,194,194,-665,194,194,-669,-670,194,194,-673,194,-675,-676,194,-679,194,-681,194,194,-684,-685,-686,194,-688,194,194,-691,194,194,-694,-695,-696,194,-698,-699,-700,-701,194,194,-746,194,-749,-750,-751,-752,-753,194,-755,-756,-757,-758,-759,194,-766,-767,-769,194,-771,-772,-773,-782,-856,-858,-860,-862,194,194,194,194,-868,194,-870,194,194,194,194,194,194,194,-906,-907,194,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,194,-921,-924,194,-934,194,-385,-386,-387,194,194,-390,-391,-392,-393,194,-396,194,-399,-400,194,-401,194,-406,-407,194,-410,-411,-412,194,-415,194,-416,194,-421,-422,194,-425,194,-428,-429,-1894,-1894,194,-619,-620,-621,-622,-623,-634,-584,-624,-797,194,194,194,194,194,-831,194,194,-806,194,-832,194,194,194,194,-798,194,-853,-799,194,194,194,194,194,194,-854,-855,194,-834,-830,-835,194,-625,194,-626,-627,-628,-629,-574,194,194,-630,-631,-632,194,194,194,194,194,194,-635,-636,-637,-592,-1894,-602,194,-638,-639,-713,-640,-604,194,-572,-577,-580,-583,194,194,194,-598,-601,194,-608,194,194,194,194,194,194,194,194,194,194,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,194,194,194,-995,194,194,194,194,194,194,-306,-325,-319,-296,-375,-452,-453,-454,-458,194,-443,194,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,194,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,194,194,194,194,194,194,194,194,194,-316,-535,-508,-591,-937,-939,-940,-438,194,-440,-380,-381,-383,-507,-509,-511,194,-513,-514,-519,-520,194,-532,-534,-537,-538,-543,-548,-726,194,-727,194,-732,194,-734,194,-739,-656,-660,-661,194,-666,194,-667,194,-672,-674,194,-677,194,194,194,-687,-689,194,-692,194,194,-744,194,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,194,194,194,194,194,-877,194,-880,-908,-920,-925,-388,-389,194,-394,194,-397,194,-402,194,-403,194,-408,194,-413,194,-417,194,-418,194,-423,194,-426,-899,-900,-643,-585,-1894,-901,194,194,194,-800,194,194,-804,194,-807,-833,194,-818,194,-820,194,-822,-808,194,-824,194,-851,-852,194,194,-811,194,-646,-902,-904,-648,-649,-645,194,-705,-706,194,-642,-903,-647,-650,-603,-714,194,194,-605,-586,194,194,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,194,194,-709,-710,194,-716,194,194,194,194,194,194,-938,194,-439,-441,-747,194,-891,194,-715,-1894,194,194,194,194,194,-442,-512,-523,194,-728,-733,194,-735,194,-740,194,-662,-668,194,-678,-680,-682,-683,-690,-693,-697,-745,194,194,-874,194,194,-878,194,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,194,-812,194,-814,-801,194,-802,-805,194,-816,-819,-821,-823,-825,194,-826,194,-809,194,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,194,-282,194,194,194,194,-455,194,194,-729,194,-736,194,-741,194,-663,-671,194,194,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,194,-836,-53,194,194,-730,194,-737,194,-742,-664,194,-873,-54,194,194,-731,-738,-743,194,194,194,-872,]),'DEC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[195,195,195,195,-1894,195,195,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,195,195,195,195,-275,-276,195,-1425,195,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,195,195,195,-490,195,195,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,195,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,195,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,195,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,195,-172,-173,-174,-175,-993,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-290,-291,-281,195,195,195,195,195,-328,-318,-332,-333,-334,195,195,-982,-983,-984,-985,-986,-987,-988,195,195,195,195,195,195,195,195,195,195,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,195,195,195,-353,-356,195,-323,-324,-141,195,-142,195,-143,195,-430,-935,-936,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-1894,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-1894,195,-1894,195,195,195,195,195,195,195,195,195,195,195,195,-1894,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,195,-1894,195,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,195,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,195,195,195,-191,-192,195,-994,195,195,195,195,195,-277,-278,-279,-280,-365,195,-308,195,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,195,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,195,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,195,195,195,195,195,195,-573,195,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,195,195,-723,-724,-725,195,195,195,195,195,195,-994,195,195,-91,-92,195,195,195,195,-309,-310,-320,195,-307,-293,-294,-295,195,195,195,195,-618,-633,-590,195,2965,2965,195,-436,195,-437,195,-444,-445,-446,-378,-379,195,195,195,-506,195,195,-510,195,195,195,195,-515,-516,-517,-518,195,195,-521,-522,195,-524,-525,-526,-527,-528,-529,-530,-531,195,-533,195,195,195,-539,-541,-542,195,-544,-545,-546,-547,195,195,195,195,195,195,-652,-653,-654,-655,195,-657,-658,-659,195,195,195,-665,195,195,-669,-670,195,195,-673,195,-675,-676,195,-679,195,-681,195,195,-684,-685,-686,195,-688,195,195,-691,195,195,-694,-695,-696,195,-698,-699,-700,-701,195,195,-746,195,-749,-750,-751,-752,-753,195,-755,-756,-757,-758,-759,195,-766,-767,-769,195,-771,-772,-773,-782,-856,-858,-860,-862,195,195,195,195,-868,195,-870,195,195,195,195,195,195,195,-906,-907,195,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,195,-921,-924,195,-934,195,-385,-386,-387,195,195,-390,-391,-392,-393,195,-396,195,-399,-400,195,-401,195,-406,-407,195,-410,-411,-412,195,-415,195,-416,195,-421,-422,195,-425,195,-428,-429,-1894,-1894,195,-619,-620,-621,-622,-623,-634,-584,-624,-797,195,195,195,195,195,-831,195,195,-806,195,-832,195,195,195,195,-798,195,-853,-799,195,195,195,195,195,195,-854,-855,195,-834,-830,-835,195,-625,195,-626,-627,-628,-629,-574,195,195,-630,-631,-632,195,195,195,195,195,195,-635,-636,-637,-592,-1894,-602,195,-638,-639,-713,-640,-604,195,-572,-577,-580,-583,195,195,195,-598,-601,195,-608,195,195,195,195,195,195,195,195,195,195,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,195,195,195,-995,195,195,195,195,195,195,-306,-325,-319,-296,-375,-452,-453,-454,-458,195,-443,195,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,195,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,195,195,195,195,195,195,195,195,195,-316,-535,-508,-591,-937,-939,-940,-438,195,-440,-380,-381,-383,-507,-509,-511,195,-513,-514,-519,-520,195,-532,-534,-537,-538,-543,-548,-726,195,-727,195,-732,195,-734,195,-739,-656,-660,-661,195,-666,195,-667,195,-672,-674,195,-677,195,195,195,-687,-689,195,-692,195,195,-744,195,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,195,195,195,195,195,-877,195,-880,-908,-920,-925,-388,-389,195,-394,195,-397,195,-402,195,-403,195,-408,195,-413,195,-417,195,-418,195,-423,195,-426,-899,-900,-643,-585,-1894,-901,195,195,195,-800,195,195,-804,195,-807,-833,195,-818,195,-820,195,-822,-808,195,-824,195,-851,-852,195,195,-811,195,-646,-902,-904,-648,-649,-645,195,-705,-706,195,-642,-903,-647,-650,-603,-714,195,195,-605,-586,195,195,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,195,195,-709,-710,195,-716,195,195,195,195,195,195,-938,195,-439,-441,-747,195,-891,195,-715,-1894,195,195,195,195,195,-442,-512,-523,195,-728,-733,195,-735,195,-740,195,-662,-668,195,-678,-680,-682,-683,-690,-693,-697,-745,195,195,-874,195,195,-878,195,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,195,-812,195,-814,-801,195,-802,-805,195,-816,-819,-821,-823,-825,195,-826,195,-809,195,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,195,-282,195,195,195,195,-455,195,195,-729,195,-736,195,-741,195,-663,-671,195,195,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,195,-836,-53,195,195,-730,195,-737,195,-742,-664,195,-873,-54,195,195,-731,-738,-743,195,195,195,-872,]),'DECLARE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[196,196,196,196,-1894,196,196,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,196,196,196,196,-275,-276,196,-1425,196,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,196,196,196,-490,196,196,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,196,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,196,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,196,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,196,-172,-173,-174,-175,-993,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-290,-291,-281,196,196,196,196,196,-328,-318,-332,-333,-334,196,196,-982,-983,-984,-985,-986,-987,-988,196,196,196,196,196,196,196,196,196,196,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,196,196,196,-353,-356,196,-323,-324,-141,196,-142,196,-143,196,-430,-935,-936,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-1894,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-1894,196,-1894,196,196,196,196,196,196,196,196,196,196,196,196,-1894,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,196,-1894,196,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,196,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,196,196,196,-191,-192,196,-994,196,196,196,196,196,-277,-278,-279,-280,-365,196,-308,196,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,196,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,196,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,196,196,196,196,196,196,-573,196,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,196,196,-723,-724,-725,196,196,196,196,196,196,-994,196,196,-91,-92,196,196,196,196,-309,-310,-320,196,-307,-293,-294,-295,196,196,196,196,-618,-633,-590,196,196,-436,196,-437,196,-444,-445,-446,-378,-379,196,196,196,-506,196,196,-510,196,196,196,196,-515,-516,-517,-518,196,196,-521,-522,196,-524,-525,-526,-527,-528,-529,-530,-531,196,-533,196,196,196,-539,-541,-542,196,-544,-545,-546,-547,196,196,196,196,196,196,-652,-653,-654,-655,196,-657,-658,-659,196,196,196,-665,196,196,-669,-670,196,196,-673,196,-675,-676,196,-679,196,-681,196,196,-684,-685,-686,196,-688,196,196,-691,196,196,-694,-695,-696,196,-698,-699,-700,-701,196,196,-746,196,-749,-750,-751,-752,-753,196,-755,-756,-757,-758,-759,196,-766,-767,-769,196,-771,-772,-773,-782,-856,-858,-860,-862,196,196,196,196,-868,196,-870,196,196,196,196,196,196,196,-906,-907,196,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,196,-921,-924,196,-934,196,-385,-386,-387,196,196,-390,-391,-392,-393,196,-396,196,-399,-400,196,-401,196,-406,-407,196,-410,-411,-412,196,-415,196,-416,196,-421,-422,196,-425,196,-428,-429,-1894,-1894,196,-619,-620,-621,-622,-623,-634,-584,-624,-797,196,196,196,196,196,-831,196,196,-806,196,-832,196,196,196,196,-798,196,-853,-799,196,196,196,196,196,196,-854,-855,196,-834,-830,-835,196,-625,196,-626,-627,-628,-629,-574,196,196,-630,-631,-632,196,196,196,196,196,196,-635,-636,-637,-592,-1894,-602,196,-638,-639,-713,-640,-604,196,-572,-577,-580,-583,196,196,196,-598,-601,196,-608,196,196,196,196,196,196,196,196,196,196,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,196,196,196,-995,196,196,196,196,196,196,-306,-325,-319,-296,-375,-452,-453,-454,-458,196,-443,196,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,196,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,196,196,196,196,196,196,196,196,196,-316,-535,-508,-591,-937,-939,-940,-438,196,-440,-380,-381,-383,-507,-509,-511,196,-513,-514,-519,-520,196,-532,-534,-537,-538,-543,-548,-726,196,-727,196,-732,196,-734,196,-739,-656,-660,-661,196,-666,196,-667,196,-672,-674,196,-677,196,196,196,-687,-689,196,-692,196,196,-744,196,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,196,196,196,196,196,-877,196,-880,-908,-920,-925,-388,-389,196,-394,196,-397,196,-402,196,-403,196,-408,196,-413,196,-417,196,-418,196,-423,196,-426,-899,-900,-643,-585,-1894,-901,196,196,196,-800,196,196,-804,196,-807,-833,196,-818,196,-820,196,-822,-808,196,-824,196,-851,-852,196,196,-811,196,-646,-902,-904,-648,-649,-645,196,-705,-706,196,-642,-903,-647,-650,-603,-714,196,196,-605,-586,196,196,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,196,196,-709,-710,196,-716,196,196,196,196,196,196,-938,196,-439,-441,-747,196,-891,196,-715,-1894,196,196,196,196,196,-442,-512,-523,196,-728,-733,196,-735,196,-740,196,-662,-668,196,-678,-680,-682,-683,-690,-693,-697,-745,196,196,-874,196,196,-878,196,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,196,-812,196,-814,-801,196,-802,-805,196,-816,-819,-821,-823,-825,196,-826,196,-809,196,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,196,-282,196,196,196,196,-455,196,196,-729,196,-736,196,-741,196,-663,-671,196,196,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,196,-836,-53,196,196,-730,196,-737,196,-742,-664,196,-873,-54,196,196,-731,-738,-743,196,196,196,-872,]),'DECODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[197,197,197,1018,-1894,197,197,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,197,197,197,197,-275,-276,1018,-1425,1018,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1018,1018,1018,-490,1018,1018,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1018,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1018,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1858,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,197,-172,-173,-174,-175,-993,197,197,197,197,197,197,197,197,197,197,1018,1018,1018,1018,1018,-290,-291,-281,197,1018,1018,1018,1018,-328,-318,-332,-333,-334,1018,1018,-982,-983,-984,-985,-986,-987,-988,197,197,1018,1018,1018,1018,1018,1018,1018,1018,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1018,1018,1018,-353,-356,197,-323,-324,-141,1018,-142,1018,-143,1018,-430,-935,-936,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1894,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1894,1018,-1894,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1894,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-1894,197,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1018,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1018,197,197,-191,-192,197,-994,1018,197,197,197,197,-277,-278,-279,-280,-365,1018,-308,1018,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1018,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1018,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1018,1018,1018,1018,1018,1018,-573,1018,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1018,1018,-723,-724,-725,1018,1858,197,197,197,197,-994,197,1018,-91,-92,197,197,197,1018,-309,-310,-320,1018,-307,-293,-294,-295,1018,197,1018,1018,-618,-633,-590,1018,197,-436,197,-437,1018,-444,-445,-446,-378,-379,1018,1018,1018,-506,1018,1018,-510,1018,1018,1018,1018,-515,-516,-517,-518,1018,1018,-521,-522,1018,-524,-525,-526,-527,-528,-529,-530,-531,1018,-533,1018,1018,1018,-539,-541,-542,1018,-544,-545,-546,-547,1018,1018,1018,1018,1018,1018,-652,-653,-654,-655,197,-657,-658,-659,1018,1018,1018,-665,1018,1018,-669,-670,1018,1018,-673,1018,-675,-676,1018,-679,1018,-681,1018,1018,-684,-685,-686,1018,-688,1018,1018,-691,1018,1018,-694,-695,-696,1018,-698,-699,-700,-701,1018,1018,-746,1018,-749,-750,-751,-752,-753,1018,-755,-756,-757,-758,-759,1018,-766,-767,-769,1018,-771,-772,-773,-782,-856,-858,-860,-862,1018,1018,1018,1018,-868,1018,-870,1018,1018,1018,1018,1018,1018,1018,-906,-907,1018,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1018,-921,-924,1018,-934,1018,-385,-386,-387,1018,1018,-390,-391,-392,-393,1018,-396,1018,-399,-400,1018,-401,1018,-406,-407,1018,-410,-411,-412,1018,-415,1018,-416,1018,-421,-422,1018,-425,1018,-428,-429,-1894,-1894,1018,-619,-620,-621,-622,-623,-634,-584,-624,-797,1018,1018,1018,1018,1018,-831,1018,1018,-806,1018,-832,1018,1018,1018,1018,-798,1018,-853,-799,1018,1018,1018,1018,1018,1018,-854,-855,1018,-834,-830,-835,1018,-625,1018,-626,-627,-628,-629,-574,1018,1018,-630,-631,-632,1018,1018,1018,1018,1018,1018,-635,-636,-637,-592,-1894,-602,1018,-638,-639,-713,-640,-604,1018,-572,-577,-580,-583,1018,1018,1018,-598,-601,1018,-608,1018,1018,1018,1018,1018,1018,1018,1018,1018,1018,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1018,197,197,-995,197,1018,197,197,197,1018,-306,-325,-319,-296,-375,-452,-453,-454,-458,197,-443,1018,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1018,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,197,197,197,197,197,197,197,197,1018,-316,-535,-508,-591,-937,-939,-940,-438,1018,-440,-380,-381,-383,-507,-509,-511,1018,-513,-514,-519,-520,1018,-532,-534,-537,-538,-543,-548,-726,1018,-727,1018,-732,1018,-734,1018,-739,-656,-660,-661,1018,-666,1018,-667,1018,-672,-674,1018,-677,1018,1018,1018,-687,-689,1018,-692,1018,1018,-744,1018,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1018,1018,1018,1018,1018,-877,1018,-880,-908,-920,-925,-388,-389,1018,-394,1018,-397,1018,-402,1018,-403,1018,-408,1018,-413,1018,-417,1018,-418,1018,-423,1018,-426,-899,-900,-643,-585,-1894,-901,1018,1018,1018,-800,1018,1018,-804,1018,-807,-833,1018,-818,1018,-820,1018,-822,-808,1018,-824,1018,-851,-852,1018,1018,-811,1018,-646,-902,-904,-648,-649,-645,1018,-705,-706,1018,-642,-903,-647,-650,-603,-714,1018,1018,-605,-586,1018,1018,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1018,1018,-709,-710,1018,-716,1018,197,197,197,1018,1018,-938,197,-439,-441,-747,1018,-891,1858,-715,-1894,1018,1018,197,197,1018,-442,-512,-523,1018,-728,-733,1018,-735,1018,-740,1018,-662,-668,1018,-678,-680,-682,-683,-690,-693,-697,-745,1018,1018,-874,1018,1018,-878,1018,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1018,-812,1018,-814,-801,1018,-802,-805,1018,-816,-819,-821,-823,-825,1018,-826,1018,-809,1018,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,197,-282,197,1018,197,1018,-455,1018,1018,-729,1018,-736,1018,-741,1018,-663,-671,1018,1018,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1018,-836,-53,197,1018,-730,1018,-737,1018,-742,-664,1018,-873,-54,197,197,-731,-738,-743,1018,197,1018,-872,]),'DEFAULT_AUTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[198,198,198,198,-1894,198,198,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,198,198,198,198,-275,-276,198,-1425,198,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,198,198,198,-490,198,198,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,198,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,198,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,198,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,198,-172,-173,-174,-175,-993,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-290,-291,-281,198,198,198,198,198,-328,-318,-332,-333,-334,198,198,-982,-983,-984,-985,-986,-987,-988,198,198,198,198,198,198,198,198,198,198,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,198,198,198,-353,-356,198,-323,-324,-141,198,-142,198,-143,198,-430,-935,-936,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-1894,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-1894,198,-1894,198,198,198,198,198,198,198,198,198,198,198,198,-1894,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,198,-1894,198,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,198,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,198,198,198,-191,-192,198,-994,198,198,198,198,198,-277,-278,-279,-280,-365,198,-308,198,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,198,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,198,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,198,198,198,198,198,198,-573,198,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,198,198,-723,-724,-725,198,198,198,198,198,198,-994,198,198,-91,-92,198,198,198,198,-309,-310,-320,198,-307,-293,-294,-295,198,198,198,198,-618,-633,-590,198,198,-436,198,-437,198,-444,-445,-446,-378,-379,198,198,198,-506,198,198,-510,198,198,198,198,-515,-516,-517,-518,198,198,-521,-522,198,-524,-525,-526,-527,-528,-529,-530,-531,198,-533,198,198,198,-539,-541,-542,198,-544,-545,-546,-547,198,198,198,198,198,198,-652,-653,-654,-655,198,-657,-658,-659,198,198,198,-665,198,198,-669,-670,198,198,-673,198,-675,-676,198,-679,198,-681,198,198,-684,-685,-686,198,-688,198,198,-691,198,198,-694,-695,-696,198,-698,-699,-700,-701,198,198,-746,198,-749,-750,-751,-752,-753,198,-755,-756,-757,-758,-759,198,-766,-767,-769,198,-771,-772,-773,-782,-856,-858,-860,-862,198,198,198,198,-868,198,-870,198,198,198,198,198,198,198,-906,-907,198,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,198,-921,-924,198,-934,198,-385,-386,-387,198,198,-390,-391,-392,-393,198,-396,198,-399,-400,198,-401,198,-406,-407,198,-410,-411,-412,198,-415,198,-416,198,-421,-422,198,-425,198,-428,-429,-1894,-1894,198,-619,-620,-621,-622,-623,-634,-584,-624,-797,198,198,198,198,198,-831,198,198,-806,198,-832,198,198,198,198,-798,198,-853,-799,198,198,198,198,198,198,-854,-855,198,-834,-830,-835,198,-625,198,-626,-627,-628,-629,-574,198,198,-630,-631,-632,198,198,198,198,198,198,-635,-636,-637,-592,-1894,-602,198,-638,-639,-713,-640,-604,198,-572,-577,-580,-583,198,198,198,-598,-601,198,-608,198,198,198,198,198,198,198,198,198,198,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,198,198,198,-995,198,198,198,198,198,198,-306,-325,-319,-296,-375,-452,-453,-454,-458,198,-443,198,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,198,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,198,198,198,198,198,198,198,198,198,-316,-535,-508,-591,-937,-939,-940,-438,198,-440,-380,-381,-383,-507,-509,-511,198,-513,-514,-519,-520,198,-532,-534,-537,-538,-543,-548,-726,198,-727,198,-732,198,-734,198,-739,-656,-660,-661,198,-666,198,-667,198,-672,-674,198,-677,198,198,198,-687,-689,198,-692,198,198,-744,198,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,198,198,198,198,198,-877,198,-880,-908,-920,-925,-388,-389,198,-394,198,-397,198,-402,198,-403,198,-408,198,-413,198,-417,198,-418,198,-423,198,-426,-899,-900,-643,-585,-1894,-901,198,198,198,-800,198,198,-804,198,-807,-833,198,-818,198,-820,198,-822,-808,198,-824,198,-851,-852,198,198,-811,198,-646,-902,-904,-648,-649,-645,198,-705,-706,198,-642,-903,-647,-650,-603,-714,198,198,-605,-586,198,198,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,198,198,-709,-710,198,-716,198,198,198,198,198,198,-938,198,-439,-441,-747,198,-891,198,-715,-1894,198,198,198,198,198,-442,-512,-523,198,-728,-733,198,-735,198,-740,198,-662,-668,198,-678,-680,-682,-683,-690,-693,-697,-745,198,198,-874,198,198,-878,198,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,198,-812,198,-814,-801,198,-802,-805,198,-816,-819,-821,-823,-825,198,-826,198,-809,198,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,198,-282,198,198,198,198,-455,198,198,-729,198,-736,198,-741,198,-663,-671,198,198,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,198,-836,-53,198,198,-730,198,-737,198,-742,-664,198,-873,-54,198,198,-731,-738,-743,198,198,198,-872,]),'DEFAULT_TABLEGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[199,199,199,199,-1894,199,199,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,199,199,199,199,-275,-276,199,-1425,199,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,199,199,199,-490,199,199,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,199,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,199,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,199,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,199,-172,-173,-174,-175,-993,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-290,-291,-281,199,199,199,199,199,-328,-318,-332,-333,-334,199,199,-982,-983,-984,-985,-986,-987,-988,199,199,199,199,199,199,199,199,199,199,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,199,199,199,-353,-356,199,-323,-324,-141,199,-142,199,-143,199,-430,-935,-936,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-1894,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-1894,199,-1894,199,199,199,199,199,199,199,199,199,199,199,199,-1894,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,199,-1894,199,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,199,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,199,199,199,-191,-192,199,-994,199,199,199,199,199,-277,-278,-279,-280,-365,199,-308,199,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,199,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,199,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,199,199,199,199,199,199,-573,199,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,199,199,-723,-724,-725,199,199,199,199,199,199,-994,199,199,-91,-92,199,199,199,199,-309,-310,-320,199,-307,-293,-294,-295,199,199,199,199,-618,-633,-590,199,199,-436,199,-437,199,-444,-445,-446,-378,-379,199,199,199,-506,199,199,-510,199,199,199,199,-515,-516,-517,-518,199,199,-521,-522,199,-524,-525,-526,-527,-528,-529,-530,-531,199,-533,199,199,199,-539,-541,-542,199,-544,-545,-546,-547,199,199,199,199,199,199,-652,-653,-654,-655,199,-657,-658,-659,199,199,199,-665,199,199,-669,-670,199,199,-673,199,-675,-676,199,-679,199,-681,199,199,-684,-685,-686,199,-688,199,199,-691,199,199,-694,-695,-696,199,-698,-699,-700,-701,199,199,-746,199,-749,-750,-751,-752,-753,199,-755,-756,-757,-758,-759,199,-766,-767,-769,199,-771,-772,-773,-782,-856,-858,-860,-862,199,199,199,199,-868,199,-870,199,199,199,199,199,199,199,-906,-907,199,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,199,-921,-924,199,-934,199,-385,-386,-387,199,199,-390,-391,-392,-393,199,-396,199,-399,-400,199,-401,199,-406,-407,199,-410,-411,-412,199,-415,199,-416,199,-421,-422,199,-425,199,-428,-429,-1894,-1894,199,-619,-620,-621,-622,-623,-634,-584,-624,-797,199,199,199,199,199,-831,199,199,-806,199,-832,199,199,199,199,-798,199,-853,-799,199,199,199,199,199,199,-854,-855,199,-834,-830,-835,199,-625,199,-626,-627,-628,-629,-574,199,199,-630,-631,-632,199,199,199,199,199,199,-635,-636,-637,-592,-1894,-602,199,-638,-639,-713,-640,-604,199,-572,-577,-580,-583,199,199,199,-598,-601,199,-608,199,199,199,199,199,199,199,199,199,199,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,199,199,199,-995,199,199,199,199,199,199,-306,-325,-319,-296,-375,-452,-453,-454,-458,199,-443,199,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,199,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,199,199,199,199,199,199,199,199,199,-316,-535,-508,-591,-937,-939,-940,-438,199,-440,-380,-381,-383,-507,-509,-511,199,-513,-514,-519,-520,199,-532,-534,-537,-538,-543,-548,-726,199,-727,199,-732,199,-734,199,-739,-656,-660,-661,199,-666,199,-667,199,-672,-674,199,-677,199,199,199,-687,-689,199,-692,199,199,-744,199,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,199,199,199,199,199,-877,199,-880,-908,-920,-925,-388,-389,199,-394,199,-397,199,-402,199,-403,199,-408,199,-413,199,-417,199,-418,199,-423,199,-426,-899,-900,-643,-585,-1894,-901,199,199,199,-800,199,199,-804,199,-807,-833,199,-818,199,-820,199,-822,-808,199,-824,199,-851,-852,199,199,-811,199,-646,-902,-904,-648,-649,-645,199,-705,-706,199,-642,-903,-647,-650,-603,-714,199,199,-605,-586,199,199,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,199,199,-709,-710,199,-716,199,199,199,199,199,199,-938,199,-439,-441,-747,199,-891,199,-715,-1894,199,199,199,199,199,-442,-512,-523,199,-728,-733,199,-735,199,-740,199,-662,-668,199,-678,-680,-682,-683,-690,-693,-697,-745,199,199,-874,199,199,-878,199,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,199,-812,199,-814,-801,199,-802,-805,199,-816,-819,-821,-823,-825,199,-826,199,-809,199,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,199,-282,199,199,199,199,-455,199,199,-729,199,-736,199,-741,199,-663,-671,199,199,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,199,-836,-53,199,199,-730,199,-737,199,-742,-664,199,-873,-54,199,199,-731,-738,-743,199,199,199,-872,]),'DEFINER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[200,200,200,200,-1894,200,200,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,200,200,200,200,-275,-276,200,-1425,200,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,200,200,200,-490,200,200,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,200,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,200,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,200,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,200,-172,-173,-174,-175,-993,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-290,-291,-281,200,200,200,200,200,-328,-318,-332,-333,-334,200,200,-982,-983,-984,-985,-986,-987,-988,200,200,200,200,200,200,200,200,200,200,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,200,200,200,-353,-356,200,-323,-324,-141,200,-142,200,-143,200,-430,-935,-936,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-1894,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-1894,200,-1894,200,200,200,200,200,200,200,200,200,200,200,200,-1894,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,200,-1894,200,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,200,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,200,200,200,-191,-192,200,-994,200,200,200,200,200,-277,-278,-279,-280,-365,200,-308,200,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,200,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,200,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,200,200,200,200,200,200,-573,200,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,200,200,-723,-724,-725,200,200,200,200,200,200,-994,200,200,-91,-92,200,200,200,200,-309,-310,-320,200,-307,-293,-294,-295,200,200,200,200,-618,-633,-590,200,200,-436,200,-437,200,-444,-445,-446,-378,-379,200,200,200,-506,200,200,-510,200,200,200,200,-515,-516,-517,-518,200,200,-521,-522,200,-524,-525,-526,-527,-528,-529,-530,-531,200,-533,200,200,200,-539,-541,-542,200,-544,-545,-546,-547,200,200,200,200,200,200,-652,-653,-654,-655,200,-657,-658,-659,200,200,200,-665,200,200,-669,-670,200,200,-673,200,-675,-676,200,-679,200,-681,200,200,-684,-685,-686,200,-688,200,200,-691,200,200,-694,-695,-696,200,-698,-699,-700,-701,200,200,-746,200,-749,-750,-751,-752,-753,200,-755,-756,-757,-758,-759,200,-766,-767,-769,200,-771,-772,-773,-782,-856,-858,-860,-862,200,200,200,200,-868,200,-870,200,200,200,200,200,200,200,-906,-907,200,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,200,-921,-924,200,-934,200,-385,-386,-387,200,200,-390,-391,-392,-393,200,-396,200,-399,-400,200,-401,200,-406,-407,200,-410,-411,-412,200,-415,200,-416,200,-421,-422,200,-425,200,-428,-429,-1894,-1894,200,-619,-620,-621,-622,-623,-634,-584,-624,-797,200,200,200,200,200,-831,200,200,-806,200,-832,200,200,200,200,-798,200,-853,-799,200,200,200,200,200,200,-854,-855,200,-834,-830,-835,200,-625,200,-626,-627,-628,-629,-574,200,200,-630,-631,-632,200,200,200,200,200,200,-635,-636,-637,-592,-1894,-602,200,-638,-639,-713,-640,-604,200,-572,-577,-580,-583,200,200,200,-598,-601,200,-608,200,200,200,200,200,200,200,200,200,200,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,200,200,200,-995,200,200,200,200,200,200,-306,-325,-319,-296,-375,-452,-453,-454,-458,200,-443,200,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,200,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,200,200,200,200,200,200,200,200,200,-316,-535,-508,-591,-937,-939,-940,-438,200,-440,-380,-381,-383,-507,-509,-511,200,-513,-514,-519,-520,200,-532,-534,-537,-538,-543,-548,-726,200,-727,200,-732,200,-734,200,-739,-656,-660,-661,200,-666,200,-667,200,-672,-674,200,-677,200,200,200,-687,-689,200,-692,200,200,-744,200,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,200,200,200,200,200,-877,200,-880,-908,-920,-925,-388,-389,200,-394,200,-397,200,-402,200,-403,200,-408,200,-413,200,-417,200,-418,200,-423,200,-426,-899,-900,-643,-585,-1894,-901,200,200,200,-800,200,200,-804,200,-807,-833,200,-818,200,-820,200,-822,-808,200,-824,200,-851,-852,200,200,-811,200,-646,-902,-904,-648,-649,-645,200,-705,-706,200,-642,-903,-647,-650,-603,-714,200,200,-605,-586,200,200,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,200,200,-709,-710,200,-716,200,200,200,200,200,200,-938,200,-439,-441,-747,200,-891,200,-715,-1894,200,200,200,200,200,-442,-512,-523,200,-728,-733,200,-735,200,-740,200,-662,-668,200,-678,-680,-682,-683,-690,-693,-697,-745,200,200,-874,200,200,-878,200,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,200,-812,200,-814,-801,200,-802,-805,200,-816,-819,-821,-823,-825,200,-826,200,-809,200,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,200,-282,200,200,200,200,-455,200,200,-729,200,-736,200,-741,200,-663,-671,200,200,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,200,-836,-53,200,200,-730,200,-737,200,-742,-664,200,-873,-54,200,200,-731,-738,-743,200,200,200,-872,]),'DEGREES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[201,201,201,1059,-1894,201,201,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,201,201,201,201,-275,-276,1059,-1425,1059,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1059,1059,1059,-490,1059,1059,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1059,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1059,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1859,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,201,-172,-173,-174,-175,-993,201,201,201,201,201,201,201,201,201,201,1059,1059,1059,1059,1059,-290,-291,-281,201,1059,1059,1059,1059,-328,-318,-332,-333,-334,1059,1059,-982,-983,-984,-985,-986,-987,-988,201,201,1059,1059,1059,1059,1059,1059,1059,1059,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1059,1059,1059,-353,-356,201,-323,-324,-141,1059,-142,1059,-143,1059,-430,-935,-936,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1894,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1894,1059,-1894,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1894,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-1894,201,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1059,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1059,201,201,-191,-192,201,-994,1059,201,201,201,201,-277,-278,-279,-280,-365,1059,-308,1059,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1059,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1059,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1059,1059,1059,1059,1059,1059,-573,1059,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1059,1059,-723,-724,-725,1059,1859,201,201,201,201,-994,201,1059,-91,-92,201,201,201,1059,-309,-310,-320,1059,-307,-293,-294,-295,1059,201,1059,1059,-618,-633,-590,1059,201,-436,201,-437,1059,-444,-445,-446,-378,-379,1059,1059,1059,-506,1059,1059,-510,1059,1059,1059,1059,-515,-516,-517,-518,1059,1059,-521,-522,1059,-524,-525,-526,-527,-528,-529,-530,-531,1059,-533,1059,1059,1059,-539,-541,-542,1059,-544,-545,-546,-547,1059,1059,1059,1059,1059,1059,-652,-653,-654,-655,201,-657,-658,-659,1059,1059,1059,-665,1059,1059,-669,-670,1059,1059,-673,1059,-675,-676,1059,-679,1059,-681,1059,1059,-684,-685,-686,1059,-688,1059,1059,-691,1059,1059,-694,-695,-696,1059,-698,-699,-700,-701,1059,1059,-746,1059,-749,-750,-751,-752,-753,1059,-755,-756,-757,-758,-759,1059,-766,-767,-769,1059,-771,-772,-773,-782,-856,-858,-860,-862,1059,1059,1059,1059,-868,1059,-870,1059,1059,1059,1059,1059,1059,1059,-906,-907,1059,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1059,-921,-924,1059,-934,1059,-385,-386,-387,1059,1059,-390,-391,-392,-393,1059,-396,1059,-399,-400,1059,-401,1059,-406,-407,1059,-410,-411,-412,1059,-415,1059,-416,1059,-421,-422,1059,-425,1059,-428,-429,-1894,-1894,1059,-619,-620,-621,-622,-623,-634,-584,-624,-797,1059,1059,1059,1059,1059,-831,1059,1059,-806,1059,-832,1059,1059,1059,1059,-798,1059,-853,-799,1059,1059,1059,1059,1059,1059,-854,-855,1059,-834,-830,-835,1059,-625,1059,-626,-627,-628,-629,-574,1059,1059,-630,-631,-632,1059,1059,1059,1059,1059,1059,-635,-636,-637,-592,-1894,-602,1059,-638,-639,-713,-640,-604,1059,-572,-577,-580,-583,1059,1059,1059,-598,-601,1059,-608,1059,1059,1059,1059,1059,1059,1059,1059,1059,1059,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1059,201,201,-995,201,1059,201,201,201,1059,-306,-325,-319,-296,-375,-452,-453,-454,-458,201,-443,1059,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1059,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,201,201,201,201,201,201,201,201,1059,-316,-535,-508,-591,-937,-939,-940,-438,1059,-440,-380,-381,-383,-507,-509,-511,1059,-513,-514,-519,-520,1059,-532,-534,-537,-538,-543,-548,-726,1059,-727,1059,-732,1059,-734,1059,-739,-656,-660,-661,1059,-666,1059,-667,1059,-672,-674,1059,-677,1059,1059,1059,-687,-689,1059,-692,1059,1059,-744,1059,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1059,1059,1059,1059,1059,-877,1059,-880,-908,-920,-925,-388,-389,1059,-394,1059,-397,1059,-402,1059,-403,1059,-408,1059,-413,1059,-417,1059,-418,1059,-423,1059,-426,-899,-900,-643,-585,-1894,-901,1059,1059,1059,-800,1059,1059,-804,1059,-807,-833,1059,-818,1059,-820,1059,-822,-808,1059,-824,1059,-851,-852,1059,1059,-811,1059,-646,-902,-904,-648,-649,-645,1059,-705,-706,1059,-642,-903,-647,-650,-603,-714,1059,1059,-605,-586,1059,1059,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1059,1059,-709,-710,1059,-716,1059,201,201,201,1059,1059,-938,201,-439,-441,-747,1059,-891,1859,-715,-1894,1059,1059,201,201,1059,-442,-512,-523,1059,-728,-733,1059,-735,1059,-740,1059,-662,-668,1059,-678,-680,-682,-683,-690,-693,-697,-745,1059,1059,-874,1059,1059,-878,1059,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1059,-812,1059,-814,-801,1059,-802,-805,1059,-816,-819,-821,-823,-825,1059,-826,1059,-809,1059,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,201,-282,201,1059,201,1059,-455,1059,1059,-729,1059,-736,1059,-741,1059,-663,-671,1059,1059,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1059,-836,-53,201,1059,-730,1059,-737,1059,-742,-664,1059,-873,-54,201,201,-731,-738,-743,1059,201,1059,-872,]),'DELAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[202,202,202,202,-1894,202,202,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,202,202,202,202,-275,-276,202,-1425,202,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,202,202,202,-490,202,202,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,202,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,202,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,202,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,202,-172,-173,-174,-175,-993,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-290,-291,-281,202,202,202,202,202,-328,-318,-332,-333,-334,202,202,-982,-983,-984,-985,-986,-987,-988,202,202,202,202,202,202,202,202,202,202,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,202,202,202,-353,-356,202,-323,-324,-141,202,-142,202,-143,202,-430,-935,-936,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-1894,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-1894,202,-1894,202,202,202,202,202,202,202,202,202,202,202,202,-1894,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,-1894,202,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,202,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,202,202,202,-191,-192,202,-994,202,202,202,202,202,-277,-278,-279,-280,-365,202,-308,202,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,202,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,202,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,202,202,202,202,202,202,-573,202,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,202,202,-723,-724,-725,202,202,202,202,202,202,-994,202,202,-91,-92,202,202,202,202,-309,-310,-320,202,-307,-293,-294,-295,202,202,202,202,-618,-633,-590,202,202,-436,202,-437,202,-444,-445,-446,-378,-379,202,202,202,-506,202,202,-510,202,202,202,202,-515,-516,-517,-518,202,202,-521,-522,202,-524,-525,-526,-527,-528,-529,-530,-531,202,-533,202,202,202,-539,-541,-542,202,-544,-545,-546,-547,202,202,202,202,202,202,-652,-653,-654,-655,202,-657,-658,-659,202,202,202,-665,202,202,-669,-670,202,202,-673,202,-675,-676,202,-679,202,-681,202,202,-684,-685,-686,202,-688,202,202,-691,202,202,-694,-695,-696,202,-698,-699,-700,-701,202,202,-746,202,-749,-750,-751,-752,-753,202,-755,-756,-757,-758,-759,202,-766,-767,-769,202,-771,-772,-773,-782,-856,-858,-860,-862,202,202,202,202,-868,202,-870,202,202,202,202,202,202,202,-906,-907,202,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,202,-921,-924,202,-934,202,-385,-386,-387,202,202,-390,-391,-392,-393,202,-396,202,-399,-400,202,-401,202,-406,-407,202,-410,-411,-412,202,-415,202,-416,202,-421,-422,202,-425,202,-428,-429,-1894,-1894,202,-619,-620,-621,-622,-623,-634,-584,-624,-797,202,202,202,202,202,-831,202,202,-806,202,-832,202,202,202,202,-798,202,-853,-799,202,202,202,202,202,202,-854,-855,202,-834,-830,-835,202,-625,202,-626,-627,-628,-629,-574,202,202,-630,-631,-632,202,202,202,202,202,202,-635,-636,-637,-592,-1894,-602,202,-638,-639,-713,-640,-604,202,-572,-577,-580,-583,202,202,202,-598,-601,202,-608,202,202,202,202,202,202,202,202,202,202,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,202,202,202,-995,202,202,202,202,202,202,-306,-325,-319,-296,-375,-452,-453,-454,-458,202,-443,202,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,202,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,202,202,202,202,202,202,202,202,202,-316,-535,-508,-591,-937,-939,-940,-438,202,-440,-380,-381,-383,-507,-509,-511,202,-513,-514,-519,-520,202,-532,-534,-537,-538,-543,-548,-726,202,-727,202,-732,202,-734,202,-739,-656,-660,-661,202,-666,202,-667,202,-672,-674,202,-677,202,202,202,-687,-689,202,-692,202,202,-744,202,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,202,202,202,202,202,-877,202,-880,-908,-920,-925,-388,-389,202,-394,202,-397,202,-402,202,-403,202,-408,202,-413,202,-417,202,-418,202,-423,202,-426,-899,-900,-643,-585,-1894,-901,202,202,202,-800,202,202,-804,202,-807,-833,202,-818,202,-820,202,-822,-808,202,-824,202,-851,-852,202,202,-811,202,-646,-902,-904,-648,-649,-645,202,-705,-706,202,-642,-903,-647,-650,-603,-714,202,202,-605,-586,202,202,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,202,202,-709,-710,202,-716,202,202,202,202,202,202,-938,202,-439,-441,-747,202,-891,202,-715,-1894,202,202,202,202,202,-442,-512,-523,202,-728,-733,202,-735,202,-740,202,-662,-668,202,-678,-680,-682,-683,-690,-693,-697,-745,202,202,-874,202,202,-878,202,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,202,-812,202,-814,-801,202,-802,-805,202,-816,-819,-821,-823,-825,202,-826,202,-809,202,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,202,-282,202,202,202,202,-455,202,202,-729,202,-736,202,-741,202,-663,-671,202,202,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,202,-836,-53,202,202,-730,202,-737,202,-742,-664,202,-873,-54,202,202,-731,-738,-743,202,202,202,-872,]),'DELAY_KEY_WRITE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[203,203,203,203,-1894,203,203,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,203,203,203,203,-275,-276,203,-1425,203,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,203,203,203,-490,203,203,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,203,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,203,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,203,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,203,-172,-173,-174,-175,-993,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-290,-291,-281,203,203,203,203,203,-328,-318,-332,-333,-334,203,203,-982,-983,-984,-985,-986,-987,-988,203,203,203,203,203,203,203,203,203,203,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,203,203,203,-353,-356,203,-323,-324,-141,203,-142,203,-143,203,-430,-935,-936,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-1894,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-1894,203,-1894,203,203,203,203,203,203,203,203,203,203,203,203,-1894,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,203,-1894,203,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,203,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,203,203,203,-191,-192,203,-994,203,203,203,203,203,-277,-278,-279,-280,-365,203,-308,203,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,203,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,203,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,203,203,203,203,203,203,-573,203,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,203,203,-723,-724,-725,203,203,203,203,203,203,-994,203,203,-91,-92,203,203,203,203,-309,-310,-320,203,-307,-293,-294,-295,203,203,203,203,-618,-633,-590,203,203,-436,203,-437,203,-444,-445,-446,-378,-379,203,203,203,-506,203,203,-510,203,203,203,203,-515,-516,-517,-518,203,203,-521,-522,203,-524,-525,-526,-527,-528,-529,-530,-531,203,-533,203,203,203,-539,-541,-542,203,-544,-545,-546,-547,203,203,203,203,203,203,-652,-653,-654,-655,203,-657,-658,-659,203,203,203,-665,203,203,-669,-670,203,203,-673,203,-675,-676,203,-679,203,-681,203,203,-684,-685,-686,203,-688,203,203,-691,203,203,-694,-695,-696,203,-698,-699,-700,-701,203,203,-746,203,-749,-750,-751,-752,-753,203,-755,-756,-757,-758,-759,203,-766,-767,-769,203,-771,-772,-773,-782,-856,-858,-860,-862,203,203,203,203,-868,203,-870,203,203,203,203,203,203,203,-906,-907,203,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,203,-921,-924,203,-934,203,-385,-386,-387,203,203,-390,-391,-392,-393,203,-396,203,-399,-400,203,-401,203,-406,-407,203,-410,-411,-412,203,-415,203,-416,203,-421,-422,203,-425,203,-428,-429,-1894,-1894,203,-619,-620,-621,-622,-623,-634,-584,-624,-797,203,203,203,203,203,-831,203,203,-806,203,-832,203,203,203,203,-798,203,-853,-799,203,203,203,203,203,203,-854,-855,203,-834,-830,-835,203,-625,203,-626,-627,-628,-629,-574,203,203,-630,-631,-632,203,203,203,203,203,203,-635,-636,-637,-592,-1894,-602,203,-638,-639,-713,-640,-604,203,-572,-577,-580,-583,203,203,203,-598,-601,203,-608,203,203,203,203,203,203,203,203,203,203,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,203,203,203,-995,203,203,203,203,203,203,-306,-325,-319,-296,-375,-452,-453,-454,-458,203,-443,203,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,203,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,203,203,203,203,203,203,203,203,203,-316,-535,-508,-591,-937,-939,-940,-438,203,-440,-380,-381,-383,-507,-509,-511,203,-513,-514,-519,-520,203,-532,-534,-537,-538,-543,-548,-726,203,-727,203,-732,203,-734,203,-739,-656,-660,-661,203,-666,203,-667,203,-672,-674,203,-677,203,203,203,-687,-689,203,-692,203,203,-744,203,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,203,203,203,203,203,-877,203,-880,-908,-920,-925,-388,-389,203,-394,203,-397,203,-402,203,-403,203,-408,203,-413,203,-417,203,-418,203,-423,203,-426,-899,-900,-643,-585,-1894,-901,203,203,203,-800,203,203,-804,203,-807,-833,203,-818,203,-820,203,-822,-808,203,-824,203,-851,-852,203,203,-811,203,-646,-902,-904,-648,-649,-645,203,-705,-706,203,-642,-903,-647,-650,-603,-714,203,203,-605,-586,203,203,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,203,203,-709,-710,203,-716,203,203,203,203,203,203,-938,203,-439,-441,-747,203,-891,203,-715,-1894,203,203,203,203,203,-442,-512,-523,203,-728,-733,203,-735,203,-740,203,-662,-668,203,-678,-680,-682,-683,-690,-693,-697,-745,203,203,-874,203,203,-878,203,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,203,-812,203,-814,-801,203,-802,-805,203,-816,-819,-821,-823,-825,203,-826,203,-809,203,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,203,-282,203,203,203,203,-455,203,203,-729,203,-736,203,-741,203,-663,-671,203,203,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,203,-836,-53,203,203,-730,203,-737,203,-742,-664,203,-873,-54,203,203,-731,-738,-743,203,203,203,-872,]),'DEPTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[204,204,204,204,-1894,204,204,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,204,204,204,204,-275,-276,204,-1425,204,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,204,204,204,-490,204,204,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,204,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,204,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,204,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,204,-172,-173,-174,-175,-993,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-290,-291,-281,204,204,204,204,204,-328,-318,-332,-333,-334,204,204,-982,-983,-984,-985,-986,-987,-988,204,204,204,204,204,204,204,204,204,204,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,204,204,204,-353,-356,204,-323,-324,-141,204,-142,204,-143,204,-430,-935,-936,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-1894,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-1894,204,-1894,204,204,204,204,204,204,204,204,204,204,204,204,-1894,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,-1894,204,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,204,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,204,204,204,-191,-192,204,-994,204,204,204,204,204,-277,-278,-279,-280,-365,204,-308,204,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,204,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,204,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,204,204,204,204,204,204,-573,204,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,204,204,-723,-724,-725,204,204,204,204,204,204,-994,204,204,-91,-92,204,204,204,204,-309,-310,-320,204,-307,-293,-294,-295,204,204,204,204,-618,-633,-590,204,204,-436,204,-437,204,-444,-445,-446,-378,-379,204,204,204,-506,204,204,-510,204,204,204,204,-515,-516,-517,-518,204,204,-521,-522,204,-524,-525,-526,-527,-528,-529,-530,-531,204,-533,204,204,204,-539,-541,-542,204,-544,-545,-546,-547,204,204,204,204,204,204,-652,-653,-654,-655,204,-657,-658,-659,204,204,204,-665,204,204,-669,-670,204,204,-673,204,-675,-676,204,-679,204,-681,204,204,-684,-685,-686,204,-688,204,204,-691,204,204,-694,-695,-696,204,-698,-699,-700,-701,204,204,-746,204,-749,-750,-751,-752,-753,204,-755,-756,-757,-758,-759,204,-766,-767,-769,204,-771,-772,-773,-782,-856,-858,-860,-862,204,204,204,204,-868,204,-870,204,204,204,204,204,204,204,-906,-907,204,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,204,-921,-924,204,-934,204,-385,-386,-387,204,204,-390,-391,-392,-393,204,-396,204,-399,-400,204,-401,204,-406,-407,204,-410,-411,-412,204,-415,204,-416,204,-421,-422,204,-425,204,-428,-429,-1894,-1894,204,-619,-620,-621,-622,-623,-634,-584,-624,-797,204,204,204,204,204,-831,204,204,-806,204,-832,204,204,204,204,-798,204,-853,-799,204,204,204,204,204,204,-854,-855,204,-834,-830,-835,204,-625,204,-626,-627,-628,-629,-574,204,204,-630,-631,-632,204,204,204,204,204,204,-635,-636,-637,-592,-1894,-602,204,-638,-639,-713,-640,-604,204,-572,-577,-580,-583,204,204,204,-598,-601,204,-608,204,204,204,204,204,204,204,204,204,204,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,204,204,204,-995,204,204,204,204,204,204,-306,-325,-319,-296,-375,-452,-453,-454,-458,204,-443,204,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,204,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,204,204,204,204,204,204,204,204,204,-316,-535,-508,-591,-937,-939,-940,-438,204,-440,-380,-381,-383,-507,-509,-511,204,-513,-514,-519,-520,204,-532,-534,-537,-538,-543,-548,-726,204,-727,204,-732,204,-734,204,-739,-656,-660,-661,204,-666,204,-667,204,-672,-674,204,-677,204,204,204,-687,-689,204,-692,204,204,-744,204,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,204,204,204,204,204,-877,204,-880,-908,-920,-925,-388,-389,204,-394,204,-397,204,-402,204,-403,204,-408,204,-413,204,-417,204,-418,204,-423,204,-426,-899,-900,-643,-585,-1894,-901,204,204,204,-800,204,204,-804,204,-807,-833,204,-818,204,-820,204,-822,-808,204,-824,204,-851,-852,204,204,-811,204,-646,-902,-904,-648,-649,-645,204,-705,-706,204,-642,-903,-647,-650,-603,-714,204,204,-605,-586,204,204,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,204,204,-709,-710,204,-716,204,204,204,204,204,204,-938,204,-439,-441,-747,204,-891,204,-715,-1894,204,204,204,204,204,-442,-512,-523,204,-728,-733,204,-735,204,-740,204,-662,-668,204,-678,-680,-682,-683,-690,-693,-697,-745,204,204,-874,204,204,-878,204,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,204,-812,204,-814,-801,204,-802,-805,204,-816,-819,-821,-823,-825,204,-826,204,-809,204,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,204,-282,204,204,204,204,-455,204,204,-729,204,-736,204,-741,204,-663,-671,204,204,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,204,-836,-53,204,204,-730,204,-737,204,-742,-664,204,-873,-54,204,204,-731,-738,-743,204,204,204,-872,]),'DESTINATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[205,205,205,205,-1894,205,205,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,205,205,205,205,-275,-276,205,-1425,205,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,205,205,205,-490,205,205,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,205,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,205,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,205,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,205,-172,-173,-174,-175,-993,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-290,-291,-281,205,205,205,205,205,-328,-318,-332,-333,-334,205,205,-982,-983,-984,-985,-986,-987,-988,205,205,205,205,205,205,205,205,205,205,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,205,205,205,-353,-356,205,-323,-324,-141,205,-142,205,-143,205,-430,-935,-936,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-1894,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-1894,205,-1894,205,205,205,205,205,205,205,205,205,205,205,205,-1894,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,205,-1894,205,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,205,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,205,205,205,-191,-192,205,-994,205,205,205,205,205,-277,-278,-279,-280,-365,205,-308,205,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,205,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,205,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,205,205,205,205,205,205,-573,205,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,205,205,-723,-724,-725,205,205,205,205,205,205,-994,205,205,-91,-92,205,205,205,205,-309,-310,-320,205,-307,-293,-294,-295,205,205,205,205,-618,-633,-590,205,205,-436,205,-437,205,-444,-445,-446,-378,-379,205,205,205,-506,205,205,-510,205,205,205,205,-515,-516,-517,-518,205,205,-521,-522,205,-524,-525,-526,-527,-528,-529,-530,-531,205,-533,205,205,205,-539,-541,-542,205,-544,-545,-546,-547,205,205,205,205,205,205,-652,-653,-654,-655,205,-657,-658,-659,205,205,205,-665,205,205,-669,-670,205,205,-673,205,-675,-676,205,-679,205,-681,205,205,-684,-685,-686,205,-688,205,205,-691,205,205,-694,-695,-696,205,-698,-699,-700,-701,205,205,-746,205,-749,-750,-751,-752,-753,205,-755,-756,-757,-758,-759,205,-766,-767,-769,205,-771,-772,-773,-782,-856,-858,-860,-862,205,205,205,205,-868,205,-870,205,205,205,205,205,205,205,-906,-907,205,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,205,-921,-924,205,-934,205,-385,-386,-387,205,205,-390,-391,-392,-393,205,-396,205,-399,-400,205,-401,205,-406,-407,205,-410,-411,-412,205,-415,205,-416,205,-421,-422,205,-425,205,-428,-429,-1894,-1894,205,-619,-620,-621,-622,-623,-634,-584,-624,-797,205,205,205,205,205,-831,205,205,-806,205,-832,205,205,205,205,-798,205,-853,-799,205,205,205,205,205,205,-854,-855,205,-834,-830,-835,205,-625,205,-626,-627,-628,-629,-574,205,205,-630,-631,-632,205,205,205,205,205,205,-635,-636,-637,-592,-1894,-602,205,-638,-639,-713,-640,-604,205,-572,-577,-580,-583,205,205,205,-598,-601,205,-608,205,205,205,205,205,205,205,205,205,205,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,205,205,205,-995,205,205,205,205,205,205,-306,-325,-319,-296,-375,-452,-453,-454,-458,205,-443,205,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,205,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,205,205,205,205,205,205,205,205,205,-316,-535,-508,-591,-937,-939,-940,-438,205,-440,-380,-381,-383,-507,-509,-511,205,-513,-514,-519,-520,205,-532,-534,-537,-538,-543,-548,-726,205,-727,205,-732,205,-734,205,-739,-656,-660,-661,205,-666,205,-667,205,-672,-674,205,-677,205,205,205,-687,-689,205,-692,205,205,-744,205,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,205,205,205,205,205,-877,205,-880,-908,-920,-925,-388,-389,205,-394,205,-397,205,-402,205,-403,205,-408,205,-413,205,-417,205,-418,205,-423,205,-426,-899,-900,-643,-585,-1894,-901,205,205,205,-800,205,205,-804,205,-807,-833,205,-818,205,-820,205,-822,-808,205,-824,205,-851,-852,205,205,-811,205,-646,-902,-904,-648,-649,-645,205,-705,-706,205,-642,-903,-647,-650,-603,-714,205,205,-605,-586,205,205,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,205,205,-709,-710,205,-716,205,205,205,205,205,205,-938,205,-439,-441,-747,205,-891,205,-715,-1894,205,205,205,205,205,-442,-512,-523,205,-728,-733,205,-735,205,-740,205,-662,-668,205,-678,-680,-682,-683,-690,-693,-697,-745,205,205,-874,205,205,-878,205,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,205,-812,205,-814,-801,205,-802,-805,205,-816,-819,-821,-823,-825,205,-826,205,-809,205,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,205,-282,205,205,205,205,-455,205,205,-729,205,-736,205,-741,205,-663,-671,205,205,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,205,-836,-53,205,205,-730,205,-737,205,-742,-664,205,-873,-54,205,205,-731,-738,-743,205,205,205,-872,]),'DES_KEY_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[206,206,206,206,-1894,206,206,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,206,206,206,206,-275,-276,206,-1425,206,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,206,206,206,-490,206,206,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,206,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,206,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,206,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,206,-172,-173,-174,-175,-993,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-290,-291,-281,206,206,206,206,206,-328,-318,-332,-333,-334,206,206,-982,-983,-984,-985,-986,-987,-988,206,206,206,206,206,206,206,206,206,206,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,206,206,206,-353,-356,206,-323,-324,-141,206,-142,206,-143,206,-430,-935,-936,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-1894,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-1894,206,-1894,206,206,206,206,206,206,206,206,206,206,206,206,-1894,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,206,-1894,206,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,206,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,206,206,206,-191,-192,206,-994,206,206,206,206,206,-277,-278,-279,-280,-365,206,-308,206,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,206,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,206,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,206,206,206,206,206,206,-573,206,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,206,206,-723,-724,-725,206,206,206,206,206,206,-994,206,206,-91,-92,206,206,206,206,-309,-310,-320,206,-307,-293,-294,-295,206,206,206,206,-618,-633,-590,206,206,-436,206,-437,206,-444,-445,-446,-378,-379,206,206,206,-506,206,206,-510,206,206,206,206,-515,-516,-517,-518,206,206,-521,-522,206,-524,-525,-526,-527,-528,-529,-530,-531,206,-533,206,206,206,-539,-541,-542,206,-544,-545,-546,-547,206,206,206,206,206,206,-652,-653,-654,-655,206,-657,-658,-659,206,206,206,-665,206,206,-669,-670,206,206,-673,206,-675,-676,206,-679,206,-681,206,206,-684,-685,-686,206,-688,206,206,-691,206,206,-694,-695,-696,206,-698,-699,-700,-701,206,206,-746,206,-749,-750,-751,-752,-753,206,-755,-756,-757,-758,-759,206,-766,-767,-769,206,-771,-772,-773,-782,-856,-858,-860,-862,206,206,206,206,-868,206,-870,206,206,206,206,206,206,206,-906,-907,206,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,206,-921,-924,206,-934,206,-385,-386,-387,206,206,-390,-391,-392,-393,206,-396,206,-399,-400,206,-401,206,-406,-407,206,-410,-411,-412,206,-415,206,-416,206,-421,-422,206,-425,206,-428,-429,-1894,-1894,206,-619,-620,-621,-622,-623,-634,-584,-624,-797,206,206,206,206,206,-831,206,206,-806,206,-832,206,206,206,206,-798,206,-853,-799,206,206,206,206,206,206,-854,-855,206,-834,-830,-835,206,-625,206,-626,-627,-628,-629,-574,206,206,-630,-631,-632,206,206,206,206,206,206,-635,-636,-637,-592,-1894,-602,206,-638,-639,-713,-640,-604,206,-572,-577,-580,-583,206,206,206,-598,-601,206,-608,206,206,206,206,206,206,206,206,206,206,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,206,206,206,-995,206,206,206,206,206,206,-306,-325,-319,-296,-375,-452,-453,-454,-458,206,-443,206,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,206,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,206,206,206,206,206,206,206,206,206,-316,-535,-508,-591,-937,-939,-940,-438,206,-440,-380,-381,-383,-507,-509,-511,206,-513,-514,-519,-520,206,-532,-534,-537,-538,-543,-548,-726,206,-727,206,-732,206,-734,206,-739,-656,-660,-661,206,-666,206,-667,206,-672,-674,206,-677,206,206,206,-687,-689,206,-692,206,206,-744,206,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,206,206,206,206,206,-877,206,-880,-908,-920,-925,-388,-389,206,-394,206,-397,206,-402,206,-403,206,-408,206,-413,206,-417,206,-418,206,-423,206,-426,-899,-900,-643,-585,-1894,-901,206,206,206,-800,206,206,-804,206,-807,-833,206,-818,206,-820,206,-822,-808,206,-824,206,-851,-852,206,206,-811,206,-646,-902,-904,-648,-649,-645,206,-705,-706,206,-642,-903,-647,-650,-603,-714,206,206,-605,-586,206,206,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,206,206,-709,-710,206,-716,206,206,206,206,206,206,-938,206,-439,-441,-747,206,-891,206,-715,-1894,206,206,206,206,206,-442,-512,-523,206,-728,-733,206,-735,206,-740,206,-662,-668,206,-678,-680,-682,-683,-690,-693,-697,-745,206,206,-874,206,206,-878,206,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,206,-812,206,-814,-801,206,-802,-805,206,-816,-819,-821,-823,-825,206,-826,206,-809,206,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,206,-282,206,206,206,206,-455,206,206,-729,206,-736,206,-741,206,-663,-671,206,206,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,206,-836,-53,206,206,-730,206,-737,206,-742,-664,206,-873,-54,206,206,-731,-738,-743,206,206,206,-872,]),'DETERMINISTIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[207,207,207,207,-1894,207,207,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,207,207,207,207,-275,-276,207,-1425,207,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,207,207,207,-490,207,207,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,207,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,207,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,207,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,207,-172,-173,-174,-175,-993,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-290,-291,-281,207,207,207,207,207,-328,-318,-332,-333,-334,207,207,-982,-983,-984,-985,-986,-987,-988,207,207,207,207,207,207,207,207,207,207,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,207,207,207,-353,-356,207,-323,-324,-141,207,-142,207,-143,207,-430,-935,-936,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-1894,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-1894,207,-1894,207,207,207,207,207,207,207,207,207,207,207,207,-1894,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,-1894,207,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,207,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,207,207,207,-191,-192,207,-994,207,207,207,207,207,-277,-278,-279,-280,-365,207,-308,207,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,207,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,207,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,207,207,207,207,207,207,-573,207,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,207,207,-723,-724,-725,207,207,207,207,207,207,-994,207,207,-91,-92,207,207,207,207,-309,-310,-320,207,-307,-293,-294,-295,207,207,207,207,-618,-633,-590,207,207,-436,207,-437,207,-444,-445,-446,-378,-379,207,207,207,-506,207,207,-510,207,207,207,207,-515,-516,-517,-518,207,207,-521,-522,207,-524,-525,-526,-527,-528,-529,-530,-531,207,-533,207,207,207,-539,-541,-542,207,-544,-545,-546,-547,207,207,207,207,207,207,-652,-653,-654,-655,207,-657,-658,-659,207,207,207,-665,207,207,-669,-670,207,207,-673,207,-675,-676,207,-679,207,-681,207,207,-684,-685,-686,207,-688,207,207,-691,207,207,-694,-695,-696,207,-698,-699,-700,-701,207,207,-746,207,-749,-750,-751,-752,-753,207,-755,-756,-757,-758,-759,207,-766,-767,-769,207,-771,-772,-773,-782,-856,-858,-860,-862,207,207,207,207,-868,207,-870,207,207,207,207,207,207,207,-906,-907,207,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,207,-921,-924,207,-934,207,-385,-386,-387,207,207,-390,-391,-392,-393,207,-396,207,-399,-400,207,-401,207,-406,-407,207,-410,-411,-412,207,-415,207,-416,207,-421,-422,207,-425,207,-428,-429,-1894,-1894,207,-619,-620,-621,-622,-623,-634,-584,-624,-797,207,207,207,207,207,-831,207,207,-806,207,-832,207,207,207,207,-798,207,-853,-799,207,207,207,207,207,207,-854,-855,207,-834,-830,-835,207,-625,207,-626,-627,-628,-629,-574,207,207,-630,-631,-632,207,207,207,207,207,207,-635,-636,-637,-592,-1894,-602,207,-638,-639,-713,-640,-604,207,-572,-577,-580,-583,207,207,207,-598,-601,207,-608,207,207,207,207,207,207,207,207,207,207,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,207,207,207,-995,207,207,207,207,207,207,-306,-325,-319,-296,-375,-452,-453,-454,-458,207,-443,207,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,207,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,207,207,207,207,207,207,207,207,207,-316,-535,-508,-591,-937,-939,-940,-438,207,-440,-380,-381,-383,-507,-509,-511,207,-513,-514,-519,-520,207,-532,-534,-537,-538,-543,-548,-726,207,-727,207,-732,207,-734,207,-739,-656,-660,-661,207,-666,207,-667,207,-672,-674,207,-677,207,207,207,-687,-689,207,-692,207,207,-744,207,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,207,207,207,207,207,-877,207,-880,-908,-920,-925,-388,-389,207,-394,207,-397,207,-402,207,-403,207,-408,207,-413,207,-417,207,-418,207,-423,207,-426,-899,-900,-643,-585,-1894,-901,207,207,207,-800,207,207,-804,207,-807,-833,207,-818,207,-820,207,-822,-808,207,-824,207,-851,-852,207,207,-811,207,-646,-902,-904,-648,-649,-645,207,-705,-706,207,-642,-903,-647,-650,-603,-714,207,207,-605,-586,207,207,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,207,207,-709,-710,207,-716,207,207,207,207,207,207,-938,207,-439,-441,-747,207,-891,207,-715,-1894,207,207,207,207,207,-442,-512,-523,207,-728,-733,207,-735,207,-740,207,-662,-668,207,-678,-680,-682,-683,-690,-693,-697,-745,207,207,-874,207,207,-878,207,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,207,-812,207,-814,-801,207,-802,-805,207,-816,-819,-821,-823,-825,207,-826,207,-809,207,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,207,-282,207,207,207,207,-455,207,207,-729,207,-736,207,-741,207,-663,-671,207,207,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,207,-836,-53,207,207,-730,207,-737,207,-742,-664,207,-873,-54,207,207,-731,-738,-743,207,207,207,-872,]),'DIAGNOSTICS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[208,208,208,208,-1894,208,208,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,208,208,208,208,-275,-276,208,-1425,208,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,208,208,208,-490,208,208,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,208,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,208,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,208,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,208,-172,-173,-174,-175,-993,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-290,-291,-281,208,208,208,208,208,-328,-318,-332,-333,-334,208,208,-982,-983,-984,-985,-986,-987,-988,208,208,208,208,208,208,208,208,208,208,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,208,208,208,-353,-356,208,-323,-324,-141,208,-142,208,-143,208,-430,-935,-936,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-1894,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-1894,208,-1894,208,208,208,208,208,208,208,208,208,208,208,208,-1894,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,208,-1894,208,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,208,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,208,208,208,-191,-192,208,-994,208,208,208,208,208,-277,-278,-279,-280,-365,208,-308,208,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,208,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,208,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,208,208,208,208,208,208,-573,208,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,208,208,-723,-724,-725,208,208,208,208,208,208,-994,208,208,-91,-92,208,208,208,208,-309,-310,-320,208,-307,-293,-294,-295,208,208,208,208,-618,-633,-590,208,208,-436,208,-437,208,-444,-445,-446,-378,-379,208,208,208,-506,208,208,-510,208,208,208,208,-515,-516,-517,-518,208,208,-521,-522,208,-524,-525,-526,-527,-528,-529,-530,-531,208,-533,208,208,208,-539,-541,-542,208,-544,-545,-546,-547,208,208,208,208,208,208,-652,-653,-654,-655,208,-657,-658,-659,208,208,208,-665,208,208,-669,-670,208,208,-673,208,-675,-676,208,-679,208,-681,208,208,-684,-685,-686,208,-688,208,208,-691,208,208,-694,-695,-696,208,-698,-699,-700,-701,208,208,-746,208,-749,-750,-751,-752,-753,208,-755,-756,-757,-758,-759,208,-766,-767,-769,208,-771,-772,-773,-782,-856,-858,-860,-862,208,208,208,208,-868,208,-870,208,208,208,208,208,208,208,-906,-907,208,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,208,-921,-924,208,-934,208,-385,-386,-387,208,208,-390,-391,-392,-393,208,-396,208,-399,-400,208,-401,208,-406,-407,208,-410,-411,-412,208,-415,208,-416,208,-421,-422,208,-425,208,-428,-429,-1894,-1894,208,-619,-620,-621,-622,-623,-634,-584,-624,-797,208,208,208,208,208,-831,208,208,-806,208,-832,208,208,208,208,-798,208,-853,-799,208,208,208,208,208,208,-854,-855,208,-834,-830,-835,208,-625,208,-626,-627,-628,-629,-574,208,208,-630,-631,-632,208,208,208,208,208,208,-635,-636,-637,-592,-1894,-602,208,-638,-639,-713,-640,-604,208,-572,-577,-580,-583,208,208,208,-598,-601,208,-608,208,208,208,208,208,208,208,208,208,208,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,208,208,208,-995,208,208,208,208,208,208,-306,-325,-319,-296,-375,-452,-453,-454,-458,208,-443,208,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,208,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,208,208,208,208,208,208,208,208,208,-316,-535,-508,-591,-937,-939,-940,-438,208,-440,-380,-381,-383,-507,-509,-511,208,-513,-514,-519,-520,208,-532,-534,-537,-538,-543,-548,-726,208,-727,208,-732,208,-734,208,-739,-656,-660,-661,208,-666,208,-667,208,-672,-674,208,-677,208,208,208,-687,-689,208,-692,208,208,-744,208,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,208,208,208,208,208,-877,208,-880,-908,-920,-925,-388,-389,208,-394,208,-397,208,-402,208,-403,208,-408,208,-413,208,-417,208,-418,208,-423,208,-426,-899,-900,-643,-585,-1894,-901,208,208,208,-800,208,208,-804,208,-807,-833,208,-818,208,-820,208,-822,-808,208,-824,208,-851,-852,208,208,-811,208,-646,-902,-904,-648,-649,-645,208,-705,-706,208,-642,-903,-647,-650,-603,-714,208,208,-605,-586,208,208,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,208,208,-709,-710,208,-716,208,208,208,208,208,208,-938,208,-439,-441,-747,208,-891,208,-715,-1894,208,208,208,208,208,-442,-512,-523,208,-728,-733,208,-735,208,-740,208,-662,-668,208,-678,-680,-682,-683,-690,-693,-697,-745,208,208,-874,208,208,-878,208,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,208,-812,208,-814,-801,208,-802,-805,208,-816,-819,-821,-823,-825,208,-826,208,-809,208,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,208,-282,208,208,208,208,-455,208,208,-729,208,-736,208,-741,208,-663,-671,208,208,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,208,-836,-53,208,208,-730,208,-737,208,-742,-664,208,-873,-54,208,208,-731,-738,-743,208,208,208,-872,]),'DIRECTORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[209,209,209,209,-1894,209,209,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,209,209,209,209,-275,-276,209,-1425,209,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,209,209,209,-490,209,209,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,209,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,209,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,209,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,209,-172,-173,-174,-175,-993,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-290,-291,-281,209,209,209,209,209,-328,-318,-332,-333,-334,209,209,-982,-983,-984,-985,-986,-987,-988,209,209,209,209,209,209,209,209,209,209,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,209,209,209,-353,-356,209,-323,-324,-141,209,-142,209,-143,209,-430,-935,-936,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-1894,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-1894,209,-1894,209,209,209,209,209,209,209,209,209,209,209,209,-1894,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,-1894,209,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,209,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,209,209,209,-191,-192,209,-994,209,209,209,209,209,-277,-278,-279,-280,-365,209,-308,209,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,209,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,209,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,209,209,209,209,209,209,-573,209,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,209,209,-723,-724,-725,209,209,209,209,209,209,-994,209,209,-91,-92,209,209,209,209,-309,-310,-320,209,-307,-293,-294,-295,209,209,209,209,-618,-633,-590,209,209,-436,209,-437,209,-444,-445,-446,-378,-379,209,209,209,-506,209,209,-510,209,209,209,209,-515,-516,-517,-518,209,209,-521,-522,209,-524,-525,-526,-527,-528,-529,-530,-531,209,-533,209,209,209,-539,-541,-542,209,-544,-545,-546,-547,209,209,209,209,209,209,-652,-653,-654,-655,209,-657,-658,-659,209,209,209,-665,209,209,-669,-670,209,209,-673,209,-675,-676,209,-679,209,-681,209,209,-684,-685,-686,209,-688,209,209,-691,209,209,-694,-695,-696,209,-698,-699,-700,-701,209,209,-746,209,-749,-750,-751,-752,-753,209,-755,-756,-757,-758,-759,209,-766,-767,-769,209,-771,-772,-773,-782,-856,-858,-860,-862,209,209,209,209,-868,209,-870,209,209,209,209,209,209,209,-906,-907,209,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,209,-921,-924,209,-934,209,-385,-386,-387,209,209,-390,-391,-392,-393,209,-396,209,-399,-400,209,-401,209,-406,-407,209,-410,-411,-412,209,-415,209,-416,209,-421,-422,209,-425,209,-428,-429,-1894,-1894,209,-619,-620,-621,-622,-623,-634,-584,-624,-797,209,209,209,209,209,-831,209,209,-806,209,-832,209,209,209,209,-798,209,-853,-799,209,209,209,209,209,209,-854,-855,209,-834,-830,-835,209,-625,209,-626,-627,-628,-629,-574,209,209,-630,-631,-632,209,209,209,209,209,209,-635,-636,-637,-592,-1894,-602,209,-638,-639,-713,-640,-604,209,-572,-577,-580,-583,209,209,209,-598,-601,209,-608,209,209,209,209,209,209,209,209,209,209,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,209,209,209,-995,209,209,209,209,209,209,-306,-325,-319,-296,-375,-452,-453,-454,-458,209,-443,209,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,209,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,209,209,209,209,209,209,209,209,209,-316,-535,-508,-591,-937,-939,-940,-438,209,-440,-380,-381,-383,-507,-509,-511,209,-513,-514,-519,-520,209,-532,-534,-537,-538,-543,-548,-726,209,-727,209,-732,209,-734,209,-739,-656,-660,-661,209,-666,209,-667,209,-672,-674,209,-677,209,209,209,-687,-689,209,-692,209,209,-744,209,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,209,209,209,209,209,-877,209,-880,-908,-920,-925,-388,-389,209,-394,209,-397,209,-402,209,-403,209,-408,209,-413,209,-417,209,-418,209,-423,209,-426,-899,-900,-643,-585,-1894,-901,209,209,209,-800,209,209,-804,209,-807,-833,209,-818,209,-820,209,-822,-808,209,-824,209,-851,-852,209,209,-811,209,-646,-902,-904,-648,-649,-645,209,-705,-706,209,-642,-903,-647,-650,-603,-714,209,209,-605,-586,209,209,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,209,209,-709,-710,209,-716,209,209,209,209,209,209,-938,209,-439,-441,-747,209,-891,209,-715,-1894,209,209,209,209,209,-442,-512,-523,209,-728,-733,209,-735,209,-740,209,-662,-668,209,-678,-680,-682,-683,-690,-693,-697,-745,209,209,-874,209,209,-878,209,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,209,-812,209,-814,-801,209,-802,-805,209,-816,-819,-821,-823,-825,209,-826,209,-809,209,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,209,-282,209,209,209,209,-455,209,209,-729,209,-736,209,-741,209,-663,-671,209,209,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,209,-836,-53,209,209,-730,209,-737,209,-742,-664,209,-873,-54,209,209,-731,-738,-743,209,209,209,-872,]),'DISABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[210,210,210,210,-1894,210,210,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,210,210,210,210,-275,-276,210,-1425,210,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,210,210,210,-490,210,210,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,210,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,210,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,210,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,210,-172,-173,-174,-175,-993,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-290,-291,-281,210,210,210,210,210,-328,-318,-332,-333,-334,210,210,-982,-983,-984,-985,-986,-987,-988,210,210,210,210,210,210,210,210,210,210,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,210,210,210,-353,-356,210,-323,-324,-141,210,-142,210,-143,210,-430,-935,-936,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-1894,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-1894,210,-1894,210,210,210,210,210,210,210,210,210,210,210,210,-1894,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,210,-1894,210,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,210,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,210,210,210,-191,-192,210,-994,210,210,210,210,210,-277,-278,-279,-280,-365,210,-308,210,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,210,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,210,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,210,210,210,210,210,210,-573,210,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,210,210,-723,-724,-725,210,210,210,210,210,210,-994,210,210,-91,-92,210,210,210,210,-309,-310,-320,210,-307,-293,-294,-295,210,210,210,210,-618,-633,-590,210,210,-436,210,-437,210,-444,-445,-446,-378,-379,210,210,210,-506,210,210,-510,210,210,210,210,-515,-516,-517,-518,210,210,-521,-522,210,-524,-525,-526,-527,-528,-529,-530,-531,210,-533,210,210,210,-539,-541,-542,210,-544,-545,-546,-547,210,210,210,210,210,210,-652,-653,-654,-655,210,-657,-658,-659,210,210,210,-665,210,210,-669,-670,210,210,-673,210,-675,-676,210,-679,210,-681,210,210,-684,-685,-686,210,-688,210,210,-691,210,210,-694,-695,-696,210,-698,-699,-700,-701,210,210,-746,210,-749,-750,-751,-752,-753,210,-755,-756,-757,-758,-759,210,-766,-767,-769,210,-771,-772,-773,-782,-856,-858,-860,-862,210,210,210,210,-868,210,-870,210,210,210,210,210,210,210,-906,-907,210,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,210,-921,-924,210,-934,210,-385,-386,-387,210,210,-390,-391,-392,-393,210,-396,210,-399,-400,210,-401,210,-406,-407,210,-410,-411,-412,210,-415,210,-416,210,-421,-422,210,-425,210,-428,-429,-1894,-1894,210,-619,-620,-621,-622,-623,-634,-584,-624,-797,210,210,210,210,210,-831,210,210,-806,210,-832,210,210,210,210,-798,210,-853,-799,210,210,210,210,210,210,-854,-855,210,-834,-830,-835,210,-625,210,-626,-627,-628,-629,-574,210,210,-630,-631,-632,210,210,210,210,210,210,-635,-636,-637,-592,-1894,-602,210,-638,-639,-713,-640,-604,210,-572,-577,-580,-583,210,210,210,-598,-601,210,-608,210,210,210,210,210,210,210,210,210,210,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,210,210,210,-995,210,210,210,210,210,210,-306,-325,-319,-296,-375,-452,-453,-454,-458,210,-443,210,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,210,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,210,210,210,210,210,210,210,210,210,-316,-535,-508,-591,-937,-939,-940,-438,210,-440,-380,-381,-383,-507,-509,-511,210,-513,-514,-519,-520,210,-532,-534,-537,-538,-543,-548,-726,210,-727,210,-732,210,-734,210,-739,-656,-660,-661,210,-666,210,-667,210,-672,-674,210,-677,210,210,210,-687,-689,210,-692,210,210,-744,210,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,210,210,210,210,210,-877,210,-880,-908,-920,-925,-388,-389,210,-394,210,-397,210,-402,210,-403,210,-408,210,-413,210,-417,210,-418,210,-423,210,-426,-899,-900,-643,-585,-1894,-901,210,210,210,-800,210,210,-804,210,-807,-833,210,-818,210,-820,210,-822,-808,210,-824,210,-851,-852,210,210,-811,210,-646,-902,-904,-648,-649,-645,210,-705,-706,210,-642,-903,-647,-650,-603,-714,210,210,-605,-586,210,210,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,210,210,-709,-710,210,-716,210,210,210,210,210,210,-938,210,-439,-441,-747,210,-891,210,-715,-1894,210,210,210,210,210,-442,-512,-523,210,-728,-733,210,-735,210,-740,210,-662,-668,210,-678,-680,-682,-683,-690,-693,-697,-745,210,210,-874,210,210,-878,210,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,210,-812,210,-814,-801,210,-802,-805,210,-816,-819,-821,-823,-825,210,-826,210,-809,210,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,210,-282,210,210,210,210,-455,210,210,-729,210,-736,210,-741,210,-663,-671,210,210,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,210,-836,-53,210,210,-730,210,-737,210,-742,-664,210,-873,-54,210,210,-731,-738,-743,210,210,210,-872,]),'DISCARD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[211,211,211,211,-1894,211,211,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,211,211,211,211,-275,-276,211,-1425,211,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,211,211,211,-490,211,211,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,211,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,211,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,211,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,211,-172,-173,-174,-175,-993,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-290,-291,-281,211,211,211,211,211,-328,-318,-332,-333,-334,211,211,-982,-983,-984,-985,-986,-987,-988,211,211,211,211,211,211,211,211,211,211,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,211,211,211,-353,-356,211,-323,-324,-141,211,-142,211,-143,211,-430,-935,-936,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-1894,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-1894,211,-1894,211,211,211,211,211,211,211,211,211,211,211,211,-1894,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,211,-1894,211,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,211,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,211,211,211,-191,-192,211,-994,211,211,211,211,211,-277,-278,-279,-280,-365,211,-308,211,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,211,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,211,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,211,211,211,211,211,211,-573,211,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,211,211,-723,-724,-725,211,211,211,211,211,211,-994,211,211,-91,-92,211,211,211,211,-309,-310,-320,211,-307,-293,-294,-295,211,211,211,211,-618,-633,-590,211,211,-436,211,-437,211,-444,-445,-446,-378,-379,211,211,211,-506,211,211,-510,211,211,211,211,-515,-516,-517,-518,211,211,-521,-522,211,-524,-525,-526,-527,-528,-529,-530,-531,211,-533,211,211,211,-539,-541,-542,211,-544,-545,-546,-547,211,211,211,211,211,211,-652,-653,-654,-655,211,-657,-658,-659,211,211,211,-665,211,211,-669,-670,211,211,-673,211,-675,-676,211,-679,211,-681,211,211,-684,-685,-686,211,-688,211,211,-691,211,211,-694,-695,-696,211,-698,-699,-700,-701,211,211,-746,211,-749,-750,-751,-752,-753,211,-755,-756,-757,-758,-759,211,-766,-767,-769,211,-771,-772,-773,-782,-856,-858,-860,-862,211,211,211,211,-868,211,-870,211,211,211,211,211,211,211,-906,-907,211,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,211,-921,-924,211,-934,211,-385,-386,-387,211,211,-390,-391,-392,-393,211,-396,211,-399,-400,211,-401,211,-406,-407,211,-410,-411,-412,211,-415,211,-416,211,-421,-422,211,-425,211,-428,-429,-1894,-1894,211,-619,-620,-621,-622,-623,-634,-584,-624,-797,211,211,211,211,211,-831,211,211,-806,211,-832,211,211,211,211,-798,211,-853,-799,211,211,211,211,211,211,-854,-855,211,-834,-830,-835,211,-625,211,-626,-627,-628,-629,-574,211,211,-630,-631,-632,211,211,211,211,211,211,-635,-636,-637,-592,-1894,-602,211,-638,-639,-713,-640,-604,211,-572,-577,-580,-583,211,211,211,-598,-601,211,-608,211,211,211,211,211,211,211,211,211,211,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,211,211,211,-995,211,211,211,211,211,211,-306,-325,-319,-296,-375,-452,-453,-454,-458,211,-443,211,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,211,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,211,211,211,211,211,211,211,211,211,-316,-535,-508,-591,-937,-939,-940,-438,211,-440,-380,-381,-383,-507,-509,-511,211,-513,-514,-519,-520,211,-532,-534,-537,-538,-543,-548,-726,211,-727,211,-732,211,-734,211,-739,-656,-660,-661,211,-666,211,-667,211,-672,-674,211,-677,211,211,211,-687,-689,211,-692,211,211,-744,211,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,211,211,211,211,211,-877,211,-880,-908,-920,-925,-388,-389,211,-394,211,-397,211,-402,211,-403,211,-408,211,-413,211,-417,211,-418,211,-423,211,-426,-899,-900,-643,-585,-1894,-901,211,211,211,-800,211,211,-804,211,-807,-833,211,-818,211,-820,211,-822,-808,211,-824,211,-851,-852,211,211,-811,211,-646,-902,-904,-648,-649,-645,211,-705,-706,211,-642,-903,-647,-650,-603,-714,211,211,-605,-586,211,211,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,211,211,-709,-710,211,-716,211,211,211,211,211,211,-938,211,-439,-441,-747,211,-891,211,-715,-1894,211,211,211,211,211,-442,-512,-523,211,-728,-733,211,-735,211,-740,211,-662,-668,211,-678,-680,-682,-683,-690,-693,-697,-745,211,211,-874,211,211,-878,211,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,211,-812,211,-814,-801,211,-802,-805,211,-816,-819,-821,-823,-825,211,-826,211,-809,211,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,211,-282,211,211,211,211,-455,211,211,-729,211,-736,211,-741,211,-663,-671,211,211,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,211,-836,-53,211,211,-730,211,-737,211,-742,-664,211,-873,-54,211,211,-731,-738,-743,211,211,211,-872,]),'DISK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[212,212,212,212,-1894,212,212,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,212,212,212,212,-275,-276,212,-1425,212,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,212,212,212,-490,212,212,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,212,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,212,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,212,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,212,-172,-173,-174,-175,-993,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-290,-291,-281,212,212,212,212,212,-328,-318,-332,-333,-334,212,212,-982,-983,-984,-985,-986,-987,-988,212,212,212,212,212,212,212,212,212,212,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,212,212,212,-353,-356,212,-323,-324,-141,212,-142,212,-143,212,-430,-935,-936,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-1894,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-1894,212,-1894,212,212,212,212,212,212,212,212,212,212,212,212,-1894,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,-1894,212,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,212,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,212,212,212,-191,-192,212,-994,212,212,212,212,212,-277,-278,-279,-280,-365,212,-308,212,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,212,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,212,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,212,212,212,212,212,212,-573,212,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,212,212,-723,-724,-725,212,212,212,212,212,212,-994,212,212,-91,-92,212,212,212,212,-309,-310,-320,212,-307,-293,-294,-295,212,212,212,212,-618,-633,-590,212,212,-436,212,-437,212,-444,-445,-446,-378,-379,212,212,212,-506,212,212,-510,212,212,212,212,-515,-516,-517,-518,212,212,-521,-522,212,-524,-525,-526,-527,-528,-529,-530,-531,212,-533,212,212,212,-539,-541,-542,212,-544,-545,-546,-547,212,212,212,212,212,212,-652,-653,-654,-655,212,-657,-658,-659,212,212,212,-665,212,212,-669,-670,212,212,-673,212,-675,-676,212,-679,212,-681,212,212,-684,-685,-686,212,-688,212,212,-691,212,212,-694,-695,-696,212,-698,-699,-700,-701,212,212,-746,212,-749,-750,-751,-752,-753,212,-755,-756,-757,-758,-759,212,-766,-767,-769,212,-771,-772,-773,-782,-856,-858,-860,-862,212,212,212,212,-868,212,-870,212,212,212,212,212,212,212,-906,-907,212,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,212,-921,-924,212,-934,212,-385,-386,-387,212,212,-390,-391,-392,-393,212,-396,212,-399,-400,212,-401,212,-406,-407,212,-410,-411,-412,212,-415,212,-416,212,-421,-422,212,-425,212,-428,-429,-1894,-1894,212,-619,-620,-621,-622,-623,-634,-584,-624,-797,212,212,212,212,212,-831,212,212,-806,212,-832,212,212,212,212,-798,212,-853,-799,212,212,212,212,212,212,-854,-855,212,-834,-830,-835,212,-625,212,-626,-627,-628,-629,-574,212,212,-630,-631,-632,212,212,212,212,212,212,-635,-636,-637,-592,-1894,-602,212,-638,-639,-713,-640,-604,212,-572,-577,-580,-583,212,212,212,-598,-601,212,-608,212,212,212,212,212,212,212,212,212,212,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,212,212,212,-995,212,212,212,212,212,212,-306,-325,-319,-296,-375,-452,-453,-454,-458,212,-443,212,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,212,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,212,212,212,212,212,212,212,212,212,-316,-535,-508,-591,-937,-939,-940,-438,212,-440,-380,-381,-383,-507,-509,-511,212,-513,-514,-519,-520,212,-532,-534,-537,-538,-543,-548,-726,212,-727,212,-732,212,-734,212,-739,-656,-660,-661,212,-666,212,-667,212,-672,-674,212,-677,212,212,212,-687,-689,212,-692,212,212,-744,212,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,212,212,212,212,212,-877,212,-880,-908,-920,-925,-388,-389,212,-394,212,-397,212,-402,212,-403,212,-408,212,-413,212,-417,212,-418,212,-423,212,-426,-899,-900,-643,-585,-1894,-901,212,212,212,-800,212,212,-804,212,-807,-833,212,-818,212,-820,212,-822,-808,212,-824,212,-851,-852,212,212,-811,212,-646,-902,-904,-648,-649,-645,212,-705,-706,212,-642,-903,-647,-650,-603,-714,212,212,-605,-586,212,212,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,212,212,-709,-710,212,-716,212,212,212,212,212,212,-938,212,-439,-441,-747,212,-891,212,-715,-1894,212,212,212,212,212,-442,-512,-523,212,-728,-733,212,-735,212,-740,212,-662,-668,212,-678,-680,-682,-683,-690,-693,-697,-745,212,212,-874,212,212,-878,212,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,212,-812,212,-814,-801,212,-802,-805,212,-816,-819,-821,-823,-825,212,-826,212,-809,212,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,212,-282,212,212,212,212,-455,212,212,-729,212,-736,212,-741,212,-663,-671,212,212,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,212,-836,-53,212,212,-730,212,-737,212,-742,-664,212,-873,-54,212,212,-731,-738,-743,212,212,212,-872,]),'DISKGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[213,213,213,213,-1894,213,213,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,213,213,213,213,-275,-276,213,-1425,213,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,213,213,213,-490,213,213,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,213,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,213,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,213,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,213,-172,-173,-174,-175,-993,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-290,-291,-281,213,213,213,213,213,-328,-318,-332,-333,-334,213,213,-982,-983,-984,-985,-986,-987,-988,213,213,213,213,213,213,213,213,213,213,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,213,213,213,-353,-356,213,-323,-324,-141,213,-142,213,-143,213,-430,-935,-936,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-1894,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-1894,213,-1894,213,213,213,213,213,213,213,213,213,213,213,213,-1894,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,213,-1894,213,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,213,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,213,213,213,-191,-192,213,-994,213,213,213,213,213,-277,-278,-279,-280,-365,213,-308,213,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,213,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,213,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,213,213,213,213,213,213,-573,213,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,213,213,-723,-724,-725,213,213,213,213,213,213,-994,213,213,-91,-92,213,213,213,213,-309,-310,-320,213,-307,-293,-294,-295,213,213,213,213,-618,-633,-590,213,213,-436,213,-437,213,-444,-445,-446,-378,-379,213,213,213,-506,213,213,-510,213,213,213,213,-515,-516,-517,-518,213,213,-521,-522,213,-524,-525,-526,-527,-528,-529,-530,-531,213,-533,213,213,213,-539,-541,-542,213,-544,-545,-546,-547,213,213,213,213,213,213,-652,-653,-654,-655,213,-657,-658,-659,213,213,213,-665,213,213,-669,-670,213,213,-673,213,-675,-676,213,-679,213,-681,213,213,-684,-685,-686,213,-688,213,213,-691,213,213,-694,-695,-696,213,-698,-699,-700,-701,213,213,-746,213,-749,-750,-751,-752,-753,213,-755,-756,-757,-758,-759,213,-766,-767,-769,213,-771,-772,-773,-782,-856,-858,-860,-862,213,213,213,213,-868,213,-870,213,213,213,213,213,213,213,-906,-907,213,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,213,-921,-924,213,-934,213,-385,-386,-387,213,213,-390,-391,-392,-393,213,-396,213,-399,-400,213,-401,213,-406,-407,213,-410,-411,-412,213,-415,213,-416,213,-421,-422,213,-425,213,-428,-429,-1894,-1894,213,-619,-620,-621,-622,-623,-634,-584,-624,-797,213,213,213,213,213,-831,213,213,-806,213,-832,213,213,213,213,-798,213,-853,-799,213,213,213,213,213,213,-854,-855,213,-834,-830,-835,213,-625,213,-626,-627,-628,-629,-574,213,213,-630,-631,-632,213,213,213,213,213,213,-635,-636,-637,-592,-1894,-602,213,-638,-639,-713,-640,-604,213,-572,-577,-580,-583,213,213,213,-598,-601,213,-608,213,213,213,213,213,213,213,213,213,213,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,213,213,213,-995,213,213,213,213,213,213,-306,-325,-319,-296,-375,-452,-453,-454,-458,213,-443,213,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,213,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,213,213,213,213,213,213,213,213,213,-316,-535,-508,-591,-937,-939,-940,-438,213,-440,-380,-381,-383,-507,-509,-511,213,-513,-514,-519,-520,213,-532,-534,-537,-538,-543,-548,-726,213,-727,213,-732,213,-734,213,-739,-656,-660,-661,213,-666,213,-667,213,-672,-674,213,-677,213,213,213,-687,-689,213,-692,213,213,-744,213,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,213,213,213,213,213,-877,213,-880,-908,-920,-925,-388,-389,213,-394,213,-397,213,-402,213,-403,213,-408,213,-413,213,-417,213,-418,213,-423,213,-426,-899,-900,-643,-585,-1894,-901,213,213,213,-800,213,213,-804,213,-807,-833,213,-818,213,-820,213,-822,-808,213,-824,213,-851,-852,213,213,-811,213,-646,-902,-904,-648,-649,-645,213,-705,-706,213,-642,-903,-647,-650,-603,-714,213,213,-605,-586,213,213,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,213,213,-709,-710,213,-716,213,213,213,213,213,213,-938,213,-439,-441,-747,213,-891,213,-715,-1894,213,213,213,213,213,-442,-512,-523,213,-728,-733,213,-735,213,-740,213,-662,-668,213,-678,-680,-682,-683,-690,-693,-697,-745,213,213,-874,213,213,-878,213,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,213,-812,213,-814,-801,213,-802,-805,213,-816,-819,-821,-823,-825,213,-826,213,-809,213,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,213,-282,213,213,213,213,-455,213,213,-729,213,-736,213,-741,213,-663,-671,213,213,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,213,-836,-53,213,213,-730,213,-737,213,-742,-664,213,-873,-54,213,213,-731,-738,-743,213,213,213,-872,]),'DO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[214,214,214,214,-1894,214,214,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,214,214,214,214,-275,-276,214,-1425,214,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,214,214,214,-490,214,214,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,214,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,214,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,214,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,214,-172,-173,-174,-175,-993,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-290,-291,-281,214,214,214,214,214,-328,-318,-332,-333,-334,214,214,-982,-983,-984,-985,-986,-987,-988,214,214,214,214,214,214,214,214,214,214,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,214,214,214,-353,-356,214,-323,-324,-141,214,-142,214,-143,214,-430,-935,-936,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-1894,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-1894,214,-1894,214,214,214,214,214,214,214,214,214,214,214,214,-1894,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,214,-1894,214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,214,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,214,214,214,-191,-192,214,-994,214,214,214,214,214,-277,-278,-279,-280,-365,214,-308,214,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,214,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,214,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,214,214,214,214,214,214,-573,214,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,214,214,-723,-724,-725,214,214,214,214,214,214,-994,214,214,-91,-92,214,214,214,214,-309,-310,-320,214,-307,-293,-294,-295,214,214,214,214,-618,-633,-590,214,214,-436,214,-437,214,-444,-445,-446,-378,-379,214,214,214,-506,214,214,-510,214,214,214,214,-515,-516,-517,-518,214,214,-521,-522,214,-524,-525,-526,-527,-528,-529,-530,-531,214,-533,214,214,214,-539,-541,-542,214,-544,-545,-546,-547,214,214,214,214,214,214,-652,-653,-654,-655,214,-657,-658,-659,214,214,214,-665,214,214,-669,-670,214,214,-673,214,-675,-676,214,-679,214,-681,214,214,-684,-685,-686,214,-688,214,214,-691,214,214,-694,-695,-696,214,-698,-699,-700,-701,214,214,-746,214,-749,-750,-751,-752,-753,214,-755,-756,-757,-758,-759,214,-766,-767,-769,214,-771,-772,-773,-782,-856,-858,-860,-862,214,214,214,214,-868,214,-870,214,214,214,214,214,214,214,-906,-907,214,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,214,-921,-924,214,-934,214,-385,-386,-387,214,214,-390,-391,-392,-393,214,-396,214,-399,-400,214,-401,214,-406,-407,214,-410,-411,-412,214,-415,214,-416,214,-421,-422,214,-425,214,-428,-429,-1894,-1894,214,-619,-620,-621,-622,-623,-634,-584,-624,-797,214,214,214,214,214,-831,214,214,-806,214,-832,214,214,214,214,-798,214,-853,-799,214,214,214,214,214,214,-854,-855,214,-834,-830,-835,214,-625,214,-626,-627,-628,-629,-574,214,214,-630,-631,-632,214,214,214,214,214,214,-635,-636,-637,-592,-1894,-602,214,-638,-639,-713,-640,-604,214,-572,-577,-580,-583,214,214,214,-598,-601,214,-608,214,214,214,214,214,214,214,214,214,214,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,214,214,214,-995,214,214,214,214,214,214,-306,-325,-319,-296,-375,-452,-453,-454,-458,214,-443,214,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,214,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,214,214,214,214,214,214,214,214,214,-316,-535,-508,-591,-937,-939,-940,-438,214,-440,-380,-381,-383,-507,-509,-511,214,-513,-514,-519,-520,214,-532,-534,-537,-538,-543,-548,-726,214,-727,214,-732,214,-734,214,-739,-656,-660,-661,214,-666,214,-667,214,-672,-674,214,-677,214,214,214,-687,-689,214,-692,214,214,-744,214,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,214,214,214,214,214,-877,214,-880,-908,-920,-925,-388,-389,214,-394,214,-397,214,-402,214,-403,214,-408,214,-413,214,-417,214,-418,214,-423,214,-426,-899,-900,-643,-585,-1894,-901,214,214,214,-800,214,214,-804,214,-807,-833,214,-818,214,-820,214,-822,-808,214,-824,214,-851,-852,214,214,-811,214,-646,-902,-904,-648,-649,-645,214,-705,-706,214,-642,-903,-647,-650,-603,-714,214,214,-605,-586,214,214,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,214,214,-709,-710,214,-716,214,214,214,214,214,214,-938,214,-439,-441,-747,214,-891,214,-715,-1894,214,214,214,214,214,-442,-512,-523,214,-728,-733,214,-735,214,-740,214,-662,-668,214,-678,-680,-682,-683,-690,-693,-697,-745,214,214,-874,214,214,-878,214,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,214,-812,214,-814,-801,214,-802,-805,214,-816,-819,-821,-823,-825,214,-826,214,-809,214,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,214,-282,214,214,214,214,-455,214,214,-729,214,-736,214,-741,214,-663,-671,214,214,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,214,-836,-53,214,214,-730,214,-737,214,-742,-664,214,-873,-54,214,214,-731,-738,-743,214,214,214,-872,]),'DUMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[215,215,215,215,-1894,215,215,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,215,215,215,215,-275,-276,215,-1425,215,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,215,215,215,-490,215,215,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,215,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,215,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,215,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,215,-172,-173,-174,-175,-993,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-290,-291,-281,215,215,215,215,215,-328,-318,-332,-333,-334,215,215,-982,-983,-984,-985,-986,-987,-988,215,215,215,215,215,215,215,215,215,215,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,215,215,215,-353,-356,215,-323,-324,-141,215,-142,215,-143,215,-430,-935,-936,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-1894,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-1894,215,-1894,215,215,215,215,215,215,215,215,215,215,215,215,-1894,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,215,-1894,215,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,215,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,215,215,215,-191,-192,215,-994,215,215,215,215,215,-277,-278,-279,-280,-365,215,-308,215,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,215,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,215,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,215,215,215,215,215,215,-573,215,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,215,215,-723,-724,-725,215,215,215,215,215,215,-994,215,215,-91,-92,215,215,215,215,-309,-310,-320,215,-307,-293,-294,-295,215,215,215,215,-618,-633,-590,215,215,-436,215,-437,215,-444,-445,-446,-378,-379,215,215,215,-506,215,215,-510,215,215,215,215,-515,-516,-517,-518,215,215,-521,-522,215,-524,-525,-526,-527,-528,-529,-530,-531,215,-533,215,215,215,-539,-541,-542,215,-544,-545,-546,-547,215,215,215,215,215,215,-652,-653,-654,-655,215,-657,-658,-659,215,215,215,-665,215,215,-669,-670,215,215,-673,215,-675,-676,215,-679,215,-681,215,215,-684,-685,-686,215,-688,215,215,-691,215,215,-694,-695,-696,215,-698,-699,-700,-701,215,215,-746,215,-749,-750,-751,-752,-753,215,-755,-756,-757,-758,-759,215,-766,-767,-769,215,-771,-772,-773,-782,-856,-858,-860,-862,215,215,215,215,-868,215,-870,215,215,215,215,215,215,215,-906,-907,215,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,215,-921,-924,215,-934,215,-385,-386,-387,215,215,-390,-391,-392,-393,215,-396,215,-399,-400,215,-401,215,-406,-407,215,-410,-411,-412,215,-415,215,-416,215,-421,-422,215,-425,215,-428,-429,-1894,-1894,215,-619,-620,-621,-622,-623,-634,-584,-624,-797,215,215,215,215,215,-831,215,215,-806,215,-832,215,215,215,215,-798,215,-853,-799,215,215,215,215,215,215,-854,-855,215,-834,-830,-835,215,-625,215,-626,-627,-628,-629,-574,215,215,-630,-631,-632,215,215,215,215,215,215,-635,-636,-637,-592,-1894,-602,215,-638,-639,-713,-640,-604,215,-572,-577,-580,-583,215,215,215,-598,-601,215,-608,215,215,215,215,215,215,215,215,215,215,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,215,215,215,-995,215,215,215,215,215,215,-306,-325,-319,-296,-375,-452,-453,-454,-458,215,-443,215,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,215,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,215,215,215,215,215,215,215,215,215,-316,-535,-508,-591,-937,-939,-940,-438,215,-440,-380,-381,-383,-507,-509,-511,215,-513,-514,-519,-520,215,-532,-534,-537,-538,-543,-548,-726,215,-727,215,-732,215,-734,215,-739,-656,-660,-661,215,-666,215,-667,215,-672,-674,215,-677,215,215,215,-687,-689,215,-692,215,215,-744,215,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,215,215,215,215,215,-877,215,-880,-908,-920,-925,-388,-389,215,-394,215,-397,215,-402,215,-403,215,-408,215,-413,215,-417,215,-418,215,-423,215,-426,-899,-900,-643,-585,-1894,-901,215,215,215,-800,215,215,-804,215,-807,-833,215,-818,215,-820,215,-822,-808,215,-824,215,-851,-852,215,215,-811,215,-646,-902,-904,-648,-649,-645,215,-705,-706,215,-642,-903,-647,-650,-603,-714,215,215,-605,-586,215,215,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,215,215,-709,-710,215,-716,215,215,215,215,215,215,-938,215,-439,-441,-747,215,-891,215,-715,-1894,215,215,215,215,215,-442,-512,-523,215,-728,-733,215,-735,215,-740,215,-662,-668,215,-678,-680,-682,-683,-690,-693,-697,-745,215,215,-874,215,215,-878,215,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,215,-812,215,-814,-801,215,-802,-805,215,-816,-819,-821,-823,-825,215,-826,215,-809,215,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,215,-282,215,215,215,215,-455,215,215,-729,215,-736,215,-741,215,-663,-671,215,215,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,215,-836,-53,215,215,-730,215,-737,215,-742,-664,215,-873,-54,215,215,-731,-738,-743,215,215,215,-872,]),'DUMPFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[216,216,216,216,-1894,216,216,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,216,216,216,216,-275,-276,216,-1425,216,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,216,216,216,-490,216,216,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,216,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,216,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,216,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,216,-172,-173,-174,-175,-993,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-290,-291,-281,216,216,216,216,216,-328,-318,-332,-333,-334,216,216,-982,-983,-984,-985,-986,-987,-988,216,216,216,216,216,216,216,216,216,216,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,216,216,216,-353,-356,216,-323,-324,-141,216,-142,216,-143,216,-430,-935,-936,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-1894,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-1894,216,-1894,216,216,216,216,216,216,216,216,216,216,216,216,-1894,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,216,-1894,216,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,216,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,216,216,216,-191,-192,216,-994,216,216,216,216,216,-277,-278,-279,-280,-365,216,-308,216,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,216,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,216,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,216,216,216,216,216,216,-573,216,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,216,216,-723,-724,-725,216,216,216,216,216,216,-994,216,216,-91,-92,216,216,216,216,-309,-310,-320,216,-307,-293,-294,-295,216,216,216,216,-618,-633,-590,216,216,-436,216,-437,216,-444,-445,-446,-378,-379,216,216,216,-506,216,216,-510,216,216,216,216,-515,-516,-517,-518,216,216,-521,-522,216,-524,-525,-526,-527,-528,-529,-530,-531,216,-533,216,216,216,-539,-541,-542,216,-544,-545,-546,-547,216,216,216,216,216,216,-652,-653,-654,-655,216,-657,-658,-659,216,216,216,-665,216,216,-669,-670,216,216,-673,216,-675,-676,216,-679,216,-681,216,216,-684,-685,-686,216,-688,216,216,-691,216,216,-694,-695,-696,216,-698,-699,-700,-701,216,216,-746,216,-749,-750,-751,-752,-753,216,-755,-756,-757,-758,-759,216,-766,-767,-769,216,-771,-772,-773,-782,-856,-858,-860,-862,216,216,216,216,-868,216,-870,216,216,216,216,216,216,216,-906,-907,216,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,216,-921,-924,216,-934,216,-385,-386,-387,216,216,-390,-391,-392,-393,216,-396,216,-399,-400,216,-401,216,-406,-407,216,-410,-411,-412,216,-415,216,-416,216,-421,-422,216,-425,216,-428,-429,-1894,-1894,216,-619,-620,-621,-622,-623,-634,-584,-624,-797,216,216,216,216,216,-831,216,216,-806,216,-832,216,216,216,216,-798,216,-853,-799,216,216,216,216,216,216,-854,-855,216,-834,-830,-835,216,-625,216,-626,-627,-628,-629,-574,216,216,-630,-631,-632,216,216,216,216,216,216,-635,-636,-637,-592,-1894,-602,216,-638,-639,-713,-640,-604,216,-572,-577,-580,-583,216,216,216,-598,-601,216,-608,216,216,216,216,216,216,216,216,216,216,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,216,216,216,-995,216,216,216,216,216,216,-306,-325,-319,-296,-375,-452,-453,-454,-458,216,-443,216,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,216,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,216,216,216,216,216,216,216,216,216,-316,-535,-508,-591,-937,-939,-940,-438,216,-440,-380,-381,-383,-507,-509,-511,216,-513,-514,-519,-520,216,-532,-534,-537,-538,-543,-548,-726,216,-727,216,-732,216,-734,216,-739,-656,-660,-661,216,-666,216,-667,216,-672,-674,216,-677,216,216,216,-687,-689,216,-692,216,216,-744,216,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,216,216,216,216,216,-877,216,-880,-908,-920,-925,-388,-389,216,-394,216,-397,216,-402,216,-403,216,-408,216,-413,216,-417,216,-418,216,-423,216,-426,-899,-900,-643,-585,-1894,-901,216,216,216,-800,216,216,-804,216,-807,-833,216,-818,216,-820,216,-822,-808,216,-824,216,-851,-852,216,216,-811,216,-646,-902,-904,-648,-649,-645,216,-705,-706,216,-642,-903,-647,-650,-603,-714,216,216,-605,-586,216,216,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,216,216,-709,-710,216,-716,216,216,216,216,216,216,-938,216,-439,-441,-747,216,-891,216,-715,-1894,216,216,216,216,216,-442,-512,-523,216,-728,-733,216,-735,216,-740,216,-662,-668,216,-678,-680,-682,-683,-690,-693,-697,-745,216,216,-874,216,216,-878,216,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,216,-812,216,-814,-801,216,-802,-805,216,-816,-819,-821,-823,-825,216,-826,216,-809,216,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,216,-282,216,216,216,216,-455,216,216,-729,216,-736,216,-741,216,-663,-671,216,216,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,216,-836,-53,216,216,-730,216,-737,216,-742,-664,216,-873,-54,216,216,-731,-738,-743,216,216,216,-872,]),'DUPLICATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[217,217,217,217,-1894,217,217,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,217,217,217,217,-275,-276,217,-1425,217,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,217,217,217,-490,217,217,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,217,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,217,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,217,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,217,-172,-173,-174,-175,-993,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-290,-291,-281,217,217,217,217,217,-328,-318,-332,-333,-334,217,217,-982,-983,-984,-985,-986,-987,-988,217,217,217,217,217,217,217,217,217,217,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,217,217,217,-353,-356,217,-323,-324,-141,217,-142,217,-143,217,-430,-935,-936,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-1894,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-1894,217,-1894,217,217,217,217,217,217,217,217,217,217,217,217,-1894,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,-1894,217,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,217,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,217,217,217,-191,-192,217,-994,217,217,217,217,217,-277,-278,-279,-280,-365,217,-308,217,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,217,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,217,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,217,217,217,217,217,217,-573,217,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,217,217,-723,-724,-725,217,217,217,217,217,217,-994,217,217,-91,-92,217,217,217,217,-309,-310,-320,217,-307,-293,-294,-295,217,217,217,217,-618,-633,-590,217,217,-436,217,-437,217,-444,-445,-446,-378,-379,217,217,217,-506,217,217,-510,217,217,217,217,-515,-516,-517,-518,217,217,-521,-522,217,-524,-525,-526,-527,-528,-529,-530,-531,217,-533,217,217,217,-539,-541,-542,217,-544,-545,-546,-547,217,217,217,217,217,217,-652,-653,-654,-655,217,-657,-658,-659,217,217,217,-665,217,217,-669,-670,217,217,-673,217,-675,-676,217,-679,217,-681,217,217,-684,-685,-686,217,-688,217,217,-691,217,217,-694,-695,-696,217,-698,-699,-700,-701,217,217,-746,217,-749,-750,-751,-752,-753,217,-755,-756,-757,-758,-759,217,-766,-767,-769,217,-771,-772,-773,-782,-856,-858,-860,-862,217,217,217,217,-868,217,-870,217,217,217,217,217,217,217,-906,-907,217,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,217,-921,-924,217,-934,217,-385,-386,-387,217,217,-390,-391,-392,-393,217,-396,217,-399,-400,217,-401,217,-406,-407,217,-410,-411,-412,217,-415,217,-416,217,-421,-422,217,-425,217,-428,-429,-1894,-1894,217,-619,-620,-621,-622,-623,-634,-584,-624,-797,217,217,217,217,217,-831,217,217,-806,217,-832,217,217,217,217,-798,217,-853,-799,217,217,217,217,217,217,-854,-855,217,-834,-830,-835,217,-625,217,-626,-627,-628,-629,-574,217,217,-630,-631,-632,217,217,217,217,217,217,-635,-636,-637,-592,-1894,-602,217,-638,-639,-713,-640,-604,217,-572,-577,-580,-583,217,217,217,-598,-601,217,-608,217,217,217,217,217,217,217,217,217,217,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,217,217,217,-995,217,217,217,217,217,217,-306,-325,-319,-296,-375,-452,-453,-454,-458,217,-443,217,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,217,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,217,217,217,217,217,217,217,217,217,-316,-535,-508,-591,-937,-939,-940,-438,217,-440,-380,-381,-383,-507,-509,-511,217,-513,-514,-519,-520,217,-532,-534,-537,-538,-543,-548,-726,217,-727,217,-732,217,-734,217,-739,-656,-660,-661,217,-666,217,-667,217,-672,-674,217,-677,217,217,217,-687,-689,217,-692,217,217,-744,217,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,217,217,217,217,217,-877,217,-880,-908,-920,-925,-388,-389,217,-394,217,-397,217,-402,217,-403,217,-408,217,-413,217,-417,217,-418,217,-423,217,-426,-899,-900,-643,-585,-1894,-901,217,217,217,-800,217,217,-804,217,-807,-833,217,-818,217,-820,217,-822,-808,217,-824,217,-851,-852,217,217,-811,217,-646,-902,-904,-648,-649,-645,217,-705,-706,217,-642,-903,-647,-650,-603,-714,217,217,-605,-586,217,217,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,217,217,-709,-710,217,-716,217,217,217,217,217,217,-938,217,-439,-441,-747,217,-891,217,-715,-1894,217,217,217,217,217,-442,-512,-523,217,-728,-733,217,-735,217,-740,217,-662,-668,217,-678,-680,-682,-683,-690,-693,-697,-745,217,217,-874,217,217,-878,217,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,217,-812,217,-814,-801,217,-802,-805,217,-816,-819,-821,-823,-825,217,-826,217,-809,217,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,217,-282,217,217,217,217,-455,217,217,-729,217,-736,217,-741,217,-663,-671,217,217,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,217,-836,-53,217,217,-730,217,-737,217,-742,-664,217,-873,-54,217,217,-731,-738,-743,217,217,217,-872,]),'DUPLICATE_SCOPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[218,218,218,218,-1894,218,218,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,218,218,218,218,-275,-276,218,-1425,218,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,218,218,218,-490,218,218,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,218,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,218,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,218,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,218,-172,-173,-174,-175,-993,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-290,-291,-281,218,218,218,218,218,-328,-318,-332,-333,-334,218,218,-982,-983,-984,-985,-986,-987,-988,218,218,218,218,218,218,218,218,218,218,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,218,218,218,-353,-356,218,-323,-324,-141,218,-142,218,-143,218,-430,-935,-936,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-1894,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-1894,218,-1894,218,218,218,218,218,218,218,218,218,218,218,218,-1894,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,218,-1894,218,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,218,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,218,218,218,-191,-192,218,-994,218,218,218,218,218,-277,-278,-279,-280,-365,218,-308,218,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,218,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,218,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,218,218,218,218,218,218,-573,218,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,218,218,-723,-724,-725,218,218,218,218,218,218,-994,218,218,-91,-92,218,218,218,218,-309,-310,-320,218,-307,-293,-294,-295,218,218,218,218,-618,-633,-590,218,218,-436,218,-437,218,-444,-445,-446,-378,-379,218,218,218,-506,218,218,-510,218,218,218,218,-515,-516,-517,-518,218,218,-521,-522,218,-524,-525,-526,-527,-528,-529,-530,-531,218,-533,218,218,218,-539,-541,-542,218,-544,-545,-546,-547,218,218,218,218,218,218,-652,-653,-654,-655,218,-657,-658,-659,218,218,218,-665,218,218,-669,-670,218,218,-673,218,-675,-676,218,-679,218,-681,218,218,-684,-685,-686,218,-688,218,218,-691,218,218,-694,-695,-696,218,-698,-699,-700,-701,218,218,-746,218,-749,-750,-751,-752,-753,218,-755,-756,-757,-758,-759,218,-766,-767,-769,218,-771,-772,-773,-782,-856,-858,-860,-862,218,218,218,218,-868,218,-870,218,218,218,218,218,218,218,-906,-907,218,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,218,-921,-924,218,-934,218,-385,-386,-387,218,218,-390,-391,-392,-393,218,-396,218,-399,-400,218,-401,218,-406,-407,218,-410,-411,-412,218,-415,218,-416,218,-421,-422,218,-425,218,-428,-429,-1894,-1894,218,-619,-620,-621,-622,-623,-634,-584,-624,-797,218,218,218,218,218,-831,218,218,-806,218,-832,218,218,218,218,-798,218,-853,-799,218,218,218,218,218,218,-854,-855,218,-834,-830,-835,218,-625,218,-626,-627,-628,-629,-574,218,218,-630,-631,-632,218,218,218,218,218,218,-635,-636,-637,-592,-1894,-602,218,-638,-639,-713,-640,-604,218,-572,-577,-580,-583,218,218,218,-598,-601,218,-608,218,218,218,218,218,218,218,218,218,218,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,218,218,218,-995,218,218,218,218,218,218,-306,-325,-319,-296,-375,-452,-453,-454,-458,218,-443,218,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,218,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,218,218,218,218,218,218,218,218,218,-316,-535,-508,-591,-937,-939,-940,-438,218,-440,-380,-381,-383,-507,-509,-511,218,-513,-514,-519,-520,218,-532,-534,-537,-538,-543,-548,-726,218,-727,218,-732,218,-734,218,-739,-656,-660,-661,218,-666,218,-667,218,-672,-674,218,-677,218,218,218,-687,-689,218,-692,218,218,-744,218,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,218,218,218,218,218,-877,218,-880,-908,-920,-925,-388,-389,218,-394,218,-397,218,-402,218,-403,218,-408,218,-413,218,-417,218,-418,218,-423,218,-426,-899,-900,-643,-585,-1894,-901,218,218,218,-800,218,218,-804,218,-807,-833,218,-818,218,-820,218,-822,-808,218,-824,218,-851,-852,218,218,-811,218,-646,-902,-904,-648,-649,-645,218,-705,-706,218,-642,-903,-647,-650,-603,-714,218,218,-605,-586,218,218,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,218,218,-709,-710,218,-716,218,218,218,218,218,218,-938,218,-439,-441,-747,218,-891,218,-715,-1894,218,218,218,218,218,-442,-512,-523,218,-728,-733,218,-735,218,-740,218,-662,-668,218,-678,-680,-682,-683,-690,-693,-697,-745,218,218,-874,218,218,-878,218,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,218,-812,218,-814,-801,218,-802,-805,218,-816,-819,-821,-823,-825,218,-826,218,-809,218,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,218,-282,218,218,218,218,-455,218,218,-729,218,-736,218,-741,218,-663,-671,218,218,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,218,-836,-53,218,218,-730,218,-737,218,-742,-664,218,-873,-54,218,218,-731,-738,-743,218,218,218,-872,]),'DYNAMIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[219,219,219,219,-1894,219,219,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,219,219,219,219,-275,-276,219,-1425,219,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,219,219,219,-490,219,219,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,219,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,219,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,219,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,219,-172,-173,-174,-175,-993,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-290,-291,-281,219,219,219,219,219,-328,-318,-332,-333,-334,219,219,-982,-983,-984,-985,-986,-987,-988,219,219,219,219,219,219,219,219,219,219,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,219,219,219,-353,-356,219,-323,-324,-141,219,-142,219,-143,219,-430,-935,-936,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-1894,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-1894,219,-1894,219,219,219,219,219,219,219,219,219,219,219,219,-1894,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,219,-1894,219,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,219,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,219,219,219,-191,-192,219,-994,219,219,219,219,219,-277,-278,-279,-280,-365,219,-308,219,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,219,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,219,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,219,219,219,219,219,219,-573,219,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,219,219,-723,-724,-725,219,219,219,219,219,219,-994,219,219,-91,-92,219,219,219,219,-309,-310,-320,219,-307,-293,-294,-295,219,219,219,219,-618,-633,-590,219,219,-436,219,-437,219,-444,-445,-446,-378,-379,219,219,219,-506,219,219,-510,219,219,219,219,-515,-516,-517,-518,219,219,-521,-522,219,-524,-525,-526,-527,-528,-529,-530,-531,219,-533,219,219,219,-539,-541,-542,219,-544,-545,-546,-547,219,219,219,219,219,219,-652,-653,-654,-655,219,-657,-658,-659,219,219,219,-665,219,219,-669,-670,219,219,-673,219,-675,-676,219,-679,219,-681,219,219,-684,-685,-686,219,-688,219,219,-691,219,219,-694,-695,-696,219,-698,-699,-700,-701,219,219,-746,219,-749,-750,-751,-752,-753,219,-755,-756,-757,-758,-759,219,-766,-767,-769,219,-771,-772,-773,-782,-856,-858,-860,-862,219,219,219,219,-868,219,-870,219,219,219,219,219,219,219,-906,-907,219,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,219,-921,-924,219,-934,219,-385,-386,-387,219,219,-390,-391,-392,-393,219,-396,219,-399,-400,219,-401,219,-406,-407,219,-410,-411,-412,219,-415,219,-416,219,-421,-422,219,-425,219,-428,-429,-1894,-1894,219,-619,-620,-621,-622,-623,-634,-584,-624,-797,219,219,219,219,219,-831,219,219,-806,219,-832,219,219,219,219,-798,219,-853,-799,219,219,219,219,219,219,-854,-855,219,-834,-830,-835,219,-625,219,-626,-627,-628,-629,-574,219,219,-630,-631,-632,219,219,219,219,219,219,-635,-636,-637,-592,-1894,-602,219,-638,-639,-713,-640,-604,219,-572,-577,-580,-583,219,219,219,-598,-601,219,-608,219,219,219,219,219,219,219,219,219,219,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,219,219,219,-995,219,219,219,219,219,219,-306,-325,-319,-296,-375,-452,-453,-454,-458,219,-443,219,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,219,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,219,219,219,219,219,219,219,219,219,-316,-535,-508,-591,-937,-939,-940,-438,219,-440,-380,-381,-383,-507,-509,-511,219,-513,-514,-519,-520,219,-532,-534,-537,-538,-543,-548,-726,219,-727,219,-732,219,-734,219,-739,-656,-660,-661,219,-666,219,-667,219,-672,-674,219,-677,219,219,219,-687,-689,219,-692,219,219,-744,219,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,219,219,219,219,219,-877,219,-880,-908,-920,-925,-388,-389,219,-394,219,-397,219,-402,219,-403,219,-408,219,-413,219,-417,219,-418,219,-423,219,-426,-899,-900,-643,-585,-1894,-901,219,219,219,-800,219,219,-804,219,-807,-833,219,-818,219,-820,219,-822,-808,219,-824,219,-851,-852,219,219,-811,219,-646,-902,-904,-648,-649,-645,219,-705,-706,219,-642,-903,-647,-650,-603,-714,219,219,-605,-586,219,219,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,219,219,-709,-710,219,-716,219,219,219,219,219,219,-938,219,-439,-441,-747,219,-891,219,-715,-1894,219,219,219,219,219,-442,-512,-523,219,-728,-733,219,-735,219,-740,219,-662,-668,219,-678,-680,-682,-683,-690,-693,-697,-745,219,219,-874,219,219,-878,219,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,219,-812,219,-814,-801,219,-802,-805,219,-816,-819,-821,-823,-825,219,-826,219,-809,219,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,219,-282,219,219,219,219,-455,219,219,-729,219,-736,219,-741,219,-663,-671,219,219,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,219,-836,-53,219,219,-730,219,-737,219,-742,-664,219,-873,-54,219,219,-731,-738,-743,219,219,219,-872,]),'EACH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[220,220,220,220,-1894,220,220,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,220,220,220,220,-275,-276,220,-1425,220,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,220,220,220,-490,220,220,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,220,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,220,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,220,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,220,-172,-173,-174,-175,-993,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-290,-291,-281,220,220,220,220,220,-328,-318,-332,-333,-334,220,220,-982,-983,-984,-985,-986,-987,-988,220,220,220,220,220,220,220,220,220,220,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,220,220,220,-353,-356,220,-323,-324,-141,220,-142,220,-143,220,-430,-935,-936,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-1894,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-1894,220,-1894,220,220,220,220,220,220,220,220,220,220,220,220,-1894,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,220,-1894,220,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,220,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,220,220,220,-191,-192,220,-994,220,220,220,220,220,-277,-278,-279,-280,-365,220,-308,220,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,220,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,220,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,220,220,220,220,220,220,-573,220,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,220,220,-723,-724,-725,220,220,220,220,220,220,-994,220,220,-91,-92,220,220,220,220,-309,-310,-320,220,-307,-293,-294,-295,220,220,220,220,-618,-633,-590,220,220,-436,220,-437,220,-444,-445,-446,-378,-379,220,220,220,-506,220,220,-510,220,220,220,220,-515,-516,-517,-518,220,220,-521,-522,220,-524,-525,-526,-527,-528,-529,-530,-531,220,-533,220,220,220,-539,-541,-542,220,-544,-545,-546,-547,220,220,220,220,220,220,-652,-653,-654,-655,220,-657,-658,-659,220,220,220,-665,220,220,-669,-670,220,220,-673,220,-675,-676,220,-679,220,-681,220,220,-684,-685,-686,220,-688,220,220,-691,220,220,-694,-695,-696,220,-698,-699,-700,-701,220,220,-746,220,-749,-750,-751,-752,-753,220,-755,-756,-757,-758,-759,220,-766,-767,-769,220,-771,-772,-773,-782,-856,-858,-860,-862,220,220,220,220,-868,220,-870,220,220,220,220,220,220,220,-906,-907,220,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,220,-921,-924,220,-934,220,-385,-386,-387,220,220,-390,-391,-392,-393,220,-396,220,-399,-400,220,-401,220,-406,-407,220,-410,-411,-412,220,-415,220,-416,220,-421,-422,220,-425,220,-428,-429,-1894,-1894,220,-619,-620,-621,-622,-623,-634,-584,-624,-797,220,220,220,220,220,-831,220,220,-806,220,-832,220,220,220,220,-798,220,-853,-799,220,220,220,220,220,220,-854,-855,220,-834,-830,-835,220,-625,220,-626,-627,-628,-629,-574,220,220,-630,-631,-632,220,220,220,220,220,220,-635,-636,-637,-592,-1894,-602,220,-638,-639,-713,-640,-604,220,-572,-577,-580,-583,220,220,220,-598,-601,220,-608,220,220,220,220,220,220,220,220,220,220,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,220,220,220,-995,220,220,220,220,220,220,-306,-325,-319,-296,-375,-452,-453,-454,-458,220,-443,220,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,220,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,220,220,220,220,220,220,220,220,220,-316,-535,-508,-591,-937,-939,-940,-438,220,-440,-380,-381,-383,-507,-509,-511,220,-513,-514,-519,-520,220,-532,-534,-537,-538,-543,-548,-726,220,-727,220,-732,220,-734,220,-739,-656,-660,-661,220,-666,220,-667,220,-672,-674,220,-677,220,220,220,-687,-689,220,-692,220,220,-744,220,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,220,220,220,220,220,-877,220,-880,-908,-920,-925,-388,-389,220,-394,220,-397,220,-402,220,-403,220,-408,220,-413,220,-417,220,-418,220,-423,220,-426,-899,-900,-643,-585,-1894,-901,220,220,220,-800,220,220,-804,220,-807,-833,220,-818,220,-820,220,-822,-808,220,-824,220,-851,-852,220,220,-811,220,-646,-902,-904,-648,-649,-645,220,-705,-706,220,-642,-903,-647,-650,-603,-714,220,220,-605,-586,220,220,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,220,220,-709,-710,220,-716,220,220,220,220,220,220,-938,220,-439,-441,-747,220,-891,220,-715,-1894,220,220,220,220,220,-442,-512,-523,220,-728,-733,220,-735,220,-740,220,-662,-668,220,-678,-680,-682,-683,-690,-693,-697,-745,220,220,-874,220,220,-878,220,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,220,-812,220,-814,-801,220,-802,-805,220,-816,-819,-821,-823,-825,220,-826,220,-809,220,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,220,-282,220,220,220,220,-455,220,220,-729,220,-736,220,-741,220,-663,-671,220,220,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,220,-836,-53,220,220,-730,220,-737,220,-742,-664,220,-873,-54,220,220,-731,-738,-743,220,220,220,-872,]),'EFFECTIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[221,221,221,221,-1894,221,221,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,221,221,221,221,-275,-276,221,-1425,221,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,221,221,221,-490,221,221,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,221,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,221,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,221,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,221,-172,-173,-174,-175,-993,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-290,-291,-281,221,221,221,221,221,-328,-318,-332,-333,-334,221,221,-982,-983,-984,-985,-986,-987,-988,221,221,221,221,221,221,221,221,221,221,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,221,221,221,-353,-356,221,-323,-324,-141,221,-142,221,-143,221,-430,-935,-936,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-1894,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-1894,221,-1894,221,221,221,221,221,221,221,221,221,221,221,221,-1894,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,221,-1894,221,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,221,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,221,221,221,-191,-192,221,-994,221,221,221,221,221,-277,-278,-279,-280,-365,221,-308,221,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,221,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,221,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,221,221,221,221,221,221,-573,221,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,221,221,-723,-724,-725,221,221,221,221,221,221,-994,221,221,-91,-92,221,221,221,221,-309,-310,-320,221,-307,-293,-294,-295,221,221,221,221,-618,-633,-590,221,221,-436,221,-437,221,-444,-445,-446,-378,-379,221,221,221,-506,221,221,-510,221,221,221,221,-515,-516,-517,-518,221,221,-521,-522,221,-524,-525,-526,-527,-528,-529,-530,-531,221,-533,221,221,221,-539,-541,-542,221,-544,-545,-546,-547,221,221,221,221,221,221,-652,-653,-654,-655,221,-657,-658,-659,221,221,221,-665,221,221,-669,-670,221,221,-673,221,-675,-676,221,-679,221,-681,221,221,-684,-685,-686,221,-688,221,221,-691,221,221,-694,-695,-696,221,-698,-699,-700,-701,221,221,-746,221,-749,-750,-751,-752,-753,221,-755,-756,-757,-758,-759,221,-766,-767,-769,221,-771,-772,-773,-782,-856,-858,-860,-862,221,221,221,221,-868,221,-870,221,221,221,221,221,221,221,-906,-907,221,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,221,-921,-924,221,-934,221,-385,-386,-387,221,221,-390,-391,-392,-393,221,-396,221,-399,-400,221,-401,221,-406,-407,221,-410,-411,-412,221,-415,221,-416,221,-421,-422,221,-425,221,-428,-429,-1894,-1894,221,-619,-620,-621,-622,-623,-634,-584,-624,-797,221,221,221,221,221,-831,221,221,-806,221,-832,221,221,221,221,-798,221,-853,-799,221,221,221,221,221,221,-854,-855,221,-834,-830,-835,221,-625,221,-626,-627,-628,-629,-574,221,221,-630,-631,-632,221,221,221,221,221,221,-635,-636,-637,-592,-1894,-602,221,-638,-639,-713,-640,-604,221,-572,-577,-580,-583,221,221,221,-598,-601,221,-608,221,221,221,221,221,221,221,221,221,221,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,221,221,221,-995,221,221,221,221,221,221,-306,-325,-319,-296,-375,-452,-453,-454,-458,221,-443,221,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,221,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,221,221,221,221,221,221,221,221,221,-316,-535,-508,-591,-937,-939,-940,-438,221,-440,-380,-381,-383,-507,-509,-511,221,-513,-514,-519,-520,221,-532,-534,-537,-538,-543,-548,-726,221,-727,221,-732,221,-734,221,-739,-656,-660,-661,221,-666,221,-667,221,-672,-674,221,-677,221,221,221,-687,-689,221,-692,221,221,-744,221,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,221,221,221,221,221,-877,221,-880,-908,-920,-925,-388,-389,221,-394,221,-397,221,-402,221,-403,221,-408,221,-413,221,-417,221,-418,221,-423,221,-426,-899,-900,-643,-585,-1894,-901,221,221,221,-800,221,221,-804,221,-807,-833,221,-818,221,-820,221,-822,-808,221,-824,221,-851,-852,221,221,-811,221,-646,-902,-904,-648,-649,-645,221,-705,-706,221,-642,-903,-647,-650,-603,-714,221,221,-605,-586,221,221,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,221,221,-709,-710,221,-716,221,221,221,221,221,221,-938,221,-439,-441,-747,221,-891,221,-715,-1894,221,221,221,221,221,-442,-512,-523,221,-728,-733,221,-735,221,-740,221,-662,-668,221,-678,-680,-682,-683,-690,-693,-697,-745,221,221,-874,221,221,-878,221,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,221,-812,221,-814,-801,221,-802,-805,221,-816,-819,-821,-823,-825,221,-826,221,-809,221,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,221,-282,221,221,221,221,-455,221,221,-729,221,-736,221,-741,221,-663,-671,221,221,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,221,-836,-53,221,221,-730,221,-737,221,-742,-664,221,-873,-54,221,221,-731,-738,-743,221,221,221,-872,]),'EGEXP_INSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[222,222,222,222,-1894,222,222,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,222,222,222,222,-275,-276,222,-1425,222,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,222,222,222,-490,222,222,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,222,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,222,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,222,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,222,-172,-173,-174,-175,-993,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-290,-291,-281,222,222,222,222,222,-328,-318,-332,-333,-334,222,222,-982,-983,-984,-985,-986,-987,-988,222,222,222,222,222,222,222,222,222,222,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,222,222,222,-353,-356,222,-323,-324,-141,222,-142,222,-143,222,-430,-935,-936,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-1894,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-1894,222,-1894,222,222,222,222,222,222,222,222,222,222,222,222,-1894,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,-1894,222,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,222,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,222,222,222,-191,-192,222,-994,222,222,222,222,222,-277,-278,-279,-280,-365,222,-308,222,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,222,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,222,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,222,222,222,222,222,222,-573,222,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,222,222,-723,-724,-725,222,222,222,222,222,222,-994,222,222,-91,-92,222,222,222,222,-309,-310,-320,222,-307,-293,-294,-295,222,222,222,222,-618,-633,-590,222,222,-436,222,-437,222,-444,-445,-446,-378,-379,222,222,222,-506,222,222,-510,222,222,222,222,-515,-516,-517,-518,222,222,-521,-522,222,-524,-525,-526,-527,-528,-529,-530,-531,222,-533,222,222,222,-539,-541,-542,222,-544,-545,-546,-547,222,222,222,222,222,222,-652,-653,-654,-655,222,-657,-658,-659,222,222,222,-665,222,222,-669,-670,222,222,-673,222,-675,-676,222,-679,222,-681,222,222,-684,-685,-686,222,-688,222,222,-691,222,222,-694,-695,-696,222,-698,-699,-700,-701,222,222,-746,222,-749,-750,-751,-752,-753,222,-755,-756,-757,-758,-759,222,-766,-767,-769,222,-771,-772,-773,-782,-856,-858,-860,-862,222,222,222,222,-868,222,-870,222,222,222,222,222,222,222,-906,-907,222,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,222,-921,-924,222,-934,222,-385,-386,-387,222,222,-390,-391,-392,-393,222,-396,222,-399,-400,222,-401,222,-406,-407,222,-410,-411,-412,222,-415,222,-416,222,-421,-422,222,-425,222,-428,-429,-1894,-1894,222,-619,-620,-621,-622,-623,-634,-584,-624,-797,222,222,222,222,222,-831,222,222,-806,222,-832,222,222,222,222,-798,222,-853,-799,222,222,222,222,222,222,-854,-855,222,-834,-830,-835,222,-625,222,-626,-627,-628,-629,-574,222,222,-630,-631,-632,222,222,222,222,222,222,-635,-636,-637,-592,-1894,-602,222,-638,-639,-713,-640,-604,222,-572,-577,-580,-583,222,222,222,-598,-601,222,-608,222,222,222,222,222,222,222,222,222,222,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,222,222,222,-995,222,222,222,222,222,222,-306,-325,-319,-296,-375,-452,-453,-454,-458,222,-443,222,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,222,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,222,222,222,222,222,222,222,222,222,-316,-535,-508,-591,-937,-939,-940,-438,222,-440,-380,-381,-383,-507,-509,-511,222,-513,-514,-519,-520,222,-532,-534,-537,-538,-543,-548,-726,222,-727,222,-732,222,-734,222,-739,-656,-660,-661,222,-666,222,-667,222,-672,-674,222,-677,222,222,222,-687,-689,222,-692,222,222,-744,222,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,222,222,222,222,222,-877,222,-880,-908,-920,-925,-388,-389,222,-394,222,-397,222,-402,222,-403,222,-408,222,-413,222,-417,222,-418,222,-423,222,-426,-899,-900,-643,-585,-1894,-901,222,222,222,-800,222,222,-804,222,-807,-833,222,-818,222,-820,222,-822,-808,222,-824,222,-851,-852,222,222,-811,222,-646,-902,-904,-648,-649,-645,222,-705,-706,222,-642,-903,-647,-650,-603,-714,222,222,-605,-586,222,222,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,222,222,-709,-710,222,-716,222,222,222,222,222,222,-938,222,-439,-441,-747,222,-891,222,-715,-1894,222,222,222,222,222,-442,-512,-523,222,-728,-733,222,-735,222,-740,222,-662,-668,222,-678,-680,-682,-683,-690,-693,-697,-745,222,222,-874,222,222,-878,222,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,222,-812,222,-814,-801,222,-802,-805,222,-816,-819,-821,-823,-825,222,-826,222,-809,222,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,222,-282,222,222,222,222,-455,222,222,-729,222,-736,222,-741,222,-663,-671,222,222,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,222,-836,-53,222,222,-730,222,-737,222,-742,-664,222,-873,-54,222,222,-731,-738,-743,222,222,222,-872,]),'ELT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[223,223,223,1090,-1894,223,223,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,223,223,223,223,-275,-276,1090,-1425,1090,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1090,1090,1090,-490,1090,1090,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1090,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1090,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1860,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,223,-172,-173,-174,-175,-993,223,223,223,223,223,223,223,223,223,223,1090,1090,1090,1090,1090,-290,-291,-281,223,1090,1090,1090,1090,-328,-318,-332,-333,-334,1090,1090,-982,-983,-984,-985,-986,-987,-988,223,223,1090,1090,1090,1090,1090,1090,1090,1090,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1090,1090,1090,-353,-356,223,-323,-324,-141,1090,-142,1090,-143,1090,-430,-935,-936,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1894,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1894,1090,-1894,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1894,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-1894,223,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1090,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1090,223,223,-191,-192,223,-994,1090,223,223,223,223,-277,-278,-279,-280,-365,1090,-308,1090,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1090,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1090,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1090,1090,1090,1090,1090,1090,-573,1090,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1090,1090,-723,-724,-725,1090,1860,223,223,223,223,-994,223,1090,-91,-92,223,223,223,1090,-309,-310,-320,1090,-307,-293,-294,-295,1090,223,1090,1090,-618,-633,-590,1090,223,-436,223,-437,1090,-444,-445,-446,-378,-379,1090,1090,1090,-506,1090,1090,-510,1090,1090,1090,1090,-515,-516,-517,-518,1090,1090,-521,-522,1090,-524,-525,-526,-527,-528,-529,-530,-531,1090,-533,1090,1090,1090,-539,-541,-542,1090,-544,-545,-546,-547,1090,1090,1090,1090,1090,1090,-652,-653,-654,-655,223,-657,-658,-659,1090,1090,1090,-665,1090,1090,-669,-670,1090,1090,-673,1090,-675,-676,1090,-679,1090,-681,1090,1090,-684,-685,-686,1090,-688,1090,1090,-691,1090,1090,-694,-695,-696,1090,-698,-699,-700,-701,1090,1090,-746,1090,-749,-750,-751,-752,-753,1090,-755,-756,-757,-758,-759,1090,-766,-767,-769,1090,-771,-772,-773,-782,-856,-858,-860,-862,1090,1090,1090,1090,-868,1090,-870,1090,1090,1090,1090,1090,1090,1090,-906,-907,1090,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1090,-921,-924,1090,-934,1090,-385,-386,-387,1090,1090,-390,-391,-392,-393,1090,-396,1090,-399,-400,1090,-401,1090,-406,-407,1090,-410,-411,-412,1090,-415,1090,-416,1090,-421,-422,1090,-425,1090,-428,-429,-1894,-1894,1090,-619,-620,-621,-622,-623,-634,-584,-624,-797,1090,1090,1090,1090,1090,-831,1090,1090,-806,1090,-832,1090,1090,1090,1090,-798,1090,-853,-799,1090,1090,1090,1090,1090,1090,-854,-855,1090,-834,-830,-835,1090,-625,1090,-626,-627,-628,-629,-574,1090,1090,-630,-631,-632,1090,1090,1090,1090,1090,1090,-635,-636,-637,-592,-1894,-602,1090,-638,-639,-713,-640,-604,1090,-572,-577,-580,-583,1090,1090,1090,-598,-601,1090,-608,1090,1090,1090,1090,1090,1090,1090,1090,1090,1090,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1090,223,223,-995,223,1090,223,223,223,1090,-306,-325,-319,-296,-375,-452,-453,-454,-458,223,-443,1090,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1090,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,223,223,223,223,223,223,223,223,1090,-316,-535,-508,-591,-937,-939,-940,-438,1090,-440,-380,-381,-383,-507,-509,-511,1090,-513,-514,-519,-520,1090,-532,-534,-537,-538,-543,-548,-726,1090,-727,1090,-732,1090,-734,1090,-739,-656,-660,-661,1090,-666,1090,-667,1090,-672,-674,1090,-677,1090,1090,1090,-687,-689,1090,-692,1090,1090,-744,1090,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1090,1090,1090,1090,1090,-877,1090,-880,-908,-920,-925,-388,-389,1090,-394,1090,-397,1090,-402,1090,-403,1090,-408,1090,-413,1090,-417,1090,-418,1090,-423,1090,-426,-899,-900,-643,-585,-1894,-901,1090,1090,1090,-800,1090,1090,-804,1090,-807,-833,1090,-818,1090,-820,1090,-822,-808,1090,-824,1090,-851,-852,1090,1090,-811,1090,-646,-902,-904,-648,-649,-645,1090,-705,-706,1090,-642,-903,-647,-650,-603,-714,1090,1090,-605,-586,1090,1090,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1090,1090,-709,-710,1090,-716,1090,223,223,223,1090,1090,-938,223,-439,-441,-747,1090,-891,1860,-715,-1894,1090,1090,223,223,1090,-442,-512,-523,1090,-728,-733,1090,-735,1090,-740,1090,-662,-668,1090,-678,-680,-682,-683,-690,-693,-697,-745,1090,1090,-874,1090,1090,-878,1090,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1090,-812,1090,-814,-801,1090,-802,-805,1090,-816,-819,-821,-823,-825,1090,-826,1090,-809,1090,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,223,-282,223,1090,223,1090,-455,1090,1090,-729,1090,-736,1090,-741,1090,-663,-671,1090,1090,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1090,-836,-53,223,1090,-730,1090,-737,1090,-742,-664,1090,-873,-54,223,223,-731,-738,-743,1090,223,1090,-872,]),'ENABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[224,224,224,224,-1894,224,224,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,224,224,224,224,-275,-276,224,-1425,224,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,224,224,224,-490,224,224,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,224,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,224,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,224,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,224,-172,-173,-174,-175,-993,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-290,-291,-281,224,224,224,224,224,-328,-318,-332,-333,-334,224,224,-982,-983,-984,-985,-986,-987,-988,224,224,224,224,224,224,224,224,224,224,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,224,224,224,-353,-356,224,-323,-324,-141,224,-142,224,-143,224,-430,-935,-936,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-1894,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-1894,224,-1894,224,224,224,224,224,224,224,224,224,224,224,224,-1894,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,224,-1894,224,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,224,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,224,224,224,-191,-192,224,-994,224,224,224,224,224,-277,-278,-279,-280,-365,224,-308,224,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,224,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,224,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,224,224,224,224,224,224,-573,224,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,224,224,-723,-724,-725,224,224,224,224,224,224,-994,224,224,-91,-92,224,224,224,224,-309,-310,-320,224,-307,-293,-294,-295,224,224,224,224,-618,-633,-590,224,224,-436,224,-437,224,-444,-445,-446,-378,-379,224,224,224,-506,224,224,-510,224,224,224,224,-515,-516,-517,-518,224,224,-521,-522,224,-524,-525,-526,-527,-528,-529,-530,-531,224,-533,224,224,224,-539,-541,-542,224,-544,-545,-546,-547,224,224,224,224,224,224,-652,-653,-654,-655,224,-657,-658,-659,224,224,224,-665,224,224,-669,-670,224,224,-673,224,-675,-676,224,-679,224,-681,224,224,-684,-685,-686,224,-688,224,224,-691,224,224,-694,-695,-696,224,-698,-699,-700,-701,224,224,-746,224,-749,-750,-751,-752,-753,224,-755,-756,-757,-758,-759,224,-766,-767,-769,224,-771,-772,-773,-782,-856,-858,-860,-862,224,224,224,224,-868,224,-870,224,224,224,224,224,224,224,-906,-907,224,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,224,-921,-924,224,-934,224,-385,-386,-387,224,224,-390,-391,-392,-393,224,-396,224,-399,-400,224,-401,224,-406,-407,224,-410,-411,-412,224,-415,224,-416,224,-421,-422,224,-425,224,-428,-429,-1894,-1894,224,-619,-620,-621,-622,-623,-634,-584,-624,-797,224,224,224,224,224,-831,224,224,-806,224,-832,224,224,224,224,-798,224,-853,-799,224,224,224,224,224,224,-854,-855,224,-834,-830,-835,224,-625,224,-626,-627,-628,-629,-574,224,224,-630,-631,-632,224,224,224,224,224,224,-635,-636,-637,-592,-1894,-602,224,-638,-639,-713,-640,-604,224,-572,-577,-580,-583,224,224,224,-598,-601,224,-608,224,224,224,224,224,224,224,224,224,224,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,224,224,224,-995,224,224,224,224,224,224,-306,-325,-319,-296,-375,-452,-453,-454,-458,224,-443,224,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,224,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,224,224,224,224,224,224,224,224,224,-316,-535,-508,-591,-937,-939,-940,-438,224,-440,-380,-381,-383,-507,-509,-511,224,-513,-514,-519,-520,224,-532,-534,-537,-538,-543,-548,-726,224,-727,224,-732,224,-734,224,-739,-656,-660,-661,224,-666,224,-667,224,-672,-674,224,-677,224,224,224,-687,-689,224,-692,224,224,-744,224,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,224,224,224,224,224,-877,224,-880,-908,-920,-925,-388,-389,224,-394,224,-397,224,-402,224,-403,224,-408,224,-413,224,-417,224,-418,224,-423,224,-426,-899,-900,-643,-585,-1894,-901,224,224,224,-800,224,224,-804,224,-807,-833,224,-818,224,-820,224,-822,-808,224,-824,224,-851,-852,224,224,-811,224,-646,-902,-904,-648,-649,-645,224,-705,-706,224,-642,-903,-647,-650,-603,-714,224,224,-605,-586,224,224,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,224,224,-709,-710,224,-716,224,224,224,224,224,224,-938,224,-439,-441,-747,224,-891,224,-715,-1894,224,224,224,224,224,-442,-512,-523,224,-728,-733,224,-735,224,-740,224,-662,-668,224,-678,-680,-682,-683,-690,-693,-697,-745,224,224,-874,224,224,-878,224,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,224,-812,224,-814,-801,224,-802,-805,224,-816,-819,-821,-823,-825,224,-826,224,-809,224,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,224,-282,224,224,224,224,-455,224,224,-729,224,-736,224,-741,224,-663,-671,224,224,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,224,-836,-53,224,224,-730,224,-737,224,-742,-664,224,-873,-54,224,224,-731,-738,-743,224,224,224,-872,]),'ENCRYPTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[225,225,225,225,-1894,225,225,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,225,225,225,225,-275,-276,225,-1425,225,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,225,225,225,-490,225,225,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,225,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,225,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,225,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,225,-172,-173,-174,-175,-993,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-290,-291,-281,225,225,225,225,225,-328,-318,-332,-333,-334,225,225,-982,-983,-984,-985,-986,-987,-988,225,225,225,225,225,225,225,225,225,225,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,225,225,225,-353,-356,225,-323,-324,-141,225,-142,225,-143,225,-430,-935,-936,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-1894,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-1894,225,-1894,225,225,225,225,225,225,225,225,225,225,225,225,-1894,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,-1894,225,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,225,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,225,225,225,-191,-192,225,-994,225,225,225,225,225,-277,-278,-279,-280,-365,225,-308,225,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,225,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,225,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,225,225,225,225,225,225,-573,225,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,225,225,-723,-724,-725,225,225,225,225,225,225,-994,225,225,-91,-92,225,225,225,225,-309,-310,-320,225,-307,-293,-294,-295,225,225,225,225,-618,-633,-590,225,225,-436,225,-437,225,-444,-445,-446,-378,-379,225,225,225,-506,225,225,-510,225,225,225,225,-515,-516,-517,-518,225,225,-521,-522,225,-524,-525,-526,-527,-528,-529,-530,-531,225,-533,225,225,225,-539,-541,-542,225,-544,-545,-546,-547,225,225,225,225,225,225,-652,-653,-654,-655,225,-657,-658,-659,225,225,225,-665,225,225,-669,-670,225,225,-673,225,-675,-676,225,-679,225,-681,225,225,-684,-685,-686,225,-688,225,225,-691,225,225,-694,-695,-696,225,-698,-699,-700,-701,225,225,-746,225,-749,-750,-751,-752,-753,225,-755,-756,-757,-758,-759,225,-766,-767,-769,225,-771,-772,-773,-782,-856,-858,-860,-862,225,225,225,225,-868,225,-870,225,225,225,225,225,225,225,-906,-907,225,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,225,-921,-924,225,-934,225,-385,-386,-387,225,225,-390,-391,-392,-393,225,-396,225,-399,-400,225,-401,225,-406,-407,225,-410,-411,-412,225,-415,225,-416,225,-421,-422,225,-425,225,-428,-429,-1894,-1894,225,-619,-620,-621,-622,-623,-634,-584,-624,-797,225,225,225,225,225,-831,225,225,-806,225,-832,225,225,225,225,-798,225,-853,-799,225,225,225,225,225,225,-854,-855,225,-834,-830,-835,225,-625,225,-626,-627,-628,-629,-574,225,225,-630,-631,-632,225,225,225,225,225,225,-635,-636,-637,-592,-1894,-602,225,-638,-639,-713,-640,-604,225,-572,-577,-580,-583,225,225,225,-598,-601,225,-608,225,225,225,225,225,225,225,225,225,225,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,225,225,225,-995,225,225,225,225,225,225,-306,-325,-319,-296,-375,-452,-453,-454,-458,225,-443,225,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,225,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,225,225,225,225,225,225,225,225,225,-316,-535,-508,-591,-937,-939,-940,-438,225,-440,-380,-381,-383,-507,-509,-511,225,-513,-514,-519,-520,225,-532,-534,-537,-538,-543,-548,-726,225,-727,225,-732,225,-734,225,-739,-656,-660,-661,225,-666,225,-667,225,-672,-674,225,-677,225,225,225,-687,-689,225,-692,225,225,-744,225,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,225,225,225,225,225,-877,225,-880,-908,-920,-925,-388,-389,225,-394,225,-397,225,-402,225,-403,225,-408,225,-413,225,-417,225,-418,225,-423,225,-426,-899,-900,-643,-585,-1894,-901,225,225,225,-800,225,225,-804,225,-807,-833,225,-818,225,-820,225,-822,-808,225,-824,225,-851,-852,225,225,-811,225,-646,-902,-904,-648,-649,-645,225,-705,-706,225,-642,-903,-647,-650,-603,-714,225,225,-605,-586,225,225,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,225,225,-709,-710,225,-716,225,225,225,225,225,225,-938,225,-439,-441,-747,225,-891,225,-715,-1894,225,225,225,225,225,-442,-512,-523,225,-728,-733,225,-735,225,-740,225,-662,-668,225,-678,-680,-682,-683,-690,-693,-697,-745,225,225,-874,225,225,-878,225,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,225,-812,225,-814,-801,225,-802,-805,225,-816,-819,-821,-823,-825,225,-826,225,-809,225,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,225,-282,225,225,225,225,-455,225,225,-729,225,-736,225,-741,225,-663,-671,225,225,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,225,-836,-53,225,225,-730,225,-737,225,-742,-664,225,-873,-54,225,225,-731,-738,-743,225,225,225,-872,]),'END':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1684,1685,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2312,2313,2314,2315,2316,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2723,2724,2725,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3063,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[226,226,226,226,-1894,226,226,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,226,226,226,226,-275,-276,226,-1425,226,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,226,226,226,-490,226,226,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,226,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,226,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,226,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,226,-172,-173,-174,-175,-993,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-290,-291,-281,226,226,226,226,226,-328,-318,-332,-333,-334,226,226,-982,-983,-984,-985,-986,-987,-988,226,226,226,226,226,226,226,226,226,226,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,226,226,226,-353,-356,226,-323,-324,-141,226,-142,226,-143,226,-430,-935,-936,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1894,-942,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1894,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1894,226,-1894,226,226,226,226,226,226,226,226,226,226,226,226,-1894,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,226,-1894,226,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,226,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,226,226,226,-191,-192,226,-994,226,226,226,226,226,-277,-278,-279,-280,-365,226,-308,226,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,226,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,226,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-1894,2724,-941,226,-948,226,226,226,226,226,-573,226,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,226,226,-723,-724,-725,226,226,226,226,226,226,-994,226,226,-91,-92,226,226,226,226,-309,-310,-320,226,-307,-293,-294,-295,226,226,226,226,-618,-633,-590,226,226,-436,226,-437,226,-444,-445,-446,-378,-379,226,226,226,-506,226,226,-510,226,226,226,226,-515,-516,-517,-518,226,226,-521,-522,226,-524,-525,-526,-527,-528,-529,-530,-531,226,-533,226,226,226,-539,-541,-542,226,-544,-545,-546,-547,226,226,226,226,226,226,-652,-653,-654,-655,226,-657,-658,-659,226,226,226,-665,226,226,-669,-670,226,226,-673,226,-675,-676,226,-679,226,-681,226,226,-684,-685,-686,226,-688,226,226,-691,226,226,-694,-695,-696,226,-698,-699,-700,-701,226,226,-746,226,-749,-750,-751,-752,-753,226,-755,-756,-757,-758,-759,226,-766,-767,-769,226,-771,-772,-773,-782,-856,-858,-860,-862,226,226,226,226,-868,226,-870,226,226,226,226,226,226,226,-906,-907,226,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,226,-921,-924,226,3062,-934,-947,226,-385,-386,-387,226,226,-390,-391,-392,-393,226,-396,226,-399,-400,226,-401,226,-406,-407,226,-410,-411,-412,226,-415,226,-416,226,-421,-422,226,-425,226,-428,-429,-1894,-1894,226,-619,-620,-621,-622,-623,-634,-584,-624,-797,226,226,226,226,226,-831,226,226,-806,226,-832,226,226,226,226,-798,226,-853,-799,226,226,226,226,226,226,-854,-855,226,-834,-830,-835,226,-625,226,-626,-627,-628,-629,-574,226,226,-630,-631,-632,226,226,226,226,226,226,-635,-636,-637,-592,-1894,-602,226,-638,-639,-713,-640,-604,226,-572,-577,-580,-583,226,226,226,-598,-601,226,-608,226,226,226,226,226,226,226,226,226,226,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,226,226,226,-995,226,226,226,226,226,226,-306,-325,-319,-296,-375,-452,-453,-454,-458,226,-443,226,-933,-946,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,226,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,226,226,226,226,226,226,226,226,226,-316,-535,-508,-591,-937,-939,-940,-438,226,-440,-380,-381,-383,-507,-509,-511,226,-513,-514,-519,-520,226,-532,-534,-537,-538,-543,-548,-726,226,-727,226,-732,226,-734,226,-739,-656,-660,-661,226,-666,226,-667,226,-672,-674,226,-677,226,226,226,-687,-689,226,-692,226,226,-744,226,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,226,226,226,226,226,-877,226,-880,-908,-920,-925,-388,-389,226,-394,226,-397,226,-402,226,-403,226,-408,226,-413,226,-417,226,-418,226,-423,226,-426,-899,-900,-643,-585,-1894,-901,226,226,226,-800,226,226,-804,226,-807,-833,226,-818,226,-820,226,-822,-808,226,-824,226,-851,-852,226,226,-811,226,-646,-902,-904,-648,-649,-645,226,-705,-706,226,-642,-903,-647,-650,-603,-714,226,226,-605,-586,226,226,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,226,226,-709,-710,226,-716,226,226,226,226,226,226,-938,226,-439,-441,-747,226,-891,226,-715,-1894,226,226,226,226,226,-442,-512,-523,226,-728,-733,226,-735,226,-740,226,-662,-668,226,-678,-680,-682,-683,-690,-693,-697,-745,226,226,-874,226,226,-878,226,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,226,-812,226,-814,-801,226,-802,-805,226,-816,-819,-821,-823,-825,226,-826,226,-809,226,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,226,-282,226,226,226,226,-455,226,226,-729,226,-736,226,-741,226,-663,-671,226,226,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,226,-836,-53,226,226,-730,226,-737,226,-742,-664,226,-873,-54,226,226,-731,-738,-743,226,226,226,-872,]),'ENDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[227,227,227,227,-1894,227,227,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,227,227,227,227,-275,-276,227,-1425,227,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,227,227,227,-490,227,227,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,227,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,227,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,227,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,227,-172,-173,-174,-175,-993,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-290,-291,-281,227,227,227,227,227,-328,-318,-332,-333,-334,227,227,-982,-983,-984,-985,-986,-987,-988,227,227,227,227,227,227,227,227,227,227,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,227,227,227,-353,-356,227,-323,-324,-141,227,-142,227,-143,227,-430,-935,-936,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-1894,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-1894,227,-1894,227,227,227,227,227,227,227,227,227,227,227,227,-1894,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,227,-1894,227,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,227,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,227,227,227,-191,-192,227,-994,227,227,227,227,227,-277,-278,-279,-280,-365,227,-308,227,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,227,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,227,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,227,227,227,227,227,227,-573,227,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,227,227,-723,-724,-725,227,227,227,227,227,227,-994,227,227,-91,-92,227,227,227,227,-309,-310,-320,227,-307,-293,-294,-295,227,227,227,227,-618,-633,-590,227,227,-436,227,-437,227,-444,-445,-446,-378,-379,227,227,227,-506,227,227,-510,227,227,227,227,-515,-516,-517,-518,227,227,-521,-522,227,-524,-525,-526,-527,-528,-529,-530,-531,227,-533,227,227,227,-539,-541,-542,227,-544,-545,-546,-547,227,227,227,227,227,227,-652,-653,-654,-655,227,-657,-658,-659,227,227,227,-665,227,227,-669,-670,227,227,-673,227,-675,-676,227,-679,227,-681,227,227,-684,-685,-686,227,-688,227,227,-691,227,227,-694,-695,-696,227,-698,-699,-700,-701,227,227,-746,227,-749,-750,-751,-752,-753,227,-755,-756,-757,-758,-759,227,-766,-767,-769,227,-771,-772,-773,-782,-856,-858,-860,-862,227,227,227,227,-868,227,-870,227,227,227,227,227,227,227,-906,-907,227,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,227,-921,-924,227,-934,227,-385,-386,-387,227,227,-390,-391,-392,-393,227,-396,227,-399,-400,227,-401,227,-406,-407,227,-410,-411,-412,227,-415,227,-416,227,-421,-422,227,-425,227,-428,-429,-1894,-1894,227,-619,-620,-621,-622,-623,-634,-584,-624,-797,227,227,227,227,227,-831,227,227,-806,227,-832,227,227,227,227,-798,227,-853,-799,227,227,227,227,227,227,-854,-855,227,-834,-830,-835,227,-625,227,-626,-627,-628,-629,-574,227,227,-630,-631,-632,227,227,227,227,227,227,-635,-636,-637,-592,-1894,-602,227,-638,-639,-713,-640,-604,227,-572,-577,-580,-583,227,227,227,-598,-601,227,-608,227,227,227,227,227,227,227,227,227,227,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,227,227,227,-995,227,227,227,227,227,227,-306,-325,-319,-296,-375,-452,-453,-454,-458,227,-443,227,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,227,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,227,227,227,227,227,227,227,227,227,-316,-535,-508,-591,-937,-939,-940,-438,227,-440,-380,-381,-383,-507,-509,-511,227,-513,-514,-519,-520,227,-532,-534,-537,-538,-543,-548,-726,227,-727,227,-732,227,-734,227,-739,-656,-660,-661,227,-666,227,-667,227,-672,-674,227,-677,227,227,227,-687,-689,227,-692,227,227,-744,227,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,227,227,227,227,227,-877,227,-880,-908,-920,-925,-388,-389,227,-394,227,-397,227,-402,227,-403,227,-408,227,-413,227,-417,227,-418,227,-423,227,-426,-899,-900,-643,-585,-1894,-901,227,227,227,-800,227,227,-804,227,-807,-833,227,-818,227,-820,227,-822,-808,227,-824,227,-851,-852,227,227,-811,227,-646,-902,-904,-648,-649,-645,227,-705,-706,227,-642,-903,-647,-650,-603,-714,227,227,-605,-586,227,227,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,227,227,-709,-710,227,-716,227,227,227,227,227,227,-938,227,-439,-441,-747,227,-891,227,-715,-1894,227,227,227,227,227,-442,-512,-523,227,-728,-733,227,-735,227,-740,227,-662,-668,227,-678,-680,-682,-683,-690,-693,-697,-745,227,227,-874,227,227,-878,227,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,227,-812,227,-814,-801,227,-802,-805,227,-816,-819,-821,-823,-825,227,-826,227,-809,227,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,227,-282,227,227,227,227,-455,227,227,-729,227,-736,227,-741,227,-663,-671,227,227,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,227,-836,-53,227,227,-730,227,-737,227,-742,-664,227,-873,-54,227,227,-731,-738,-743,227,227,227,-872,]),'ENGINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[228,228,228,228,-1894,228,228,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,228,228,228,228,-275,-276,228,-1425,228,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,228,228,228,-490,228,228,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,228,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,228,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,228,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,228,-172,-173,-174,-175,-993,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-290,-291,-281,228,228,228,228,228,-328,-318,-332,-333,-334,228,228,-982,-983,-984,-985,-986,-987,-988,228,228,228,228,228,228,228,228,228,228,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,228,228,228,-353,-356,228,-323,-324,-141,228,-142,228,-143,228,-430,-935,-936,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-1894,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-1894,228,-1894,228,228,228,228,228,228,228,228,228,228,228,228,-1894,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,-1894,228,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,228,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,228,228,228,-191,-192,228,-994,228,228,228,228,228,-277,-278,-279,-280,-365,228,-308,228,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,228,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,228,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,228,228,228,228,228,228,-573,228,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,228,228,-723,-724,-725,228,228,228,228,228,228,-994,228,228,-91,-92,228,228,228,228,-309,-310,-320,228,-307,-293,-294,-295,228,228,228,228,-618,-633,-590,228,228,-436,228,-437,228,-444,-445,-446,-378,-379,228,228,228,-506,228,228,-510,228,228,228,228,-515,-516,-517,-518,228,228,-521,-522,228,-524,-525,-526,-527,-528,-529,-530,-531,228,-533,228,228,228,-539,-541,-542,228,-544,-545,-546,-547,228,228,228,228,228,228,-652,-653,-654,-655,228,-657,-658,-659,228,228,228,-665,228,228,-669,-670,228,228,-673,228,-675,-676,228,-679,228,-681,228,228,-684,-685,-686,228,-688,228,228,-691,228,228,-694,-695,-696,228,-698,-699,-700,-701,228,228,-746,228,-749,-750,-751,-752,-753,228,-755,-756,-757,-758,-759,228,-766,-767,-769,228,-771,-772,-773,-782,-856,-858,-860,-862,228,228,228,228,-868,228,-870,228,228,228,228,228,228,228,-906,-907,228,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,228,-921,-924,228,-934,228,-385,-386,-387,228,228,-390,-391,-392,-393,228,-396,228,-399,-400,228,-401,228,-406,-407,228,-410,-411,-412,228,-415,228,-416,228,-421,-422,228,-425,228,-428,-429,-1894,-1894,228,-619,-620,-621,-622,-623,-634,-584,-624,-797,228,228,228,228,228,-831,228,228,-806,228,-832,228,228,228,228,-798,228,-853,-799,228,228,228,228,228,228,-854,-855,228,-834,-830,-835,228,-625,228,-626,-627,-628,-629,-574,228,228,-630,-631,-632,228,228,228,228,228,228,-635,-636,-637,-592,-1894,-602,228,-638,-639,-713,-640,-604,228,-572,-577,-580,-583,228,228,228,-598,-601,228,-608,228,228,228,228,228,228,228,228,228,228,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,228,228,3182,228,-995,228,228,228,228,228,228,-306,-325,-319,-296,-375,-452,-453,-454,-458,228,-443,228,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,228,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,228,228,228,228,228,228,228,228,228,-316,-535,-508,-591,-937,-939,-940,-438,228,-440,-380,-381,-383,-507,-509,-511,228,-513,-514,-519,-520,228,-532,-534,-537,-538,-543,-548,-726,228,-727,228,-732,228,-734,228,-739,-656,-660,-661,228,-666,228,-667,228,-672,-674,228,-677,228,228,228,-687,-689,228,-692,228,228,-744,228,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,228,228,228,228,228,-877,228,-880,-908,-920,-925,-388,-389,228,-394,228,-397,228,-402,228,-403,228,-408,228,-413,228,-417,228,-418,228,-423,228,-426,-899,-900,-643,-585,-1894,-901,228,228,228,-800,228,228,-804,228,-807,-833,228,-818,228,-820,228,-822,-808,228,-824,228,-851,-852,228,228,-811,228,-646,-902,-904,-648,-649,-645,228,-705,-706,228,-642,-903,-647,-650,-603,-714,228,228,-605,-586,228,228,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,228,228,-709,-710,228,-716,228,228,228,228,3182,228,228,-938,228,-439,-441,-747,228,-891,228,-715,-1894,228,228,3182,228,3182,3182,3182,3182,3182,3182,3182,3182,3182,228,228,-442,-512,-523,228,-728,-733,228,-735,228,-740,228,-662,-668,228,-678,-680,-682,-683,-690,-693,-697,-745,228,228,-874,228,228,-878,228,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,228,-812,228,-814,-801,228,-802,-805,228,-816,-819,-821,-823,-825,228,-826,228,-809,228,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,228,3182,-282,228,228,228,228,-455,228,228,-729,228,-736,228,-741,228,-663,-671,228,228,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,228,-836,-53,228,228,-730,228,-737,228,-742,-664,228,-873,-54,228,228,-731,-738,-743,228,228,228,-872,]),'ENGINES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[229,229,229,229,-1894,229,229,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,229,229,229,229,-275,-276,229,-1425,229,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,229,229,229,-490,229,229,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,229,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,229,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,229,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,229,-172,-173,-174,-175,-993,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-290,-291,-281,229,229,229,229,229,-328,-318,-332,-333,-334,229,229,-982,-983,-984,-985,-986,-987,-988,229,229,229,229,229,229,229,229,229,229,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,229,229,229,-353,-356,229,-323,-324,-141,229,-142,229,-143,229,-430,-935,-936,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-1894,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-1894,229,-1894,229,229,229,229,229,229,229,229,229,229,229,229,-1894,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,229,-1894,229,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,229,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,229,229,229,-191,-192,229,-994,229,229,229,229,229,-277,-278,-279,-280,-365,229,-308,229,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,229,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,229,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,229,229,229,229,229,229,-573,229,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,229,229,-723,-724,-725,229,229,229,229,229,229,-994,229,229,-91,-92,229,229,229,229,-309,-310,-320,229,-307,-293,-294,-295,229,229,229,229,-618,-633,-590,229,229,-436,229,-437,229,-444,-445,-446,-378,-379,229,229,229,-506,229,229,-510,229,229,229,229,-515,-516,-517,-518,229,229,-521,-522,229,-524,-525,-526,-527,-528,-529,-530,-531,229,-533,229,229,229,-539,-541,-542,229,-544,-545,-546,-547,229,229,229,229,229,229,-652,-653,-654,-655,229,-657,-658,-659,229,229,229,-665,229,229,-669,-670,229,229,-673,229,-675,-676,229,-679,229,-681,229,229,-684,-685,-686,229,-688,229,229,-691,229,229,-694,-695,-696,229,-698,-699,-700,-701,229,229,-746,229,-749,-750,-751,-752,-753,229,-755,-756,-757,-758,-759,229,-766,-767,-769,229,-771,-772,-773,-782,-856,-858,-860,-862,229,229,229,229,-868,229,-870,229,229,229,229,229,229,229,-906,-907,229,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,229,-921,-924,229,-934,229,-385,-386,-387,229,229,-390,-391,-392,-393,229,-396,229,-399,-400,229,-401,229,-406,-407,229,-410,-411,-412,229,-415,229,-416,229,-421,-422,229,-425,229,-428,-429,-1894,-1894,229,-619,-620,-621,-622,-623,-634,-584,-624,-797,229,229,229,229,229,-831,229,229,-806,229,-832,229,229,229,229,-798,229,-853,-799,229,229,229,229,229,229,-854,-855,229,-834,-830,-835,229,-625,229,-626,-627,-628,-629,-574,229,229,-630,-631,-632,229,229,229,229,229,229,-635,-636,-637,-592,-1894,-602,229,-638,-639,-713,-640,-604,229,-572,-577,-580,-583,229,229,229,-598,-601,229,-608,229,229,229,229,229,229,229,229,229,229,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,229,229,229,-995,229,229,229,229,229,229,-306,-325,-319,-296,-375,-452,-453,-454,-458,229,-443,229,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,229,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,229,229,229,229,229,229,229,229,229,-316,-535,-508,-591,-937,-939,-940,-438,229,-440,-380,-381,-383,-507,-509,-511,229,-513,-514,-519,-520,229,-532,-534,-537,-538,-543,-548,-726,229,-727,229,-732,229,-734,229,-739,-656,-660,-661,229,-666,229,-667,229,-672,-674,229,-677,229,229,229,-687,-689,229,-692,229,229,-744,229,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,229,229,229,229,229,-877,229,-880,-908,-920,-925,-388,-389,229,-394,229,-397,229,-402,229,-403,229,-408,229,-413,229,-417,229,-418,229,-423,229,-426,-899,-900,-643,-585,-1894,-901,229,229,229,-800,229,229,-804,229,-807,-833,229,-818,229,-820,229,-822,-808,229,-824,229,-851,-852,229,229,-811,229,-646,-902,-904,-648,-649,-645,229,-705,-706,229,-642,-903,-647,-650,-603,-714,229,229,-605,-586,229,229,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,229,229,-709,-710,229,-716,229,229,229,229,229,229,-938,229,-439,-441,-747,229,-891,229,-715,-1894,229,229,229,229,229,-442,-512,-523,229,-728,-733,229,-735,229,-740,229,-662,-668,229,-678,-680,-682,-683,-690,-693,-697,-745,229,229,-874,229,229,-878,229,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,229,-812,229,-814,-801,229,-802,-805,229,-816,-819,-821,-823,-825,229,-826,229,-809,229,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,229,-282,229,229,229,229,-455,229,229,-729,229,-736,229,-741,229,-663,-671,229,229,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,229,-836,-53,229,229,-730,229,-737,229,-742,-664,229,-873,-54,229,229,-731,-738,-743,229,229,229,-872,]),'ENGINE_':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[230,230,230,230,-1894,230,230,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,230,230,230,230,-275,-276,230,-1425,230,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,230,230,230,-490,230,230,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,230,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,230,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,230,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,230,-172,-173,-174,-175,-993,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-290,-291,-281,230,230,230,230,230,-328,-318,-332,-333,-334,230,230,-982,-983,-984,-985,-986,-987,-988,230,230,230,230,230,230,230,230,230,230,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,230,230,230,-353,-356,230,-323,-324,-141,230,-142,230,-143,230,-430,-935,-936,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-1894,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-1894,230,-1894,230,230,230,230,230,230,230,230,230,230,230,230,-1894,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,230,-1894,230,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,230,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,230,230,230,-191,-192,230,-994,230,230,230,230,230,-277,-278,-279,-280,-365,230,-308,230,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,230,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,230,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,230,230,230,230,230,230,-573,230,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,230,230,-723,-724,-725,230,230,230,230,230,230,-994,230,230,-91,-92,230,230,230,230,-309,-310,-320,230,-307,-293,-294,-295,230,230,230,230,-618,-633,-590,230,230,-436,230,-437,230,-444,-445,-446,-378,-379,230,230,230,-506,230,230,-510,230,230,230,230,-515,-516,-517,-518,230,230,-521,-522,230,-524,-525,-526,-527,-528,-529,-530,-531,230,-533,230,230,230,-539,-541,-542,230,-544,-545,-546,-547,230,230,230,230,230,230,-652,-653,-654,-655,230,-657,-658,-659,230,230,230,-665,230,230,-669,-670,230,230,-673,230,-675,-676,230,-679,230,-681,230,230,-684,-685,-686,230,-688,230,230,-691,230,230,-694,-695,-696,230,-698,-699,-700,-701,230,230,-746,230,-749,-750,-751,-752,-753,230,-755,-756,-757,-758,-759,230,-766,-767,-769,230,-771,-772,-773,-782,-856,-858,-860,-862,230,230,230,230,-868,230,-870,230,230,230,230,230,230,230,-906,-907,230,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,230,-921,-924,230,-934,230,-385,-386,-387,230,230,-390,-391,-392,-393,230,-396,230,-399,-400,230,-401,230,-406,-407,230,-410,-411,-412,230,-415,230,-416,230,-421,-422,230,-425,230,-428,-429,-1894,-1894,230,-619,-620,-621,-622,-623,-634,-584,-624,-797,230,230,230,230,230,-831,230,230,-806,230,-832,230,230,230,230,-798,230,-853,-799,230,230,230,230,230,230,-854,-855,230,-834,-830,-835,230,-625,230,-626,-627,-628,-629,-574,230,230,-630,-631,-632,230,230,230,230,230,230,-635,-636,-637,-592,-1894,-602,230,-638,-639,-713,-640,-604,230,-572,-577,-580,-583,230,230,230,-598,-601,230,-608,230,230,230,230,230,230,230,230,230,230,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,230,230,230,-995,230,230,230,230,230,230,-306,-325,-319,-296,-375,-452,-453,-454,-458,230,-443,230,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,230,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,230,230,230,230,230,230,230,230,230,-316,-535,-508,-591,-937,-939,-940,-438,230,-440,-380,-381,-383,-507,-509,-511,230,-513,-514,-519,-520,230,-532,-534,-537,-538,-543,-548,-726,230,-727,230,-732,230,-734,230,-739,-656,-660,-661,230,-666,230,-667,230,-672,-674,230,-677,230,230,230,-687,-689,230,-692,230,230,-744,230,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,230,230,230,230,230,-877,230,-880,-908,-920,-925,-388,-389,230,-394,230,-397,230,-402,230,-403,230,-408,230,-413,230,-417,230,-418,230,-423,230,-426,-899,-900,-643,-585,-1894,-901,230,230,230,-800,230,230,-804,230,-807,-833,230,-818,230,-820,230,-822,-808,230,-824,230,-851,-852,230,230,-811,230,-646,-902,-904,-648,-649,-645,230,-705,-706,230,-642,-903,-647,-650,-603,-714,230,230,-605,-586,230,230,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,230,230,-709,-710,230,-716,230,230,230,230,230,230,-938,230,-439,-441,-747,230,-891,230,-715,-1894,230,230,230,230,230,-442,-512,-523,230,-728,-733,230,-735,230,-740,230,-662,-668,230,-678,-680,-682,-683,-690,-693,-697,-745,230,230,-874,230,230,-878,230,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,230,-812,230,-814,-801,230,-802,-805,230,-816,-819,-821,-823,-825,230,-826,230,-809,230,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,230,-282,230,230,230,230,-455,230,230,-729,230,-736,230,-741,230,-663,-671,230,230,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,230,-836,-53,230,230,-730,230,-737,230,-742,-664,230,-873,-54,230,230,-731,-738,-743,230,230,230,-872,]),'ENTITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[231,231,231,231,-1894,231,231,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,231,231,231,231,-275,-276,231,-1425,231,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,231,231,231,-490,231,231,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,231,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,231,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,231,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,231,-172,-173,-174,-175,-993,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-290,-291,-281,231,231,231,231,231,-328,-318,-332,-333,-334,231,231,-982,-983,-984,-985,-986,-987,-988,231,231,231,231,231,231,231,231,231,231,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,231,231,231,-353,-356,231,-323,-324,-141,231,-142,231,-143,231,-430,-935,-936,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-1894,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-1894,231,-1894,231,231,231,231,231,231,231,231,231,231,231,231,-1894,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,231,-1894,231,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,231,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,231,231,231,-191,-192,231,-994,231,231,231,231,231,-277,-278,-279,-280,-365,231,-308,231,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,231,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,231,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,231,231,231,231,231,231,-573,231,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,231,231,-723,-724,-725,231,231,231,231,231,231,-994,231,231,-91,-92,231,231,231,231,-309,-310,-320,231,-307,-293,-294,-295,231,231,231,231,-618,-633,-590,231,231,-436,231,-437,231,-444,-445,-446,-378,-379,231,231,231,-506,231,231,-510,231,231,231,231,-515,-516,-517,-518,231,231,-521,-522,231,-524,-525,-526,-527,-528,-529,-530,-531,231,-533,231,231,231,-539,-541,-542,231,-544,-545,-546,-547,231,231,231,231,231,231,-652,-653,-654,-655,231,-657,-658,-659,231,231,231,-665,231,231,-669,-670,231,231,-673,231,-675,-676,231,-679,231,-681,231,231,-684,-685,-686,231,-688,231,231,-691,231,231,-694,-695,-696,231,-698,-699,-700,-701,231,231,-746,231,-749,-750,-751,-752,-753,231,-755,-756,-757,-758,-759,231,-766,-767,-769,231,-771,-772,-773,-782,-856,-858,-860,-862,231,231,231,231,-868,231,-870,231,231,231,231,231,231,231,-906,-907,231,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,231,-921,-924,231,-934,231,-385,-386,-387,231,231,-390,-391,-392,-393,231,-396,231,-399,-400,231,-401,231,-406,-407,231,-410,-411,-412,231,-415,231,-416,231,-421,-422,231,-425,231,-428,-429,-1894,-1894,231,-619,-620,-621,-622,-623,-634,-584,-624,-797,231,231,231,231,231,-831,231,231,-806,231,-832,231,231,231,231,-798,231,-853,-799,231,231,231,231,231,231,-854,-855,231,-834,-830,-835,231,-625,231,-626,-627,-628,-629,-574,231,231,-630,-631,-632,231,231,231,231,231,231,-635,-636,-637,-592,-1894,-602,231,-638,-639,-713,-640,-604,231,-572,-577,-580,-583,231,231,231,-598,-601,231,-608,231,231,231,231,231,231,231,231,231,231,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,231,231,231,-995,231,231,231,231,231,231,-306,-325,-319,-296,-375,-452,-453,-454,-458,231,-443,231,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,231,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,231,231,231,231,231,231,231,231,231,-316,-535,-508,-591,-937,-939,-940,-438,231,-440,-380,-381,-383,-507,-509,-511,231,-513,-514,-519,-520,231,-532,-534,-537,-538,-543,-548,-726,231,-727,231,-732,231,-734,231,-739,-656,-660,-661,231,-666,231,-667,231,-672,-674,231,-677,231,231,231,-687,-689,231,-692,231,231,-744,231,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,231,231,231,231,231,-877,231,-880,-908,-920,-925,-388,-389,231,-394,231,-397,231,-402,231,-403,231,-408,231,-413,231,-417,231,-418,231,-423,231,-426,-899,-900,-643,-585,-1894,-901,231,231,231,-800,231,231,-804,231,-807,-833,231,-818,231,-820,231,-822,-808,231,-824,231,-851,-852,231,231,-811,231,-646,-902,-904,-648,-649,-645,231,-705,-706,231,-642,-903,-647,-650,-603,-714,231,231,-605,-586,231,231,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,231,231,-709,-710,231,-716,231,231,231,231,231,231,-938,231,-439,-441,-747,231,-891,231,-715,-1894,231,231,231,231,231,-442,-512,-523,231,-728,-733,231,-735,231,-740,231,-662,-668,231,-678,-680,-682,-683,-690,-693,-697,-745,231,231,-874,231,231,-878,231,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,231,-812,231,-814,-801,231,-802,-805,231,-816,-819,-821,-823,-825,231,-826,231,-809,231,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,231,-282,231,231,231,231,-455,231,231,-729,231,-736,231,-741,231,-663,-671,231,231,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,231,-836,-53,231,231,-730,231,-737,231,-742,-664,231,-873,-54,231,231,-731,-738,-743,231,231,231,-872,]),'ENUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[232,232,232,232,-1894,232,232,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,232,232,232,232,-275,-276,232,-1425,232,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,232,232,232,-490,232,232,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,232,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,232,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,232,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,232,-172,-173,-174,-175,-993,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-290,-291,-281,232,232,232,232,232,-328,-318,-332,-333,-334,232,232,-982,-983,-984,-985,-986,-987,-988,232,232,232,232,232,232,232,232,232,232,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,232,232,232,-353,-356,232,-323,-324,-141,232,-142,232,-143,232,-430,-935,-936,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-1894,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-1894,232,-1894,232,232,232,232,232,232,232,232,232,232,232,232,-1894,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,232,-1894,232,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,232,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,232,232,232,-191,-192,232,-994,232,232,232,232,232,-277,-278,-279,-280,-365,232,-308,232,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,232,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,232,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,232,232,232,232,232,232,-573,232,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,232,232,-723,-724,-725,232,232,232,232,232,232,-994,232,232,-91,-92,232,232,232,232,-309,-310,-320,232,-307,-293,-294,-295,232,232,232,232,-618,-633,-590,232,232,-436,232,-437,232,-444,-445,-446,-378,-379,232,232,232,-506,232,232,-510,232,232,232,232,-515,-516,-517,-518,232,232,-521,-522,232,-524,-525,-526,-527,-528,-529,-530,-531,232,-533,232,232,232,-539,-541,-542,232,-544,-545,-546,-547,232,232,232,232,232,232,-652,-653,-654,-655,232,-657,-658,-659,232,232,232,-665,232,232,-669,-670,232,232,-673,232,-675,-676,232,-679,232,-681,232,232,-684,-685,-686,232,-688,232,232,-691,232,232,-694,-695,-696,232,-698,-699,-700,-701,232,232,-746,232,-749,-750,-751,-752,-753,232,-755,-756,-757,-758,-759,232,-766,-767,-769,232,-771,-772,-773,-782,-856,-858,-860,-862,232,232,232,232,-868,232,-870,232,232,232,232,232,232,232,-906,-907,232,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,232,-921,-924,232,-934,232,-385,-386,-387,232,232,-390,-391,-392,-393,232,-396,232,-399,-400,232,-401,232,-406,-407,232,-410,-411,-412,232,-415,232,-416,232,-421,-422,232,-425,232,-428,-429,-1894,-1894,232,-619,-620,-621,-622,-623,-634,-584,-624,-797,232,232,232,232,232,-831,232,232,-806,232,-832,232,232,232,232,-798,232,-853,-799,232,232,232,232,232,232,-854,-855,232,-834,-830,-835,232,-625,232,-626,-627,-628,-629,-574,232,232,-630,-631,-632,232,232,232,232,232,232,-635,-636,-637,-592,-1894,-602,232,-638,-639,-713,-640,-604,232,-572,-577,-580,-583,232,232,232,-598,-601,232,-608,232,232,232,232,232,232,232,232,232,232,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,232,232,232,-995,232,232,232,232,232,232,-306,-325,-319,-296,-375,-452,-453,-454,-458,232,-443,232,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,232,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,232,232,232,232,232,232,232,232,232,-316,-535,-508,-591,-937,-939,-940,-438,232,-440,-380,-381,-383,-507,-509,-511,232,-513,-514,-519,-520,232,-532,-534,-537,-538,-543,-548,-726,232,-727,232,-732,232,-734,232,-739,-656,-660,-661,232,-666,232,-667,232,-672,-674,232,-677,232,232,232,-687,-689,232,-692,232,232,-744,232,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,232,232,232,232,232,-877,232,-880,-908,-920,-925,-388,-389,232,-394,232,-397,232,-402,232,-403,232,-408,232,-413,232,-417,232,-418,232,-423,232,-426,-899,-900,-643,-585,-1894,-901,232,232,232,-800,232,232,-804,232,-807,-833,232,-818,232,-820,232,-822,-808,232,-824,232,-851,-852,232,232,-811,232,-646,-902,-904,-648,-649,-645,232,-705,-706,232,-642,-903,-647,-650,-603,-714,232,232,-605,-586,232,232,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,232,232,-709,-710,232,-716,232,232,232,232,232,232,-938,232,-439,-441,-747,232,-891,232,-715,-1894,232,232,232,232,232,-442,-512,-523,232,-728,-733,232,-735,232,-740,232,-662,-668,232,-678,-680,-682,-683,-690,-693,-697,-745,232,232,-874,232,232,-878,232,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,232,-812,232,-814,-801,232,-802,-805,232,-816,-819,-821,-823,-825,232,-826,232,-809,232,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,232,-282,232,232,232,232,-455,232,232,-729,232,-736,232,-741,232,-663,-671,232,232,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,232,-836,-53,232,232,-730,232,-737,232,-742,-664,232,-873,-54,232,232,-731,-738,-743,232,232,232,-872,]),'ERROR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[233,233,233,233,-1894,233,233,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,233,233,233,233,-275,-276,233,-1425,233,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,233,233,233,-490,233,233,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,233,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,233,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,233,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,233,-172,-173,-174,-175,-993,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-290,-291,-281,233,233,233,233,233,-328,-318,-332,-333,-334,233,233,-982,-983,-984,-985,-986,-987,-988,233,233,233,233,233,233,233,233,233,233,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,233,233,233,-353,-356,233,-323,-324,-141,233,-142,233,-143,233,-430,-935,-936,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-1894,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-1894,233,-1894,233,233,233,233,233,233,233,233,233,233,233,233,-1894,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,-1894,233,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,233,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,233,233,233,-191,-192,233,-994,233,233,233,233,233,-277,-278,-279,-280,-365,233,-308,233,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,233,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,233,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,233,233,233,233,233,233,-573,233,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,233,233,-723,-724,-725,233,233,233,233,233,233,-994,233,233,-91,-92,233,233,233,233,-309,-310,-320,233,-307,-293,-294,-295,233,233,233,233,-618,-633,-590,233,233,-436,233,-437,233,-444,-445,-446,-378,-379,233,233,233,-506,233,233,-510,233,233,233,233,-515,-516,-517,-518,233,233,-521,-522,233,-524,-525,-526,-527,-528,-529,-530,-531,233,-533,233,233,233,-539,-541,-542,233,-544,-545,-546,-547,233,233,233,233,233,233,-652,-653,-654,-655,233,-657,-658,-659,233,233,233,-665,233,233,-669,-670,233,233,-673,233,-675,-676,233,-679,233,-681,233,233,-684,-685,-686,233,-688,233,233,-691,233,233,-694,-695,-696,233,-698,-699,-700,-701,233,233,-746,233,-749,-750,-751,-752,-753,233,-755,-756,-757,-758,-759,233,-766,-767,-769,233,-771,-772,-773,-782,-856,-858,-860,-862,233,233,233,233,-868,233,-870,233,233,233,233,233,233,233,-906,-907,233,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,233,-921,-924,233,-934,233,-385,-386,-387,233,233,-390,-391,-392,-393,233,-396,233,-399,-400,233,-401,233,-406,-407,233,-410,-411,-412,233,-415,233,-416,233,-421,-422,233,-425,233,-428,-429,-1894,-1894,233,-619,-620,-621,-622,-623,-634,-584,-624,-797,233,233,233,233,233,-831,233,233,-806,233,-832,233,233,233,233,-798,233,-853,-799,233,233,233,233,233,233,-854,-855,233,-834,-830,-835,233,-625,233,-626,-627,-628,-629,-574,233,233,-630,-631,-632,233,233,233,233,233,233,-635,-636,-637,-592,-1894,-602,233,-638,-639,-713,-640,-604,233,-572,-577,-580,-583,233,233,233,-598,-601,233,-608,233,233,233,233,233,233,233,233,233,233,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,233,233,233,-995,233,233,233,233,233,233,-306,-325,-319,-296,-375,-452,-453,-454,-458,233,-443,233,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,233,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,233,233,233,233,233,233,233,233,233,-316,-535,-508,-591,-937,-939,-940,-438,233,-440,-380,-381,-383,-507,-509,-511,233,-513,-514,-519,-520,233,-532,-534,-537,-538,-543,-548,-726,233,-727,233,-732,233,-734,233,-739,-656,-660,-661,233,-666,233,-667,233,-672,-674,233,-677,233,233,233,-687,-689,233,-692,233,233,-744,233,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,233,233,233,233,233,-877,233,-880,-908,-920,-925,-388,-389,233,-394,233,-397,233,-402,233,-403,233,-408,233,-413,233,-417,233,-418,233,-423,233,-426,-899,-900,-643,-585,-1894,-901,233,233,233,-800,233,233,-804,233,-807,-833,233,-818,233,-820,233,-822,-808,233,-824,233,-851,-852,233,233,-811,233,-646,-902,-904,-648,-649,-645,233,-705,-706,233,-642,-903,-647,-650,-603,-714,233,233,-605,-586,233,233,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,233,233,-709,-710,233,-716,233,233,233,233,233,233,-938,233,-439,-441,-747,233,-891,233,-715,-1894,233,233,233,233,233,-442,-512,-523,233,-728,-733,233,-735,233,-740,233,-662,-668,233,-678,-680,-682,-683,-690,-693,-697,-745,233,233,-874,233,233,-878,233,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,233,-812,233,-814,-801,233,-802,-805,233,-816,-819,-821,-823,-825,233,-826,233,-809,233,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,233,-282,233,233,233,233,-455,233,233,-729,233,-736,233,-741,233,-663,-671,233,233,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,233,-836,-53,233,233,-730,233,-737,233,-742,-664,233,-873,-54,233,233,-731,-738,-743,233,233,233,-872,]),'ERRORS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[234,234,234,234,-1894,234,234,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,234,234,234,234,-275,-276,234,-1425,234,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,234,234,234,-490,234,234,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,234,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,234,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,234,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,234,-172,-173,-174,-175,-993,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-290,-291,-281,234,234,234,234,234,-328,-318,-332,-333,-334,234,234,-982,-983,-984,-985,-986,-987,-988,234,234,234,234,234,234,234,234,234,234,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,234,234,234,-353,-356,234,-323,-324,-141,234,-142,234,-143,234,-430,-935,-936,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-1894,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-1894,234,-1894,234,234,234,234,234,234,234,234,234,234,234,234,-1894,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,234,-1894,234,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,234,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,234,234,234,-191,-192,234,-994,234,234,234,234,234,-277,-278,-279,-280,-365,234,-308,234,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,234,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,234,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,234,234,234,234,234,234,-573,234,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,234,234,-723,-724,-725,234,234,234,234,234,234,-994,234,234,-91,-92,234,234,234,234,-309,-310,-320,234,-307,-293,-294,-295,234,234,234,234,-618,-633,-590,234,234,-436,234,-437,234,-444,-445,-446,-378,-379,234,234,234,-506,234,234,-510,234,234,234,234,-515,-516,-517,-518,234,234,-521,-522,234,-524,-525,-526,-527,-528,-529,-530,-531,234,-533,234,234,234,-539,-541,-542,234,-544,-545,-546,-547,234,234,234,234,234,234,-652,-653,-654,-655,234,-657,-658,-659,234,234,234,-665,234,234,-669,-670,234,234,-673,234,-675,-676,234,-679,234,-681,234,234,-684,-685,-686,234,-688,234,234,-691,234,234,-694,-695,-696,234,-698,-699,-700,-701,234,234,-746,234,-749,-750,-751,-752,-753,234,-755,-756,-757,-758,-759,234,-766,-767,-769,234,-771,-772,-773,-782,-856,-858,-860,-862,234,234,234,234,-868,234,-870,234,234,234,234,234,234,234,-906,-907,234,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,234,-921,-924,234,-934,234,-385,-386,-387,234,234,-390,-391,-392,-393,234,-396,234,-399,-400,234,-401,234,-406,-407,234,-410,-411,-412,234,-415,234,-416,234,-421,-422,234,-425,234,-428,-429,-1894,-1894,234,-619,-620,-621,-622,-623,-634,-584,-624,-797,234,234,234,234,234,-831,234,234,-806,234,-832,234,234,234,234,-798,234,-853,-799,234,234,234,234,234,234,-854,-855,234,-834,-830,-835,234,-625,234,-626,-627,-628,-629,-574,234,234,-630,-631,-632,234,234,234,234,234,234,-635,-636,-637,-592,-1894,-602,234,-638,-639,-713,-640,-604,234,-572,-577,-580,-583,234,234,234,-598,-601,234,-608,234,234,234,234,234,234,234,234,234,234,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,234,234,234,-995,234,234,234,234,234,234,-306,-325,-319,-296,-375,-452,-453,-454,-458,234,-443,234,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,234,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,234,234,234,234,234,234,234,234,234,-316,-535,-508,-591,-937,-939,-940,-438,234,-440,-380,-381,-383,-507,-509,-511,234,-513,-514,-519,-520,234,-532,-534,-537,-538,-543,-548,-726,234,-727,234,-732,234,-734,234,-739,-656,-660,-661,234,-666,234,-667,234,-672,-674,234,-677,234,234,234,-687,-689,234,-692,234,234,-744,234,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,234,234,234,234,234,-877,234,-880,-908,-920,-925,-388,-389,234,-394,234,-397,234,-402,234,-403,234,-408,234,-413,234,-417,234,-418,234,-423,234,-426,-899,-900,-643,-585,-1894,-901,234,234,234,-800,234,234,-804,234,-807,-833,234,-818,234,-820,234,-822,-808,234,-824,234,-851,-852,234,234,-811,234,-646,-902,-904,-648,-649,-645,234,-705,-706,234,-642,-903,-647,-650,-603,-714,234,234,-605,-586,234,234,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,234,234,-709,-710,234,-716,234,234,234,234,234,234,-938,234,-439,-441,-747,234,-891,234,-715,-1894,234,234,234,234,234,-442,-512,-523,234,-728,-733,234,-735,234,-740,234,-662,-668,234,-678,-680,-682,-683,-690,-693,-697,-745,234,234,-874,234,234,-878,234,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,234,-812,234,-814,-801,234,-802,-805,234,-816,-819,-821,-823,-825,234,-826,234,-809,234,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,234,-282,234,234,234,234,-455,234,234,-729,234,-736,234,-741,234,-663,-671,234,234,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,234,-836,-53,234,234,-730,234,-737,234,-742,-664,234,-873,-54,234,234,-731,-738,-743,234,234,234,-872,]),'ERROR_CODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[235,235,235,235,-1894,235,235,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,235,235,235,235,-275,-276,235,-1425,235,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,235,235,235,-490,235,235,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,235,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,235,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,235,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,235,-172,-173,-174,-175,-993,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-290,-291,-281,235,235,235,235,235,-328,-318,-332,-333,-334,235,235,-982,-983,-984,-985,-986,-987,-988,235,235,235,235,235,235,235,235,235,235,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,235,235,235,-353,-356,235,-323,-324,-141,235,-142,235,-143,235,-430,-935,-936,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-1894,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-1894,235,-1894,235,235,235,235,235,235,235,235,235,235,235,235,-1894,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,-1894,235,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,235,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,235,235,235,-191,-192,235,-994,235,235,235,235,235,-277,-278,-279,-280,-365,235,-308,235,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,235,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,235,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,235,235,235,235,235,235,-573,235,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,235,235,-723,-724,-725,235,235,235,235,235,235,-994,235,235,-91,-92,235,235,235,235,-309,-310,-320,235,-307,-293,-294,-295,235,235,235,235,-618,-633,-590,235,235,-436,235,-437,235,-444,-445,-446,-378,-379,235,235,235,-506,235,235,-510,235,235,235,235,-515,-516,-517,-518,235,235,-521,-522,235,-524,-525,-526,-527,-528,-529,-530,-531,235,-533,235,235,235,-539,-541,-542,235,-544,-545,-546,-547,235,235,235,235,235,235,-652,-653,-654,-655,235,-657,-658,-659,235,235,235,-665,235,235,-669,-670,235,235,-673,235,-675,-676,235,-679,235,-681,235,235,-684,-685,-686,235,-688,235,235,-691,235,235,-694,-695,-696,235,-698,-699,-700,-701,235,235,-746,235,-749,-750,-751,-752,-753,235,-755,-756,-757,-758,-759,235,-766,-767,-769,235,-771,-772,-773,-782,-856,-858,-860,-862,235,235,235,235,-868,235,-870,235,235,235,235,235,235,235,-906,-907,235,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,235,-921,-924,235,-934,235,-385,-386,-387,235,235,-390,-391,-392,-393,235,-396,235,-399,-400,235,-401,235,-406,-407,235,-410,-411,-412,235,-415,235,-416,235,-421,-422,235,-425,235,-428,-429,-1894,-1894,235,-619,-620,-621,-622,-623,-634,-584,-624,-797,235,235,235,235,235,-831,235,235,-806,235,-832,235,235,235,235,-798,235,-853,-799,235,235,235,235,235,235,-854,-855,235,-834,-830,-835,235,-625,235,-626,-627,-628,-629,-574,235,235,-630,-631,-632,235,235,235,235,235,235,-635,-636,-637,-592,-1894,-602,235,-638,-639,-713,-640,-604,235,-572,-577,-580,-583,235,235,235,-598,-601,235,-608,235,235,235,235,235,235,235,235,235,235,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,235,235,235,-995,235,235,235,235,235,235,-306,-325,-319,-296,-375,-452,-453,-454,-458,235,-443,235,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,235,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,235,235,235,235,235,235,235,235,235,-316,-535,-508,-591,-937,-939,-940,-438,235,-440,-380,-381,-383,-507,-509,-511,235,-513,-514,-519,-520,235,-532,-534,-537,-538,-543,-548,-726,235,-727,235,-732,235,-734,235,-739,-656,-660,-661,235,-666,235,-667,235,-672,-674,235,-677,235,235,235,-687,-689,235,-692,235,235,-744,235,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,235,235,235,235,235,-877,235,-880,-908,-920,-925,-388,-389,235,-394,235,-397,235,-402,235,-403,235,-408,235,-413,235,-417,235,-418,235,-423,235,-426,-899,-900,-643,-585,-1894,-901,235,235,235,-800,235,235,-804,235,-807,-833,235,-818,235,-820,235,-822,-808,235,-824,235,-851,-852,235,235,-811,235,-646,-902,-904,-648,-649,-645,235,-705,-706,235,-642,-903,-647,-650,-603,-714,235,235,-605,-586,235,235,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,235,235,-709,-710,235,-716,235,235,235,235,235,235,-938,235,-439,-441,-747,235,-891,235,-715,-1894,235,235,235,235,235,-442,-512,-523,235,-728,-733,235,-735,235,-740,235,-662,-668,235,-678,-680,-682,-683,-690,-693,-697,-745,235,235,-874,235,235,-878,235,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,235,-812,235,-814,-801,235,-802,-805,235,-816,-819,-821,-823,-825,235,-826,235,-809,235,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,235,-282,235,235,235,235,-455,235,235,-729,235,-736,235,-741,235,-663,-671,235,235,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,235,-836,-53,235,235,-730,235,-737,235,-742,-664,235,-873,-54,235,235,-731,-738,-743,235,235,235,-872,]),'ERROR_P':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[236,236,236,236,-1894,236,236,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,236,236,236,236,-275,-276,236,-1425,236,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,236,236,236,-490,236,236,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,236,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,236,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,236,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,236,-172,-173,-174,-175,-993,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-290,-291,-281,236,236,236,236,236,-328,-318,-332,-333,-334,236,236,-982,-983,-984,-985,-986,-987,-988,236,236,236,236,236,236,236,236,236,236,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,236,236,236,-353,-356,236,-323,-324,-141,236,-142,236,-143,236,-430,-935,-936,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-1894,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-1894,236,-1894,236,236,236,236,236,236,236,236,236,236,236,236,-1894,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,236,-1894,236,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,236,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,236,236,236,-191,-192,236,-994,236,236,236,236,236,-277,-278,-279,-280,-365,236,-308,236,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,236,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,236,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,236,236,236,236,236,236,-573,236,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,236,236,-723,-724,-725,236,236,236,236,236,236,-994,236,236,-91,-92,236,236,236,236,-309,-310,-320,236,-307,-293,-294,-295,236,236,236,236,-618,-633,-590,236,236,-436,236,-437,236,-444,-445,-446,-378,-379,236,236,236,-506,236,236,-510,236,236,236,236,-515,-516,-517,-518,236,236,-521,-522,236,-524,-525,-526,-527,-528,-529,-530,-531,236,-533,236,236,236,-539,-541,-542,236,-544,-545,-546,-547,236,236,236,236,236,236,-652,-653,-654,-655,236,-657,-658,-659,236,236,236,-665,236,236,-669,-670,236,236,-673,236,-675,-676,236,-679,236,-681,236,236,-684,-685,-686,236,-688,236,236,-691,236,236,-694,-695,-696,236,-698,-699,-700,-701,236,236,-746,236,-749,-750,-751,-752,-753,236,-755,-756,-757,-758,-759,236,-766,-767,-769,236,-771,-772,-773,-782,-856,-858,-860,-862,236,236,236,236,-868,236,-870,236,236,236,236,236,236,236,-906,-907,236,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,236,-921,-924,236,-934,236,-385,-386,-387,236,236,-390,-391,-392,-393,236,-396,236,-399,-400,236,-401,236,-406,-407,236,-410,-411,-412,236,-415,236,-416,236,-421,-422,236,-425,236,-428,-429,-1894,-1894,236,-619,-620,-621,-622,-623,-634,-584,-624,-797,236,236,236,236,236,-831,236,236,-806,236,-832,236,236,236,236,-798,236,-853,-799,236,236,236,236,236,236,-854,-855,236,-834,-830,-835,236,-625,236,-626,-627,-628,-629,-574,236,236,-630,-631,-632,236,236,236,236,236,236,-635,-636,-637,-592,-1894,-602,236,-638,-639,-713,-640,-604,236,-572,-577,-580,-583,236,236,236,-598,-601,236,-608,236,236,236,236,236,236,236,236,236,236,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,236,236,236,-995,236,236,236,236,236,236,-306,-325,-319,-296,-375,-452,-453,-454,-458,236,-443,236,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,236,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,236,236,236,236,236,236,236,236,236,-316,-535,-508,-591,-937,-939,-940,-438,236,-440,-380,-381,-383,-507,-509,-511,236,-513,-514,-519,-520,236,-532,-534,-537,-538,-543,-548,-726,236,-727,236,-732,236,-734,236,-739,-656,-660,-661,236,-666,236,-667,236,-672,-674,236,-677,236,236,236,-687,-689,236,-692,236,236,-744,236,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,236,236,236,236,236,-877,236,-880,-908,-920,-925,-388,-389,236,-394,236,-397,236,-402,236,-403,236,-408,236,-413,236,-417,236,-418,236,-423,236,-426,-899,-900,-643,-585,-1894,-901,236,236,236,-800,236,236,-804,236,-807,-833,236,-818,236,-820,236,-822,-808,236,-824,236,-851,-852,236,236,-811,236,-646,-902,-904,-648,-649,-645,236,-705,-706,236,-642,-903,-647,-650,-603,-714,236,236,-605,-586,236,236,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,236,236,-709,-710,236,-716,236,236,236,236,236,236,-938,236,-439,-441,-747,236,-891,236,-715,-1894,236,236,236,236,236,-442,-512,-523,236,-728,-733,236,-735,236,-740,236,-662,-668,236,-678,-680,-682,-683,-690,-693,-697,-745,236,236,-874,236,236,-878,236,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,236,-812,236,-814,-801,236,-802,-805,236,-816,-819,-821,-823,-825,236,-826,236,-809,236,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,236,-282,236,236,236,236,-455,236,236,-729,236,-736,236,-741,236,-663,-671,236,236,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,236,-836,-53,236,236,-730,236,-737,236,-742,-664,236,-873,-54,236,236,-731,-738,-743,236,236,236,-872,]),'ERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[237,237,237,237,-1894,237,237,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,237,237,237,237,-275,-276,237,-1425,237,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,237,237,237,-490,237,237,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,237,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,237,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,237,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,237,-172,-173,-174,-175,-993,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-290,-291,-281,237,237,237,237,237,-328,-318,-332,-333,-334,237,237,-982,-983,-984,-985,-986,-987,-988,237,237,237,237,237,237,237,237,237,237,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,237,237,237,-353,-356,237,-323,-324,-141,237,-142,237,-143,237,-430,-935,-936,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-1894,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-1894,237,-1894,237,237,237,237,237,237,237,237,237,237,237,237,-1894,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,237,-1894,237,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,237,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,237,237,237,-191,-192,237,-994,237,237,237,237,237,-277,-278,-279,-280,-365,237,-308,237,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,237,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,237,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,237,237,237,237,237,237,-573,237,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,237,237,-723,-724,-725,237,237,237,237,237,237,-994,237,237,-91,-92,237,237,237,237,-309,-310,-320,237,-307,-293,-294,-295,237,237,237,237,-618,-633,-590,237,237,-436,237,-437,237,-444,-445,-446,-378,-379,237,237,237,-506,237,237,-510,237,237,237,237,-515,-516,-517,-518,237,237,-521,-522,237,-524,-525,-526,-527,-528,-529,-530,-531,237,-533,237,237,237,-539,-541,-542,237,-544,-545,-546,-547,237,237,237,237,237,237,-652,-653,-654,-655,237,-657,-658,-659,237,237,237,-665,237,237,-669,-670,237,237,-673,237,-675,-676,237,-679,237,-681,237,237,-684,-685,-686,237,-688,237,237,-691,237,237,-694,-695,-696,237,-698,-699,-700,-701,237,237,-746,237,-749,-750,-751,-752,-753,237,-755,-756,-757,-758,-759,237,-766,-767,-769,237,-771,-772,-773,-782,-856,-858,-860,-862,237,237,237,237,-868,237,-870,237,237,237,237,237,237,237,-906,-907,237,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,237,-921,-924,237,-934,237,-385,-386,-387,237,237,-390,-391,-392,-393,237,-396,237,-399,-400,237,-401,237,-406,-407,237,-410,-411,-412,237,-415,237,-416,237,-421,-422,237,-425,237,-428,-429,-1894,-1894,237,-619,-620,-621,-622,-623,-634,-584,-624,-797,237,237,237,237,237,-831,237,237,-806,237,-832,237,237,237,237,-798,237,-853,-799,237,237,237,237,237,237,-854,-855,237,-834,-830,-835,237,-625,237,-626,-627,-628,-629,-574,237,237,-630,-631,-632,237,237,237,237,237,237,-635,-636,-637,-592,-1894,-602,237,-638,-639,-713,-640,-604,237,-572,-577,-580,-583,237,237,237,-598,-601,237,-608,237,237,237,237,237,237,237,237,237,237,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,237,237,237,-995,237,237,237,237,237,237,-306,-325,-319,-296,-375,-452,-453,-454,-458,237,-443,237,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,237,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,237,237,237,237,237,237,237,237,237,-316,-535,-508,-591,-937,-939,-940,-438,237,-440,-380,-381,-383,-507,-509,-511,237,-513,-514,-519,-520,237,-532,-534,-537,-538,-543,-548,-726,237,-727,237,-732,237,-734,237,-739,-656,-660,-661,237,-666,237,-667,237,-672,-674,237,-677,237,237,237,-687,-689,237,-692,237,237,-744,237,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,237,237,237,237,237,-877,237,-880,-908,-920,-925,-388,-389,237,-394,237,-397,237,-402,237,-403,237,-408,237,-413,237,-417,237,-418,237,-423,237,-426,-899,-900,-643,-585,-1894,-901,237,237,237,-800,237,237,-804,237,-807,-833,237,-818,237,-820,237,-822,-808,237,-824,237,-851,-852,237,237,-811,237,-646,-902,-904,-648,-649,-645,237,-705,-706,237,-642,-903,-647,-650,-603,-714,237,237,-605,-586,237,237,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,237,237,-709,-710,237,-716,237,237,237,237,237,237,-938,237,-439,-441,-747,237,-891,237,-715,-1894,237,237,237,237,237,-442,-512,-523,237,-728,-733,237,-735,237,-740,237,-662,-668,237,-678,-680,-682,-683,-690,-693,-697,-745,237,237,-874,237,237,-878,237,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,237,-812,237,-814,-801,237,-802,-805,237,-816,-819,-821,-823,-825,237,-826,237,-809,237,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,237,-282,237,237,237,237,-455,237,237,-729,237,-736,237,-741,237,-663,-671,237,237,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,237,-836,-53,237,237,-730,237,-737,237,-742,-664,237,-873,-54,237,237,-731,-738,-743,237,237,237,-872,]),'ESCAPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[238,238,238,238,-1894,238,238,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,238,238,238,238,-275,-276,238,-1425,238,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,238,238,238,-490,238,238,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,238,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,238,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,238,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,238,-172,-173,-174,-175,-993,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-290,-291,-281,238,238,238,238,238,-328,-318,-332,-333,-334,238,238,-982,-983,-984,-985,-986,-987,-988,238,238,238,238,238,238,238,238,238,238,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,238,238,238,-353,-356,238,-323,-324,-141,238,-142,238,-143,238,-430,-935,-936,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-1894,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-1894,238,-1894,238,238,238,238,238,238,238,238,238,238,238,238,-1894,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,-1894,238,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,238,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,238,238,238,-191,-192,238,-994,238,238,238,238,238,-277,-278,-279,-280,-365,238,-308,238,-326,-317,-327,-331,2534,-311,-312,-313,-314,-315,238,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,238,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,238,238,238,238,238,238,-573,238,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,238,238,-723,-724,-725,238,238,238,238,238,238,-994,238,238,-91,-92,238,238,238,238,-309,-310,-320,238,-307,-293,-294,-295,238,238,238,238,-618,-633,-590,238,238,-436,238,-437,238,-444,-445,-446,-378,-379,238,238,238,-506,238,238,-510,238,238,238,238,-515,-516,-517,-518,238,238,-521,-522,238,-524,-525,-526,-527,-528,-529,-530,-531,238,-533,238,238,238,-539,-541,-542,238,-544,-545,-546,-547,238,238,238,238,238,238,-652,-653,-654,-655,238,-657,-658,-659,238,238,238,-665,238,238,-669,-670,238,238,-673,238,-675,-676,238,-679,238,-681,238,238,-684,-685,-686,238,-688,238,238,-691,238,238,-694,-695,-696,238,-698,-699,-700,-701,238,238,-746,238,-749,-750,-751,-752,-753,238,-755,-756,-757,-758,-759,238,-766,-767,-769,238,-771,-772,-773,-782,-856,-858,-860,-862,238,238,238,238,-868,238,-870,238,238,238,238,238,238,238,-906,-907,238,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,238,-921,-924,238,-934,238,-385,-386,-387,238,238,-390,-391,-392,-393,238,-396,238,-399,-400,238,-401,238,-406,-407,238,-410,-411,-412,238,-415,238,-416,238,-421,-422,238,-425,238,-428,-429,-1894,-1894,238,-619,-620,-621,-622,-623,-634,-584,-624,-797,238,238,238,238,238,-831,238,238,-806,238,-832,238,238,238,238,-798,238,-853,-799,238,238,238,238,238,238,-854,-855,238,-834,-830,-835,238,-625,238,-626,-627,-628,-629,-574,238,238,-630,-631,-632,238,238,238,238,238,238,-635,-636,-637,-592,-1894,-602,238,-638,-639,-713,-640,-604,238,-572,-577,-580,-583,238,238,238,-598,-601,238,-608,238,238,238,238,238,238,238,238,238,238,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,238,238,238,-995,238,238,238,238,238,238,-306,-325,-319,-296,-375,-452,-453,-454,-458,238,-443,238,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,238,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,238,238,238,238,238,238,238,238,238,-316,-535,-508,-591,-937,-939,-940,-438,238,-440,-380,-381,-383,-507,-509,-511,238,-513,-514,-519,-520,238,-532,-534,-537,-538,-543,-548,-726,238,-727,238,-732,238,-734,238,-739,-656,-660,-661,238,-666,238,-667,238,-672,-674,238,-677,238,238,238,-687,-689,238,-692,238,238,-744,238,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,238,238,238,238,238,-877,238,-880,-908,-920,-925,-388,-389,238,-394,238,-397,238,-402,238,-403,238,-408,238,-413,238,-417,238,-418,238,-423,238,-426,-899,-900,-643,-585,-1894,-901,238,238,238,-800,238,238,-804,238,-807,-833,238,-818,238,-820,238,-822,-808,238,-824,238,-851,-852,238,238,-811,238,-646,-902,-904,-648,-649,-645,238,-705,-706,238,-642,-903,-647,-650,-603,-714,238,238,-605,-586,238,238,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,238,238,-709,-710,238,-716,238,238,238,238,238,238,-938,238,-439,-441,-747,238,-891,238,-715,-1894,238,238,238,238,238,-442,-512,-523,238,-728,-733,238,-735,238,-740,238,-662,-668,238,-678,-680,-682,-683,-690,-693,-697,-745,238,238,-874,238,238,-878,238,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,238,-812,238,-814,-801,238,-802,-805,238,-816,-819,-821,-823,-825,238,-826,238,-809,238,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,238,-282,238,238,238,238,-455,238,238,-729,238,-736,238,-741,238,-663,-671,238,238,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,238,-836,-53,238,238,-730,238,-737,238,-742,-664,238,-873,-54,238,238,-731,-738,-743,238,238,238,-872,]),'EVENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[239,239,239,239,-1894,239,239,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,239,239,239,239,-275,-276,239,-1425,239,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,239,239,239,-490,239,239,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,239,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,239,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,239,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,239,-172,-173,-174,-175,-993,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-290,-291,-281,239,239,239,239,239,-328,-318,-332,-333,-334,239,239,-982,-983,-984,-985,-986,-987,-988,239,239,239,239,239,239,239,239,239,239,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,239,239,239,-353,-356,239,-323,-324,-141,239,-142,239,-143,239,-430,-935,-936,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-1894,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-1894,239,-1894,239,239,239,239,239,239,239,239,239,239,239,239,-1894,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,239,-1894,239,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,239,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,239,239,239,-191,-192,239,-994,239,239,239,239,239,-277,-278,-279,-280,-365,239,-308,239,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,239,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,239,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,239,239,239,239,239,239,-573,239,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,239,239,-723,-724,-725,239,239,239,239,239,239,-994,239,239,-91,-92,239,239,239,239,-309,-310,-320,239,-307,-293,-294,-295,239,239,239,239,-618,-633,-590,239,239,-436,239,-437,239,-444,-445,-446,-378,-379,239,239,239,-506,239,239,-510,239,239,239,239,-515,-516,-517,-518,239,239,-521,-522,239,-524,-525,-526,-527,-528,-529,-530,-531,239,-533,239,239,239,-539,-541,-542,239,-544,-545,-546,-547,239,239,239,239,239,239,-652,-653,-654,-655,239,-657,-658,-659,239,239,239,-665,239,239,-669,-670,239,239,-673,239,-675,-676,239,-679,239,-681,239,239,-684,-685,-686,239,-688,239,239,-691,239,239,-694,-695,-696,239,-698,-699,-700,-701,239,239,-746,239,-749,-750,-751,-752,-753,239,-755,-756,-757,-758,-759,239,-766,-767,-769,239,-771,-772,-773,-782,-856,-858,-860,-862,239,239,239,239,-868,239,-870,239,239,239,239,239,239,239,-906,-907,239,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,239,-921,-924,239,-934,239,-385,-386,-387,239,239,-390,-391,-392,-393,239,-396,239,-399,-400,239,-401,239,-406,-407,239,-410,-411,-412,239,-415,239,-416,239,-421,-422,239,-425,239,-428,-429,-1894,-1894,239,-619,-620,-621,-622,-623,-634,-584,-624,-797,239,239,239,239,239,-831,239,239,-806,239,-832,239,239,239,239,-798,239,-853,-799,239,239,239,239,239,239,-854,-855,239,-834,-830,-835,239,-625,239,-626,-627,-628,-629,-574,239,239,-630,-631,-632,239,239,239,239,239,239,-635,-636,-637,-592,-1894,-602,239,-638,-639,-713,-640,-604,239,-572,-577,-580,-583,239,239,239,-598,-601,239,-608,239,239,239,239,239,239,239,239,239,239,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,239,239,239,-995,239,239,239,239,239,239,-306,-325,-319,-296,-375,-452,-453,-454,-458,239,-443,239,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,239,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,239,239,239,239,239,239,239,239,239,-316,-535,-508,-591,-937,-939,-940,-438,239,-440,-380,-381,-383,-507,-509,-511,239,-513,-514,-519,-520,239,-532,-534,-537,-538,-543,-548,-726,239,-727,239,-732,239,-734,239,-739,-656,-660,-661,239,-666,239,-667,239,-672,-674,239,-677,239,239,239,-687,-689,239,-692,239,239,-744,239,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,239,239,239,239,239,-877,239,-880,-908,-920,-925,-388,-389,239,-394,239,-397,239,-402,239,-403,239,-408,239,-413,239,-417,239,-418,239,-423,239,-426,-899,-900,-643,-585,-1894,-901,239,239,239,-800,239,239,-804,239,-807,-833,239,-818,239,-820,239,-822,-808,239,-824,239,-851,-852,239,239,-811,239,-646,-902,-904,-648,-649,-645,239,-705,-706,239,-642,-903,-647,-650,-603,-714,239,239,-605,-586,239,239,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,239,239,-709,-710,239,-716,239,239,239,239,239,239,-938,239,-439,-441,-747,239,-891,239,-715,-1894,239,239,239,239,239,-442,-512,-523,239,-728,-733,239,-735,239,-740,239,-662,-668,239,-678,-680,-682,-683,-690,-693,-697,-745,239,239,-874,239,239,-878,239,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,239,-812,239,-814,-801,239,-802,-805,239,-816,-819,-821,-823,-825,239,-826,239,-809,239,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,239,-282,239,239,239,239,-455,239,239,-729,239,-736,239,-741,239,-663,-671,239,239,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,239,-836,-53,239,239,-730,239,-737,239,-742,-664,239,-873,-54,239,239,-731,-738,-743,239,239,239,-872,]),'EVENTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[240,240,240,240,-1894,240,240,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,240,240,240,240,-275,-276,240,-1425,240,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,240,240,240,-490,240,240,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,240,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,240,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,240,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,240,-172,-173,-174,-175,-993,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-290,-291,-281,240,240,240,240,240,-328,-318,-332,-333,-334,240,240,-982,-983,-984,-985,-986,-987,-988,240,240,240,240,240,240,240,240,240,240,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,240,240,240,-353,-356,240,-323,-324,-141,240,-142,240,-143,240,-430,-935,-936,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-1894,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-1894,240,-1894,240,240,240,240,240,240,240,240,240,240,240,240,-1894,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,240,-1894,240,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,240,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,240,240,240,-191,-192,240,-994,240,240,240,240,240,-277,-278,-279,-280,-365,240,-308,240,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,240,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,240,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,240,240,240,240,240,240,-573,240,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,240,240,-723,-724,-725,240,240,240,240,240,240,-994,240,240,-91,-92,240,240,240,240,-309,-310,-320,240,-307,-293,-294,-295,240,240,240,240,-618,-633,-590,240,240,-436,240,-437,240,-444,-445,-446,-378,-379,240,240,240,-506,240,240,-510,240,240,240,240,-515,-516,-517,-518,240,240,-521,-522,240,-524,-525,-526,-527,-528,-529,-530,-531,240,-533,240,240,240,-539,-541,-542,240,-544,-545,-546,-547,240,240,240,240,240,240,-652,-653,-654,-655,240,-657,-658,-659,240,240,240,-665,240,240,-669,-670,240,240,-673,240,-675,-676,240,-679,240,-681,240,240,-684,-685,-686,240,-688,240,240,-691,240,240,-694,-695,-696,240,-698,-699,-700,-701,240,240,-746,240,-749,-750,-751,-752,-753,240,-755,-756,-757,-758,-759,240,-766,-767,-769,240,-771,-772,-773,-782,-856,-858,-860,-862,240,240,240,240,-868,240,-870,240,240,240,240,240,240,240,-906,-907,240,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,240,-921,-924,240,-934,240,-385,-386,-387,240,240,-390,-391,-392,-393,240,-396,240,-399,-400,240,-401,240,-406,-407,240,-410,-411,-412,240,-415,240,-416,240,-421,-422,240,-425,240,-428,-429,-1894,-1894,240,-619,-620,-621,-622,-623,-634,-584,-624,-797,240,240,240,240,240,-831,240,240,-806,240,-832,240,240,240,240,-798,240,-853,-799,240,240,240,240,240,240,-854,-855,240,-834,-830,-835,240,-625,240,-626,-627,-628,-629,-574,240,240,-630,-631,-632,240,240,240,240,240,240,-635,-636,-637,-592,-1894,-602,240,-638,-639,-713,-640,-604,240,-572,-577,-580,-583,240,240,240,-598,-601,240,-608,240,240,240,240,240,240,240,240,240,240,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,240,240,240,-995,240,240,240,240,240,240,-306,-325,-319,-296,-375,-452,-453,-454,-458,240,-443,240,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,240,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,240,240,240,240,240,240,240,240,240,-316,-535,-508,-591,-937,-939,-940,-438,240,-440,-380,-381,-383,-507,-509,-511,240,-513,-514,-519,-520,240,-532,-534,-537,-538,-543,-548,-726,240,-727,240,-732,240,-734,240,-739,-656,-660,-661,240,-666,240,-667,240,-672,-674,240,-677,240,240,240,-687,-689,240,-692,240,240,-744,240,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,240,240,240,240,240,-877,240,-880,-908,-920,-925,-388,-389,240,-394,240,-397,240,-402,240,-403,240,-408,240,-413,240,-417,240,-418,240,-423,240,-426,-899,-900,-643,-585,-1894,-901,240,240,240,-800,240,240,-804,240,-807,-833,240,-818,240,-820,240,-822,-808,240,-824,240,-851,-852,240,240,-811,240,-646,-902,-904,-648,-649,-645,240,-705,-706,240,-642,-903,-647,-650,-603,-714,240,240,-605,-586,240,240,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,240,240,-709,-710,240,-716,240,240,240,240,240,240,-938,240,-439,-441,-747,240,-891,240,-715,-1894,240,240,240,240,240,-442,-512,-523,240,-728,-733,240,-735,240,-740,240,-662,-668,240,-678,-680,-682,-683,-690,-693,-697,-745,240,240,-874,240,240,-878,240,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,240,-812,240,-814,-801,240,-802,-805,240,-816,-819,-821,-823,-825,240,-826,240,-809,240,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,240,-282,240,240,240,240,-455,240,240,-729,240,-736,240,-741,240,-663,-671,240,240,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,240,-836,-53,240,240,-730,240,-737,240,-742,-664,240,-873,-54,240,240,-731,-738,-743,240,240,240,-872,]),'EVERY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[241,241,241,241,-1894,241,241,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,241,241,241,241,-275,-276,241,-1425,241,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,241,241,241,-490,241,241,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,241,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,241,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,241,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,241,-172,-173,-174,-175,-993,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-290,-291,-281,241,241,241,241,241,-328,-318,-332,-333,-334,241,241,-982,-983,-984,-985,-986,-987,-988,241,241,241,241,241,241,241,241,241,241,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,241,241,241,-353,-356,241,-323,-324,-141,241,-142,241,-143,241,-430,-935,-936,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-1894,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-1894,241,-1894,241,241,241,241,241,241,241,241,241,241,241,241,-1894,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,241,-1894,241,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,241,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,241,241,241,-191,-192,241,-994,241,241,241,241,241,-277,-278,-279,-280,-365,241,-308,241,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,241,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,241,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,241,241,241,241,241,241,-573,241,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,241,241,-723,-724,-725,241,241,241,241,241,241,-994,241,241,-91,-92,241,241,241,241,-309,-310,-320,241,-307,-293,-294,-295,241,241,241,241,-618,-633,-590,241,241,-436,241,-437,241,-444,-445,-446,-378,-379,241,241,241,-506,241,241,-510,241,241,241,241,-515,-516,-517,-518,241,241,-521,-522,241,-524,-525,-526,-527,-528,-529,-530,-531,241,-533,241,241,241,-539,-541,-542,241,-544,-545,-546,-547,241,241,241,241,241,241,-652,-653,-654,-655,241,-657,-658,-659,241,241,241,-665,241,241,-669,-670,241,241,-673,241,-675,-676,241,-679,241,-681,241,241,-684,-685,-686,241,-688,241,241,-691,241,241,-694,-695,-696,241,-698,-699,-700,-701,241,241,-746,241,-749,-750,-751,-752,-753,241,-755,-756,-757,-758,-759,241,-766,-767,-769,241,-771,-772,-773,-782,-856,-858,-860,-862,241,241,241,241,-868,241,-870,241,241,241,241,241,241,241,-906,-907,241,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,241,-921,-924,241,-934,241,-385,-386,-387,241,241,-390,-391,-392,-393,241,-396,241,-399,-400,241,-401,241,-406,-407,241,-410,-411,-412,241,-415,241,-416,241,-421,-422,241,-425,241,-428,-429,-1894,-1894,241,-619,-620,-621,-622,-623,-634,-584,-624,-797,241,241,241,241,241,-831,241,241,-806,241,-832,241,241,241,241,-798,241,-853,-799,241,241,241,241,241,241,-854,-855,241,-834,-830,-835,241,-625,241,-626,-627,-628,-629,-574,241,241,-630,-631,-632,241,241,241,241,241,241,-635,-636,-637,-592,-1894,-602,241,-638,-639,-713,-640,-604,241,-572,-577,-580,-583,241,241,241,-598,-601,241,-608,241,241,241,241,241,241,241,241,241,241,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,241,241,241,-995,241,241,241,241,241,241,-306,-325,-319,-296,-375,-452,-453,-454,-458,241,-443,241,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,241,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,241,241,241,241,241,241,241,241,241,-316,-535,-508,-591,-937,-939,-940,-438,241,-440,-380,-381,-383,-507,-509,-511,241,-513,-514,-519,-520,241,-532,-534,-537,-538,-543,-548,-726,241,-727,241,-732,241,-734,241,-739,-656,-660,-661,241,-666,241,-667,241,-672,-674,241,-677,241,241,241,-687,-689,241,-692,241,241,-744,241,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,241,241,241,241,241,-877,241,-880,-908,-920,-925,-388,-389,241,-394,241,-397,241,-402,241,-403,241,-408,241,-413,241,-417,241,-418,241,-423,241,-426,-899,-900,-643,-585,-1894,-901,241,241,241,-800,241,241,-804,241,-807,-833,241,-818,241,-820,241,-822,-808,241,-824,241,-851,-852,241,241,-811,241,-646,-902,-904,-648,-649,-645,241,-705,-706,241,-642,-903,-647,-650,-603,-714,241,241,-605,-586,241,241,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,241,241,-709,-710,241,-716,241,241,241,241,241,241,-938,241,-439,-441,-747,241,-891,241,-715,-1894,241,241,241,241,241,-442,-512,-523,241,-728,-733,241,-735,241,-740,241,-662,-668,241,-678,-680,-682,-683,-690,-693,-697,-745,241,241,-874,241,241,-878,241,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,241,-812,241,-814,-801,241,-802,-805,241,-816,-819,-821,-823,-825,241,-826,241,-809,241,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,241,-282,241,241,241,241,-455,241,241,-729,241,-736,241,-741,241,-663,-671,241,241,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,241,-836,-53,241,241,-730,241,-737,241,-742,-664,241,-873,-54,241,241,-731,-738,-743,241,241,241,-872,]),'EXCHANGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[242,242,242,242,-1894,242,242,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,242,242,242,242,-275,-276,242,-1425,242,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,242,242,242,-490,242,242,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,242,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,242,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,242,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,242,-172,-173,-174,-175,-993,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-290,-291,-281,242,242,242,242,242,-328,-318,-332,-333,-334,242,242,-982,-983,-984,-985,-986,-987,-988,242,242,242,242,242,242,242,242,242,242,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,242,242,242,-353,-356,242,-323,-324,-141,242,-142,242,-143,242,-430,-935,-936,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-1894,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-1894,242,-1894,242,242,242,242,242,242,242,242,242,242,242,242,-1894,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,242,-1894,242,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,242,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,242,242,242,-191,-192,242,-994,242,242,242,242,242,-277,-278,-279,-280,-365,242,-308,242,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,242,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,242,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,242,242,242,242,242,242,-573,242,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,242,242,-723,-724,-725,242,242,242,242,242,242,-994,242,242,-91,-92,242,242,242,242,-309,-310,-320,242,-307,-293,-294,-295,242,242,242,242,-618,-633,-590,242,242,-436,242,-437,242,-444,-445,-446,-378,-379,242,242,242,-506,242,242,-510,242,242,242,242,-515,-516,-517,-518,242,242,-521,-522,242,-524,-525,-526,-527,-528,-529,-530,-531,242,-533,242,242,242,-539,-541,-542,242,-544,-545,-546,-547,242,242,242,242,242,242,-652,-653,-654,-655,242,-657,-658,-659,242,242,242,-665,242,242,-669,-670,242,242,-673,242,-675,-676,242,-679,242,-681,242,242,-684,-685,-686,242,-688,242,242,-691,242,242,-694,-695,-696,242,-698,-699,-700,-701,242,242,-746,242,-749,-750,-751,-752,-753,242,-755,-756,-757,-758,-759,242,-766,-767,-769,242,-771,-772,-773,-782,-856,-858,-860,-862,242,242,242,242,-868,242,-870,242,242,242,242,242,242,242,-906,-907,242,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,242,-921,-924,242,-934,242,-385,-386,-387,242,242,-390,-391,-392,-393,242,-396,242,-399,-400,242,-401,242,-406,-407,242,-410,-411,-412,242,-415,242,-416,242,-421,-422,242,-425,242,-428,-429,-1894,-1894,242,-619,-620,-621,-622,-623,-634,-584,-624,-797,242,242,242,242,242,-831,242,242,-806,242,-832,242,242,242,242,-798,242,-853,-799,242,242,242,242,242,242,-854,-855,242,-834,-830,-835,242,-625,242,-626,-627,-628,-629,-574,242,242,-630,-631,-632,242,242,242,242,242,242,-635,-636,-637,-592,-1894,-602,242,-638,-639,-713,-640,-604,242,-572,-577,-580,-583,242,242,242,-598,-601,242,-608,242,242,242,242,242,242,242,242,242,242,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,242,242,242,-995,242,242,242,242,242,242,-306,-325,-319,-296,-375,-452,-453,-454,-458,242,-443,242,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,242,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,242,242,242,242,242,242,242,242,242,-316,-535,-508,-591,-937,-939,-940,-438,242,-440,-380,-381,-383,-507,-509,-511,242,-513,-514,-519,-520,242,-532,-534,-537,-538,-543,-548,-726,242,-727,242,-732,242,-734,242,-739,-656,-660,-661,242,-666,242,-667,242,-672,-674,242,-677,242,242,242,-687,-689,242,-692,242,242,-744,242,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,242,242,242,242,242,-877,242,-880,-908,-920,-925,-388,-389,242,-394,242,-397,242,-402,242,-403,242,-408,242,-413,242,-417,242,-418,242,-423,242,-426,-899,-900,-643,-585,-1894,-901,242,242,242,-800,242,242,-804,242,-807,-833,242,-818,242,-820,242,-822,-808,242,-824,242,-851,-852,242,242,-811,242,-646,-902,-904,-648,-649,-645,242,-705,-706,242,-642,-903,-647,-650,-603,-714,242,242,-605,-586,242,242,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,242,242,-709,-710,242,-716,242,242,242,242,242,242,-938,242,-439,-441,-747,242,-891,242,-715,-1894,242,242,242,242,242,-442,-512,-523,242,-728,-733,242,-735,242,-740,242,-662,-668,242,-678,-680,-682,-683,-690,-693,-697,-745,242,242,-874,242,242,-878,242,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,242,-812,242,-814,-801,242,-802,-805,242,-816,-819,-821,-823,-825,242,-826,242,-809,242,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,242,-282,242,242,242,242,-455,242,242,-729,242,-736,242,-741,242,-663,-671,242,242,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,242,-836,-53,242,242,-730,242,-737,242,-742,-664,242,-873,-54,242,242,-731,-738,-743,242,242,242,-872,]),'EXECUTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[243,243,243,243,-1894,243,243,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,243,243,243,243,-275,-276,243,-1425,243,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,243,243,243,-490,243,243,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,243,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,243,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,243,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,243,-172,-173,-174,-175,-993,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-290,-291,-281,243,243,243,243,243,-328,-318,-332,-333,-334,243,243,-982,-983,-984,-985,-986,-987,-988,243,243,243,243,243,243,243,243,243,243,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,243,243,243,-353,-356,243,-323,-324,-141,243,-142,243,-143,243,-430,-935,-936,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-1894,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-1894,243,-1894,243,243,243,243,243,243,243,243,243,243,243,243,-1894,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,243,-1894,243,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,243,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,243,243,243,-191,-192,243,-994,243,243,243,243,243,-277,-278,-279,-280,-365,243,-308,243,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,243,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,243,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,243,243,243,243,243,243,-573,243,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,243,243,-723,-724,-725,243,243,243,243,243,243,-994,243,243,-91,-92,243,243,243,243,-309,-310,-320,243,-307,-293,-294,-295,243,243,243,243,-618,-633,-590,243,243,-436,243,-437,243,-444,-445,-446,-378,-379,243,243,243,-506,243,243,-510,243,243,243,243,-515,-516,-517,-518,243,243,-521,-522,243,-524,-525,-526,-527,-528,-529,-530,-531,243,-533,243,243,243,-539,-541,-542,243,-544,-545,-546,-547,243,243,243,243,243,243,-652,-653,-654,-655,243,-657,-658,-659,243,243,243,-665,243,243,-669,-670,243,243,-673,243,-675,-676,243,-679,243,-681,243,243,-684,-685,-686,243,-688,243,243,-691,243,243,-694,-695,-696,243,-698,-699,-700,-701,243,243,-746,243,-749,-750,-751,-752,-753,243,-755,-756,-757,-758,-759,243,-766,-767,-769,243,-771,-772,-773,-782,-856,-858,-860,-862,243,243,243,243,-868,243,-870,243,243,243,243,243,243,243,-906,-907,243,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,243,-921,-924,243,-934,243,-385,-386,-387,243,243,-390,-391,-392,-393,243,-396,243,-399,-400,243,-401,243,-406,-407,243,-410,-411,-412,243,-415,243,-416,243,-421,-422,243,-425,243,-428,-429,-1894,-1894,243,-619,-620,-621,-622,-623,-634,-584,-624,-797,243,243,243,243,243,-831,243,243,-806,243,-832,243,243,243,243,-798,243,-853,-799,243,243,243,243,243,243,-854,-855,243,-834,-830,-835,243,-625,243,-626,-627,-628,-629,-574,243,243,-630,-631,-632,243,243,243,243,243,243,-635,-636,-637,-592,-1894,-602,243,-638,-639,-713,-640,-604,243,-572,-577,-580,-583,243,243,243,-598,-601,243,-608,243,243,243,243,243,243,243,243,243,243,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,243,243,243,-995,243,243,243,243,243,243,-306,-325,-319,-296,-375,-452,-453,-454,-458,243,-443,243,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,243,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,243,243,243,243,243,243,243,243,243,-316,-535,-508,-591,-937,-939,-940,-438,243,-440,-380,-381,-383,-507,-509,-511,243,-513,-514,-519,-520,243,-532,-534,-537,-538,-543,-548,-726,243,-727,243,-732,243,-734,243,-739,-656,-660,-661,243,-666,243,-667,243,-672,-674,243,-677,243,243,243,-687,-689,243,-692,243,243,-744,243,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,243,243,243,243,243,-877,243,-880,-908,-920,-925,-388,-389,243,-394,243,-397,243,-402,243,-403,243,-408,243,-413,243,-417,243,-418,243,-423,243,-426,-899,-900,-643,-585,-1894,-901,243,243,243,-800,243,243,-804,243,-807,-833,243,-818,243,-820,243,-822,-808,243,-824,243,-851,-852,243,243,-811,243,-646,-902,-904,-648,-649,-645,243,-705,-706,243,-642,-903,-647,-650,-603,-714,243,243,-605,-586,243,243,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,243,243,-709,-710,243,-716,243,243,243,243,243,243,-938,243,-439,-441,-747,243,-891,243,-715,-1894,243,243,243,243,243,-442,-512,-523,243,-728,-733,243,-735,243,-740,243,-662,-668,243,-678,-680,-682,-683,-690,-693,-697,-745,243,243,-874,243,243,-878,243,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,243,-812,243,-814,-801,243,-802,-805,243,-816,-819,-821,-823,-825,243,-826,243,-809,243,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,243,-282,243,243,243,243,-455,243,243,-729,243,-736,243,-741,243,-663,-671,243,243,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,243,-836,-53,243,243,-730,243,-737,243,-742,-664,243,-873,-54,243,243,-731,-738,-743,243,243,243,-872,]),'EXP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[244,244,244,1060,-1894,244,244,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,244,244,244,244,-275,-276,1060,-1425,1060,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1060,1060,1060,-490,1060,1060,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1060,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1060,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1861,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,244,-172,-173,-174,-175,-993,244,244,244,244,244,244,244,244,244,244,1060,1060,1060,1060,1060,-290,-291,-281,244,1060,1060,1060,1060,-328,-318,-332,-333,-334,1060,1060,-982,-983,-984,-985,-986,-987,-988,244,244,1060,1060,1060,1060,1060,1060,1060,1060,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1060,1060,1060,-353,-356,244,-323,-324,-141,1060,-142,1060,-143,1060,-430,-935,-936,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1894,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1894,1060,-1894,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1894,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-1894,244,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1060,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1060,244,244,-191,-192,244,-994,1060,244,244,244,244,-277,-278,-279,-280,-365,1060,-308,1060,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1060,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1060,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1060,1060,1060,1060,1060,1060,-573,1060,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1060,1060,-723,-724,-725,1060,1861,244,244,244,244,-994,244,1060,-91,-92,244,244,244,1060,-309,-310,-320,1060,-307,-293,-294,-295,1060,244,1060,1060,-618,-633,-590,1060,244,-436,244,-437,1060,-444,-445,-446,-378,-379,1060,1060,1060,-506,1060,1060,-510,1060,1060,1060,1060,-515,-516,-517,-518,1060,1060,-521,-522,1060,-524,-525,-526,-527,-528,-529,-530,-531,1060,-533,1060,1060,1060,-539,-541,-542,1060,-544,-545,-546,-547,1060,1060,1060,1060,1060,1060,-652,-653,-654,-655,244,-657,-658,-659,1060,1060,1060,-665,1060,1060,-669,-670,1060,1060,-673,1060,-675,-676,1060,-679,1060,-681,1060,1060,-684,-685,-686,1060,-688,1060,1060,-691,1060,1060,-694,-695,-696,1060,-698,-699,-700,-701,1060,1060,-746,1060,-749,-750,-751,-752,-753,1060,-755,-756,-757,-758,-759,1060,-766,-767,-769,1060,-771,-772,-773,-782,-856,-858,-860,-862,1060,1060,1060,1060,-868,1060,-870,1060,1060,1060,1060,1060,1060,1060,-906,-907,1060,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1060,-921,-924,1060,-934,1060,-385,-386,-387,1060,1060,-390,-391,-392,-393,1060,-396,1060,-399,-400,1060,-401,1060,-406,-407,1060,-410,-411,-412,1060,-415,1060,-416,1060,-421,-422,1060,-425,1060,-428,-429,-1894,-1894,1060,-619,-620,-621,-622,-623,-634,-584,-624,-797,1060,1060,1060,1060,1060,-831,1060,1060,-806,1060,-832,1060,1060,1060,1060,-798,1060,-853,-799,1060,1060,1060,1060,1060,1060,-854,-855,1060,-834,-830,-835,1060,-625,1060,-626,-627,-628,-629,-574,1060,1060,-630,-631,-632,1060,1060,1060,1060,1060,1060,-635,-636,-637,-592,-1894,-602,1060,-638,-639,-713,-640,-604,1060,-572,-577,-580,-583,1060,1060,1060,-598,-601,1060,-608,1060,1060,1060,1060,1060,1060,1060,1060,1060,1060,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1060,244,244,-995,244,1060,244,244,244,1060,-306,-325,-319,-296,-375,-452,-453,-454,-458,244,-443,1060,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1060,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,244,244,244,244,244,244,244,244,1060,-316,-535,-508,-591,-937,-939,-940,-438,1060,-440,-380,-381,-383,-507,-509,-511,1060,-513,-514,-519,-520,1060,-532,-534,-537,-538,-543,-548,-726,1060,-727,1060,-732,1060,-734,1060,-739,-656,-660,-661,1060,-666,1060,-667,1060,-672,-674,1060,-677,1060,1060,1060,-687,-689,1060,-692,1060,1060,-744,1060,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1060,1060,1060,1060,1060,-877,1060,-880,-908,-920,-925,-388,-389,1060,-394,1060,-397,1060,-402,1060,-403,1060,-408,1060,-413,1060,-417,1060,-418,1060,-423,1060,-426,-899,-900,-643,-585,-1894,-901,1060,1060,1060,-800,1060,1060,-804,1060,-807,-833,1060,-818,1060,-820,1060,-822,-808,1060,-824,1060,-851,-852,1060,1060,-811,1060,-646,-902,-904,-648,-649,-645,1060,-705,-706,1060,-642,-903,-647,-650,-603,-714,1060,1060,-605,-586,1060,1060,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1060,1060,-709,-710,1060,-716,1060,244,244,244,1060,1060,-938,244,-439,-441,-747,1060,-891,1861,-715,-1894,1060,1060,244,244,1060,-442,-512,-523,1060,-728,-733,1060,-735,1060,-740,1060,-662,-668,1060,-678,-680,-682,-683,-690,-693,-697,-745,1060,1060,-874,1060,1060,-878,1060,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1060,-812,1060,-814,-801,1060,-802,-805,1060,-816,-819,-821,-823,-825,1060,-826,1060,-809,1060,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,244,-282,244,1060,244,1060,-455,1060,1060,-729,1060,-736,1060,-741,1060,-663,-671,1060,1060,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1060,-836,-53,244,1060,-730,1060,-737,1060,-742,-664,1060,-873,-54,244,244,-731,-738,-743,1060,244,1060,-872,]),'EXPANSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3741,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3866,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[245,245,245,245,-1894,245,245,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,245,245,245,245,-275,-276,245,-1425,245,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,245,245,245,-490,245,245,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,245,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,245,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,245,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,245,-172,-173,-174,-175,-993,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-290,-291,-281,245,245,245,245,245,-328,-318,-332,-333,-334,245,245,-982,-983,-984,-985,-986,-987,-988,245,245,245,245,245,245,245,245,245,245,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,245,245,245,-353,-356,245,-323,-324,-141,245,-142,245,-143,245,-430,-935,-936,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-1894,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-1894,245,-1894,245,245,245,245,245,245,245,245,245,245,245,245,-1894,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,245,-1894,245,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,245,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,245,245,245,-191,-192,245,-994,245,245,245,245,245,-277,-278,-279,-280,-365,245,-308,245,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,245,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,245,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,245,245,245,245,245,245,-573,245,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,245,245,-723,-724,-725,245,245,245,245,245,245,-994,245,245,-91,-92,245,245,245,245,-309,-310,-320,245,-307,-293,-294,-295,245,245,245,245,-618,-633,-590,245,245,-436,245,-437,245,-444,-445,-446,-378,-379,245,245,245,-506,245,245,-510,245,245,245,245,-515,-516,-517,-518,245,245,-521,-522,245,-524,-525,-526,-527,-528,-529,-530,-531,245,-533,245,245,245,-539,-541,-542,245,-544,-545,-546,-547,245,245,245,245,245,245,-652,-653,-654,-655,245,-657,-658,-659,245,245,245,-665,245,245,-669,-670,245,245,-673,245,-675,-676,245,-679,245,-681,245,245,-684,-685,-686,245,-688,245,245,-691,245,245,-694,-695,-696,245,-698,-699,-700,-701,245,245,-746,245,-749,-750,-751,-752,-753,245,-755,-756,-757,-758,-759,245,-766,-767,-769,245,-771,-772,-773,-782,-856,-858,-860,-862,245,245,245,245,-868,245,-870,245,245,245,245,245,245,245,-906,-907,245,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,245,-921,-924,245,-934,245,-385,-386,-387,245,245,-390,-391,-392,-393,245,-396,245,-399,-400,245,-401,245,-406,-407,245,-410,-411,-412,245,-415,245,-416,245,-421,-422,245,-425,245,-428,-429,-1894,-1894,245,-619,-620,-621,-622,-623,-634,-584,-624,-797,245,245,245,245,245,-831,245,245,-806,245,-832,245,245,245,245,-798,245,-853,-799,245,245,245,245,245,245,-854,-855,245,-834,-830,-835,245,-625,245,-626,-627,-628,-629,-574,245,245,-630,-631,-632,245,245,245,245,245,245,-635,-636,-637,-592,-1894,-602,245,-638,-639,-713,-640,-604,245,-572,-577,-580,-583,245,245,245,-598,-601,245,-608,245,245,245,245,245,245,245,245,245,245,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,245,245,245,-995,245,245,245,245,245,245,-306,-325,-319,-296,-375,-452,-453,-454,-458,245,-443,245,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,245,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,245,245,245,245,245,245,245,245,245,-316,-535,-508,-591,-937,-939,-940,-438,245,-440,-380,-381,-383,-507,-509,-511,245,-513,-514,-519,-520,245,-532,-534,-537,-538,-543,-548,-726,245,-727,245,-732,245,-734,245,-739,-656,-660,-661,245,-666,245,-667,245,-672,-674,245,-677,245,245,245,-687,-689,245,-692,245,245,-744,245,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,245,245,245,245,245,-877,245,-880,-908,-920,-925,-388,-389,245,-394,245,-397,245,-402,245,-403,245,-408,245,-413,245,-417,245,-418,245,-423,245,-426,-899,-900,-643,-585,-1894,-901,245,245,245,-800,245,245,-804,245,-807,-833,245,-818,245,-820,245,-822,-808,245,-824,245,-851,-852,245,245,-811,245,-646,-902,-904,-648,-649,-645,245,-705,-706,245,-642,-903,-647,-650,-603,-714,245,245,-605,-586,245,245,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,245,245,-709,-710,245,-716,245,245,245,245,245,245,-938,245,-439,-441,-747,245,-891,245,-715,-1894,245,245,245,245,245,-442,-512,-523,245,-728,-733,245,-735,245,-740,245,-662,-668,245,-678,-680,-682,-683,-690,-693,-697,-745,245,245,-874,245,245,-878,245,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,245,-812,245,-814,-801,245,-802,-805,245,-816,-819,-821,-823,-825,245,-826,245,-809,245,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,245,-282,3785,245,245,245,245,-455,245,245,-729,245,-736,245,-741,245,-663,-671,245,245,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,245,-836,-53,245,245,-730,245,-737,245,-742,-664,245,-873,-54,3876,245,245,-731,-738,-743,245,245,245,-872,]),'EXPIRE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[246,246,246,246,-1894,246,246,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,246,246,246,246,-275,-276,246,-1425,246,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,246,246,246,-490,246,246,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,246,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,246,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,246,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,246,-172,-173,-174,-175,-993,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-290,-291,-281,246,246,246,246,246,-328,-318,-332,-333,-334,246,246,-982,-983,-984,-985,-986,-987,-988,246,246,246,246,246,246,246,246,246,246,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,246,246,246,-353,-356,246,-323,-324,-141,246,-142,246,-143,246,-430,-935,-936,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-1894,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-1894,246,-1894,246,246,246,246,246,246,246,246,246,246,246,246,-1894,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,-1894,246,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,246,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,246,246,246,-191,-192,246,-994,246,246,246,246,246,-277,-278,-279,-280,-365,246,-308,246,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,246,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,246,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,246,246,246,246,246,246,-573,246,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,246,246,-723,-724,-725,246,246,246,246,246,246,-994,246,246,-91,-92,246,246,246,246,-309,-310,-320,246,-307,-293,-294,-295,246,246,246,246,-618,-633,-590,246,246,-436,246,-437,246,-444,-445,-446,-378,-379,246,246,246,-506,246,246,-510,246,246,246,246,-515,-516,-517,-518,246,246,-521,-522,246,-524,-525,-526,-527,-528,-529,-530,-531,246,-533,246,246,246,-539,-541,-542,246,-544,-545,-546,-547,246,246,246,246,246,246,-652,-653,-654,-655,246,-657,-658,-659,246,246,246,-665,246,246,-669,-670,246,246,-673,246,-675,-676,246,-679,246,-681,246,246,-684,-685,-686,246,-688,246,246,-691,246,246,-694,-695,-696,246,-698,-699,-700,-701,246,246,-746,246,-749,-750,-751,-752,-753,246,-755,-756,-757,-758,-759,246,-766,-767,-769,246,-771,-772,-773,-782,-856,-858,-860,-862,246,246,246,246,-868,246,-870,246,246,246,246,246,246,246,-906,-907,246,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,246,-921,-924,246,-934,246,-385,-386,-387,246,246,-390,-391,-392,-393,246,-396,246,-399,-400,246,-401,246,-406,-407,246,-410,-411,-412,246,-415,246,-416,246,-421,-422,246,-425,246,-428,-429,-1894,-1894,246,-619,-620,-621,-622,-623,-634,-584,-624,-797,246,246,246,246,246,-831,246,246,-806,246,-832,246,246,246,246,-798,246,-853,-799,246,246,246,246,246,246,-854,-855,246,-834,-830,-835,246,-625,246,-626,-627,-628,-629,-574,246,246,-630,-631,-632,246,246,246,246,246,246,-635,-636,-637,-592,-1894,-602,246,-638,-639,-713,-640,-604,246,-572,-577,-580,-583,246,246,246,-598,-601,246,-608,246,246,246,246,246,246,246,246,246,246,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,246,246,246,-995,246,246,246,246,246,246,-306,-325,-319,-296,-375,-452,-453,-454,-458,246,-443,246,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,246,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,246,246,246,246,246,246,246,246,246,-316,-535,-508,-591,-937,-939,-940,-438,246,-440,-380,-381,-383,-507,-509,-511,246,-513,-514,-519,-520,246,-532,-534,-537,-538,-543,-548,-726,246,-727,246,-732,246,-734,246,-739,-656,-660,-661,246,-666,246,-667,246,-672,-674,246,-677,246,246,246,-687,-689,246,-692,246,246,-744,246,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,246,246,246,246,246,-877,246,-880,-908,-920,-925,-388,-389,246,-394,246,-397,246,-402,246,-403,246,-408,246,-413,246,-417,246,-418,246,-423,246,-426,-899,-900,-643,-585,-1894,-901,246,246,246,-800,246,246,-804,246,-807,-833,246,-818,246,-820,246,-822,-808,246,-824,246,-851,-852,246,246,-811,246,-646,-902,-904,-648,-649,-645,246,-705,-706,246,-642,-903,-647,-650,-603,-714,246,246,-605,-586,246,246,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,246,246,-709,-710,246,-716,246,246,246,246,246,246,-938,246,-439,-441,-747,246,-891,246,-715,-1894,246,246,246,246,246,-442,-512,-523,246,-728,-733,246,-735,246,-740,246,-662,-668,246,-678,-680,-682,-683,-690,-693,-697,-745,246,246,-874,246,246,-878,246,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,246,-812,246,-814,-801,246,-802,-805,246,-816,-819,-821,-823,-825,246,-826,246,-809,246,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,246,-282,246,246,246,246,-455,246,246,-729,246,-736,246,-741,246,-663,-671,246,246,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,246,-836,-53,246,246,-730,246,-737,246,-742,-664,246,-873,-54,246,246,-731,-738,-743,246,246,246,-872,]),'EXPIRED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[247,247,247,247,-1894,247,247,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,247,247,247,247,-275,-276,247,-1425,247,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,247,247,247,-490,247,247,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,247,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,247,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,247,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,247,-172,-173,-174,-175,-993,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-290,-291,-281,247,247,247,247,247,-328,-318,-332,-333,-334,247,247,-982,-983,-984,-985,-986,-987,-988,247,247,247,247,247,247,247,247,247,247,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,247,247,247,-353,-356,247,-323,-324,-141,247,-142,247,-143,247,-430,-935,-936,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-1894,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-1894,247,-1894,247,247,247,247,247,247,247,247,247,247,247,247,-1894,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,247,-1894,247,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,247,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,247,247,247,-191,-192,247,-994,247,247,247,247,247,-277,-278,-279,-280,-365,247,-308,247,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,247,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,247,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,247,247,247,247,247,247,-573,247,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,247,247,-723,-724,-725,247,247,247,247,247,247,-994,247,247,-91,-92,247,247,247,247,-309,-310,-320,247,-307,-293,-294,-295,247,247,247,247,-618,-633,-590,247,247,-436,247,-437,247,-444,-445,-446,-378,-379,247,247,247,-506,247,247,-510,247,247,247,247,-515,-516,-517,-518,247,247,-521,-522,247,-524,-525,-526,-527,-528,-529,-530,-531,247,-533,247,247,247,-539,-541,-542,247,-544,-545,-546,-547,247,247,247,247,247,247,-652,-653,-654,-655,247,-657,-658,-659,247,247,247,-665,247,247,-669,-670,247,247,-673,247,-675,-676,247,-679,247,-681,247,247,-684,-685,-686,247,-688,247,247,-691,247,247,-694,-695,-696,247,-698,-699,-700,-701,247,247,-746,247,-749,-750,-751,-752,-753,247,-755,-756,-757,-758,-759,247,-766,-767,-769,247,-771,-772,-773,-782,-856,-858,-860,-862,247,247,247,247,-868,247,-870,247,247,247,247,247,247,247,-906,-907,247,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,247,-921,-924,247,-934,247,-385,-386,-387,247,247,-390,-391,-392,-393,247,-396,247,-399,-400,247,-401,247,-406,-407,247,-410,-411,-412,247,-415,247,-416,247,-421,-422,247,-425,247,-428,-429,-1894,-1894,247,-619,-620,-621,-622,-623,-634,-584,-624,-797,247,247,247,247,247,-831,247,247,-806,247,-832,247,247,247,247,-798,247,-853,-799,247,247,247,247,247,247,-854,-855,247,-834,-830,-835,247,-625,247,-626,-627,-628,-629,-574,247,247,-630,-631,-632,247,247,247,247,247,247,-635,-636,-637,-592,-1894,-602,247,-638,-639,-713,-640,-604,247,-572,-577,-580,-583,247,247,247,-598,-601,247,-608,247,247,247,247,247,247,247,247,247,247,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,247,247,247,-995,247,247,247,247,247,247,-306,-325,-319,-296,-375,-452,-453,-454,-458,247,-443,247,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,247,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,247,247,247,247,247,247,247,247,247,-316,-535,-508,-591,-937,-939,-940,-438,247,-440,-380,-381,-383,-507,-509,-511,247,-513,-514,-519,-520,247,-532,-534,-537,-538,-543,-548,-726,247,-727,247,-732,247,-734,247,-739,-656,-660,-661,247,-666,247,-667,247,-672,-674,247,-677,247,247,247,-687,-689,247,-692,247,247,-744,247,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,247,247,247,247,247,-877,247,-880,-908,-920,-925,-388,-389,247,-394,247,-397,247,-402,247,-403,247,-408,247,-413,247,-417,247,-418,247,-423,247,-426,-899,-900,-643,-585,-1894,-901,247,247,247,-800,247,247,-804,247,-807,-833,247,-818,247,-820,247,-822,-808,247,-824,247,-851,-852,247,247,-811,247,-646,-902,-904,-648,-649,-645,247,-705,-706,247,-642,-903,-647,-650,-603,-714,247,247,-605,-586,247,247,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,247,247,-709,-710,247,-716,247,247,247,247,247,247,-938,247,-439,-441,-747,247,-891,247,-715,-1894,247,247,247,247,247,-442,-512,-523,247,-728,-733,247,-735,247,-740,247,-662,-668,247,-678,-680,-682,-683,-690,-693,-697,-745,247,247,-874,247,247,-878,247,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,247,-812,247,-814,-801,247,-802,-805,247,-816,-819,-821,-823,-825,247,-826,247,-809,247,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,247,-282,247,247,247,247,-455,247,247,-729,247,-736,247,-741,247,-663,-671,247,247,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,247,-836,-53,247,247,-730,247,-737,247,-742,-664,247,-873,-54,247,247,-731,-738,-743,247,247,247,-872,]),'EXPIRE_INFO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[248,248,248,248,-1894,248,248,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,248,248,248,248,-275,-276,248,-1425,248,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,248,248,248,-490,248,248,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,248,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,248,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,248,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,248,-172,-173,-174,-175,-993,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-290,-291,-281,248,248,248,248,248,-328,-318,-332,-333,-334,248,248,-982,-983,-984,-985,-986,-987,-988,248,248,248,248,248,248,248,248,248,248,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,248,248,248,-353,-356,248,-323,-324,-141,248,-142,248,-143,248,-430,-935,-936,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-1894,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-1894,248,-1894,248,248,248,248,248,248,248,248,248,248,248,248,-1894,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,248,-1894,248,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,248,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,248,248,248,-191,-192,248,-994,248,248,248,248,248,-277,-278,-279,-280,-365,248,-308,248,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,248,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,248,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,248,248,248,248,248,248,-573,248,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,248,248,-723,-724,-725,248,248,248,248,248,248,-994,248,248,-91,-92,248,248,248,248,-309,-310,-320,248,-307,-293,-294,-295,248,248,248,248,-618,-633,-590,248,248,-436,248,-437,248,-444,-445,-446,-378,-379,248,248,248,-506,248,248,-510,248,248,248,248,-515,-516,-517,-518,248,248,-521,-522,248,-524,-525,-526,-527,-528,-529,-530,-531,248,-533,248,248,248,-539,-541,-542,248,-544,-545,-546,-547,248,248,248,248,248,248,-652,-653,-654,-655,248,-657,-658,-659,248,248,248,-665,248,248,-669,-670,248,248,-673,248,-675,-676,248,-679,248,-681,248,248,-684,-685,-686,248,-688,248,248,-691,248,248,-694,-695,-696,248,-698,-699,-700,-701,248,248,-746,248,-749,-750,-751,-752,-753,248,-755,-756,-757,-758,-759,248,-766,-767,-769,248,-771,-772,-773,-782,-856,-858,-860,-862,248,248,248,248,-868,248,-870,248,248,248,248,248,248,248,-906,-907,248,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,248,-921,-924,248,-934,248,-385,-386,-387,248,248,-390,-391,-392,-393,248,-396,248,-399,-400,248,-401,248,-406,-407,248,-410,-411,-412,248,-415,248,-416,248,-421,-422,248,-425,248,-428,-429,-1894,-1894,248,-619,-620,-621,-622,-623,-634,-584,-624,-797,248,248,248,248,248,-831,248,248,-806,248,-832,248,248,248,248,-798,248,-853,-799,248,248,248,248,248,248,-854,-855,248,-834,-830,-835,248,-625,248,-626,-627,-628,-629,-574,248,248,-630,-631,-632,248,248,248,248,248,248,-635,-636,-637,-592,-1894,-602,248,-638,-639,-713,-640,-604,248,-572,-577,-580,-583,248,248,248,-598,-601,248,-608,248,248,248,248,248,248,248,248,248,248,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,248,248,248,-995,248,248,248,248,248,248,-306,-325,-319,-296,-375,-452,-453,-454,-458,248,-443,248,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,248,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,248,248,248,248,248,248,248,248,248,-316,-535,-508,-591,-937,-939,-940,-438,248,-440,-380,-381,-383,-507,-509,-511,248,-513,-514,-519,-520,248,-532,-534,-537,-538,-543,-548,-726,248,-727,248,-732,248,-734,248,-739,-656,-660,-661,248,-666,248,-667,248,-672,-674,248,-677,248,248,248,-687,-689,248,-692,248,248,-744,248,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,248,248,248,248,248,-877,248,-880,-908,-920,-925,-388,-389,248,-394,248,-397,248,-402,248,-403,248,-408,248,-413,248,-417,248,-418,248,-423,248,-426,-899,-900,-643,-585,-1894,-901,248,248,248,-800,248,248,-804,248,-807,-833,248,-818,248,-820,248,-822,-808,248,-824,248,-851,-852,248,248,-811,248,-646,-902,-904,-648,-649,-645,248,-705,-706,248,-642,-903,-647,-650,-603,-714,248,248,-605,-586,248,248,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,248,248,-709,-710,248,-716,248,248,248,248,248,248,-938,248,-439,-441,-747,248,-891,248,-715,-1894,248,248,248,248,248,-442,-512,-523,248,-728,-733,248,-735,248,-740,248,-662,-668,248,-678,-680,-682,-683,-690,-693,-697,-745,248,248,-874,248,248,-878,248,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,248,-812,248,-814,-801,248,-802,-805,248,-816,-819,-821,-823,-825,248,-826,248,-809,248,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,248,-282,248,248,248,248,-455,248,248,-729,248,-736,248,-741,248,-663,-671,248,248,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,248,-836,-53,248,248,-730,248,-737,248,-742,-664,248,-873,-54,248,248,-731,-738,-743,248,248,248,-872,]),'EXPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[249,249,249,249,-1894,249,249,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,249,249,249,249,-275,-276,249,-1425,249,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,249,249,249,-490,249,249,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,249,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,249,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,249,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,249,-172,-173,-174,-175,-993,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-290,-291,-281,249,249,249,249,249,-328,-318,-332,-333,-334,249,249,-982,-983,-984,-985,-986,-987,-988,249,249,249,249,249,249,249,249,249,249,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,249,249,249,-353,-356,249,-323,-324,-141,249,-142,249,-143,249,-430,-935,-936,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-1894,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-1894,249,-1894,249,249,249,249,249,249,249,249,249,249,249,249,-1894,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,249,-1894,249,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,249,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,249,249,249,-191,-192,249,-994,249,249,249,249,249,-277,-278,-279,-280,-365,249,-308,249,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,249,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,249,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,249,249,249,249,249,249,-573,249,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,249,249,-723,-724,-725,249,249,249,249,249,249,-994,249,249,-91,-92,249,249,249,249,-309,-310,-320,249,-307,-293,-294,-295,249,249,249,249,-618,-633,-590,249,249,-436,249,-437,249,-444,-445,-446,-378,-379,249,249,249,-506,249,249,-510,249,249,249,249,-515,-516,-517,-518,249,249,-521,-522,249,-524,-525,-526,-527,-528,-529,-530,-531,249,-533,249,249,249,-539,-541,-542,249,-544,-545,-546,-547,249,249,249,249,249,249,-652,-653,-654,-655,249,-657,-658,-659,249,249,249,-665,249,249,-669,-670,249,249,-673,249,-675,-676,249,-679,249,-681,249,249,-684,-685,-686,249,-688,249,249,-691,249,249,-694,-695,-696,249,-698,-699,-700,-701,249,249,-746,249,-749,-750,-751,-752,-753,249,-755,-756,-757,-758,-759,249,-766,-767,-769,249,-771,-772,-773,-782,-856,-858,-860,-862,249,249,249,249,-868,249,-870,249,249,249,249,249,249,249,-906,-907,249,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,249,-921,-924,249,-934,249,-385,-386,-387,249,249,-390,-391,-392,-393,249,-396,249,-399,-400,249,-401,249,-406,-407,249,-410,-411,-412,249,-415,249,-416,249,-421,-422,249,-425,249,-428,-429,-1894,-1894,249,-619,-620,-621,-622,-623,-634,-584,-624,-797,249,249,249,249,249,-831,249,249,-806,249,-832,249,249,249,249,-798,249,-853,-799,249,249,249,249,249,249,-854,-855,249,-834,-830,-835,249,-625,249,-626,-627,-628,-629,-574,249,249,-630,-631,-632,249,249,249,249,249,249,-635,-636,-637,-592,-1894,-602,249,-638,-639,-713,-640,-604,249,-572,-577,-580,-583,249,249,249,-598,-601,249,-608,249,249,249,249,249,249,249,249,249,249,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,249,249,249,-995,249,249,249,249,249,249,-306,-325,-319,-296,-375,-452,-453,-454,-458,249,-443,249,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,249,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,249,249,249,249,249,249,249,249,249,-316,-535,-508,-591,-937,-939,-940,-438,249,-440,-380,-381,-383,-507,-509,-511,249,-513,-514,-519,-520,249,-532,-534,-537,-538,-543,-548,-726,249,-727,249,-732,249,-734,249,-739,-656,-660,-661,249,-666,249,-667,249,-672,-674,249,-677,249,249,249,-687,-689,249,-692,249,249,-744,249,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,249,249,249,249,249,-877,249,-880,-908,-920,-925,-388,-389,249,-394,249,-397,249,-402,249,-403,249,-408,249,-413,249,-417,249,-418,249,-423,249,-426,-899,-900,-643,-585,-1894,-901,249,249,249,-800,249,249,-804,249,-807,-833,249,-818,249,-820,249,-822,-808,249,-824,249,-851,-852,249,249,-811,249,-646,-902,-904,-648,-649,-645,249,-705,-706,249,-642,-903,-647,-650,-603,-714,249,249,-605,-586,249,249,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,249,249,-709,-710,249,-716,249,249,249,249,249,249,-938,249,-439,-441,-747,249,-891,249,-715,-1894,249,249,249,249,249,-442,-512,-523,249,-728,-733,249,-735,249,-740,249,-662,-668,249,-678,-680,-682,-683,-690,-693,-697,-745,249,249,-874,249,249,-878,249,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,249,-812,249,-814,-801,249,-802,-805,249,-816,-819,-821,-823,-825,249,-826,249,-809,249,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,249,-282,249,249,249,249,-455,249,249,-729,249,-736,249,-741,249,-663,-671,249,249,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,249,-836,-53,249,249,-730,249,-737,249,-742,-664,249,-873,-54,249,249,-731,-738,-743,249,249,249,-872,]),'EXPORT_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[250,250,250,1091,-1894,250,250,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,250,250,250,250,-275,-276,1091,-1425,1091,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1091,1091,1091,-490,1091,1091,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1091,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1091,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1862,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,250,-172,-173,-174,-175,-993,250,250,250,250,250,250,250,250,250,250,1091,1091,1091,1091,1091,-290,-291,-281,250,1091,1091,1091,1091,-328,-318,-332,-333,-334,1091,1091,-982,-983,-984,-985,-986,-987,-988,250,250,1091,1091,1091,1091,1091,1091,1091,1091,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1091,1091,1091,-353,-356,250,-323,-324,-141,1091,-142,1091,-143,1091,-430,-935,-936,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1894,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1894,1091,-1894,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1894,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-1894,250,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1091,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1091,250,250,-191,-192,250,-994,1091,250,250,250,250,-277,-278,-279,-280,-365,1091,-308,1091,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1091,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1091,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1091,1091,1091,1091,1091,1091,-573,1091,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1091,1091,-723,-724,-725,1091,1862,250,250,250,250,-994,250,1091,-91,-92,250,250,250,1091,-309,-310,-320,1091,-307,-293,-294,-295,1091,250,1091,1091,-618,-633,-590,1091,250,-436,250,-437,1091,-444,-445,-446,-378,-379,1091,1091,1091,-506,1091,1091,-510,1091,1091,1091,1091,-515,-516,-517,-518,1091,1091,-521,-522,1091,-524,-525,-526,-527,-528,-529,-530,-531,1091,-533,1091,1091,1091,-539,-541,-542,1091,-544,-545,-546,-547,1091,1091,1091,1091,1091,1091,-652,-653,-654,-655,250,-657,-658,-659,1091,1091,1091,-665,1091,1091,-669,-670,1091,1091,-673,1091,-675,-676,1091,-679,1091,-681,1091,1091,-684,-685,-686,1091,-688,1091,1091,-691,1091,1091,-694,-695,-696,1091,-698,-699,-700,-701,1091,1091,-746,1091,-749,-750,-751,-752,-753,1091,-755,-756,-757,-758,-759,1091,-766,-767,-769,1091,-771,-772,-773,-782,-856,-858,-860,-862,1091,1091,1091,1091,-868,1091,-870,1091,1091,1091,1091,1091,1091,1091,-906,-907,1091,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1091,-921,-924,1091,-934,1091,-385,-386,-387,1091,1091,-390,-391,-392,-393,1091,-396,1091,-399,-400,1091,-401,1091,-406,-407,1091,-410,-411,-412,1091,-415,1091,-416,1091,-421,-422,1091,-425,1091,-428,-429,-1894,-1894,1091,-619,-620,-621,-622,-623,-634,-584,-624,-797,1091,1091,1091,1091,1091,-831,1091,1091,-806,1091,-832,1091,1091,1091,1091,-798,1091,-853,-799,1091,1091,1091,1091,1091,1091,-854,-855,1091,-834,-830,-835,1091,-625,1091,-626,-627,-628,-629,-574,1091,1091,-630,-631,-632,1091,1091,1091,1091,1091,1091,-635,-636,-637,-592,-1894,-602,1091,-638,-639,-713,-640,-604,1091,-572,-577,-580,-583,1091,1091,1091,-598,-601,1091,-608,1091,1091,1091,1091,1091,1091,1091,1091,1091,1091,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1091,250,250,-995,250,1091,250,250,250,1091,-306,-325,-319,-296,-375,-452,-453,-454,-458,250,-443,1091,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1091,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,250,250,250,250,250,250,250,250,1091,-316,-535,-508,-591,-937,-939,-940,-438,1091,-440,-380,-381,-383,-507,-509,-511,1091,-513,-514,-519,-520,1091,-532,-534,-537,-538,-543,-548,-726,1091,-727,1091,-732,1091,-734,1091,-739,-656,-660,-661,1091,-666,1091,-667,1091,-672,-674,1091,-677,1091,1091,1091,-687,-689,1091,-692,1091,1091,-744,1091,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1091,1091,1091,1091,1091,-877,1091,-880,-908,-920,-925,-388,-389,1091,-394,1091,-397,1091,-402,1091,-403,1091,-408,1091,-413,1091,-417,1091,-418,1091,-423,1091,-426,-899,-900,-643,-585,-1894,-901,1091,1091,1091,-800,1091,1091,-804,1091,-807,-833,1091,-818,1091,-820,1091,-822,-808,1091,-824,1091,-851,-852,1091,1091,-811,1091,-646,-902,-904,-648,-649,-645,1091,-705,-706,1091,-642,-903,-647,-650,-603,-714,1091,1091,-605,-586,1091,1091,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1091,1091,-709,-710,1091,-716,1091,250,250,250,1091,1091,-938,250,-439,-441,-747,1091,-891,1862,-715,-1894,1091,1091,250,250,1091,-442,-512,-523,1091,-728,-733,1091,-735,1091,-740,1091,-662,-668,1091,-678,-680,-682,-683,-690,-693,-697,-745,1091,1091,-874,1091,1091,-878,1091,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1091,-812,1091,-814,-801,1091,-802,-805,1091,-816,-819,-821,-823,-825,1091,-826,1091,-809,1091,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,250,-282,250,1091,250,1091,-455,1091,1091,-729,1091,-736,1091,-741,1091,-663,-671,1091,1091,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1091,-836,-53,250,1091,-730,1091,-737,1091,-742,-664,1091,-873,-54,250,250,-731,-738,-743,1091,250,1091,-872,]),'EXTENDED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[251,251,251,251,-1894,251,251,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,251,251,251,251,-275,-276,251,-1425,251,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,251,251,251,-490,251,251,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,251,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,251,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,251,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,251,-172,-173,-174,-175,-993,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-290,-291,-281,251,251,251,251,251,-328,-318,-332,-333,-334,251,251,-982,-983,-984,-985,-986,-987,-988,251,251,251,251,251,251,251,251,251,251,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,251,251,251,-353,-356,251,-323,-324,-141,251,-142,251,-143,251,-430,-935,-936,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-1894,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-1894,251,-1894,251,251,251,251,251,251,251,251,251,251,251,251,-1894,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,251,-1894,251,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,251,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,251,251,251,-191,-192,251,-994,251,251,251,251,251,-277,-278,-279,-280,-365,251,-308,251,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,251,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,251,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,251,251,251,251,251,251,-573,251,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,251,251,-723,-724,-725,251,251,251,251,251,251,-994,251,251,-91,-92,251,251,251,251,-309,-310,-320,251,-307,-293,-294,-295,251,251,251,251,-618,-633,-590,251,251,-436,251,-437,251,-444,-445,-446,-378,-379,251,251,251,-506,251,251,-510,251,251,251,251,-515,-516,-517,-518,251,251,-521,-522,251,-524,-525,-526,-527,-528,-529,-530,-531,251,-533,251,251,251,-539,-541,-542,251,-544,-545,-546,-547,251,251,251,251,251,251,-652,-653,-654,-655,251,-657,-658,-659,251,251,251,-665,251,251,-669,-670,251,251,-673,251,-675,-676,251,-679,251,-681,251,251,-684,-685,-686,251,-688,251,251,-691,251,251,-694,-695,-696,251,-698,-699,-700,-701,251,251,-746,251,-749,-750,-751,-752,-753,251,-755,-756,-757,-758,-759,251,-766,-767,-769,251,-771,-772,-773,-782,-856,-858,-860,-862,251,251,251,251,-868,251,-870,251,251,251,251,251,251,251,-906,-907,251,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,251,-921,-924,251,-934,251,-385,-386,-387,251,251,-390,-391,-392,-393,251,-396,251,-399,-400,251,-401,251,-406,-407,251,-410,-411,-412,251,-415,251,-416,251,-421,-422,251,-425,251,-428,-429,-1894,-1894,251,-619,-620,-621,-622,-623,-634,-584,-624,-797,251,251,251,251,251,-831,251,251,-806,251,-832,251,251,251,251,-798,251,-853,-799,251,251,251,251,251,251,-854,-855,251,-834,-830,-835,251,-625,251,-626,-627,-628,-629,-574,251,251,-630,-631,-632,251,251,251,251,251,251,-635,-636,-637,-592,-1894,-602,251,-638,-639,-713,-640,-604,251,-572,-577,-580,-583,251,251,251,-598,-601,251,-608,251,251,251,251,251,251,251,251,251,251,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,251,251,251,-995,251,251,251,251,251,251,-306,-325,-319,-296,-375,-452,-453,-454,-458,251,-443,251,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,251,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,251,251,251,251,251,251,251,251,251,-316,-535,-508,-591,-937,-939,-940,-438,251,-440,-380,-381,-383,-507,-509,-511,251,-513,-514,-519,-520,251,-532,-534,-537,-538,-543,-548,-726,251,-727,251,-732,251,-734,251,-739,-656,-660,-661,251,-666,251,-667,251,-672,-674,251,-677,251,251,251,-687,-689,251,-692,251,251,-744,251,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,251,251,251,251,251,-877,251,-880,-908,-920,-925,-388,-389,251,-394,251,-397,251,-402,251,-403,251,-408,251,-413,251,-417,251,-418,251,-423,251,-426,-899,-900,-643,-585,-1894,-901,251,251,251,-800,251,251,-804,251,-807,-833,251,-818,251,-820,251,-822,-808,251,-824,251,-851,-852,251,251,-811,251,-646,-902,-904,-648,-649,-645,251,-705,-706,251,-642,-903,-647,-650,-603,-714,251,251,-605,-586,251,251,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,251,251,-709,-710,251,-716,251,251,251,251,251,251,-938,251,-439,-441,-747,251,-891,251,-715,-1894,251,251,251,251,251,-442,-512,-523,251,-728,-733,251,-735,251,-740,251,-662,-668,251,-678,-680,-682,-683,-690,-693,-697,-745,251,251,-874,251,251,-878,251,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,251,-812,251,-814,-801,251,-802,-805,251,-816,-819,-821,-823,-825,251,-826,251,-809,251,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,251,-282,251,251,251,251,-455,251,251,-729,251,-736,251,-741,251,-663,-671,251,251,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,251,-836,-53,251,251,-730,251,-737,251,-742,-664,251,-873,-54,251,251,-731,-738,-743,251,251,251,-872,]),'EXTENDED_NOADDR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[252,252,252,252,-1894,252,252,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,252,252,252,252,-275,-276,252,-1425,252,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,252,252,252,-490,252,252,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,252,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,252,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,252,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,252,-172,-173,-174,-175,-993,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-290,-291,-281,252,252,252,252,252,-328,-318,-332,-333,-334,252,252,-982,-983,-984,-985,-986,-987,-988,252,252,252,252,252,252,252,252,252,252,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,252,252,252,-353,-356,252,-323,-324,-141,252,-142,252,-143,252,-430,-935,-936,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-1894,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-1894,252,-1894,252,252,252,252,252,252,252,252,252,252,252,252,-1894,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,252,-1894,252,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,252,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,252,252,252,-191,-192,252,-994,252,252,252,252,252,-277,-278,-279,-280,-365,252,-308,252,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,252,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,252,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,252,252,252,252,252,252,-573,252,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,252,252,-723,-724,-725,252,252,252,252,252,252,-994,252,252,-91,-92,252,252,252,252,-309,-310,-320,252,-307,-293,-294,-295,252,252,252,252,-618,-633,-590,252,252,-436,252,-437,252,-444,-445,-446,-378,-379,252,252,252,-506,252,252,-510,252,252,252,252,-515,-516,-517,-518,252,252,-521,-522,252,-524,-525,-526,-527,-528,-529,-530,-531,252,-533,252,252,252,-539,-541,-542,252,-544,-545,-546,-547,252,252,252,252,252,252,-652,-653,-654,-655,252,-657,-658,-659,252,252,252,-665,252,252,-669,-670,252,252,-673,252,-675,-676,252,-679,252,-681,252,252,-684,-685,-686,252,-688,252,252,-691,252,252,-694,-695,-696,252,-698,-699,-700,-701,252,252,-746,252,-749,-750,-751,-752,-753,252,-755,-756,-757,-758,-759,252,-766,-767,-769,252,-771,-772,-773,-782,-856,-858,-860,-862,252,252,252,252,-868,252,-870,252,252,252,252,252,252,252,-906,-907,252,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,252,-921,-924,252,-934,252,-385,-386,-387,252,252,-390,-391,-392,-393,252,-396,252,-399,-400,252,-401,252,-406,-407,252,-410,-411,-412,252,-415,252,-416,252,-421,-422,252,-425,252,-428,-429,-1894,-1894,252,-619,-620,-621,-622,-623,-634,-584,-624,-797,252,252,252,252,252,-831,252,252,-806,252,-832,252,252,252,252,-798,252,-853,-799,252,252,252,252,252,252,-854,-855,252,-834,-830,-835,252,-625,252,-626,-627,-628,-629,-574,252,252,-630,-631,-632,252,252,252,252,252,252,-635,-636,-637,-592,-1894,-602,252,-638,-639,-713,-640,-604,252,-572,-577,-580,-583,252,252,252,-598,-601,252,-608,252,252,252,252,252,252,252,252,252,252,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,252,252,252,-995,252,252,252,252,252,252,-306,-325,-319,-296,-375,-452,-453,-454,-458,252,-443,252,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,252,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,252,252,252,252,252,252,252,252,252,-316,-535,-508,-591,-937,-939,-940,-438,252,-440,-380,-381,-383,-507,-509,-511,252,-513,-514,-519,-520,252,-532,-534,-537,-538,-543,-548,-726,252,-727,252,-732,252,-734,252,-739,-656,-660,-661,252,-666,252,-667,252,-672,-674,252,-677,252,252,252,-687,-689,252,-692,252,252,-744,252,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,252,252,252,252,252,-877,252,-880,-908,-920,-925,-388,-389,252,-394,252,-397,252,-402,252,-403,252,-408,252,-413,252,-417,252,-418,252,-423,252,-426,-899,-900,-643,-585,-1894,-901,252,252,252,-800,252,252,-804,252,-807,-833,252,-818,252,-820,252,-822,-808,252,-824,252,-851,-852,252,252,-811,252,-646,-902,-904,-648,-649,-645,252,-705,-706,252,-642,-903,-647,-650,-603,-714,252,252,-605,-586,252,252,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,252,252,-709,-710,252,-716,252,252,252,252,252,252,-938,252,-439,-441,-747,252,-891,252,-715,-1894,252,252,252,252,252,-442,-512,-523,252,-728,-733,252,-735,252,-740,252,-662,-668,252,-678,-680,-682,-683,-690,-693,-697,-745,252,252,-874,252,252,-878,252,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,252,-812,252,-814,-801,252,-802,-805,252,-816,-819,-821,-823,-825,252,-826,252,-809,252,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,252,-282,252,252,252,252,-455,252,252,-729,252,-736,252,-741,252,-663,-671,252,252,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,252,-836,-53,252,252,-730,252,-737,252,-742,-664,252,-873,-54,252,252,-731,-738,-743,252,252,252,-872,]),'EXTENT_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[253,253,253,253,-1894,253,253,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,253,253,253,253,-275,-276,253,-1425,253,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,253,253,253,-490,253,253,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,253,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,253,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,253,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,253,-172,-173,-174,-175,-993,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-290,-291,-281,253,253,253,253,253,-328,-318,-332,-333,-334,253,253,-982,-983,-984,-985,-986,-987,-988,253,253,253,253,253,253,253,253,253,253,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,253,253,253,-353,-356,253,-323,-324,-141,253,-142,253,-143,253,-430,-935,-936,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-1894,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-1894,253,-1894,253,253,253,253,253,253,253,253,253,253,253,253,-1894,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,253,-1894,253,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,253,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,253,253,253,-191,-192,253,-994,253,253,253,253,253,-277,-278,-279,-280,-365,253,-308,253,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,253,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,253,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,253,253,253,253,253,253,-573,253,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,253,253,-723,-724,-725,253,253,253,253,253,253,-994,253,253,-91,-92,253,253,253,253,-309,-310,-320,253,-307,-293,-294,-295,253,253,253,253,-618,-633,-590,253,253,-436,253,-437,253,-444,-445,-446,-378,-379,253,253,253,-506,253,253,-510,253,253,253,253,-515,-516,-517,-518,253,253,-521,-522,253,-524,-525,-526,-527,-528,-529,-530,-531,253,-533,253,253,253,-539,-541,-542,253,-544,-545,-546,-547,253,253,253,253,253,253,-652,-653,-654,-655,253,-657,-658,-659,253,253,253,-665,253,253,-669,-670,253,253,-673,253,-675,-676,253,-679,253,-681,253,253,-684,-685,-686,253,-688,253,253,-691,253,253,-694,-695,-696,253,-698,-699,-700,-701,253,253,-746,253,-749,-750,-751,-752,-753,253,-755,-756,-757,-758,-759,253,-766,-767,-769,253,-771,-772,-773,-782,-856,-858,-860,-862,253,253,253,253,-868,253,-870,253,253,253,253,253,253,253,-906,-907,253,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,253,-921,-924,253,-934,253,-385,-386,-387,253,253,-390,-391,-392,-393,253,-396,253,-399,-400,253,-401,253,-406,-407,253,-410,-411,-412,253,-415,253,-416,253,-421,-422,253,-425,253,-428,-429,-1894,-1894,253,-619,-620,-621,-622,-623,-634,-584,-624,-797,253,253,253,253,253,-831,253,253,-806,253,-832,253,253,253,253,-798,253,-853,-799,253,253,253,253,253,253,-854,-855,253,-834,-830,-835,253,-625,253,-626,-627,-628,-629,-574,253,253,-630,-631,-632,253,253,253,253,253,253,-635,-636,-637,-592,-1894,-602,253,-638,-639,-713,-640,-604,253,-572,-577,-580,-583,253,253,253,-598,-601,253,-608,253,253,253,253,253,253,253,253,253,253,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,253,253,253,-995,253,253,253,253,253,253,-306,-325,-319,-296,-375,-452,-453,-454,-458,253,-443,253,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,253,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,253,253,253,253,253,253,253,253,253,-316,-535,-508,-591,-937,-939,-940,-438,253,-440,-380,-381,-383,-507,-509,-511,253,-513,-514,-519,-520,253,-532,-534,-537,-538,-543,-548,-726,253,-727,253,-732,253,-734,253,-739,-656,-660,-661,253,-666,253,-667,253,-672,-674,253,-677,253,253,253,-687,-689,253,-692,253,253,-744,253,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,253,253,253,253,253,-877,253,-880,-908,-920,-925,-388,-389,253,-394,253,-397,253,-402,253,-403,253,-408,253,-413,253,-417,253,-418,253,-423,253,-426,-899,-900,-643,-585,-1894,-901,253,253,253,-800,253,253,-804,253,-807,-833,253,-818,253,-820,253,-822,-808,253,-824,253,-851,-852,253,253,-811,253,-646,-902,-904,-648,-649,-645,253,-705,-706,253,-642,-903,-647,-650,-603,-714,253,253,-605,-586,253,253,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,253,253,-709,-710,253,-716,253,253,253,253,253,253,-938,253,-439,-441,-747,253,-891,253,-715,-1894,253,253,253,253,253,-442,-512,-523,253,-728,-733,253,-735,253,-740,253,-662,-668,253,-678,-680,-682,-683,-690,-693,-697,-745,253,253,-874,253,253,-878,253,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,253,-812,253,-814,-801,253,-802,-805,253,-816,-819,-821,-823,-825,253,-826,253,-809,253,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,253,-282,253,253,253,253,-455,253,253,-729,253,-736,253,-741,253,-663,-671,253,253,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,253,-836,-53,253,253,-730,253,-737,253,-742,-664,253,-873,-54,253,253,-731,-738,-743,253,253,253,-872,]),'EXTRACTVALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[254,254,254,1130,-1894,254,254,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,254,254,254,254,-275,-276,1130,-1425,1130,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1130,1130,1130,-490,1130,1130,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1130,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1130,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1863,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,254,-172,-173,-174,-175,-993,254,254,254,254,254,254,254,254,254,254,1130,1130,1130,1130,1130,-290,-291,-281,254,1130,1130,1130,1130,-328,-318,-332,-333,-334,1130,1130,-982,-983,-984,-985,-986,-987,-988,254,254,1130,1130,1130,1130,1130,1130,1130,1130,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1130,1130,1130,-353,-356,254,-323,-324,-141,1130,-142,1130,-143,1130,-430,-935,-936,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1894,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1894,1130,-1894,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1894,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-1894,254,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1130,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1130,254,254,-191,-192,254,-994,1130,254,254,254,254,-277,-278,-279,-280,-365,1130,-308,1130,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1130,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1130,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1130,1130,1130,1130,1130,1130,-573,1130,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1130,1130,-723,-724,-725,1130,1863,254,254,254,254,-994,254,1130,-91,-92,254,254,254,1130,-309,-310,-320,1130,-307,-293,-294,-295,1130,254,1130,1130,-618,-633,-590,1130,254,-436,254,-437,1130,-444,-445,-446,-378,-379,1130,1130,1130,-506,1130,1130,-510,1130,1130,1130,1130,-515,-516,-517,-518,1130,1130,-521,-522,1130,-524,-525,-526,-527,-528,-529,-530,-531,1130,-533,1130,1130,1130,-539,-541,-542,1130,-544,-545,-546,-547,1130,1130,1130,1130,1130,1130,-652,-653,-654,-655,254,-657,-658,-659,1130,1130,1130,-665,1130,1130,-669,-670,1130,1130,-673,1130,-675,-676,1130,-679,1130,-681,1130,1130,-684,-685,-686,1130,-688,1130,1130,-691,1130,1130,-694,-695,-696,1130,-698,-699,-700,-701,1130,1130,-746,1130,-749,-750,-751,-752,-753,1130,-755,-756,-757,-758,-759,1130,-766,-767,-769,1130,-771,-772,-773,-782,-856,-858,-860,-862,1130,1130,1130,1130,-868,1130,-870,1130,1130,1130,1130,1130,1130,1130,-906,-907,1130,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1130,-921,-924,1130,-934,1130,-385,-386,-387,1130,1130,-390,-391,-392,-393,1130,-396,1130,-399,-400,1130,-401,1130,-406,-407,1130,-410,-411,-412,1130,-415,1130,-416,1130,-421,-422,1130,-425,1130,-428,-429,-1894,-1894,1130,-619,-620,-621,-622,-623,-634,-584,-624,-797,1130,1130,1130,1130,1130,-831,1130,1130,-806,1130,-832,1130,1130,1130,1130,-798,1130,-853,-799,1130,1130,1130,1130,1130,1130,-854,-855,1130,-834,-830,-835,1130,-625,1130,-626,-627,-628,-629,-574,1130,1130,-630,-631,-632,1130,1130,1130,1130,1130,1130,-635,-636,-637,-592,-1894,-602,1130,-638,-639,-713,-640,-604,1130,-572,-577,-580,-583,1130,1130,1130,-598,-601,1130,-608,1130,1130,1130,1130,1130,1130,1130,1130,1130,1130,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1130,254,254,-995,254,1130,254,254,254,1130,-306,-325,-319,-296,-375,-452,-453,-454,-458,254,-443,1130,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1130,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,254,254,254,254,254,254,254,254,1130,-316,-535,-508,-591,-937,-939,-940,-438,1130,-440,-380,-381,-383,-507,-509,-511,1130,-513,-514,-519,-520,1130,-532,-534,-537,-538,-543,-548,-726,1130,-727,1130,-732,1130,-734,1130,-739,-656,-660,-661,1130,-666,1130,-667,1130,-672,-674,1130,-677,1130,1130,1130,-687,-689,1130,-692,1130,1130,-744,1130,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1130,1130,1130,1130,1130,-877,1130,-880,-908,-920,-925,-388,-389,1130,-394,1130,-397,1130,-402,1130,-403,1130,-408,1130,-413,1130,-417,1130,-418,1130,-423,1130,-426,-899,-900,-643,-585,-1894,-901,1130,1130,1130,-800,1130,1130,-804,1130,-807,-833,1130,-818,1130,-820,1130,-822,-808,1130,-824,1130,-851,-852,1130,1130,-811,1130,-646,-902,-904,-648,-649,-645,1130,-705,-706,1130,-642,-903,-647,-650,-603,-714,1130,1130,-605,-586,1130,1130,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1130,1130,-709,-710,1130,-716,1130,254,254,254,1130,1130,-938,254,-439,-441,-747,1130,-891,1863,-715,-1894,1130,1130,254,254,1130,-442,-512,-523,1130,-728,-733,1130,-735,1130,-740,1130,-662,-668,1130,-678,-680,-682,-683,-690,-693,-697,-745,1130,1130,-874,1130,1130,-878,1130,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1130,-812,1130,-814,-801,1130,-802,-805,1130,-816,-819,-821,-823,-825,1130,-826,1130,-809,1130,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,254,-282,254,1130,254,1130,-455,1130,1130,-729,1130,-736,1130,-741,1130,-663,-671,1130,1130,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1130,-836,-53,254,1130,-730,1130,-737,1130,-742,-664,1130,-873,-54,254,254,-731,-738,-743,1130,254,1130,-872,]),'FAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[255,255,255,255,-1894,255,255,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,255,255,255,255,-275,-276,255,-1425,255,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,255,255,255,-490,255,255,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,255,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,255,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,255,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,255,-172,-173,-174,-175,-993,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-290,-291,-281,255,255,255,255,255,-328,-318,-332,-333,-334,255,255,-982,-983,-984,-985,-986,-987,-988,255,255,255,255,255,255,255,255,255,255,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,255,255,255,-353,-356,255,-323,-324,-141,255,-142,255,-143,255,-430,-935,-936,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-1894,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-1894,255,-1894,255,255,255,255,255,255,255,255,255,255,255,255,-1894,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,-1894,255,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,255,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,255,255,255,-191,-192,255,-994,255,255,255,255,255,-277,-278,-279,-280,-365,255,-308,255,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,255,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,255,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,255,255,255,255,255,255,-573,255,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,255,255,-723,-724,-725,255,255,255,255,255,255,-994,255,255,-91,-92,255,255,255,255,-309,-310,-320,255,-307,-293,-294,-295,255,255,255,255,-618,-633,-590,255,255,-436,255,-437,255,-444,-445,-446,-378,-379,255,255,255,-506,255,255,-510,255,255,255,255,-515,-516,-517,-518,255,255,-521,-522,255,-524,-525,-526,-527,-528,-529,-530,-531,255,-533,255,255,255,-539,-541,-542,255,-544,-545,-546,-547,255,255,255,255,255,255,-652,-653,-654,-655,255,-657,-658,-659,255,255,255,-665,255,255,-669,-670,255,255,-673,255,-675,-676,255,-679,255,-681,255,255,-684,-685,-686,255,-688,255,255,-691,255,255,-694,-695,-696,255,-698,-699,-700,-701,255,255,-746,255,-749,-750,-751,-752,-753,255,-755,-756,-757,-758,-759,255,-766,-767,-769,255,-771,-772,-773,-782,-856,-858,-860,-862,255,255,255,255,-868,255,-870,255,255,255,255,255,255,255,-906,-907,255,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,255,-921,-924,255,-934,255,-385,-386,-387,255,255,-390,-391,-392,-393,255,-396,255,-399,-400,255,-401,255,-406,-407,255,-410,-411,-412,255,-415,255,-416,255,-421,-422,255,-425,255,-428,-429,-1894,-1894,255,-619,-620,-621,-622,-623,-634,-584,-624,-797,255,255,255,255,255,-831,255,255,-806,255,-832,255,255,255,255,-798,255,-853,-799,255,255,255,255,255,255,-854,-855,255,-834,-830,-835,255,-625,255,-626,-627,-628,-629,-574,255,255,-630,-631,-632,255,255,255,255,255,255,-635,-636,-637,-592,-1894,-602,255,-638,-639,-713,-640,-604,255,-572,-577,-580,-583,255,255,255,-598,-601,255,-608,255,255,255,255,255,255,255,255,255,255,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,255,255,255,-995,255,255,255,255,255,255,-306,-325,-319,-296,-375,-452,-453,-454,-458,255,-443,255,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,255,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,255,255,255,255,255,255,255,255,255,-316,-535,-508,-591,-937,-939,-940,-438,255,-440,-380,-381,-383,-507,-509,-511,255,-513,-514,-519,-520,255,-532,-534,-537,-538,-543,-548,-726,255,-727,255,-732,255,-734,255,-739,-656,-660,-661,255,-666,255,-667,255,-672,-674,255,-677,255,255,255,-687,-689,255,-692,255,255,-744,255,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,255,255,255,255,255,-877,255,-880,-908,-920,-925,-388,-389,255,-394,255,-397,255,-402,255,-403,255,-408,255,-413,255,-417,255,-418,255,-423,255,-426,-899,-900,-643,-585,-1894,-901,255,255,255,-800,255,255,-804,255,-807,-833,255,-818,255,-820,255,-822,-808,255,-824,255,-851,-852,255,255,-811,255,-646,-902,-904,-648,-649,-645,255,-705,-706,255,-642,-903,-647,-650,-603,-714,255,255,-605,-586,255,255,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,255,255,-709,-710,255,-716,255,255,255,255,255,255,-938,255,-439,-441,-747,255,-891,255,-715,-1894,255,255,255,255,255,-442,-512,-523,255,-728,-733,255,-735,255,-740,255,-662,-668,255,-678,-680,-682,-683,-690,-693,-697,-745,255,255,-874,255,255,-878,255,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,255,-812,255,-814,-801,255,-802,-805,255,-816,-819,-821,-823,-825,255,-826,255,-809,255,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,255,-282,255,255,255,255,-455,255,255,-729,255,-736,255,-741,255,-663,-671,255,255,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,255,-836,-53,255,255,-730,255,-737,255,-742,-664,255,-873,-54,255,255,-731,-738,-743,255,255,255,-872,]),'FAULTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[256,256,256,256,-1894,256,256,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,256,256,256,256,-275,-276,256,-1425,256,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,256,256,256,-490,256,256,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,256,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,256,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,256,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,256,-172,-173,-174,-175,-993,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-290,-291,-281,256,256,256,256,256,-328,-318,-332,-333,-334,256,256,-982,-983,-984,-985,-986,-987,-988,256,256,256,256,256,256,256,256,256,256,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,256,256,256,-353,-356,256,-323,-324,-141,256,-142,256,-143,256,-430,-935,-936,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-1894,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-1894,256,-1894,256,256,256,256,256,256,256,256,256,256,256,256,-1894,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,256,-1894,256,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,256,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,256,256,256,-191,-192,256,-994,256,256,256,256,256,-277,-278,-279,-280,-365,256,-308,256,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,256,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,256,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,256,256,256,256,256,256,-573,256,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,256,256,-723,-724,-725,256,256,256,256,256,256,-994,256,256,-91,-92,256,256,256,256,-309,-310,-320,256,-307,-293,-294,-295,256,256,256,256,-618,-633,-590,256,256,-436,256,-437,256,-444,-445,-446,-378,-379,256,256,256,-506,256,256,-510,256,256,256,256,-515,-516,-517,-518,256,256,-521,-522,256,-524,-525,-526,-527,-528,-529,-530,-531,256,-533,256,256,256,-539,-541,-542,256,-544,-545,-546,-547,256,256,256,256,256,256,-652,-653,-654,-655,256,-657,-658,-659,256,256,256,-665,256,256,-669,-670,256,256,-673,256,-675,-676,256,-679,256,-681,256,256,-684,-685,-686,256,-688,256,256,-691,256,256,-694,-695,-696,256,-698,-699,-700,-701,256,256,-746,256,-749,-750,-751,-752,-753,256,-755,-756,-757,-758,-759,256,-766,-767,-769,256,-771,-772,-773,-782,-856,-858,-860,-862,256,256,256,256,-868,256,-870,256,256,256,256,256,256,256,-906,-907,256,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,256,-921,-924,256,-934,256,-385,-386,-387,256,256,-390,-391,-392,-393,256,-396,256,-399,-400,256,-401,256,-406,-407,256,-410,-411,-412,256,-415,256,-416,256,-421,-422,256,-425,256,-428,-429,-1894,-1894,256,-619,-620,-621,-622,-623,-634,-584,-624,-797,256,256,256,256,256,-831,256,256,-806,256,-832,256,256,256,256,-798,256,-853,-799,256,256,256,256,256,256,-854,-855,256,-834,-830,-835,256,-625,256,-626,-627,-628,-629,-574,256,256,-630,-631,-632,256,256,256,256,256,256,-635,-636,-637,-592,-1894,-602,256,-638,-639,-713,-640,-604,256,-572,-577,-580,-583,256,256,256,-598,-601,256,-608,256,256,256,256,256,256,256,256,256,256,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,256,256,256,-995,256,256,256,256,256,256,-306,-325,-319,-296,-375,-452,-453,-454,-458,256,-443,256,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,256,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,256,256,256,256,256,256,256,256,256,-316,-535,-508,-591,-937,-939,-940,-438,256,-440,-380,-381,-383,-507,-509,-511,256,-513,-514,-519,-520,256,-532,-534,-537,-538,-543,-548,-726,256,-727,256,-732,256,-734,256,-739,-656,-660,-661,256,-666,256,-667,256,-672,-674,256,-677,256,256,256,-687,-689,256,-692,256,256,-744,256,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,256,256,256,256,256,-877,256,-880,-908,-920,-925,-388,-389,256,-394,256,-397,256,-402,256,-403,256,-408,256,-413,256,-417,256,-418,256,-423,256,-426,-899,-900,-643,-585,-1894,-901,256,256,256,-800,256,256,-804,256,-807,-833,256,-818,256,-820,256,-822,-808,256,-824,256,-851,-852,256,256,-811,256,-646,-902,-904,-648,-649,-645,256,-705,-706,256,-642,-903,-647,-650,-603,-714,256,256,-605,-586,256,256,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,256,256,-709,-710,256,-716,256,256,256,256,256,256,-938,256,-439,-441,-747,256,-891,256,-715,-1894,256,256,256,256,256,-442,-512,-523,256,-728,-733,256,-735,256,-740,256,-662,-668,256,-678,-680,-682,-683,-690,-693,-697,-745,256,256,-874,256,256,-878,256,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,256,-812,256,-814,-801,256,-802,-805,256,-816,-819,-821,-823,-825,256,-826,256,-809,256,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,256,-282,256,256,256,256,-455,256,256,-729,256,-736,256,-741,256,-663,-671,256,256,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,256,-836,-53,256,256,-730,256,-737,256,-742,-664,256,-873,-54,256,256,-731,-738,-743,256,256,256,-872,]),'FIELD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[257,257,257,1092,-1894,257,257,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,257,257,257,257,-275,-276,1092,-1425,1092,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1092,1092,1092,-490,1092,1092,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1092,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1092,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1864,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,257,-172,-173,-174,-175,-993,257,257,257,257,257,257,257,257,257,257,1092,1092,1092,1092,1092,-290,-291,-281,257,1092,1092,1092,1092,-328,-318,-332,-333,-334,1092,1092,-982,-983,-984,-985,-986,-987,-988,257,257,1092,1092,1092,1092,1092,1092,1092,1092,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1092,1092,1092,-353,-356,257,-323,-324,-141,1092,-142,1092,-143,1092,-430,-935,-936,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1894,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1894,1092,-1894,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1894,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-1894,257,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1092,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1092,257,257,-191,-192,257,-994,1092,257,257,257,257,-277,-278,-279,-280,-365,1092,-308,1092,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1092,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1092,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1092,1092,1092,1092,1092,1092,-573,1092,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1092,1092,-723,-724,-725,1092,1864,257,257,257,257,-994,257,1092,-91,-92,257,257,257,1092,-309,-310,-320,1092,-307,-293,-294,-295,1092,257,1092,1092,-618,-633,-590,1092,257,-436,257,-437,1092,-444,-445,-446,-378,-379,1092,1092,1092,-506,1092,1092,-510,1092,1092,1092,1092,-515,-516,-517,-518,1092,1092,-521,-522,1092,-524,-525,-526,-527,-528,-529,-530,-531,1092,-533,1092,1092,1092,-539,-541,-542,1092,-544,-545,-546,-547,1092,1092,1092,1092,1092,1092,-652,-653,-654,-655,257,-657,-658,-659,1092,1092,1092,-665,1092,1092,-669,-670,1092,1092,-673,1092,-675,-676,1092,-679,1092,-681,1092,1092,-684,-685,-686,1092,-688,1092,1092,-691,1092,1092,-694,-695,-696,1092,-698,-699,-700,-701,1092,1092,-746,1092,-749,-750,-751,-752,-753,1092,-755,-756,-757,-758,-759,1092,-766,-767,-769,1092,-771,-772,-773,-782,-856,-858,-860,-862,1092,1092,1092,1092,-868,1092,-870,1092,1092,1092,1092,1092,1092,1092,-906,-907,1092,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1092,-921,-924,1092,-934,1092,-385,-386,-387,1092,1092,-390,-391,-392,-393,1092,-396,1092,-399,-400,1092,-401,1092,-406,-407,1092,-410,-411,-412,1092,-415,1092,-416,1092,-421,-422,1092,-425,1092,-428,-429,-1894,-1894,1092,-619,-620,-621,-622,-623,-634,-584,-624,-797,1092,1092,1092,1092,1092,-831,1092,1092,-806,1092,-832,1092,1092,1092,1092,-798,1092,-853,-799,1092,1092,1092,1092,1092,1092,-854,-855,1092,-834,-830,-835,1092,-625,1092,-626,-627,-628,-629,-574,1092,1092,-630,-631,-632,1092,1092,1092,1092,1092,1092,-635,-636,-637,-592,-1894,-602,1092,-638,-639,-713,-640,-604,1092,-572,-577,-580,-583,1092,1092,1092,-598,-601,1092,-608,1092,1092,1092,1092,1092,1092,1092,1092,1092,1092,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1092,257,257,-995,257,1092,257,257,257,1092,-306,-325,-319,-296,-375,-452,-453,-454,-458,257,-443,1092,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1092,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,257,257,257,257,257,257,257,257,1092,-316,-535,-508,-591,-937,-939,-940,-438,1092,-440,-380,-381,-383,-507,-509,-511,1092,-513,-514,-519,-520,1092,-532,-534,-537,-538,-543,-548,-726,1092,-727,1092,-732,1092,-734,1092,-739,-656,-660,-661,1092,-666,1092,-667,1092,-672,-674,1092,-677,1092,1092,1092,-687,-689,1092,-692,1092,1092,-744,1092,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1092,1092,1092,1092,1092,-877,1092,-880,-908,-920,-925,-388,-389,1092,-394,1092,-397,1092,-402,1092,-403,1092,-408,1092,-413,1092,-417,1092,-418,1092,-423,1092,-426,-899,-900,-643,-585,-1894,-901,1092,1092,1092,-800,1092,1092,-804,1092,-807,-833,1092,-818,1092,-820,1092,-822,-808,1092,-824,1092,-851,-852,1092,1092,-811,1092,-646,-902,-904,-648,-649,-645,1092,-705,-706,1092,-642,-903,-647,-650,-603,-714,1092,1092,-605,-586,1092,1092,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1092,1092,-709,-710,1092,-716,1092,257,257,257,1092,1092,-938,257,-439,-441,-747,1092,-891,1864,-715,-1894,1092,1092,257,257,1092,-442,-512,-523,1092,-728,-733,1092,-735,1092,-740,1092,-662,-668,1092,-678,-680,-682,-683,-690,-693,-697,-745,1092,1092,-874,1092,1092,-878,1092,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1092,-812,1092,-814,-801,1092,-802,-805,1092,-816,-819,-821,-823,-825,1092,-826,1092,-809,1092,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,257,-282,257,1092,257,1092,-455,1092,1092,-729,1092,-736,1092,-741,1092,-663,-671,1092,1092,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1092,-836,-53,257,1092,-730,1092,-737,1092,-742,-664,1092,-873,-54,257,257,-731,-738,-743,1092,257,1092,-872,]),'FIELDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[258,258,258,258,-1894,258,258,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,258,258,258,258,-275,-276,258,-1425,258,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,258,258,258,-490,258,258,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,258,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,258,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,258,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,258,-172,-173,-174,-175,-993,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-290,-291,-281,258,258,258,258,258,-328,-318,-332,-333,-334,258,258,-982,-983,-984,-985,-986,-987,-988,258,258,258,258,258,258,258,258,258,258,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,258,258,258,-353,-356,258,-323,-324,-141,258,-142,258,-143,258,-430,-935,-936,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-1894,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-1894,258,-1894,258,258,258,258,258,258,258,258,258,258,258,258,-1894,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,258,-1894,258,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,258,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,258,258,258,-191,-192,258,-994,258,258,258,258,258,-277,-278,-279,-280,-365,258,-308,258,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,258,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,258,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,258,258,258,258,258,258,-573,258,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,258,258,-723,-724,-725,258,258,258,258,258,258,-994,258,258,-91,-92,258,258,258,258,-309,-310,-320,258,-307,-293,-294,-295,258,258,258,258,-618,-633,-590,258,258,-436,258,-437,258,-444,-445,-446,-378,-379,258,258,258,-506,258,258,-510,258,258,258,258,-515,-516,-517,-518,258,258,-521,-522,258,-524,-525,-526,-527,-528,-529,-530,-531,258,-533,258,258,258,-539,-541,-542,258,-544,-545,-546,-547,258,258,258,258,258,258,-652,-653,-654,-655,258,-657,-658,-659,258,258,258,-665,258,258,-669,-670,258,258,-673,258,-675,-676,258,-679,258,-681,258,258,-684,-685,-686,258,-688,258,258,-691,258,258,-694,-695,-696,258,-698,-699,-700,-701,258,258,-746,258,-749,-750,-751,-752,-753,258,-755,-756,-757,-758,-759,258,-766,-767,-769,258,-771,-772,-773,-782,-856,-858,-860,-862,258,258,258,258,-868,258,-870,258,258,258,258,258,258,258,-906,-907,258,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,258,-921,-924,258,-934,258,-385,-386,-387,258,258,-390,-391,-392,-393,258,-396,258,-399,-400,258,-401,258,-406,-407,258,-410,-411,-412,258,-415,258,-416,258,-421,-422,258,-425,258,-428,-429,-1894,-1894,258,-619,-620,-621,-622,-623,-634,-584,-624,-797,258,258,258,258,258,-831,258,258,-806,258,-832,258,258,258,258,-798,258,-853,-799,258,258,258,258,258,258,-854,-855,258,-834,-830,-835,258,-625,258,-626,-627,-628,-629,-574,258,258,-630,-631,-632,258,258,258,258,258,258,-635,-636,-637,-592,-1894,-602,258,-638,-639,-713,-640,-604,258,-572,-577,-580,-583,258,258,258,-598,-601,258,-608,258,258,258,258,258,258,258,258,258,258,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,258,258,258,-995,258,258,258,258,258,258,-306,-325,-319,-296,-375,-452,-453,-454,-458,258,-443,258,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,258,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,258,258,258,258,258,258,258,258,258,-316,-535,-508,-591,-937,-939,-940,-438,258,-440,-380,-381,-383,-507,-509,-511,258,-513,-514,-519,-520,258,-532,-534,-537,-538,-543,-548,-726,258,-727,258,-732,258,-734,258,-739,-656,-660,-661,258,-666,258,-667,258,-672,-674,258,-677,258,258,258,-687,-689,258,-692,258,258,-744,258,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,258,258,258,258,258,-877,258,-880,-908,-920,-925,-388,-389,258,-394,258,-397,258,-402,258,-403,258,-408,258,-413,258,-417,258,-418,258,-423,258,-426,-899,-900,-643,-585,-1894,-901,258,258,258,-800,258,258,-804,258,-807,-833,258,-818,258,-820,258,-822,-808,258,-824,258,-851,-852,258,258,-811,258,-646,-902,-904,-648,-649,-645,258,-705,-706,258,-642,-903,-647,-650,-603,-714,258,258,-605,-586,258,258,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,258,258,-709,-710,258,-716,258,258,258,258,258,258,-938,258,-439,-441,-747,258,-891,258,-715,-1894,258,258,258,258,258,-442,-512,-523,258,-728,-733,258,-735,258,-740,258,-662,-668,258,-678,-680,-682,-683,-690,-693,-697,-745,258,258,-874,258,258,-878,258,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,258,-812,258,-814,-801,258,-802,-805,258,-816,-819,-821,-823,-825,258,-826,258,-809,258,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,258,-282,258,258,258,258,-455,258,258,-729,258,-736,258,-741,258,-663,-671,258,258,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,258,-836,-53,258,258,-730,258,-737,258,-742,-664,258,-873,-54,258,258,-731,-738,-743,258,258,258,-872,]),'FILEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[259,259,259,259,-1894,259,259,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,259,259,259,259,-275,-276,259,-1425,259,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,259,259,259,-490,259,259,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,259,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,259,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,259,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,259,-172,-173,-174,-175,-993,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-290,-291,-281,259,259,259,259,259,-328,-318,-332,-333,-334,259,259,-982,-983,-984,-985,-986,-987,-988,259,259,259,259,259,259,259,259,259,259,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,259,259,259,-353,-356,259,-323,-324,-141,259,-142,259,-143,259,-430,-935,-936,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-1894,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-1894,259,-1894,259,259,259,259,259,259,259,259,259,259,259,259,-1894,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,259,-1894,259,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,259,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,259,259,259,-191,-192,259,-994,259,259,259,259,259,-277,-278,-279,-280,-365,259,-308,259,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,259,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,259,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,259,259,259,259,259,259,-573,259,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,259,259,-723,-724,-725,259,259,259,259,259,259,-994,259,259,-91,-92,259,259,259,259,-309,-310,-320,259,-307,-293,-294,-295,259,259,259,259,-618,-633,-590,259,259,-436,259,-437,259,-444,-445,-446,-378,-379,259,259,259,-506,259,259,-510,259,259,259,259,-515,-516,-517,-518,259,259,-521,-522,259,-524,-525,-526,-527,-528,-529,-530,-531,259,-533,259,259,259,-539,-541,-542,259,-544,-545,-546,-547,259,259,259,259,259,259,-652,-653,-654,-655,259,-657,-658,-659,259,259,259,-665,259,259,-669,-670,259,259,-673,259,-675,-676,259,-679,259,-681,259,259,-684,-685,-686,259,-688,259,259,-691,259,259,-694,-695,-696,259,-698,-699,-700,-701,259,259,-746,259,-749,-750,-751,-752,-753,259,-755,-756,-757,-758,-759,259,-766,-767,-769,259,-771,-772,-773,-782,-856,-858,-860,-862,259,259,259,259,-868,259,-870,259,259,259,259,259,259,259,-906,-907,259,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,259,-921,-924,259,-934,259,-385,-386,-387,259,259,-390,-391,-392,-393,259,-396,259,-399,-400,259,-401,259,-406,-407,259,-410,-411,-412,259,-415,259,-416,259,-421,-422,259,-425,259,-428,-429,-1894,-1894,259,-619,-620,-621,-622,-623,-634,-584,-624,-797,259,259,259,259,259,-831,259,259,-806,259,-832,259,259,259,259,-798,259,-853,-799,259,259,259,259,259,259,-854,-855,259,-834,-830,-835,259,-625,259,-626,-627,-628,-629,-574,259,259,-630,-631,-632,259,259,259,259,259,259,-635,-636,-637,-592,-1894,-602,259,-638,-639,-713,-640,-604,259,-572,-577,-580,-583,259,259,259,-598,-601,259,-608,259,259,259,259,259,259,259,259,259,259,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,259,259,259,-995,259,259,259,259,259,259,-306,-325,-319,-296,-375,-452,-453,-454,-458,259,-443,259,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,259,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,259,259,259,259,259,259,259,259,259,-316,-535,-508,-591,-937,-939,-940,-438,259,-440,-380,-381,-383,-507,-509,-511,259,-513,-514,-519,-520,259,-532,-534,-537,-538,-543,-548,-726,259,-727,259,-732,259,-734,259,-739,-656,-660,-661,259,-666,259,-667,259,-672,-674,259,-677,259,259,259,-687,-689,259,-692,259,259,-744,259,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,259,259,259,259,259,-877,259,-880,-908,-920,-925,-388,-389,259,-394,259,-397,259,-402,259,-403,259,-408,259,-413,259,-417,259,-418,259,-423,259,-426,-899,-900,-643,-585,-1894,-901,259,259,259,-800,259,259,-804,259,-807,-833,259,-818,259,-820,259,-822,-808,259,-824,259,-851,-852,259,259,-811,259,-646,-902,-904,-648,-649,-645,259,-705,-706,259,-642,-903,-647,-650,-603,-714,259,259,-605,-586,259,259,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,259,259,-709,-710,259,-716,259,259,259,259,259,259,-938,259,-439,-441,-747,259,-891,259,-715,-1894,259,259,259,259,259,-442,-512,-523,259,-728,-733,259,-735,259,-740,259,-662,-668,259,-678,-680,-682,-683,-690,-693,-697,-745,259,259,-874,259,259,-878,259,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,259,-812,259,-814,-801,259,-802,-805,259,-816,-819,-821,-823,-825,259,-826,259,-809,259,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,259,-282,259,259,259,259,-455,259,259,-729,259,-736,259,-741,259,-663,-671,259,259,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,259,-836,-53,259,259,-730,259,-737,259,-742,-664,259,-873,-54,259,259,-731,-738,-743,259,259,259,-872,]),'FILE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[260,260,260,260,-1894,260,260,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,260,260,260,260,-275,-276,260,-1425,260,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,260,260,260,-490,260,260,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,260,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,260,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,260,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,260,-172,-173,-174,-175,-993,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-290,-291,-281,260,260,260,260,260,-328,-318,-332,-333,-334,260,260,-982,-983,-984,-985,-986,-987,-988,260,260,260,260,260,260,260,260,260,260,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,260,260,260,-353,-356,260,-323,-324,-141,260,-142,260,-143,260,-430,-935,-936,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-1894,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-1894,260,-1894,260,260,260,260,260,260,260,260,260,260,260,260,-1894,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,260,-1894,260,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,260,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,260,260,260,-191,-192,260,-994,260,260,260,260,260,-277,-278,-279,-280,-365,260,-308,260,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,260,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,260,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,260,260,260,260,260,260,-573,260,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,260,260,-723,-724,-725,260,260,260,260,260,260,-994,260,260,-91,-92,260,260,260,260,-309,-310,-320,260,-307,-293,-294,-295,260,260,260,260,-618,-633,-590,260,260,-436,260,-437,260,-444,-445,-446,-378,-379,260,260,260,-506,260,260,-510,260,260,260,260,-515,-516,-517,-518,260,260,-521,-522,260,-524,-525,-526,-527,-528,-529,-530,-531,260,-533,260,260,260,-539,-541,-542,260,-544,-545,-546,-547,260,260,260,260,260,260,-652,-653,-654,-655,260,-657,-658,-659,260,260,260,-665,260,260,-669,-670,260,260,-673,260,-675,-676,260,-679,260,-681,260,260,-684,-685,-686,260,-688,260,260,-691,260,260,-694,-695,-696,260,-698,-699,-700,-701,260,260,-746,260,-749,-750,-751,-752,-753,260,-755,-756,-757,-758,-759,260,-766,-767,-769,260,-771,-772,-773,-782,-856,-858,-860,-862,260,260,260,260,-868,260,-870,260,260,260,260,260,260,260,-906,-907,260,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,260,-921,-924,260,-934,260,-385,-386,-387,260,260,-390,-391,-392,-393,260,-396,260,-399,-400,260,-401,260,-406,-407,260,-410,-411,-412,260,-415,260,-416,260,-421,-422,260,-425,260,-428,-429,-1894,-1894,260,-619,-620,-621,-622,-623,-634,-584,-624,-797,260,260,260,260,260,-831,260,260,-806,260,-832,260,260,260,260,-798,260,-853,-799,260,260,260,260,260,260,-854,-855,260,-834,-830,-835,260,-625,260,-626,-627,-628,-629,-574,260,260,-630,-631,-632,260,260,260,260,260,260,-635,-636,-637,-592,-1894,-602,260,-638,-639,-713,-640,-604,260,-572,-577,-580,-583,260,260,260,-598,-601,260,-608,260,260,260,260,260,260,260,260,260,260,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,260,260,260,-995,260,260,260,260,260,260,-306,-325,-319,-296,-375,-452,-453,-454,-458,260,-443,260,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,260,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,260,260,260,260,260,260,260,260,260,-316,-535,-508,-591,-937,-939,-940,-438,260,-440,-380,-381,-383,-507,-509,-511,260,-513,-514,-519,-520,260,-532,-534,-537,-538,-543,-548,-726,260,-727,260,-732,260,-734,260,-739,-656,-660,-661,260,-666,260,-667,260,-672,-674,260,-677,260,260,260,-687,-689,260,-692,260,260,-744,260,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,260,260,260,260,260,-877,260,-880,-908,-920,-925,-388,-389,260,-394,260,-397,260,-402,260,-403,260,-408,260,-413,260,-417,260,-418,260,-423,260,-426,-899,-900,-643,-585,-1894,-901,260,260,260,-800,260,260,-804,260,-807,-833,260,-818,260,-820,260,-822,-808,260,-824,260,-851,-852,260,260,-811,260,-646,-902,-904,-648,-649,-645,260,-705,-706,260,-642,-903,-647,-650,-603,-714,260,260,-605,-586,260,260,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,260,260,-709,-710,260,-716,260,260,260,260,260,260,-938,260,-439,-441,-747,260,-891,260,-715,-1894,260,260,260,260,260,-442,-512,-523,260,-728,-733,260,-735,260,-740,260,-662,-668,260,-678,-680,-682,-683,-690,-693,-697,-745,260,260,-874,260,260,-878,260,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,260,-812,260,-814,-801,260,-802,-805,260,-816,-819,-821,-823,-825,260,-826,260,-809,260,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,260,-282,260,260,260,260,-455,260,260,-729,260,-736,260,-741,260,-663,-671,260,260,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,260,-836,-53,260,260,-730,260,-737,260,-742,-664,260,-873,-54,260,260,-731,-738,-743,260,260,260,-872,]),'FINAL_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[261,261,261,261,-1894,261,261,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,261,261,261,261,-275,-276,261,-1425,261,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,261,261,261,-490,261,261,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,261,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,261,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,261,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,261,-172,-173,-174,-175,-993,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-290,-291,-281,261,261,261,261,261,-328,-318,-332,-333,-334,261,261,-982,-983,-984,-985,-986,-987,-988,261,261,261,261,261,261,261,261,261,261,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,261,261,261,-353,-356,261,-323,-324,-141,261,-142,261,-143,261,-430,-935,-936,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-1894,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-1894,261,-1894,261,261,261,261,261,261,261,261,261,261,261,261,-1894,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,261,-1894,261,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,261,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,261,261,261,-191,-192,261,-994,261,261,261,261,261,-277,-278,-279,-280,-365,261,-308,261,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,261,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,261,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,261,261,261,261,261,261,-573,261,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,261,261,-723,-724,-725,261,261,261,261,261,261,-994,261,261,-91,-92,261,261,261,261,-309,-310,-320,261,-307,-293,-294,-295,261,261,261,261,-618,-633,-590,261,261,-436,261,-437,261,-444,-445,-446,-378,-379,261,261,261,-506,261,261,-510,261,261,261,261,-515,-516,-517,-518,261,261,-521,-522,261,-524,-525,-526,-527,-528,-529,-530,-531,261,-533,261,261,261,-539,-541,-542,261,-544,-545,-546,-547,261,261,261,261,261,261,-652,-653,-654,-655,261,-657,-658,-659,261,261,261,-665,261,261,-669,-670,261,261,-673,261,-675,-676,261,-679,261,-681,261,261,-684,-685,-686,261,-688,261,261,-691,261,261,-694,-695,-696,261,-698,-699,-700,-701,261,261,-746,261,-749,-750,-751,-752,-753,261,-755,-756,-757,-758,-759,261,-766,-767,-769,261,-771,-772,-773,-782,-856,-858,-860,-862,261,261,261,261,-868,261,-870,261,261,261,261,261,261,261,-906,-907,261,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,261,-921,-924,261,-934,261,-385,-386,-387,261,261,-390,-391,-392,-393,261,-396,261,-399,-400,261,-401,261,-406,-407,261,-410,-411,-412,261,-415,261,-416,261,-421,-422,261,-425,261,-428,-429,-1894,-1894,261,-619,-620,-621,-622,-623,-634,-584,-624,-797,261,261,261,261,261,-831,261,261,-806,261,-832,261,261,261,261,-798,261,-853,-799,261,261,261,261,261,261,-854,-855,261,-834,-830,-835,261,-625,261,-626,-627,-628,-629,-574,261,261,-630,-631,-632,261,261,261,261,261,261,-635,-636,-637,-592,-1894,-602,261,-638,-639,-713,-640,-604,261,-572,-577,-580,-583,261,261,261,-598,-601,261,-608,261,261,261,261,261,261,261,261,261,261,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,261,261,261,-995,261,261,261,261,261,261,-306,-325,-319,-296,-375,-452,-453,-454,-458,261,-443,261,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,261,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,261,261,261,261,261,261,261,261,261,-316,-535,-508,-591,-937,-939,-940,-438,261,-440,-380,-381,-383,-507,-509,-511,261,-513,-514,-519,-520,261,-532,-534,-537,-538,-543,-548,-726,261,-727,261,-732,261,-734,261,-739,-656,-660,-661,261,-666,261,-667,261,-672,-674,261,-677,261,261,261,-687,-689,261,-692,261,261,-744,261,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,261,261,261,261,261,-877,261,-880,-908,-920,-925,-388,-389,261,-394,261,-397,261,-402,261,-403,261,-408,261,-413,261,-417,261,-418,261,-423,261,-426,-899,-900,-643,-585,-1894,-901,261,261,261,-800,261,261,-804,261,-807,-833,261,-818,261,-820,261,-822,-808,261,-824,261,-851,-852,261,261,-811,261,-646,-902,-904,-648,-649,-645,261,-705,-706,261,-642,-903,-647,-650,-603,-714,261,261,-605,-586,261,261,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,261,261,-709,-710,261,-716,261,261,261,261,261,261,-938,261,-439,-441,-747,261,-891,261,-715,-1894,261,261,261,261,261,-442,-512,-523,261,-728,-733,261,-735,261,-740,261,-662,-668,261,-678,-680,-682,-683,-690,-693,-697,-745,261,261,-874,261,261,-878,261,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,261,-812,261,-814,-801,261,-802,-805,261,-816,-819,-821,-823,-825,261,-826,261,-809,261,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,261,-282,261,261,261,261,-455,261,261,-729,261,-736,261,-741,261,-663,-671,261,261,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,261,-836,-53,261,261,-730,261,-737,261,-742,-664,261,-873,-54,261,261,-731,-738,-743,261,261,261,-872,]),'FIND_IN_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[262,262,262,1093,-1894,262,262,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,262,262,262,262,-275,-276,1093,-1425,1093,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1093,1093,1093,-490,1093,1093,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1093,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1093,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1865,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,262,-172,-173,-174,-175,-993,262,262,262,262,262,262,262,262,262,262,1093,1093,1093,1093,1093,-290,-291,-281,262,1093,1093,1093,1093,-328,-318,-332,-333,-334,1093,1093,-982,-983,-984,-985,-986,-987,-988,262,262,1093,1093,1093,1093,1093,1093,1093,1093,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1093,1093,1093,-353,-356,262,-323,-324,-141,1093,-142,1093,-143,1093,-430,-935,-936,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1894,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1894,1093,-1894,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1894,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-1894,262,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1093,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1093,262,262,-191,-192,262,-994,1093,262,262,262,262,-277,-278,-279,-280,-365,1093,-308,1093,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1093,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1093,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1093,1093,1093,1093,1093,1093,-573,1093,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1093,1093,-723,-724,-725,1093,1865,262,262,262,262,-994,262,1093,-91,-92,262,262,262,1093,-309,-310,-320,1093,-307,-293,-294,-295,1093,262,1093,1093,-618,-633,-590,1093,262,-436,262,-437,1093,-444,-445,-446,-378,-379,1093,1093,1093,-506,1093,1093,-510,1093,1093,1093,1093,-515,-516,-517,-518,1093,1093,-521,-522,1093,-524,-525,-526,-527,-528,-529,-530,-531,1093,-533,1093,1093,1093,-539,-541,-542,1093,-544,-545,-546,-547,1093,1093,1093,1093,1093,1093,-652,-653,-654,-655,262,-657,-658,-659,1093,1093,1093,-665,1093,1093,-669,-670,1093,1093,-673,1093,-675,-676,1093,-679,1093,-681,1093,1093,-684,-685,-686,1093,-688,1093,1093,-691,1093,1093,-694,-695,-696,1093,-698,-699,-700,-701,1093,1093,-746,1093,-749,-750,-751,-752,-753,1093,-755,-756,-757,-758,-759,1093,-766,-767,-769,1093,-771,-772,-773,-782,-856,-858,-860,-862,1093,1093,1093,1093,-868,1093,-870,1093,1093,1093,1093,1093,1093,1093,-906,-907,1093,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1093,-921,-924,1093,-934,1093,-385,-386,-387,1093,1093,-390,-391,-392,-393,1093,-396,1093,-399,-400,1093,-401,1093,-406,-407,1093,-410,-411,-412,1093,-415,1093,-416,1093,-421,-422,1093,-425,1093,-428,-429,-1894,-1894,1093,-619,-620,-621,-622,-623,-634,-584,-624,-797,1093,1093,1093,1093,1093,-831,1093,1093,-806,1093,-832,1093,1093,1093,1093,-798,1093,-853,-799,1093,1093,1093,1093,1093,1093,-854,-855,1093,-834,-830,-835,1093,-625,1093,-626,-627,-628,-629,-574,1093,1093,-630,-631,-632,1093,1093,1093,1093,1093,1093,-635,-636,-637,-592,-1894,-602,1093,-638,-639,-713,-640,-604,1093,-572,-577,-580,-583,1093,1093,1093,-598,-601,1093,-608,1093,1093,1093,1093,1093,1093,1093,1093,1093,1093,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1093,262,262,-995,262,1093,262,262,262,1093,-306,-325,-319,-296,-375,-452,-453,-454,-458,262,-443,1093,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1093,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,262,262,262,262,262,262,262,262,1093,-316,-535,-508,-591,-937,-939,-940,-438,1093,-440,-380,-381,-383,-507,-509,-511,1093,-513,-514,-519,-520,1093,-532,-534,-537,-538,-543,-548,-726,1093,-727,1093,-732,1093,-734,1093,-739,-656,-660,-661,1093,-666,1093,-667,1093,-672,-674,1093,-677,1093,1093,1093,-687,-689,1093,-692,1093,1093,-744,1093,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1093,1093,1093,1093,1093,-877,1093,-880,-908,-920,-925,-388,-389,1093,-394,1093,-397,1093,-402,1093,-403,1093,-408,1093,-413,1093,-417,1093,-418,1093,-423,1093,-426,-899,-900,-643,-585,-1894,-901,1093,1093,1093,-800,1093,1093,-804,1093,-807,-833,1093,-818,1093,-820,1093,-822,-808,1093,-824,1093,-851,-852,1093,1093,-811,1093,-646,-902,-904,-648,-649,-645,1093,-705,-706,1093,-642,-903,-647,-650,-603,-714,1093,1093,-605,-586,1093,1093,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1093,1093,-709,-710,1093,-716,1093,262,262,262,1093,1093,-938,262,-439,-441,-747,1093,-891,1865,-715,-1894,1093,1093,262,262,1093,-442,-512,-523,1093,-728,-733,1093,-735,1093,-740,1093,-662,-668,1093,-678,-680,-682,-683,-690,-693,-697,-745,1093,1093,-874,1093,1093,-878,1093,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1093,-812,1093,-814,-801,1093,-802,-805,1093,-816,-819,-821,-823,-825,1093,-826,1093,-809,1093,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,262,-282,262,1093,262,1093,-455,1093,1093,-729,1093,-736,1093,-741,1093,-663,-671,1093,1093,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1093,-836,-53,262,1093,-730,1093,-737,1093,-742,-664,1093,-873,-54,262,262,-731,-738,-743,1093,262,1093,-872,]),'FIRST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1377,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2887,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[263,263,263,263,-1894,263,263,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,263,263,263,263,-275,-276,263,-1425,263,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,263,263,263,-490,263,263,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,263,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,263,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,263,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1993,263,-172,-173,-174,-175,-993,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-290,-291,-281,263,263,263,263,263,-328,-318,-332,-333,-334,263,263,-982,-983,-984,-985,-986,-987,-988,263,263,263,263,263,263,263,263,263,263,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,263,263,263,-353,-356,263,-323,-324,-141,263,-142,263,-143,263,-430,-935,-936,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-1894,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-1894,263,-1894,263,263,263,263,263,263,263,263,263,263,263,263,-1894,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,263,-1894,263,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,263,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,263,263,263,-191,-192,263,-994,263,263,263,263,263,-277,-278,-279,-280,-365,263,-308,263,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,263,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,263,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,263,263,263,263,263,263,-573,263,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,263,263,-723,-724,-725,263,263,263,263,263,263,-994,263,263,-91,-92,263,263,263,263,-309,-310,-320,263,-307,-293,-294,-295,263,263,263,263,-618,-633,-590,263,263,-436,263,-437,263,-444,-445,-446,-378,-379,263,263,263,-506,263,263,-510,263,263,263,263,-515,-516,-517,-518,263,263,-521,-522,263,-524,-525,-526,-527,-528,-529,-530,-531,263,-533,263,263,263,-539,-541,-542,263,-544,-545,-546,-547,263,263,263,263,263,263,-652,-653,-654,-655,263,-657,-658,-659,263,263,263,-665,263,263,-669,-670,263,263,-673,263,-675,-676,263,-679,263,-681,263,263,-684,-685,-686,263,-688,263,263,-691,263,263,-694,-695,-696,263,-698,-699,-700,-701,263,263,-746,263,-749,-750,-751,-752,-753,263,-755,-756,-757,-758,-759,263,-766,-767,-769,263,-771,-772,-773,-782,-856,-858,-860,-862,263,263,263,263,-868,263,-870,263,263,263,263,263,263,263,-906,-907,263,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,263,-921,-924,263,-934,263,-385,-386,-387,263,263,-390,-391,-392,-393,263,-396,263,-399,-400,263,-401,263,-406,-407,263,-410,-411,-412,263,-415,263,-416,263,-421,-422,263,-425,263,-428,-429,-1894,-1894,263,-619,-620,-621,-622,-623,-634,-584,-624,-797,263,263,263,263,263,-831,263,263,-806,263,-832,263,263,263,263,-798,263,-853,-799,263,263,263,263,263,263,-854,-855,263,-834,-830,-835,263,-625,263,-626,-627,-628,-629,-574,263,263,-630,-631,-632,263,263,263,263,263,263,-635,-636,-637,-592,-1894,-602,263,-638,-639,-713,-640,-604,263,-572,-577,-580,-583,263,263,263,-598,-601,263,-608,263,263,263,263,263,263,263,263,263,263,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,263,3160,263,263,-995,263,263,263,263,263,263,-306,-325,-319,-296,-375,-452,-453,-454,-458,263,-443,263,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,263,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,263,263,263,263,263,263,263,263,263,-316,-535,-508,-591,-937,-939,-940,-438,263,-440,-380,-381,-383,-507,-509,-511,263,-513,-514,-519,-520,263,-532,-534,-537,-538,-543,-548,-726,263,-727,263,-732,263,-734,263,-739,-656,-660,-661,263,-666,263,-667,263,-672,-674,263,-677,263,263,263,-687,-689,263,-692,263,263,-744,263,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,263,263,263,263,263,-877,263,-880,-908,-920,-925,-388,-389,263,-394,263,-397,263,-402,263,-403,263,-408,263,-413,263,-417,263,-418,263,-423,263,-426,-899,-900,-643,-585,-1894,-901,263,263,263,-800,263,263,-804,263,-807,-833,263,-818,263,-820,263,-822,-808,263,-824,263,-851,-852,263,263,-811,263,-646,-902,-904,-648,-649,-645,263,-705,-706,263,-642,-903,-647,-650,-603,-714,263,263,-605,-586,263,263,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,263,263,-709,-710,263,-716,263,263,263,263,263,263,-938,263,-439,-441,-747,263,-891,263,-715,-1894,263,263,263,263,263,-442,-512,-523,263,-728,-733,263,-735,263,-740,263,-662,-668,263,-678,-680,-682,-683,-690,-693,-697,-745,263,263,-874,263,263,-878,263,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,263,-812,263,-814,-801,263,-802,-805,263,-816,-819,-821,-823,-825,263,-826,263,-809,263,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,263,-282,263,263,263,263,-455,263,263,-729,263,-736,263,-741,263,-663,-671,263,263,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,263,-836,-53,263,263,-730,263,-737,263,-742,-664,263,-873,-54,263,263,-731,-738,-743,263,263,263,-872,]),'FIXED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[264,264,264,264,-1894,264,264,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,264,264,264,264,-275,-276,264,-1425,264,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,264,264,264,-490,264,264,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,264,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,264,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,264,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,264,-172,-173,-174,-175,-993,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-290,-291,-281,264,264,264,264,264,-328,-318,-332,-333,-334,264,264,-982,-983,-984,-985,-986,-987,-988,264,264,264,264,264,264,264,264,264,264,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,264,264,264,-353,-356,264,-323,-324,-141,264,-142,264,-143,264,-430,-935,-936,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-1894,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-1894,264,-1894,264,264,264,264,264,264,264,264,264,264,264,264,-1894,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,264,-1894,264,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,264,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,264,264,264,-191,-192,264,-994,264,264,264,264,264,-277,-278,-279,-280,-365,264,-308,264,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,264,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,264,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,264,264,264,264,264,264,-573,264,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,264,264,-723,-724,-725,264,264,264,264,264,264,-994,264,264,-91,-92,264,264,264,264,-309,-310,-320,264,-307,-293,-294,-295,264,264,264,264,-618,-633,-590,264,264,-436,264,-437,264,-444,-445,-446,-378,-379,264,264,264,-506,264,264,-510,264,264,264,264,-515,-516,-517,-518,264,264,-521,-522,264,-524,-525,-526,-527,-528,-529,-530,-531,264,-533,264,264,264,-539,-541,-542,264,-544,-545,-546,-547,264,264,264,264,264,264,-652,-653,-654,-655,264,-657,-658,-659,264,264,264,-665,264,264,-669,-670,264,264,-673,264,-675,-676,264,-679,264,-681,264,264,-684,-685,-686,264,-688,264,264,-691,264,264,-694,-695,-696,264,-698,-699,-700,-701,264,264,-746,264,-749,-750,-751,-752,-753,264,-755,-756,-757,-758,-759,264,-766,-767,-769,264,-771,-772,-773,-782,-856,-858,-860,-862,264,264,264,264,-868,264,-870,264,264,264,264,264,264,264,-906,-907,264,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,264,-921,-924,264,-934,264,-385,-386,-387,264,264,-390,-391,-392,-393,264,-396,264,-399,-400,264,-401,264,-406,-407,264,-410,-411,-412,264,-415,264,-416,264,-421,-422,264,-425,264,-428,-429,-1894,-1894,264,-619,-620,-621,-622,-623,-634,-584,-624,-797,264,264,264,264,264,-831,264,264,-806,264,-832,264,264,264,264,-798,264,-853,-799,264,264,264,264,264,264,-854,-855,264,-834,-830,-835,264,-625,264,-626,-627,-628,-629,-574,264,264,-630,-631,-632,264,264,264,264,264,264,-635,-636,-637,-592,-1894,-602,264,-638,-639,-713,-640,-604,264,-572,-577,-580,-583,264,264,264,-598,-601,264,-608,264,264,264,264,264,264,264,264,264,264,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,264,264,264,-995,264,264,264,264,264,264,-306,-325,-319,-296,-375,-452,-453,-454,-458,264,-443,264,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,264,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,264,264,264,264,264,264,264,264,264,-316,-535,-508,-591,-937,-939,-940,-438,264,-440,-380,-381,-383,-507,-509,-511,264,-513,-514,-519,-520,264,-532,-534,-537,-538,-543,-548,-726,264,-727,264,-732,264,-734,264,-739,-656,-660,-661,264,-666,264,-667,264,-672,-674,264,-677,264,264,264,-687,-689,264,-692,264,264,-744,264,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,264,264,264,264,264,-877,264,-880,-908,-920,-925,-388,-389,264,-394,264,-397,264,-402,264,-403,264,-408,264,-413,264,-417,264,-418,264,-423,264,-426,-899,-900,-643,-585,-1894,-901,264,264,264,-800,264,264,-804,264,-807,-833,264,-818,264,-820,264,-822,-808,264,-824,264,-851,-852,264,264,-811,264,-646,-902,-904,-648,-649,-645,264,-705,-706,264,-642,-903,-647,-650,-603,-714,264,264,-605,-586,264,264,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,264,264,-709,-710,264,-716,264,264,264,264,264,264,-938,264,-439,-441,-747,264,-891,264,-715,-1894,264,264,264,264,264,-442,-512,-523,264,-728,-733,264,-735,264,-740,264,-662,-668,264,-678,-680,-682,-683,-690,-693,-697,-745,264,264,-874,264,264,-878,264,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,264,-812,264,-814,-801,264,-802,-805,264,-816,-819,-821,-823,-825,264,-826,264,-809,264,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,264,-282,264,264,264,264,-455,264,264,-729,264,-736,264,-741,264,-663,-671,264,264,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,264,-836,-53,264,264,-730,264,-737,264,-742,-664,264,-873,-54,264,264,-731,-738,-743,264,264,264,-872,]),'FLASHBACK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[265,265,265,265,-1894,265,265,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,265,265,265,265,-275,-276,265,-1425,265,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,265,265,265,-490,265,265,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,265,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,265,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,265,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,265,-172,-173,-174,-175,-993,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-290,-291,-281,265,265,265,265,265,-328,-318,-332,-333,-334,265,265,-982,-983,-984,-985,-986,-987,-988,265,265,265,265,265,265,265,265,265,265,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,265,265,265,-353,-356,265,-323,-324,-141,265,-142,265,-143,265,-430,-935,-936,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-1894,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-1894,265,-1894,265,265,265,265,265,265,265,265,265,265,265,265,-1894,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,265,-1894,265,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,265,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,265,265,265,-191,-192,265,-994,265,265,265,265,265,-277,-278,-279,-280,-365,265,-308,265,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,265,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,265,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,265,265,265,265,265,265,-573,265,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,265,265,-723,-724,-725,265,265,265,265,265,265,-994,265,265,-91,-92,265,265,265,265,-309,-310,-320,265,-307,-293,-294,-295,265,265,265,265,-618,-633,-590,265,265,-436,265,-437,265,-444,-445,-446,-378,-379,265,265,265,-506,265,265,-510,265,265,265,265,-515,-516,-517,-518,265,265,-521,-522,265,-524,-525,-526,-527,-528,-529,-530,-531,265,-533,265,265,265,-539,-541,-542,265,-544,-545,-546,-547,265,265,265,265,265,265,-652,-653,-654,-655,265,-657,-658,-659,265,265,265,-665,265,265,-669,-670,265,265,-673,265,-675,-676,265,-679,265,-681,265,265,-684,-685,-686,265,-688,265,265,-691,265,265,-694,-695,-696,265,-698,-699,-700,-701,265,265,-746,265,-749,-750,-751,-752,-753,265,-755,-756,-757,-758,-759,265,-766,-767,-769,265,-771,-772,-773,-782,-856,-858,-860,-862,265,265,265,265,-868,265,-870,265,265,265,265,265,265,265,-906,-907,265,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,265,-921,-924,265,-934,265,-385,-386,-387,265,265,-390,-391,-392,-393,265,-396,265,-399,-400,265,-401,265,-406,-407,265,-410,-411,-412,265,-415,265,-416,265,-421,-422,265,-425,265,-428,-429,-1894,-1894,265,-619,-620,-621,-622,-623,-634,-584,-624,-797,265,265,265,265,265,-831,265,265,-806,265,-832,265,265,265,265,-798,265,-853,-799,265,265,265,265,265,265,-854,-855,265,-834,-830,-835,265,-625,265,-626,-627,-628,-629,-574,265,265,-630,-631,-632,265,265,265,265,265,265,-635,-636,-637,-592,-1894,-602,265,-638,-639,-713,-640,-604,265,-572,-577,-580,-583,265,265,265,-598,-601,265,-608,265,265,265,265,265,265,265,265,265,265,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,265,265,265,-995,265,265,265,265,265,265,-306,-325,-319,-296,-375,-452,-453,-454,-458,265,-443,265,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,265,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,265,265,265,265,265,265,265,265,265,-316,-535,-508,-591,-937,-939,-940,-438,265,-440,-380,-381,-383,-507,-509,-511,265,-513,-514,-519,-520,265,-532,-534,-537,-538,-543,-548,-726,265,-727,265,-732,265,-734,265,-739,-656,-660,-661,265,-666,265,-667,265,-672,-674,265,-677,265,265,265,-687,-689,265,-692,265,265,-744,265,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,265,265,265,265,265,-877,265,-880,-908,-920,-925,-388,-389,265,-394,265,-397,265,-402,265,-403,265,-408,265,-413,265,-417,265,-418,265,-423,265,-426,-899,-900,-643,-585,-1894,-901,265,265,265,-800,265,265,-804,265,-807,-833,265,-818,265,-820,265,-822,-808,265,-824,265,-851,-852,265,265,-811,265,-646,-902,-904,-648,-649,-645,265,-705,-706,265,-642,-903,-647,-650,-603,-714,265,265,-605,-586,265,265,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,265,265,-709,-710,265,-716,265,265,265,265,265,265,-938,265,-439,-441,-747,265,-891,265,-715,-1894,265,265,265,265,265,-442,-512,-523,265,-728,-733,265,-735,265,-740,265,-662,-668,265,-678,-680,-682,-683,-690,-693,-697,-745,265,265,-874,265,265,-878,265,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,265,-812,265,-814,-801,265,-802,-805,265,-816,-819,-821,-823,-825,265,-826,265,-809,265,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,265,-282,265,265,265,265,-455,265,265,-729,265,-736,265,-741,265,-663,-671,265,265,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,265,-836,-53,265,265,-730,265,-737,265,-742,-664,265,-873,-54,265,265,-731,-738,-743,265,265,265,-872,]),'FLOAT4':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[266,266,266,266,-1894,266,266,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,266,266,266,266,-275,-276,266,-1425,266,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,266,266,266,-490,266,266,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,266,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,266,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,266,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,266,-172,-173,-174,-175,-993,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-290,-291,-281,266,266,266,266,266,-328,-318,-332,-333,-334,266,266,-982,-983,-984,-985,-986,-987,-988,266,266,266,266,266,266,266,266,266,266,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,266,266,266,-353,-356,266,-323,-324,-141,266,-142,266,-143,266,-430,-935,-936,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-1894,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-1894,266,-1894,266,266,266,266,266,266,266,266,266,266,266,266,-1894,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,266,-1894,266,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,266,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,266,266,266,-191,-192,266,-994,266,266,266,266,266,-277,-278,-279,-280,-365,266,-308,266,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,266,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,266,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,266,266,266,266,266,266,-573,266,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,266,266,-723,-724,-725,266,266,266,266,266,266,-994,266,266,-91,-92,266,266,266,266,-309,-310,-320,266,-307,-293,-294,-295,266,266,266,266,-618,-633,-590,266,266,-436,266,-437,266,-444,-445,-446,-378,-379,266,266,266,-506,266,266,-510,266,266,266,266,-515,-516,-517,-518,266,266,-521,-522,266,-524,-525,-526,-527,-528,-529,-530,-531,266,-533,266,266,266,-539,-541,-542,266,-544,-545,-546,-547,266,266,266,266,266,266,-652,-653,-654,-655,266,-657,-658,-659,266,266,266,-665,266,266,-669,-670,266,266,-673,266,-675,-676,266,-679,266,-681,266,266,-684,-685,-686,266,-688,266,266,-691,266,266,-694,-695,-696,266,-698,-699,-700,-701,266,266,-746,266,-749,-750,-751,-752,-753,266,-755,-756,-757,-758,-759,266,-766,-767,-769,266,-771,-772,-773,-782,-856,-858,-860,-862,266,266,266,266,-868,266,-870,266,266,266,266,266,266,266,-906,-907,266,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,266,-921,-924,266,-934,266,-385,-386,-387,266,266,-390,-391,-392,-393,266,-396,266,-399,-400,266,-401,266,-406,-407,266,-410,-411,-412,266,-415,266,-416,266,-421,-422,266,-425,266,-428,-429,-1894,-1894,266,-619,-620,-621,-622,-623,-634,-584,-624,-797,266,266,266,266,266,-831,266,266,-806,266,-832,266,266,266,266,-798,266,-853,-799,266,266,266,266,266,266,-854,-855,266,-834,-830,-835,266,-625,266,-626,-627,-628,-629,-574,266,266,-630,-631,-632,266,266,266,266,266,266,-635,-636,-637,-592,-1894,-602,266,-638,-639,-713,-640,-604,266,-572,-577,-580,-583,266,266,266,-598,-601,266,-608,266,266,266,266,266,266,266,266,266,266,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,266,266,266,-995,266,266,266,266,266,266,-306,-325,-319,-296,-375,-452,-453,-454,-458,266,-443,266,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,266,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,266,266,266,266,266,266,266,266,266,-316,-535,-508,-591,-937,-939,-940,-438,266,-440,-380,-381,-383,-507,-509,-511,266,-513,-514,-519,-520,266,-532,-534,-537,-538,-543,-548,-726,266,-727,266,-732,266,-734,266,-739,-656,-660,-661,266,-666,266,-667,266,-672,-674,266,-677,266,266,266,-687,-689,266,-692,266,266,-744,266,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,266,266,266,266,266,-877,266,-880,-908,-920,-925,-388,-389,266,-394,266,-397,266,-402,266,-403,266,-408,266,-413,266,-417,266,-418,266,-423,266,-426,-899,-900,-643,-585,-1894,-901,266,266,266,-800,266,266,-804,266,-807,-833,266,-818,266,-820,266,-822,-808,266,-824,266,-851,-852,266,266,-811,266,-646,-902,-904,-648,-649,-645,266,-705,-706,266,-642,-903,-647,-650,-603,-714,266,266,-605,-586,266,266,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,266,266,-709,-710,266,-716,266,266,266,266,266,266,-938,266,-439,-441,-747,266,-891,266,-715,-1894,266,266,266,266,266,-442,-512,-523,266,-728,-733,266,-735,266,-740,266,-662,-668,266,-678,-680,-682,-683,-690,-693,-697,-745,266,266,-874,266,266,-878,266,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,266,-812,266,-814,-801,266,-802,-805,266,-816,-819,-821,-823,-825,266,-826,266,-809,266,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,266,-282,266,266,266,266,-455,266,266,-729,266,-736,266,-741,266,-663,-671,266,266,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,266,-836,-53,266,266,-730,266,-737,266,-742,-664,266,-873,-54,266,266,-731,-738,-743,266,266,266,-872,]),'FLOAT8':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[267,267,267,267,-1894,267,267,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,267,267,267,267,-275,-276,267,-1425,267,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,267,267,267,-490,267,267,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,267,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,267,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,267,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,267,-172,-173,-174,-175,-993,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-290,-291,-281,267,267,267,267,267,-328,-318,-332,-333,-334,267,267,-982,-983,-984,-985,-986,-987,-988,267,267,267,267,267,267,267,267,267,267,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,267,267,267,-353,-356,267,-323,-324,-141,267,-142,267,-143,267,-430,-935,-936,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-1894,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-1894,267,-1894,267,267,267,267,267,267,267,267,267,267,267,267,-1894,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,267,-1894,267,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,267,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,267,267,267,-191,-192,267,-994,267,267,267,267,267,-277,-278,-279,-280,-365,267,-308,267,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,267,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,267,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,267,267,267,267,267,267,-573,267,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,267,267,-723,-724,-725,267,267,267,267,267,267,-994,267,267,-91,-92,267,267,267,267,-309,-310,-320,267,-307,-293,-294,-295,267,267,267,267,-618,-633,-590,267,267,-436,267,-437,267,-444,-445,-446,-378,-379,267,267,267,-506,267,267,-510,267,267,267,267,-515,-516,-517,-518,267,267,-521,-522,267,-524,-525,-526,-527,-528,-529,-530,-531,267,-533,267,267,267,-539,-541,-542,267,-544,-545,-546,-547,267,267,267,267,267,267,-652,-653,-654,-655,267,-657,-658,-659,267,267,267,-665,267,267,-669,-670,267,267,-673,267,-675,-676,267,-679,267,-681,267,267,-684,-685,-686,267,-688,267,267,-691,267,267,-694,-695,-696,267,-698,-699,-700,-701,267,267,-746,267,-749,-750,-751,-752,-753,267,-755,-756,-757,-758,-759,267,-766,-767,-769,267,-771,-772,-773,-782,-856,-858,-860,-862,267,267,267,267,-868,267,-870,267,267,267,267,267,267,267,-906,-907,267,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,267,-921,-924,267,-934,267,-385,-386,-387,267,267,-390,-391,-392,-393,267,-396,267,-399,-400,267,-401,267,-406,-407,267,-410,-411,-412,267,-415,267,-416,267,-421,-422,267,-425,267,-428,-429,-1894,-1894,267,-619,-620,-621,-622,-623,-634,-584,-624,-797,267,267,267,267,267,-831,267,267,-806,267,-832,267,267,267,267,-798,267,-853,-799,267,267,267,267,267,267,-854,-855,267,-834,-830,-835,267,-625,267,-626,-627,-628,-629,-574,267,267,-630,-631,-632,267,267,267,267,267,267,-635,-636,-637,-592,-1894,-602,267,-638,-639,-713,-640,-604,267,-572,-577,-580,-583,267,267,267,-598,-601,267,-608,267,267,267,267,267,267,267,267,267,267,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,267,267,267,-995,267,267,267,267,267,267,-306,-325,-319,-296,-375,-452,-453,-454,-458,267,-443,267,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,267,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,267,267,267,267,267,267,267,267,267,-316,-535,-508,-591,-937,-939,-940,-438,267,-440,-380,-381,-383,-507,-509,-511,267,-513,-514,-519,-520,267,-532,-534,-537,-538,-543,-548,-726,267,-727,267,-732,267,-734,267,-739,-656,-660,-661,267,-666,267,-667,267,-672,-674,267,-677,267,267,267,-687,-689,267,-692,267,267,-744,267,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,267,267,267,267,267,-877,267,-880,-908,-920,-925,-388,-389,267,-394,267,-397,267,-402,267,-403,267,-408,267,-413,267,-417,267,-418,267,-423,267,-426,-899,-900,-643,-585,-1894,-901,267,267,267,-800,267,267,-804,267,-807,-833,267,-818,267,-820,267,-822,-808,267,-824,267,-851,-852,267,267,-811,267,-646,-902,-904,-648,-649,-645,267,-705,-706,267,-642,-903,-647,-650,-603,-714,267,267,-605,-586,267,267,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,267,267,-709,-710,267,-716,267,267,267,267,267,267,-938,267,-439,-441,-747,267,-891,267,-715,-1894,267,267,267,267,267,-442,-512,-523,267,-728,-733,267,-735,267,-740,267,-662,-668,267,-678,-680,-682,-683,-690,-693,-697,-745,267,267,-874,267,267,-878,267,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,267,-812,267,-814,-801,267,-802,-805,267,-816,-819,-821,-823,-825,267,-826,267,-809,267,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,267,-282,267,267,267,267,-455,267,267,-729,267,-736,267,-741,267,-663,-671,267,267,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,267,-836,-53,267,267,-730,267,-737,267,-742,-664,267,-873,-54,267,267,-731,-738,-743,267,267,267,-872,]),'FLOOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[268,268,268,1061,-1894,268,268,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,268,268,268,268,-275,-276,1061,-1425,1061,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1061,1061,1061,-490,1061,1061,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1061,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1061,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1866,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,268,-172,-173,-174,-175,-993,268,268,268,268,268,268,268,268,268,268,1061,1061,1061,1061,1061,-290,-291,-281,268,1061,1061,1061,1061,-328,-318,-332,-333,-334,1061,1061,-982,-983,-984,-985,-986,-987,-988,268,268,1061,1061,1061,1061,1061,1061,1061,1061,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1061,1061,1061,-353,-356,268,-323,-324,-141,1061,-142,1061,-143,1061,-430,-935,-936,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1894,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1894,1061,-1894,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1894,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-1894,268,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1061,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1061,268,268,-191,-192,268,-994,1061,268,268,268,268,-277,-278,-279,-280,-365,1061,-308,1061,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1061,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1061,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1061,1061,1061,1061,1061,1061,-573,1061,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1061,1061,-723,-724,-725,1061,1866,268,268,268,268,-994,268,1061,-91,-92,268,268,268,1061,-309,-310,-320,1061,-307,-293,-294,-295,1061,268,1061,1061,-618,-633,-590,1061,268,-436,268,-437,1061,-444,-445,-446,-378,-379,1061,1061,1061,-506,1061,1061,-510,1061,1061,1061,1061,-515,-516,-517,-518,1061,1061,-521,-522,1061,-524,-525,-526,-527,-528,-529,-530,-531,1061,-533,1061,1061,1061,-539,-541,-542,1061,-544,-545,-546,-547,1061,1061,1061,1061,1061,1061,-652,-653,-654,-655,268,-657,-658,-659,1061,1061,1061,-665,1061,1061,-669,-670,1061,1061,-673,1061,-675,-676,1061,-679,1061,-681,1061,1061,-684,-685,-686,1061,-688,1061,1061,-691,1061,1061,-694,-695,-696,1061,-698,-699,-700,-701,1061,1061,-746,1061,-749,-750,-751,-752,-753,1061,-755,-756,-757,-758,-759,1061,-766,-767,-769,1061,-771,-772,-773,-782,-856,-858,-860,-862,1061,1061,1061,1061,-868,1061,-870,1061,1061,1061,1061,1061,1061,1061,-906,-907,1061,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1061,-921,-924,1061,-934,1061,-385,-386,-387,1061,1061,-390,-391,-392,-393,1061,-396,1061,-399,-400,1061,-401,1061,-406,-407,1061,-410,-411,-412,1061,-415,1061,-416,1061,-421,-422,1061,-425,1061,-428,-429,-1894,-1894,1061,-619,-620,-621,-622,-623,-634,-584,-624,-797,1061,1061,1061,1061,1061,-831,1061,1061,-806,1061,-832,1061,1061,1061,1061,-798,1061,-853,-799,1061,1061,1061,1061,1061,1061,-854,-855,1061,-834,-830,-835,1061,-625,1061,-626,-627,-628,-629,-574,1061,1061,-630,-631,-632,1061,1061,1061,1061,1061,1061,-635,-636,-637,-592,-1894,-602,1061,-638,-639,-713,-640,-604,1061,-572,-577,-580,-583,1061,1061,1061,-598,-601,1061,-608,1061,1061,1061,1061,1061,1061,1061,1061,1061,1061,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1061,268,268,-995,268,1061,268,268,268,1061,-306,-325,-319,-296,-375,-452,-453,-454,-458,268,-443,1061,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1061,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,268,268,268,268,268,268,268,268,1061,-316,-535,-508,-591,-937,-939,-940,-438,1061,-440,-380,-381,-383,-507,-509,-511,1061,-513,-514,-519,-520,1061,-532,-534,-537,-538,-543,-548,-726,1061,-727,1061,-732,1061,-734,1061,-739,-656,-660,-661,1061,-666,1061,-667,1061,-672,-674,1061,-677,1061,1061,1061,-687,-689,1061,-692,1061,1061,-744,1061,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1061,1061,1061,1061,1061,-877,1061,-880,-908,-920,-925,-388,-389,1061,-394,1061,-397,1061,-402,1061,-403,1061,-408,1061,-413,1061,-417,1061,-418,1061,-423,1061,-426,-899,-900,-643,-585,-1894,-901,1061,1061,1061,-800,1061,1061,-804,1061,-807,-833,1061,-818,1061,-820,1061,-822,-808,1061,-824,1061,-851,-852,1061,1061,-811,1061,-646,-902,-904,-648,-649,-645,1061,-705,-706,1061,-642,-903,-647,-650,-603,-714,1061,1061,-605,-586,1061,1061,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1061,1061,-709,-710,1061,-716,1061,268,268,268,1061,1061,-938,268,-439,-441,-747,1061,-891,1866,-715,-1894,1061,1061,268,268,1061,-442,-512,-523,1061,-728,-733,1061,-735,1061,-740,1061,-662,-668,1061,-678,-680,-682,-683,-690,-693,-697,-745,1061,1061,-874,1061,1061,-878,1061,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1061,-812,1061,-814,-801,1061,-802,-805,1061,-816,-819,-821,-823,-825,1061,-826,1061,-809,1061,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,268,-282,268,1061,268,1061,-455,1061,1061,-729,1061,-736,1061,-741,1061,-663,-671,1061,1061,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1061,-836,-53,268,1061,-730,1061,-737,1061,-742,-664,1061,-873,-54,268,268,-731,-738,-743,1061,268,1061,-872,]),'FLUSH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[269,269,269,269,-1894,269,269,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,269,269,269,269,-275,-276,269,-1425,269,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,269,269,269,-490,269,269,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,269,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,269,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,269,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,269,-172,-173,-174,-175,-993,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-290,-291,-281,269,269,269,269,269,-328,-318,-332,-333,-334,269,269,-982,-983,-984,-985,-986,-987,-988,269,269,269,269,269,269,269,269,269,269,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,269,269,269,-353,-356,269,-323,-324,-141,269,-142,269,-143,269,-430,-935,-936,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-1894,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-1894,269,-1894,269,269,269,269,269,269,269,269,269,269,269,269,-1894,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,269,-1894,269,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,269,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,269,269,269,-191,-192,269,-994,269,269,269,269,269,-277,-278,-279,-280,-365,269,-308,269,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,269,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,269,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,269,269,269,269,269,269,-573,269,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,269,269,-723,-724,-725,269,269,269,269,269,269,-994,269,269,-91,-92,269,269,269,269,-309,-310,-320,269,-307,-293,-294,-295,269,269,269,269,-618,-633,-590,269,269,-436,269,-437,269,-444,-445,-446,-378,-379,269,269,269,-506,269,269,-510,269,269,269,269,-515,-516,-517,-518,269,269,-521,-522,269,-524,-525,-526,-527,-528,-529,-530,-531,269,-533,269,269,269,-539,-541,-542,269,-544,-545,-546,-547,269,269,269,269,269,269,-652,-653,-654,-655,269,-657,-658,-659,269,269,269,-665,269,269,-669,-670,269,269,-673,269,-675,-676,269,-679,269,-681,269,269,-684,-685,-686,269,-688,269,269,-691,269,269,-694,-695,-696,269,-698,-699,-700,-701,269,269,-746,269,-749,-750,-751,-752,-753,269,-755,-756,-757,-758,-759,269,-766,-767,-769,269,-771,-772,-773,-782,-856,-858,-860,-862,269,269,269,269,-868,269,-870,269,269,269,269,269,269,269,-906,-907,269,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,269,-921,-924,269,-934,269,-385,-386,-387,269,269,-390,-391,-392,-393,269,-396,269,-399,-400,269,-401,269,-406,-407,269,-410,-411,-412,269,-415,269,-416,269,-421,-422,269,-425,269,-428,-429,-1894,-1894,269,-619,-620,-621,-622,-623,-634,-584,-624,-797,269,269,269,269,269,-831,269,269,-806,269,-832,269,269,269,269,-798,269,-853,-799,269,269,269,269,269,269,-854,-855,269,-834,-830,-835,269,-625,269,-626,-627,-628,-629,-574,269,269,-630,-631,-632,269,269,269,269,269,269,-635,-636,-637,-592,-1894,-602,269,-638,-639,-713,-640,-604,269,-572,-577,-580,-583,269,269,269,-598,-601,269,-608,269,269,269,269,269,269,269,269,269,269,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,269,269,269,-995,269,269,269,269,269,269,-306,-325,-319,-296,-375,-452,-453,-454,-458,269,-443,269,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,269,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,269,269,269,269,269,269,269,269,269,-316,-535,-508,-591,-937,-939,-940,-438,269,-440,-380,-381,-383,-507,-509,-511,269,-513,-514,-519,-520,269,-532,-534,-537,-538,-543,-548,-726,269,-727,269,-732,269,-734,269,-739,-656,-660,-661,269,-666,269,-667,269,-672,-674,269,-677,269,269,269,-687,-689,269,-692,269,269,-744,269,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,269,269,269,269,269,-877,269,-880,-908,-920,-925,-388,-389,269,-394,269,-397,269,-402,269,-403,269,-408,269,-413,269,-417,269,-418,269,-423,269,-426,-899,-900,-643,-585,-1894,-901,269,269,269,-800,269,269,-804,269,-807,-833,269,-818,269,-820,269,-822,-808,269,-824,269,-851,-852,269,269,-811,269,-646,-902,-904,-648,-649,-645,269,-705,-706,269,-642,-903,-647,-650,-603,-714,269,269,-605,-586,269,269,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,269,269,-709,-710,269,-716,269,269,269,269,269,269,-938,269,-439,-441,-747,269,-891,269,-715,-1894,269,269,269,269,269,-442,-512,-523,269,-728,-733,269,-735,269,-740,269,-662,-668,269,-678,-680,-682,-683,-690,-693,-697,-745,269,269,-874,269,269,-878,269,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,269,-812,269,-814,-801,269,-802,-805,269,-816,-819,-821,-823,-825,269,-826,269,-809,269,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,269,-282,269,269,269,269,-455,269,269,-729,269,-736,269,-741,269,-663,-671,269,269,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,269,-836,-53,269,269,-730,269,-737,269,-742,-664,269,-873,-54,269,269,-731,-738,-743,269,269,269,-872,]),'FOLLOWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[270,270,270,270,-1894,270,270,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,270,270,270,270,-275,-276,270,-1425,270,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,270,270,270,-490,270,270,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,270,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,270,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,270,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,270,-172,-173,-174,-175,-993,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-290,-291,-281,270,270,270,270,270,-328,-318,-332,-333,-334,270,270,-982,-983,-984,-985,-986,-987,-988,270,270,270,270,270,270,270,270,270,270,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,270,270,270,-353,-356,270,-323,-324,-141,270,-142,270,-143,270,-430,-935,-936,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-1894,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-1894,270,-1894,270,270,270,270,270,270,270,270,270,270,270,270,-1894,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,270,-1894,270,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,270,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,270,270,270,-191,-192,270,-994,270,270,270,270,270,-277,-278,-279,-280,-365,270,-308,270,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,270,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,270,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,270,270,270,270,270,270,-573,270,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,270,270,-723,-724,-725,270,270,270,270,270,270,-994,270,270,-91,-92,270,270,270,270,-309,-310,-320,270,-307,-293,-294,-295,270,270,270,270,-618,-633,-590,270,270,-436,270,-437,270,-444,-445,-446,-378,-379,270,270,270,-506,270,270,-510,270,270,270,270,-515,-516,-517,-518,270,270,-521,-522,270,-524,-525,-526,-527,-528,-529,-530,-531,270,-533,270,270,270,-539,-541,-542,270,-544,-545,-546,-547,270,270,270,270,270,270,-652,-653,-654,-655,270,-657,-658,-659,270,270,270,-665,270,270,-669,-670,270,270,-673,270,-675,-676,270,-679,270,-681,270,270,-684,-685,-686,270,-688,270,270,-691,270,270,-694,-695,-696,270,-698,-699,-700,-701,270,270,-746,270,-749,-750,-751,-752,-753,270,-755,-756,-757,-758,-759,270,-766,-767,-769,270,-771,-772,-773,-782,-856,-858,-860,-862,270,270,270,270,-868,270,-870,270,270,270,270,270,270,270,-906,-907,270,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,270,-921,-924,270,-934,270,-385,-386,-387,270,270,-390,-391,-392,-393,270,-396,270,-399,-400,270,-401,270,-406,-407,270,-410,-411,-412,270,-415,270,-416,270,-421,-422,270,-425,270,-428,-429,-1894,-1894,270,-619,-620,-621,-622,-623,-634,-584,-624,-797,270,270,270,270,270,-831,270,270,-806,270,-832,270,270,270,270,-798,270,-853,-799,270,270,270,270,270,270,-854,-855,270,-834,-830,-835,270,-625,270,-626,-627,-628,-629,-574,270,270,-630,-631,-632,270,270,270,270,270,270,-635,-636,-637,-592,-1894,-602,270,-638,-639,-713,-640,-604,270,-572,-577,-580,-583,270,270,270,-598,-601,270,-608,270,270,270,270,270,270,270,270,270,270,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,270,270,270,-995,270,270,270,270,270,270,-306,-325,-319,-296,-375,-452,-453,-454,-458,270,-443,270,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,270,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,270,270,270,270,270,270,270,270,270,-316,-535,-508,-591,-937,-939,-940,-438,270,-440,-380,-381,-383,-507,-509,-511,270,-513,-514,-519,-520,270,-532,-534,-537,-538,-543,-548,-726,270,-727,270,-732,270,-734,270,-739,-656,-660,-661,270,-666,270,-667,270,-672,-674,270,-677,270,270,270,-687,-689,270,-692,270,270,-744,270,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,270,270,270,270,270,-877,270,-880,-908,-920,-925,-388,-389,270,-394,270,-397,270,-402,270,-403,270,-408,270,-413,270,-417,270,-418,270,-423,270,-426,-899,-900,-643,-585,-1894,-901,270,270,270,-800,270,270,-804,270,-807,-833,270,-818,270,-820,270,-822,-808,270,-824,270,-851,-852,270,270,-811,270,-646,-902,-904,-648,-649,-645,270,-705,-706,270,-642,-903,-647,-650,-603,-714,270,270,-605,-586,270,270,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,270,270,-709,-710,270,-716,270,270,270,270,270,270,-938,270,-439,-441,-747,270,-891,270,-715,-1894,270,270,270,270,270,-442,-512,-523,270,-728,-733,270,-735,270,-740,270,-662,-668,270,-678,-680,-682,-683,-690,-693,-697,-745,270,270,-874,270,270,-878,270,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,270,-812,270,-814,-801,270,-802,-805,270,-816,-819,-821,-823,-825,270,-826,270,-809,270,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,270,-282,270,270,270,270,-455,270,270,-729,270,-736,270,-741,270,-663,-671,270,270,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,270,-836,-53,270,270,-730,270,-737,270,-742,-664,270,-873,-54,270,270,-731,-738,-743,270,270,270,-872,]),'FOLLOWING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3793,3794,3796,3797,3798,3799,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[271,271,271,271,-1894,271,271,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,271,271,271,271,-275,-276,271,-1425,271,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,271,271,271,-490,271,271,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,271,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,271,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,271,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,271,-172,-173,-174,-175,-993,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-290,-291,-281,271,271,271,271,271,-328,-318,-332,-333,-334,271,271,-982,-983,-984,-985,-986,-987,-988,271,271,271,271,271,271,271,271,271,271,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,271,271,271,-353,-356,271,-323,-324,-141,271,-142,271,-143,271,-430,-935,-936,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-1894,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-1894,271,-1894,271,271,271,271,271,271,271,271,271,271,271,271,-1894,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,271,-1894,271,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,271,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,271,271,271,-191,-192,271,-994,271,271,271,271,271,-277,-278,-279,-280,-365,271,-308,271,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,271,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,271,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,271,271,271,271,271,271,-573,271,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,271,271,-723,-724,-725,271,271,271,271,271,271,-994,271,271,-91,-92,271,271,271,271,-309,-310,-320,271,-307,-293,-294,-295,271,271,271,271,-618,-633,-590,271,271,-436,271,-437,271,-444,-445,-446,-378,-379,271,271,271,-506,271,271,-510,271,271,271,271,-515,-516,-517,-518,271,271,-521,-522,271,-524,-525,-526,-527,-528,-529,-530,-531,271,-533,271,271,271,-539,-541,-542,271,-544,-545,-546,-547,271,271,271,271,271,271,-652,-653,-654,-655,271,-657,-658,-659,271,271,271,-665,271,271,-669,-670,271,271,-673,271,-675,-676,271,-679,271,-681,271,271,-684,-685,-686,271,-688,271,271,-691,271,271,-694,-695,-696,271,-698,-699,-700,-701,271,271,-746,271,-749,-750,-751,-752,-753,271,-755,-756,-757,-758,-759,271,-766,-767,-769,271,-771,-772,-773,-782,-856,-858,-860,-862,271,271,271,271,-868,271,-870,271,271,271,271,271,271,271,-906,-907,271,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,271,-921,-924,271,-934,271,-385,-386,-387,271,271,-390,-391,-392,-393,271,-396,271,-399,-400,271,-401,271,-406,-407,271,-410,-411,-412,271,-415,271,-416,271,-421,-422,271,-425,271,-428,-429,-1894,-1894,271,-619,-620,-621,-622,-623,-634,-584,-624,-797,271,271,271,271,271,-831,271,271,-806,271,-832,271,271,271,271,-798,271,-853,-799,271,271,271,271,271,271,-854,-855,271,-834,-830,-835,271,-625,271,-626,-627,-628,-629,-574,271,271,-630,-631,-632,271,271,271,271,271,271,-635,-636,-637,-592,-1894,-602,271,-638,-639,-713,-640,-604,271,-572,-577,-580,-583,271,271,271,-598,-601,271,-608,271,271,271,271,271,271,271,271,271,271,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,271,271,271,-995,271,271,271,271,271,271,-306,-325,-319,-296,-375,-452,-453,-454,-458,271,-443,271,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,271,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,271,271,271,271,271,271,271,271,271,-316,-535,-508,-591,-937,-939,-940,-438,271,-440,-380,-381,-383,-507,-509,-511,271,-513,-514,-519,-520,271,-532,-534,-537,-538,-543,-548,-726,271,-727,271,-732,271,-734,271,-739,-656,-660,-661,271,-666,271,-667,271,-672,-674,271,-677,271,271,271,-687,-689,271,-692,271,271,-744,271,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,271,271,271,271,271,-877,271,-880,-908,-920,-925,-388,-389,271,-394,271,-397,271,-402,271,-403,271,-408,271,-413,271,-417,271,-418,271,-423,271,-426,-899,-900,-643,-585,-1894,-901,271,271,271,-800,271,271,-804,271,-807,-833,271,-818,271,-820,271,-822,-808,271,-824,271,-851,-852,271,271,-811,271,-646,-902,-904,-648,-649,-645,271,-705,-706,271,-642,-903,-647,-650,-603,-714,271,271,-605,-586,271,271,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,271,271,-709,-710,271,-716,271,271,271,271,271,271,-938,271,-439,-441,-747,271,-891,271,-715,-1894,271,271,271,271,271,-442,-512,-523,271,-728,-733,271,-735,271,-740,271,-662,-668,271,-678,-680,-682,-683,-690,-693,-697,-745,271,271,-874,271,271,-878,271,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,271,-812,271,-814,-801,271,-802,-805,271,-816,-819,-821,-823,-825,271,-826,271,-809,271,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,271,-282,271,271,271,271,-455,3833,3835,-479,-480,271,-1861,271,-729,271,-736,271,-741,271,-663,-671,271,271,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,271,-836,-53,271,271,-730,271,-737,271,-742,-664,271,-873,-54,271,271,-731,-738,-743,271,271,271,-872,]),'FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[272,272,272,1094,-1894,272,272,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,272,272,272,272,-275,-276,1094,-1425,1094,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1094,1094,1094,-490,1094,1094,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1094,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1094,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1867,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,272,-172,-173,-174,-175,-993,272,272,272,272,272,272,272,272,272,272,1094,1094,1094,1094,1094,-290,-291,-281,272,1094,1094,1094,1094,-328,-318,-332,-333,-334,1094,1094,-982,-983,-984,-985,-986,-987,-988,272,272,1094,1094,1094,1094,1094,1094,1094,1094,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1094,1094,1094,-353,-356,272,-323,-324,-141,1094,-142,1094,-143,1094,-430,-935,-936,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1894,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1894,1094,-1894,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1894,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-1894,272,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1094,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1094,272,272,-191,-192,272,-994,1094,272,272,272,272,-277,-278,-279,-280,-365,1094,-308,1094,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1094,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1094,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1094,1094,1094,1094,1094,1094,-573,1094,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1094,1094,-723,-724,-725,1094,1867,272,272,272,272,-994,272,1094,-91,-92,272,272,272,1094,-309,-310,-320,1094,-307,-293,-294,-295,1094,272,1094,1094,-618,-633,-590,1094,272,-436,272,-437,1094,-444,-445,-446,-378,-379,1094,1094,1094,-506,1094,1094,-510,1094,1094,1094,1094,-515,-516,-517,-518,1094,1094,-521,-522,1094,-524,-525,-526,-527,-528,-529,-530,-531,1094,-533,1094,1094,1094,-539,-541,-542,1094,-544,-545,-546,-547,1094,1094,1094,1094,1094,1094,-652,-653,-654,-655,272,-657,-658,-659,1094,1094,1094,-665,1094,1094,-669,-670,1094,1094,-673,1094,-675,-676,1094,-679,1094,-681,1094,1094,-684,-685,-686,1094,-688,1094,1094,-691,1094,1094,-694,-695,-696,1094,-698,-699,-700,-701,1094,1094,-746,1094,-749,-750,-751,-752,-753,1094,-755,-756,-757,-758,-759,1094,-766,-767,-769,1094,-771,-772,-773,-782,-856,-858,-860,-862,1094,1094,1094,1094,-868,1094,-870,1094,1094,1094,1094,1094,1094,1094,-906,-907,1094,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1094,-921,-924,1094,-934,1094,-385,-386,-387,1094,1094,-390,-391,-392,-393,1094,-396,1094,-399,-400,1094,-401,1094,-406,-407,1094,-410,-411,-412,1094,-415,1094,-416,1094,-421,-422,1094,-425,1094,-428,-429,-1894,-1894,1094,-619,-620,-621,-622,-623,-634,-584,-624,-797,1094,1094,1094,1094,1094,-831,1094,1094,-806,1094,-832,1094,1094,1094,1094,-798,1094,-853,-799,1094,1094,1094,1094,1094,1094,-854,-855,1094,-834,-830,-835,1094,-625,1094,-626,-627,-628,-629,-574,1094,1094,-630,-631,-632,1094,1094,1094,1094,1094,1094,-635,-636,-637,-592,-1894,-602,1094,-638,-639,-713,-640,-604,1094,-572,-577,-580,-583,1094,1094,1094,-598,-601,1094,-608,1094,1094,1094,1094,1094,1094,1094,1094,1094,1094,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1094,272,272,-995,272,1094,272,272,272,1094,-306,-325,-319,-296,-375,-452,-453,-454,-458,272,-443,1094,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1094,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,272,272,272,272,272,272,272,272,1094,-316,-535,-508,-591,-937,-939,-940,-438,1094,-440,-380,-381,-383,-507,-509,-511,1094,-513,-514,-519,-520,1094,-532,-534,-537,-538,-543,-548,-726,1094,-727,1094,-732,1094,-734,1094,-739,-656,-660,-661,1094,-666,1094,-667,1094,-672,-674,1094,-677,1094,1094,1094,-687,-689,1094,-692,1094,1094,-744,1094,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1094,1094,1094,1094,1094,-877,1094,-880,-908,-920,-925,-388,-389,1094,-394,1094,-397,1094,-402,1094,-403,1094,-408,1094,-413,1094,-417,1094,-418,1094,-423,1094,-426,-899,-900,-643,-585,-1894,-901,1094,1094,1094,-800,1094,1094,-804,1094,-807,-833,1094,-818,1094,-820,1094,-822,-808,1094,-824,1094,-851,-852,1094,1094,-811,1094,-646,-902,-904,-648,-649,-645,1094,-705,-706,1094,-642,-903,-647,-650,-603,-714,1094,1094,-605,-586,1094,1094,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1094,1094,-709,-710,1094,-716,1094,272,272,272,1094,1094,-938,272,-439,-441,-747,1094,-891,1867,-715,-1894,1094,1094,272,272,1094,-442,-512,-523,1094,-728,-733,1094,-735,1094,-740,1094,-662,-668,1094,-678,-680,-682,-683,-690,-693,-697,-745,1094,1094,-874,1094,1094,-878,1094,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1094,-812,1094,-814,-801,1094,-802,-805,1094,-816,-819,-821,-823,-825,1094,-826,1094,-809,1094,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,272,-282,272,1094,272,1094,-455,1094,1094,-729,1094,-736,1094,-741,1094,-663,-671,1094,1094,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1094,-836,-53,272,1094,-730,1094,-737,1094,-742,-664,1094,-873,-54,272,272,-731,-738,-743,1094,272,1094,-872,]),'FOUND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[273,273,273,273,-1894,273,273,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,273,273,273,273,-275,-276,273,-1425,273,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,273,273,273,-490,273,273,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,273,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,273,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,273,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,273,-172,-173,-174,-175,-993,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-290,-291,-281,273,273,273,273,273,-328,-318,-332,-333,-334,273,273,-982,-983,-984,-985,-986,-987,-988,273,273,273,273,273,273,273,273,273,273,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,273,273,273,-353,-356,273,-323,-324,-141,273,-142,273,-143,273,-430,-935,-936,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-1894,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-1894,273,-1894,273,273,273,273,273,273,273,273,273,273,273,273,-1894,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,273,-1894,273,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,273,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,273,273,273,-191,-192,273,-994,273,273,273,273,273,-277,-278,-279,-280,-365,273,-308,273,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,273,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,273,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,273,273,273,273,273,273,-573,273,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,273,273,-723,-724,-725,273,273,273,273,273,273,-994,273,273,-91,-92,273,273,273,273,-309,-310,-320,273,-307,-293,-294,-295,273,273,273,273,-618,-633,-590,273,273,-436,273,-437,273,-444,-445,-446,-378,-379,273,273,273,-506,273,273,-510,273,273,273,273,-515,-516,-517,-518,273,273,-521,-522,273,-524,-525,-526,-527,-528,-529,-530,-531,273,-533,273,273,273,-539,-541,-542,273,-544,-545,-546,-547,273,273,273,273,273,273,-652,-653,-654,-655,273,-657,-658,-659,273,273,273,-665,273,273,-669,-670,273,273,-673,273,-675,-676,273,-679,273,-681,273,273,-684,-685,-686,273,-688,273,273,-691,273,273,-694,-695,-696,273,-698,-699,-700,-701,273,273,-746,273,-749,-750,-751,-752,-753,273,-755,-756,-757,-758,-759,273,-766,-767,-769,273,-771,-772,-773,-782,-856,-858,-860,-862,273,273,273,273,-868,273,-870,273,273,273,273,273,273,273,-906,-907,273,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,273,-921,-924,273,-934,273,-385,-386,-387,273,273,-390,-391,-392,-393,273,-396,273,-399,-400,273,-401,273,-406,-407,273,-410,-411,-412,273,-415,273,-416,273,-421,-422,273,-425,273,-428,-429,-1894,-1894,273,-619,-620,-621,-622,-623,-634,-584,-624,-797,273,273,273,273,273,-831,273,273,-806,273,-832,273,273,273,273,-798,273,-853,-799,273,273,273,273,273,273,-854,-855,273,-834,-830,-835,273,-625,273,-626,-627,-628,-629,-574,273,273,-630,-631,-632,273,273,273,273,273,273,-635,-636,-637,-592,-1894,-602,273,-638,-639,-713,-640,-604,273,-572,-577,-580,-583,273,273,273,-598,-601,273,-608,273,273,273,273,273,273,273,273,273,273,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,273,273,273,-995,273,273,273,273,273,273,-306,-325,-319,-296,-375,-452,-453,-454,-458,273,-443,273,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,273,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,273,273,273,273,273,273,273,273,273,-316,-535,-508,-591,-937,-939,-940,-438,273,-440,-380,-381,-383,-507,-509,-511,273,-513,-514,-519,-520,273,-532,-534,-537,-538,-543,-548,-726,273,-727,273,-732,273,-734,273,-739,-656,-660,-661,273,-666,273,-667,273,-672,-674,273,-677,273,273,273,-687,-689,273,-692,273,273,-744,273,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,273,273,273,273,273,-877,273,-880,-908,-920,-925,-388,-389,273,-394,273,-397,273,-402,273,-403,273,-408,273,-413,273,-417,273,-418,273,-423,273,-426,-899,-900,-643,-585,-1894,-901,273,273,273,-800,273,273,-804,273,-807,-833,273,-818,273,-820,273,-822,-808,273,-824,273,-851,-852,273,273,-811,273,-646,-902,-904,-648,-649,-645,273,-705,-706,273,-642,-903,-647,-650,-603,-714,273,273,-605,-586,273,273,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,273,273,-709,-710,273,-716,273,273,273,273,273,273,-938,273,-439,-441,-747,273,-891,273,-715,-1894,273,273,273,273,273,-442,-512,-523,273,-728,-733,273,-735,273,-740,273,-662,-668,273,-678,-680,-682,-683,-690,-693,-697,-745,273,273,-874,273,273,-878,273,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,273,-812,273,-814,-801,273,-802,-805,273,-816,-819,-821,-823,-825,273,-826,273,-809,273,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,273,-282,273,273,273,273,-455,273,273,-729,273,-736,273,-741,273,-663,-671,273,273,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,273,-836,-53,273,273,-730,273,-737,273,-742,-664,273,-873,-54,273,273,-731,-738,-743,273,273,273,-872,]),'FOUND_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[274,274,274,1166,-1894,274,274,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,274,274,274,274,-275,-276,1166,-1425,1166,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1166,1166,1166,-490,1166,1166,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1166,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1166,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1868,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,274,-172,-173,-174,-175,-993,274,274,274,274,274,274,274,274,274,274,1166,1166,1166,1166,1166,-290,-291,-281,274,1166,1166,1166,1166,-328,-318,-332,-333,-334,1166,1166,-982,-983,-984,-985,-986,-987,-988,274,274,1166,1166,1166,1166,1166,1166,1166,1166,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1166,1166,1166,-353,-356,274,-323,-324,-141,1166,-142,1166,-143,1166,-430,-935,-936,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1894,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1894,1166,-1894,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1894,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-1894,274,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1166,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1166,274,274,-191,-192,274,-994,1166,274,274,274,274,-277,-278,-279,-280,-365,1166,-308,1166,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1166,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1166,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1166,1166,1166,1166,1166,1166,-573,1166,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1166,1166,-723,-724,-725,1166,1868,274,274,274,274,-994,274,1166,-91,-92,274,274,274,1166,-309,-310,-320,1166,-307,-293,-294,-295,1166,274,1166,1166,-618,-633,-590,1166,274,-436,274,-437,1166,-444,-445,-446,-378,-379,1166,1166,1166,-506,1166,1166,-510,1166,1166,1166,1166,-515,-516,-517,-518,1166,1166,-521,-522,1166,-524,-525,-526,-527,-528,-529,-530,-531,1166,-533,1166,1166,1166,-539,-541,-542,1166,-544,-545,-546,-547,1166,1166,1166,1166,1166,1166,-652,-653,-654,-655,274,-657,-658,-659,1166,1166,1166,-665,1166,1166,-669,-670,1166,1166,-673,1166,-675,-676,1166,-679,1166,-681,1166,1166,-684,-685,-686,1166,-688,1166,1166,-691,1166,1166,-694,-695,-696,1166,-698,-699,-700,-701,1166,1166,-746,1166,-749,-750,-751,-752,-753,1166,-755,-756,-757,-758,-759,1166,-766,-767,-769,1166,-771,-772,-773,-782,-856,-858,-860,-862,1166,1166,1166,1166,-868,1166,-870,1166,1166,1166,1166,1166,1166,1166,-906,-907,1166,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1166,-921,-924,1166,-934,1166,-385,-386,-387,1166,1166,-390,-391,-392,-393,1166,-396,1166,-399,-400,1166,-401,1166,-406,-407,1166,-410,-411,-412,1166,-415,1166,-416,1166,-421,-422,1166,-425,1166,-428,-429,-1894,-1894,1166,-619,-620,-621,-622,-623,-634,-584,-624,-797,1166,1166,1166,1166,1166,-831,1166,1166,-806,1166,-832,1166,1166,1166,1166,-798,1166,-853,-799,1166,1166,1166,1166,1166,1166,-854,-855,1166,-834,-830,-835,1166,-625,1166,-626,-627,-628,-629,-574,1166,1166,-630,-631,-632,1166,1166,1166,1166,1166,1166,-635,-636,-637,-592,-1894,-602,1166,-638,-639,-713,-640,-604,1166,-572,-577,-580,-583,1166,1166,1166,-598,-601,1166,-608,1166,1166,1166,1166,1166,1166,1166,1166,1166,1166,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1166,274,274,-995,274,1166,274,274,274,1166,-306,-325,-319,-296,-375,-452,-453,-454,-458,274,-443,1166,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1166,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,274,274,274,274,274,274,274,274,1166,-316,-535,-508,-591,-937,-939,-940,-438,1166,-440,-380,-381,-383,-507,-509,-511,1166,-513,-514,-519,-520,1166,-532,-534,-537,-538,-543,-548,-726,1166,-727,1166,-732,1166,-734,1166,-739,-656,-660,-661,1166,-666,1166,-667,1166,-672,-674,1166,-677,1166,1166,1166,-687,-689,1166,-692,1166,1166,-744,1166,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1166,1166,1166,1166,1166,-877,1166,-880,-908,-920,-925,-388,-389,1166,-394,1166,-397,1166,-402,1166,-403,1166,-408,1166,-413,1166,-417,1166,-418,1166,-423,1166,-426,-899,-900,-643,-585,-1894,-901,1166,1166,1166,-800,1166,1166,-804,1166,-807,-833,1166,-818,1166,-820,1166,-822,-808,1166,-824,1166,-851,-852,1166,1166,-811,1166,-646,-902,-904,-648,-649,-645,1166,-705,-706,1166,-642,-903,-647,-650,-603,-714,1166,1166,-605,-586,1166,1166,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1166,1166,-709,-710,1166,-716,1166,274,274,274,1166,1166,-938,274,-439,-441,-747,1166,-891,1868,-715,-1894,1166,1166,274,274,1166,-442,-512,-523,1166,-728,-733,1166,-735,1166,-740,1166,-662,-668,1166,-678,-680,-682,-683,-690,-693,-697,-745,1166,1166,-874,1166,1166,-878,1166,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1166,-812,1166,-814,-801,1166,-802,-805,1166,-816,-819,-821,-823,-825,1166,-826,1166,-809,1166,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,274,-282,274,1166,274,1166,-455,1166,1166,-729,1166,-736,1166,-741,1166,-663,-671,1166,1166,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1166,-836,-53,274,1166,-730,1166,-737,1166,-742,-664,1166,-873,-54,274,274,-731,-738,-743,1166,274,1166,-872,]),'FREEZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[275,275,275,275,-1894,275,275,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,275,275,275,275,-275,-276,275,-1425,275,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,275,275,275,-490,275,275,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,275,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,275,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,275,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,275,-172,-173,-174,-175,-993,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-290,-291,-281,275,275,275,275,275,-328,-318,-332,-333,-334,275,275,-982,-983,-984,-985,-986,-987,-988,275,275,275,275,275,275,275,275,275,275,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,275,275,275,-353,-356,275,-323,-324,-141,275,-142,275,-143,275,-430,-935,-936,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-1894,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-1894,275,-1894,275,275,275,275,275,275,275,275,275,275,275,275,-1894,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,275,-1894,275,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,275,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,275,275,275,-191,-192,275,-994,275,275,275,275,275,-277,-278,-279,-280,-365,275,-308,275,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,275,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,275,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,275,275,275,275,275,275,-573,275,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,275,275,-723,-724,-725,275,275,275,275,275,275,-994,275,275,-91,-92,275,275,275,275,-309,-310,-320,275,-307,-293,-294,-295,275,275,275,275,-618,-633,-590,275,275,-436,275,-437,275,-444,-445,-446,-378,-379,275,275,275,-506,275,275,-510,275,275,275,275,-515,-516,-517,-518,275,275,-521,-522,275,-524,-525,-526,-527,-528,-529,-530,-531,275,-533,275,275,275,-539,-541,-542,275,-544,-545,-546,-547,275,275,275,275,275,275,-652,-653,-654,-655,275,-657,-658,-659,275,275,275,-665,275,275,-669,-670,275,275,-673,275,-675,-676,275,-679,275,-681,275,275,-684,-685,-686,275,-688,275,275,-691,275,275,-694,-695,-696,275,-698,-699,-700,-701,275,275,-746,275,-749,-750,-751,-752,-753,275,-755,-756,-757,-758,-759,275,-766,-767,-769,275,-771,-772,-773,-782,-856,-858,-860,-862,275,275,275,275,-868,275,-870,275,275,275,275,275,275,275,-906,-907,275,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,275,-921,-924,275,-934,275,-385,-386,-387,275,275,-390,-391,-392,-393,275,-396,275,-399,-400,275,-401,275,-406,-407,275,-410,-411,-412,275,-415,275,-416,275,-421,-422,275,-425,275,-428,-429,-1894,-1894,275,-619,-620,-621,-622,-623,-634,-584,-624,-797,275,275,275,275,275,-831,275,275,-806,275,-832,275,275,275,275,-798,275,-853,-799,275,275,275,275,275,275,-854,-855,275,-834,-830,-835,275,-625,275,-626,-627,-628,-629,-574,275,275,-630,-631,-632,275,275,275,275,275,275,-635,-636,-637,-592,-1894,-602,275,-638,-639,-713,-640,-604,275,-572,-577,-580,-583,275,275,275,-598,-601,275,-608,275,275,275,275,275,275,275,275,275,275,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,275,275,275,-995,275,275,275,275,275,275,-306,-325,-319,-296,-375,-452,-453,-454,-458,275,-443,275,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,275,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,275,275,275,275,275,275,275,275,275,-316,-535,-508,-591,-937,-939,-940,-438,275,-440,-380,-381,-383,-507,-509,-511,275,-513,-514,-519,-520,275,-532,-534,-537,-538,-543,-548,-726,275,-727,275,-732,275,-734,275,-739,-656,-660,-661,275,-666,275,-667,275,-672,-674,275,-677,275,275,275,-687,-689,275,-692,275,275,-744,275,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,275,275,275,275,275,-877,275,-880,-908,-920,-925,-388,-389,275,-394,275,-397,275,-402,275,-403,275,-408,275,-413,275,-417,275,-418,275,-423,275,-426,-899,-900,-643,-585,-1894,-901,275,275,275,-800,275,275,-804,275,-807,-833,275,-818,275,-820,275,-822,-808,275,-824,275,-851,-852,275,275,-811,275,-646,-902,-904,-648,-649,-645,275,-705,-706,275,-642,-903,-647,-650,-603,-714,275,275,-605,-586,275,275,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,275,275,-709,-710,275,-716,275,275,275,275,275,275,-938,275,-439,-441,-747,275,-891,275,-715,-1894,275,275,275,275,275,-442,-512,-523,275,-728,-733,275,-735,275,-740,275,-662,-668,275,-678,-680,-682,-683,-690,-693,-697,-745,275,275,-874,275,275,-878,275,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,275,-812,275,-814,-801,275,-802,-805,275,-816,-819,-821,-823,-825,275,-826,275,-809,275,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,275,-282,275,275,275,275,-455,275,275,-729,275,-736,275,-741,275,-663,-671,275,275,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,275,-836,-53,275,275,-730,275,-737,275,-742,-664,275,-873,-54,275,275,-731,-738,-743,275,275,275,-872,]),'FREQUENCY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[276,276,276,276,-1894,276,276,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,276,276,276,276,-275,-276,276,-1425,276,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,276,276,276,-490,276,276,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,276,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,276,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,276,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,276,-172,-173,-174,-175,-993,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-290,-291,-281,276,276,276,276,276,-328,-318,-332,-333,-334,276,276,-982,-983,-984,-985,-986,-987,-988,276,276,276,276,276,276,276,276,276,276,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,276,276,276,-353,-356,276,-323,-324,-141,276,-142,276,-143,276,-430,-935,-936,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-1894,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-1894,276,-1894,276,276,276,276,276,276,276,276,276,276,276,276,-1894,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,276,-1894,276,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,276,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,276,276,276,-191,-192,276,-994,276,276,276,276,276,-277,-278,-279,-280,-365,276,-308,276,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,276,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,276,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,276,276,276,276,276,276,-573,276,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,276,276,-723,-724,-725,276,276,276,276,276,276,-994,276,276,-91,-92,276,276,276,276,-309,-310,-320,276,-307,-293,-294,-295,276,276,276,276,-618,-633,-590,276,276,-436,276,-437,276,-444,-445,-446,-378,-379,276,276,276,-506,276,276,-510,276,276,276,276,-515,-516,-517,-518,276,276,-521,-522,276,-524,-525,-526,-527,-528,-529,-530,-531,276,-533,276,276,276,-539,-541,-542,276,-544,-545,-546,-547,276,276,276,276,276,276,-652,-653,-654,-655,276,-657,-658,-659,276,276,276,-665,276,276,-669,-670,276,276,-673,276,-675,-676,276,-679,276,-681,276,276,-684,-685,-686,276,-688,276,276,-691,276,276,-694,-695,-696,276,-698,-699,-700,-701,276,276,-746,276,-749,-750,-751,-752,-753,276,-755,-756,-757,-758,-759,276,-766,-767,-769,276,-771,-772,-773,-782,-856,-858,-860,-862,276,276,276,276,-868,276,-870,276,276,276,276,276,276,276,-906,-907,276,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,276,-921,-924,276,-934,276,-385,-386,-387,276,276,-390,-391,-392,-393,276,-396,276,-399,-400,276,-401,276,-406,-407,276,-410,-411,-412,276,-415,276,-416,276,-421,-422,276,-425,276,-428,-429,-1894,-1894,276,-619,-620,-621,-622,-623,-634,-584,-624,-797,276,276,276,276,276,-831,276,276,-806,276,-832,276,276,276,276,-798,276,-853,-799,276,276,276,276,276,276,-854,-855,276,-834,-830,-835,276,-625,276,-626,-627,-628,-629,-574,276,276,-630,-631,-632,276,276,276,276,276,276,-635,-636,-637,-592,-1894,-602,276,-638,-639,-713,-640,-604,276,-572,-577,-580,-583,276,276,276,-598,-601,276,-608,276,276,276,276,276,276,276,276,276,276,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,276,276,276,-995,276,276,276,276,276,276,-306,-325,-319,-296,-375,-452,-453,-454,-458,276,-443,276,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,276,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,276,276,276,276,276,276,276,276,276,-316,-535,-508,-591,-937,-939,-940,-438,276,-440,-380,-381,-383,-507,-509,-511,276,-513,-514,-519,-520,276,-532,-534,-537,-538,-543,-548,-726,276,-727,276,-732,276,-734,276,-739,-656,-660,-661,276,-666,276,-667,276,-672,-674,276,-677,276,276,276,-687,-689,276,-692,276,276,-744,276,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,276,276,276,276,276,-877,276,-880,-908,-920,-925,-388,-389,276,-394,276,-397,276,-402,276,-403,276,-408,276,-413,276,-417,276,-418,276,-423,276,-426,-899,-900,-643,-585,-1894,-901,276,276,276,-800,276,276,-804,276,-807,-833,276,-818,276,-820,276,-822,-808,276,-824,276,-851,-852,276,276,-811,276,-646,-902,-904,-648,-649,-645,276,-705,-706,276,-642,-903,-647,-650,-603,-714,276,276,-605,-586,276,276,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,276,276,-709,-710,276,-716,276,276,276,276,276,276,-938,276,-439,-441,-747,276,-891,276,-715,-1894,276,276,276,276,276,-442,-512,-523,276,-728,-733,276,-735,276,-740,276,-662,-668,276,-678,-680,-682,-683,-690,-693,-697,-745,276,276,-874,276,276,-878,276,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,276,-812,276,-814,-801,276,-802,-805,276,-816,-819,-821,-823,-825,276,-826,276,-809,276,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,276,-282,276,276,276,276,-455,276,276,-729,276,-736,276,-741,276,-663,-671,276,276,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,276,-836,-53,276,276,-730,276,-737,276,-742,-664,276,-873,-54,276,276,-731,-738,-743,276,276,276,-872,]),'FROM_BASE64':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[277,277,277,1095,-1894,277,277,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,277,277,277,277,-275,-276,1095,-1425,1095,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1095,1095,1095,-490,1095,1095,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1095,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1095,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1869,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,277,-172,-173,-174,-175,-993,277,277,277,277,277,277,277,277,277,277,1095,1095,1095,1095,1095,-290,-291,-281,277,1095,1095,1095,1095,-328,-318,-332,-333,-334,1095,1095,-982,-983,-984,-985,-986,-987,-988,277,277,1095,1095,1095,1095,1095,1095,1095,1095,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1095,1095,1095,-353,-356,277,-323,-324,-141,1095,-142,1095,-143,1095,-430,-935,-936,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1894,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1894,1095,-1894,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1894,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-1894,277,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1095,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1095,277,277,-191,-192,277,-994,1095,277,277,277,277,-277,-278,-279,-280,-365,1095,-308,1095,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1095,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1095,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1095,1095,1095,1095,1095,1095,-573,1095,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1095,1095,-723,-724,-725,1095,1869,277,277,277,277,-994,277,1095,-91,-92,277,277,277,1095,-309,-310,-320,1095,-307,-293,-294,-295,1095,277,1095,1095,-618,-633,-590,1095,277,-436,277,-437,1095,-444,-445,-446,-378,-379,1095,1095,1095,-506,1095,1095,-510,1095,1095,1095,1095,-515,-516,-517,-518,1095,1095,-521,-522,1095,-524,-525,-526,-527,-528,-529,-530,-531,1095,-533,1095,1095,1095,-539,-541,-542,1095,-544,-545,-546,-547,1095,1095,1095,1095,1095,1095,-652,-653,-654,-655,277,-657,-658,-659,1095,1095,1095,-665,1095,1095,-669,-670,1095,1095,-673,1095,-675,-676,1095,-679,1095,-681,1095,1095,-684,-685,-686,1095,-688,1095,1095,-691,1095,1095,-694,-695,-696,1095,-698,-699,-700,-701,1095,1095,-746,1095,-749,-750,-751,-752,-753,1095,-755,-756,-757,-758,-759,1095,-766,-767,-769,1095,-771,-772,-773,-782,-856,-858,-860,-862,1095,1095,1095,1095,-868,1095,-870,1095,1095,1095,1095,1095,1095,1095,-906,-907,1095,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1095,-921,-924,1095,-934,1095,-385,-386,-387,1095,1095,-390,-391,-392,-393,1095,-396,1095,-399,-400,1095,-401,1095,-406,-407,1095,-410,-411,-412,1095,-415,1095,-416,1095,-421,-422,1095,-425,1095,-428,-429,-1894,-1894,1095,-619,-620,-621,-622,-623,-634,-584,-624,-797,1095,1095,1095,1095,1095,-831,1095,1095,-806,1095,-832,1095,1095,1095,1095,-798,1095,-853,-799,1095,1095,1095,1095,1095,1095,-854,-855,1095,-834,-830,-835,1095,-625,1095,-626,-627,-628,-629,-574,1095,1095,-630,-631,-632,1095,1095,1095,1095,1095,1095,-635,-636,-637,-592,-1894,-602,1095,-638,-639,-713,-640,-604,1095,-572,-577,-580,-583,1095,1095,1095,-598,-601,1095,-608,1095,1095,1095,1095,1095,1095,1095,1095,1095,1095,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1095,277,277,-995,277,1095,277,277,277,1095,-306,-325,-319,-296,-375,-452,-453,-454,-458,277,-443,1095,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1095,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,277,277,277,277,277,277,277,277,1095,-316,-535,-508,-591,-937,-939,-940,-438,1095,-440,-380,-381,-383,-507,-509,-511,1095,-513,-514,-519,-520,1095,-532,-534,-537,-538,-543,-548,-726,1095,-727,1095,-732,1095,-734,1095,-739,-656,-660,-661,1095,-666,1095,-667,1095,-672,-674,1095,-677,1095,1095,1095,-687,-689,1095,-692,1095,1095,-744,1095,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1095,1095,1095,1095,1095,-877,1095,-880,-908,-920,-925,-388,-389,1095,-394,1095,-397,1095,-402,1095,-403,1095,-408,1095,-413,1095,-417,1095,-418,1095,-423,1095,-426,-899,-900,-643,-585,-1894,-901,1095,1095,1095,-800,1095,1095,-804,1095,-807,-833,1095,-818,1095,-820,1095,-822,-808,1095,-824,1095,-851,-852,1095,1095,-811,1095,-646,-902,-904,-648,-649,-645,1095,-705,-706,1095,-642,-903,-647,-650,-603,-714,1095,1095,-605,-586,1095,1095,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1095,1095,-709,-710,1095,-716,1095,277,277,277,1095,1095,-938,277,-439,-441,-747,1095,-891,1869,-715,-1894,1095,1095,277,277,1095,-442,-512,-523,1095,-728,-733,1095,-735,1095,-740,1095,-662,-668,1095,-678,-680,-682,-683,-690,-693,-697,-745,1095,1095,-874,1095,1095,-878,1095,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1095,-812,1095,-814,-801,1095,-802,-805,1095,-816,-819,-821,-823,-825,1095,-826,1095,-809,1095,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,277,-282,277,1095,277,1095,-455,1095,1095,-729,1095,-736,1095,-741,1095,-663,-671,1095,1095,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1095,-836,-53,277,1095,-730,1095,-737,1095,-742,-664,1095,-873,-54,277,277,-731,-738,-743,1095,277,1095,-872,]),'FROM_DAYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[278,278,278,1251,-1894,278,278,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,278,278,278,278,-275,-276,1251,-1425,1251,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1251,1251,1251,-490,1251,1251,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1251,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1251,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1251,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,278,-172,-173,-174,-175,-993,278,278,278,278,278,278,278,278,278,278,1251,1251,1251,1251,1251,-290,-291,-281,278,1251,1251,1251,1251,-328,-318,-332,-333,-334,1251,1251,-982,-983,-984,-985,-986,-987,-988,278,278,1251,1251,1251,1251,1251,1251,1251,1251,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1251,1251,1251,-353,-356,278,-323,-324,-141,1251,-142,1251,-143,1251,-430,-935,-936,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1894,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1894,1251,-1894,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1894,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-1894,278,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1251,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1251,278,278,-191,-192,278,-994,1251,278,278,278,278,-277,-278,-279,-280,-365,1251,-308,1251,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1251,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1251,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1251,1251,1251,1251,1251,1251,-573,1251,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1251,1251,-723,-724,-725,1251,1251,278,278,278,278,-994,278,1251,-91,-92,278,278,278,1251,-309,-310,-320,1251,-307,-293,-294,-295,1251,278,1251,1251,-618,-633,-590,1251,278,-436,278,-437,1251,-444,-445,-446,-378,-379,1251,1251,1251,-506,1251,1251,-510,1251,1251,1251,1251,-515,-516,-517,-518,1251,1251,-521,-522,1251,-524,-525,-526,-527,-528,-529,-530,-531,1251,-533,1251,1251,1251,-539,-541,-542,1251,-544,-545,-546,-547,1251,1251,1251,1251,1251,1251,-652,-653,-654,-655,278,-657,-658,-659,1251,1251,1251,-665,1251,1251,-669,-670,1251,1251,-673,1251,-675,-676,1251,-679,1251,-681,1251,1251,-684,-685,-686,1251,-688,1251,1251,-691,1251,1251,-694,-695,-696,1251,-698,-699,-700,-701,1251,1251,-746,1251,-749,-750,-751,-752,-753,1251,-755,-756,-757,-758,-759,1251,-766,-767,-769,1251,-771,-772,-773,-782,-856,-858,-860,-862,1251,1251,1251,1251,-868,1251,-870,1251,1251,1251,1251,1251,1251,1251,-906,-907,1251,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1251,-921,-924,1251,-934,1251,-385,-386,-387,1251,1251,-390,-391,-392,-393,1251,-396,1251,-399,-400,1251,-401,1251,-406,-407,1251,-410,-411,-412,1251,-415,1251,-416,1251,-421,-422,1251,-425,1251,-428,-429,-1894,-1894,1251,-619,-620,-621,-622,-623,-634,-584,-624,-797,1251,1251,1251,1251,1251,-831,1251,1251,-806,1251,-832,1251,1251,1251,1251,-798,1251,-853,-799,1251,1251,1251,1251,1251,1251,-854,-855,1251,-834,-830,-835,1251,-625,1251,-626,-627,-628,-629,-574,1251,1251,-630,-631,-632,1251,1251,1251,1251,1251,1251,-635,-636,-637,-592,-1894,-602,1251,-638,-639,-713,-640,-604,1251,-572,-577,-580,-583,1251,1251,1251,-598,-601,1251,-608,1251,1251,1251,1251,1251,1251,1251,1251,1251,1251,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1251,278,278,-995,278,1251,278,278,278,1251,-306,-325,-319,-296,-375,-452,-453,-454,-458,278,-443,1251,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1251,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,278,278,278,278,278,278,278,278,1251,-316,-535,-508,-591,-937,-939,-940,-438,1251,-440,-380,-381,-383,-507,-509,-511,1251,-513,-514,-519,-520,1251,-532,-534,-537,-538,-543,-548,-726,1251,-727,1251,-732,1251,-734,1251,-739,-656,-660,-661,1251,-666,1251,-667,1251,-672,-674,1251,-677,1251,1251,1251,-687,-689,1251,-692,1251,1251,-744,1251,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1251,1251,1251,1251,1251,-877,1251,-880,-908,-920,-925,-388,-389,1251,-394,1251,-397,1251,-402,1251,-403,1251,-408,1251,-413,1251,-417,1251,-418,1251,-423,1251,-426,-899,-900,-643,-585,-1894,-901,1251,1251,1251,-800,1251,1251,-804,1251,-807,-833,1251,-818,1251,-820,1251,-822,-808,1251,-824,1251,-851,-852,1251,1251,-811,1251,-646,-902,-904,-648,-649,-645,1251,-705,-706,1251,-642,-903,-647,-650,-603,-714,1251,1251,-605,-586,1251,1251,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1251,1251,-709,-710,1251,-716,1251,278,278,278,1251,1251,-938,278,-439,-441,-747,1251,-891,1251,-715,-1894,1251,1251,278,278,1251,-442,-512,-523,1251,-728,-733,1251,-735,1251,-740,1251,-662,-668,1251,-678,-680,-682,-683,-690,-693,-697,-745,1251,1251,-874,1251,1251,-878,1251,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1251,-812,1251,-814,-801,1251,-802,-805,1251,-816,-819,-821,-823,-825,1251,-826,1251,-809,1251,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,278,-282,278,1251,278,1251,-455,1251,1251,-729,1251,-736,1251,-741,1251,-663,-671,1251,1251,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1251,-836,-53,278,1251,-730,1251,-737,1251,-742,-664,1251,-873,-54,278,278,-731,-738,-743,1251,278,1251,-872,]),'FROM_UNIXTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[279,279,279,1252,-1894,279,279,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,279,279,279,279,-275,-276,1252,-1425,1252,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1252,1252,1252,-490,1252,1252,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1252,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1252,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1252,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,279,-172,-173,-174,-175,-993,279,279,279,279,279,279,279,279,279,279,1252,1252,1252,1252,1252,-290,-291,-281,279,1252,1252,1252,1252,-328,-318,-332,-333,-334,1252,1252,-982,-983,-984,-985,-986,-987,-988,279,279,1252,1252,1252,1252,1252,1252,1252,1252,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1252,1252,1252,-353,-356,279,-323,-324,-141,1252,-142,1252,-143,1252,-430,-935,-936,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1894,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1894,1252,-1894,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1894,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-1894,279,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1252,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1252,279,279,-191,-192,279,-994,1252,279,279,279,279,-277,-278,-279,-280,-365,1252,-308,1252,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1252,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1252,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1252,1252,1252,1252,1252,1252,-573,1252,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1252,1252,-723,-724,-725,1252,1252,279,279,279,279,-994,279,1252,-91,-92,279,279,279,1252,-309,-310,-320,1252,-307,-293,-294,-295,1252,279,1252,1252,-618,-633,-590,1252,279,-436,279,-437,1252,-444,-445,-446,-378,-379,1252,1252,1252,-506,1252,1252,-510,1252,1252,1252,1252,-515,-516,-517,-518,1252,1252,-521,-522,1252,-524,-525,-526,-527,-528,-529,-530,-531,1252,-533,1252,1252,1252,-539,-541,-542,1252,-544,-545,-546,-547,1252,1252,1252,1252,1252,1252,-652,-653,-654,-655,279,-657,-658,-659,1252,1252,1252,-665,1252,1252,-669,-670,1252,1252,-673,1252,-675,-676,1252,-679,1252,-681,1252,1252,-684,-685,-686,1252,-688,1252,1252,-691,1252,1252,-694,-695,-696,1252,-698,-699,-700,-701,1252,1252,-746,1252,-749,-750,-751,-752,-753,1252,-755,-756,-757,-758,-759,1252,-766,-767,-769,1252,-771,-772,-773,-782,-856,-858,-860,-862,1252,1252,1252,1252,-868,1252,-870,1252,1252,1252,1252,1252,1252,1252,-906,-907,1252,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1252,-921,-924,1252,-934,1252,-385,-386,-387,1252,1252,-390,-391,-392,-393,1252,-396,1252,-399,-400,1252,-401,1252,-406,-407,1252,-410,-411,-412,1252,-415,1252,-416,1252,-421,-422,1252,-425,1252,-428,-429,-1894,-1894,1252,-619,-620,-621,-622,-623,-634,-584,-624,-797,1252,1252,1252,1252,1252,-831,1252,1252,-806,1252,-832,1252,1252,1252,1252,-798,1252,-853,-799,1252,1252,1252,1252,1252,1252,-854,-855,1252,-834,-830,-835,1252,-625,1252,-626,-627,-628,-629,-574,1252,1252,-630,-631,-632,1252,1252,1252,1252,1252,1252,-635,-636,-637,-592,-1894,-602,1252,-638,-639,-713,-640,-604,1252,-572,-577,-580,-583,1252,1252,1252,-598,-601,1252,-608,1252,1252,1252,1252,1252,1252,1252,1252,1252,1252,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1252,279,279,-995,279,1252,279,279,279,1252,-306,-325,-319,-296,-375,-452,-453,-454,-458,279,-443,1252,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1252,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,279,279,279,279,279,279,279,279,1252,-316,-535,-508,-591,-937,-939,-940,-438,1252,-440,-380,-381,-383,-507,-509,-511,1252,-513,-514,-519,-520,1252,-532,-534,-537,-538,-543,-548,-726,1252,-727,1252,-732,1252,-734,1252,-739,-656,-660,-661,1252,-666,1252,-667,1252,-672,-674,1252,-677,1252,1252,1252,-687,-689,1252,-692,1252,1252,-744,1252,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1252,1252,1252,1252,1252,-877,1252,-880,-908,-920,-925,-388,-389,1252,-394,1252,-397,1252,-402,1252,-403,1252,-408,1252,-413,1252,-417,1252,-418,1252,-423,1252,-426,-899,-900,-643,-585,-1894,-901,1252,1252,1252,-800,1252,1252,-804,1252,-807,-833,1252,-818,1252,-820,1252,-822,-808,1252,-824,1252,-851,-852,1252,1252,-811,1252,-646,-902,-904,-648,-649,-645,1252,-705,-706,1252,-642,-903,-647,-650,-603,-714,1252,1252,-605,-586,1252,1252,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1252,1252,-709,-710,1252,-716,1252,279,279,279,1252,1252,-938,279,-439,-441,-747,1252,-891,1252,-715,-1894,1252,1252,279,279,1252,-442,-512,-523,1252,-728,-733,1252,-735,1252,-740,1252,-662,-668,1252,-678,-680,-682,-683,-690,-693,-697,-745,1252,1252,-874,1252,1252,-878,1252,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1252,-812,1252,-814,-801,1252,-802,-805,1252,-816,-819,-821,-823,-825,1252,-826,1252,-809,1252,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,279,-282,279,1252,279,1252,-455,1252,1252,-729,1252,-736,1252,-741,1252,-663,-671,1252,1252,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1252,-836,-53,279,1252,-730,1252,-737,1252,-742,-664,1252,-873,-54,279,279,-731,-738,-743,1252,279,1252,-872,]),'FUNCTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[280,280,280,280,-1894,280,280,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,280,280,280,280,-275,-276,280,-1425,280,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,280,280,280,-490,280,280,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,280,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,280,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,280,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,280,-172,-173,-174,-175,-993,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-290,-291,-281,280,280,280,280,280,-328,-318,-332,-333,-334,280,280,-982,-983,-984,-985,-986,-987,-988,280,280,280,280,280,280,280,280,280,280,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,280,280,280,-353,-356,280,-323,-324,-141,280,-142,280,-143,280,-430,-935,-936,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-1894,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-1894,280,-1894,280,280,280,280,280,280,280,280,280,280,280,280,-1894,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,280,-1894,280,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,280,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,280,280,280,-191,-192,280,-994,280,280,280,280,280,-277,-278,-279,-280,-365,280,-308,280,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,280,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,280,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,280,280,280,280,280,280,-573,280,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,280,280,-723,-724,-725,280,280,280,280,280,280,-994,280,280,-91,-92,280,280,280,280,-309,-310,-320,280,-307,-293,-294,-295,280,280,280,280,-618,-633,-590,280,280,-436,280,-437,280,-444,-445,-446,-378,-379,280,280,280,-506,280,280,-510,280,280,280,280,-515,-516,-517,-518,280,280,-521,-522,280,-524,-525,-526,-527,-528,-529,-530,-531,280,-533,280,280,280,-539,-541,-542,280,-544,-545,-546,-547,280,280,280,280,280,280,-652,-653,-654,-655,280,-657,-658,-659,280,280,280,-665,280,280,-669,-670,280,280,-673,280,-675,-676,280,-679,280,-681,280,280,-684,-685,-686,280,-688,280,280,-691,280,280,-694,-695,-696,280,-698,-699,-700,-701,280,280,-746,280,-749,-750,-751,-752,-753,280,-755,-756,-757,-758,-759,280,-766,-767,-769,280,-771,-772,-773,-782,-856,-858,-860,-862,280,280,280,280,-868,280,-870,280,280,280,280,280,280,280,-906,-907,280,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,280,-921,-924,280,-934,280,-385,-386,-387,280,280,-390,-391,-392,-393,280,-396,280,-399,-400,280,-401,280,-406,-407,280,-410,-411,-412,280,-415,280,-416,280,-421,-422,280,-425,280,-428,-429,-1894,-1894,280,-619,-620,-621,-622,-623,-634,-584,-624,-797,280,280,280,280,280,-831,280,280,-806,280,-832,280,280,280,280,-798,280,-853,-799,280,280,280,280,280,280,-854,-855,280,-834,-830,-835,280,-625,280,-626,-627,-628,-629,-574,280,280,-630,-631,-632,280,280,280,280,280,280,-635,-636,-637,-592,-1894,-602,280,-638,-639,-713,-640,-604,280,-572,-577,-580,-583,280,280,280,-598,-601,280,-608,280,280,280,280,280,280,280,280,280,280,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,280,280,280,-995,280,280,280,280,280,280,-306,-325,-319,-296,-375,-452,-453,-454,-458,280,-443,280,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,280,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,280,280,280,280,280,280,280,280,280,-316,-535,-508,-591,-937,-939,-940,-438,280,-440,-380,-381,-383,-507,-509,-511,280,-513,-514,-519,-520,280,-532,-534,-537,-538,-543,-548,-726,280,-727,280,-732,280,-734,280,-739,-656,-660,-661,280,-666,280,-667,280,-672,-674,280,-677,280,280,280,-687,-689,280,-692,280,280,-744,280,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,280,280,280,280,280,-877,280,-880,-908,-920,-925,-388,-389,280,-394,280,-397,280,-402,280,-403,280,-408,280,-413,280,-417,280,-418,280,-423,280,-426,-899,-900,-643,-585,-1894,-901,280,280,280,-800,280,280,-804,280,-807,-833,280,-818,280,-820,280,-822,-808,280,-824,280,-851,-852,280,280,-811,280,-646,-902,-904,-648,-649,-645,280,-705,-706,280,-642,-903,-647,-650,-603,-714,280,280,-605,-586,280,280,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,280,280,-709,-710,280,-716,280,280,280,280,280,280,-938,280,-439,-441,-747,280,-891,280,-715,-1894,280,280,280,280,280,-442,-512,-523,280,-728,-733,280,-735,280,-740,280,-662,-668,280,-678,-680,-682,-683,-690,-693,-697,-745,280,280,-874,280,280,-878,280,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,280,-812,280,-814,-801,280,-802,-805,280,-816,-819,-821,-823,-825,280,-826,280,-809,280,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,280,-282,280,280,280,280,-455,280,280,-729,280,-736,280,-741,280,-663,-671,280,280,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,280,-836,-53,280,280,-730,280,-737,280,-742,-664,280,-873,-54,280,280,-731,-738,-743,280,280,280,-872,]),'GENERAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[281,281,281,281,-1894,281,281,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,281,281,281,281,-275,-276,281,-1425,281,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,281,281,281,-490,281,281,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,281,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,281,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,281,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,281,-172,-173,-174,-175,-993,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-290,-291,-281,281,281,281,281,281,-328,-318,-332,-333,-334,281,281,-982,-983,-984,-985,-986,-987,-988,281,281,281,281,281,281,281,281,281,281,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,281,281,281,-353,-356,281,-323,-324,-141,281,-142,281,-143,281,-430,-935,-936,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-1894,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-1894,281,-1894,281,281,281,281,281,281,281,281,281,281,281,281,-1894,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,281,-1894,281,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,281,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,281,281,281,-191,-192,281,-994,281,281,281,281,281,-277,-278,-279,-280,-365,281,-308,281,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,281,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,281,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,281,281,281,281,281,281,-573,281,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,281,281,-723,-724,-725,281,281,281,281,281,281,-994,281,281,-91,-92,281,281,281,281,-309,-310,-320,281,-307,-293,-294,-295,281,281,281,281,-618,-633,-590,281,281,-436,281,-437,281,-444,-445,-446,-378,-379,281,281,281,-506,281,281,-510,281,281,281,281,-515,-516,-517,-518,281,281,-521,-522,281,-524,-525,-526,-527,-528,-529,-530,-531,281,-533,281,281,281,-539,-541,-542,281,-544,-545,-546,-547,281,281,281,281,281,281,-652,-653,-654,-655,281,-657,-658,-659,281,281,281,-665,281,281,-669,-670,281,281,-673,281,-675,-676,281,-679,281,-681,281,281,-684,-685,-686,281,-688,281,281,-691,281,281,-694,-695,-696,281,-698,-699,-700,-701,281,281,-746,281,-749,-750,-751,-752,-753,281,-755,-756,-757,-758,-759,281,-766,-767,-769,281,-771,-772,-773,-782,-856,-858,-860,-862,281,281,281,281,-868,281,-870,281,281,281,281,281,281,281,-906,-907,281,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,281,-921,-924,281,-934,281,-385,-386,-387,281,281,-390,-391,-392,-393,281,-396,281,-399,-400,281,-401,281,-406,-407,281,-410,-411,-412,281,-415,281,-416,281,-421,-422,281,-425,281,-428,-429,-1894,-1894,281,-619,-620,-621,-622,-623,-634,-584,-624,-797,281,281,281,281,281,-831,281,281,-806,281,-832,281,281,281,281,-798,281,-853,-799,281,281,281,281,281,281,-854,-855,281,-834,-830,-835,281,-625,281,-626,-627,-628,-629,-574,281,281,-630,-631,-632,281,281,281,281,281,281,-635,-636,-637,-592,-1894,-602,281,-638,-639,-713,-640,-604,281,-572,-577,-580,-583,281,281,281,-598,-601,281,-608,281,281,281,281,281,281,281,281,281,281,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,281,281,281,-995,281,281,281,281,281,281,-306,-325,-319,-296,-375,-452,-453,-454,-458,281,-443,281,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,281,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,281,281,281,281,281,281,281,281,281,-316,-535,-508,-591,-937,-939,-940,-438,281,-440,-380,-381,-383,-507,-509,-511,281,-513,-514,-519,-520,281,-532,-534,-537,-538,-543,-548,-726,281,-727,281,-732,281,-734,281,-739,-656,-660,-661,281,-666,281,-667,281,-672,-674,281,-677,281,281,281,-687,-689,281,-692,281,281,-744,281,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,281,281,281,281,281,-877,281,-880,-908,-920,-925,-388,-389,281,-394,281,-397,281,-402,281,-403,281,-408,281,-413,281,-417,281,-418,281,-423,281,-426,-899,-900,-643,-585,-1894,-901,281,281,281,-800,281,281,-804,281,-807,-833,281,-818,281,-820,281,-822,-808,281,-824,281,-851,-852,281,281,-811,281,-646,-902,-904,-648,-649,-645,281,-705,-706,281,-642,-903,-647,-650,-603,-714,281,281,-605,-586,281,281,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,281,281,-709,-710,281,-716,281,281,281,281,281,281,-938,281,-439,-441,-747,281,-891,281,-715,-1894,281,281,281,281,281,-442,-512,-523,281,-728,-733,281,-735,281,-740,281,-662,-668,281,-678,-680,-682,-683,-690,-693,-697,-745,281,281,-874,281,281,-878,281,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,281,-812,281,-814,-801,281,-802,-805,281,-816,-819,-821,-823,-825,281,-826,281,-809,281,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,281,-282,281,281,281,281,-455,281,281,-729,281,-736,281,-741,281,-663,-671,281,281,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,281,-836,-53,281,281,-730,281,-737,281,-742,-664,281,-873,-54,281,281,-731,-738,-743,281,281,281,-872,]),'GEOMETRY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[282,282,282,282,-1894,282,282,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,282,282,282,282,-275,-276,282,-1425,282,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,282,282,282,-490,282,282,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,282,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,282,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,282,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,282,-172,-173,-174,-175,-993,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-290,-291,-281,282,282,282,282,282,-328,-318,-332,-333,-334,282,282,-982,-983,-984,-985,-986,-987,-988,282,282,282,282,282,282,282,282,282,282,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,282,282,282,-353,-356,282,-323,-324,-141,282,-142,282,-143,282,-430,-935,-936,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-1894,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-1894,282,-1894,282,282,282,282,282,282,282,282,282,282,282,282,-1894,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,282,-1894,282,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,282,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,282,282,282,-191,-192,282,-994,282,282,282,282,282,-277,-278,-279,-280,-365,282,-308,282,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,282,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,282,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,282,282,282,282,282,282,-573,282,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,282,282,-723,-724,-725,282,282,282,282,282,282,-994,282,282,-91,-92,282,282,282,282,-309,-310,-320,282,-307,-293,-294,-295,282,282,282,282,-618,-633,-590,282,282,-436,282,-437,282,-444,-445,-446,-378,-379,282,282,282,-506,282,282,-510,282,282,282,282,-515,-516,-517,-518,282,282,-521,-522,282,-524,-525,-526,-527,-528,-529,-530,-531,282,-533,282,282,282,-539,-541,-542,282,-544,-545,-546,-547,282,282,282,282,282,282,-652,-653,-654,-655,282,-657,-658,-659,282,282,282,-665,282,282,-669,-670,282,282,-673,282,-675,-676,282,-679,282,-681,282,282,-684,-685,-686,282,-688,282,282,-691,282,282,-694,-695,-696,282,-698,-699,-700,-701,282,282,-746,282,-749,-750,-751,-752,-753,282,-755,-756,-757,-758,-759,282,-766,-767,-769,282,-771,-772,-773,-782,-856,-858,-860,-862,282,282,282,282,-868,282,-870,282,282,282,282,282,282,282,-906,-907,282,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,282,-921,-924,282,-934,282,-385,-386,-387,282,282,-390,-391,-392,-393,282,-396,282,-399,-400,282,-401,282,-406,-407,282,-410,-411,-412,282,-415,282,-416,282,-421,-422,282,-425,282,-428,-429,-1894,-1894,282,-619,-620,-621,-622,-623,-634,-584,-624,-797,282,282,282,282,282,-831,282,282,-806,282,-832,282,282,282,282,-798,282,-853,-799,282,282,282,282,282,282,-854,-855,282,-834,-830,-835,282,-625,282,-626,-627,-628,-629,-574,282,282,-630,-631,-632,282,282,282,282,282,282,-635,-636,-637,-592,-1894,-602,282,-638,-639,-713,-640,-604,282,-572,-577,-580,-583,282,282,282,-598,-601,282,-608,282,282,282,282,282,282,282,282,282,282,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,282,282,282,-995,282,282,282,282,282,282,-306,-325,-319,-296,-375,-452,-453,-454,-458,282,-443,282,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,282,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,282,282,282,282,282,282,282,282,282,-316,-535,-508,-591,-937,-939,-940,-438,282,-440,-380,-381,-383,-507,-509,-511,282,-513,-514,-519,-520,282,-532,-534,-537,-538,-543,-548,-726,282,-727,282,-732,282,-734,282,-739,-656,-660,-661,282,-666,282,-667,282,-672,-674,282,-677,282,282,282,-687,-689,282,-692,282,282,-744,282,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,282,282,282,282,282,-877,282,-880,-908,-920,-925,-388,-389,282,-394,282,-397,282,-402,282,-403,282,-408,282,-413,282,-417,282,-418,282,-423,282,-426,-899,-900,-643,-585,-1894,-901,282,282,282,-800,282,282,-804,282,-807,-833,282,-818,282,-820,282,-822,-808,282,-824,282,-851,-852,282,282,-811,282,-646,-902,-904,-648,-649,-645,282,-705,-706,282,-642,-903,-647,-650,-603,-714,282,282,-605,-586,282,282,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,282,282,-709,-710,282,-716,282,282,282,282,282,282,-938,282,-439,-441,-747,282,-891,282,-715,-1894,282,282,282,282,282,-442,-512,-523,282,-728,-733,282,-735,282,-740,282,-662,-668,282,-678,-680,-682,-683,-690,-693,-697,-745,282,282,-874,282,282,-878,282,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,282,-812,282,-814,-801,282,-802,-805,282,-816,-819,-821,-823,-825,282,-826,282,-809,282,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,282,-282,282,282,282,282,-455,282,282,-729,282,-736,282,-741,282,-663,-671,282,282,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,282,-836,-53,282,282,-730,282,-737,282,-742,-664,282,-873,-54,282,282,-731,-738,-743,282,282,282,-872,]),'GEOMETRYCOLLECTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[283,283,283,283,-1894,283,283,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,283,283,283,283,-275,-276,283,-1425,283,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,283,283,283,-490,283,283,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,283,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,283,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,283,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,283,-172,-173,-174,-175,-993,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-290,-291,-281,283,283,283,283,283,-328,-318,-332,-333,-334,283,283,-982,-983,-984,-985,-986,-987,-988,283,283,283,283,283,283,283,283,283,283,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,283,283,283,-353,-356,283,-323,-324,-141,283,-142,283,-143,283,-430,-935,-936,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-1894,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-1894,283,-1894,283,283,283,283,283,283,283,283,283,283,283,283,-1894,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,283,-1894,283,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,283,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,283,283,283,-191,-192,283,-994,283,283,283,283,283,-277,-278,-279,-280,-365,283,-308,283,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,283,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,283,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,283,283,283,283,283,283,-573,283,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,283,283,-723,-724,-725,283,283,283,283,283,283,-994,283,283,-91,-92,283,283,283,283,-309,-310,-320,283,-307,-293,-294,-295,283,283,283,283,-618,-633,-590,283,283,-436,283,-437,283,-444,-445,-446,-378,-379,283,283,283,-506,283,283,-510,283,283,283,283,-515,-516,-517,-518,283,283,-521,-522,283,-524,-525,-526,-527,-528,-529,-530,-531,283,-533,283,283,283,-539,-541,-542,283,-544,-545,-546,-547,283,283,283,283,283,283,-652,-653,-654,-655,283,-657,-658,-659,283,283,283,-665,283,283,-669,-670,283,283,-673,283,-675,-676,283,-679,283,-681,283,283,-684,-685,-686,283,-688,283,283,-691,283,283,-694,-695,-696,283,-698,-699,-700,-701,283,283,-746,283,-749,-750,-751,-752,-753,283,-755,-756,-757,-758,-759,283,-766,-767,-769,283,-771,-772,-773,-782,-856,-858,-860,-862,283,283,283,283,-868,283,-870,283,283,283,283,283,283,283,-906,-907,283,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,283,-921,-924,283,-934,283,-385,-386,-387,283,283,-390,-391,-392,-393,283,-396,283,-399,-400,283,-401,283,-406,-407,283,-410,-411,-412,283,-415,283,-416,283,-421,-422,283,-425,283,-428,-429,-1894,-1894,283,-619,-620,-621,-622,-623,-634,-584,-624,-797,283,283,283,283,283,-831,283,283,-806,283,-832,283,283,283,283,-798,283,-853,-799,283,283,283,283,283,283,-854,-855,283,-834,-830,-835,283,-625,283,-626,-627,-628,-629,-574,283,283,-630,-631,-632,283,283,283,283,283,283,-635,-636,-637,-592,-1894,-602,283,-638,-639,-713,-640,-604,283,-572,-577,-580,-583,283,283,283,-598,-601,283,-608,283,283,283,283,283,283,283,283,283,283,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,283,283,283,-995,283,283,283,283,283,283,-306,-325,-319,-296,-375,-452,-453,-454,-458,283,-443,283,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,283,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,283,283,283,283,283,283,283,283,283,-316,-535,-508,-591,-937,-939,-940,-438,283,-440,-380,-381,-383,-507,-509,-511,283,-513,-514,-519,-520,283,-532,-534,-537,-538,-543,-548,-726,283,-727,283,-732,283,-734,283,-739,-656,-660,-661,283,-666,283,-667,283,-672,-674,283,-677,283,283,283,-687,-689,283,-692,283,283,-744,283,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,283,283,283,283,283,-877,283,-880,-908,-920,-925,-388,-389,283,-394,283,-397,283,-402,283,-403,283,-408,283,-413,283,-417,283,-418,283,-423,283,-426,-899,-900,-643,-585,-1894,-901,283,283,283,-800,283,283,-804,283,-807,-833,283,-818,283,-820,283,-822,-808,283,-824,283,-851,-852,283,283,-811,283,-646,-902,-904,-648,-649,-645,283,-705,-706,283,-642,-903,-647,-650,-603,-714,283,283,-605,-586,283,283,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,283,283,-709,-710,283,-716,283,283,283,283,283,283,-938,283,-439,-441,-747,283,-891,283,-715,-1894,283,283,283,283,283,-442,-512,-523,283,-728,-733,283,-735,283,-740,283,-662,-668,283,-678,-680,-682,-683,-690,-693,-697,-745,283,283,-874,283,283,-878,283,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,283,-812,283,-814,-801,283,-802,-805,283,-816,-819,-821,-823,-825,283,-826,283,-809,283,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,283,-282,283,283,283,283,-455,283,283,-729,283,-736,283,-741,283,-663,-671,283,283,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,283,-836,-53,283,283,-730,283,-737,283,-742,-664,283,-873,-54,283,283,-731,-738,-743,283,283,283,-872,]),'GET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[284,284,284,284,-1894,284,284,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,284,284,284,284,-275,-276,284,-1425,284,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,284,284,284,-490,284,284,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,284,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,284,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,284,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,284,-172,-173,-174,-175,-993,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-290,-291,-281,284,284,284,284,284,-328,-318,-332,-333,-334,284,284,-982,-983,-984,-985,-986,-987,-988,284,284,284,284,284,284,284,284,284,284,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,284,284,284,-353,-356,284,-323,-324,-141,284,-142,284,-143,284,-430,-935,-936,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-1894,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-1894,284,-1894,284,284,284,284,284,284,284,284,284,284,284,284,-1894,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,284,-1894,284,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,284,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,284,284,284,-191,-192,284,-994,284,284,284,284,284,-277,-278,-279,-280,-365,284,-308,284,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,284,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,284,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,284,284,284,284,284,284,-573,284,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,284,284,-723,-724,-725,284,284,284,284,284,284,-994,284,284,-91,-92,284,284,284,284,-309,-310,-320,284,-307,-293,-294,-295,284,284,284,284,-618,-633,-590,284,284,-436,284,-437,284,-444,-445,-446,-378,-379,284,284,284,-506,284,284,-510,284,284,284,284,-515,-516,-517,-518,284,284,-521,-522,284,-524,-525,-526,-527,-528,-529,-530,-531,284,-533,284,284,284,-539,-541,-542,284,-544,-545,-546,-547,284,284,284,284,284,284,-652,-653,-654,-655,284,-657,-658,-659,284,284,284,-665,284,284,-669,-670,284,284,-673,284,-675,-676,284,-679,284,-681,284,284,-684,-685,-686,284,-688,284,284,-691,284,284,-694,-695,-696,284,-698,-699,-700,-701,284,284,-746,284,-749,-750,-751,-752,-753,284,-755,-756,-757,-758,-759,284,-766,-767,-769,284,-771,-772,-773,-782,-856,-858,-860,-862,284,284,284,284,-868,284,-870,284,284,284,284,284,284,284,-906,-907,284,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,284,-921,-924,284,-934,284,-385,-386,-387,284,284,-390,-391,-392,-393,284,-396,284,-399,-400,284,-401,284,-406,-407,284,-410,-411,-412,284,-415,284,-416,284,-421,-422,284,-425,284,-428,-429,-1894,-1894,284,-619,-620,-621,-622,-623,-634,-584,-624,-797,284,284,284,284,284,-831,284,284,-806,284,-832,284,284,284,284,-798,284,-853,-799,284,284,284,284,284,284,-854,-855,284,-834,-830,-835,284,-625,284,-626,-627,-628,-629,-574,284,284,-630,-631,-632,284,284,284,284,284,284,-635,-636,-637,-592,-1894,-602,284,-638,-639,-713,-640,-604,284,-572,-577,-580,-583,284,284,284,-598,-601,284,-608,284,284,284,284,284,284,284,284,284,284,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,284,284,284,-995,284,284,284,284,284,284,-306,-325,-319,-296,-375,-452,-453,-454,-458,284,-443,284,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,284,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,284,284,284,284,284,284,284,284,284,-316,-535,-508,-591,-937,-939,-940,-438,284,-440,-380,-381,-383,-507,-509,-511,284,-513,-514,-519,-520,284,-532,-534,-537,-538,-543,-548,-726,284,-727,284,-732,284,-734,284,-739,-656,-660,-661,284,-666,284,-667,284,-672,-674,284,-677,284,284,284,-687,-689,284,-692,284,284,-744,284,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,284,284,284,284,284,-877,284,-880,-908,-920,-925,-388,-389,284,-394,284,-397,284,-402,284,-403,284,-408,284,-413,284,-417,284,-418,284,-423,284,-426,-899,-900,-643,-585,-1894,-901,284,284,284,-800,284,284,-804,284,-807,-833,284,-818,284,-820,284,-822,-808,284,-824,284,-851,-852,284,284,-811,284,-646,-902,-904,-648,-649,-645,284,-705,-706,284,-642,-903,-647,-650,-603,-714,284,284,-605,-586,284,284,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,284,284,-709,-710,284,-716,284,284,284,284,284,284,-938,284,-439,-441,-747,284,-891,284,-715,-1894,284,284,284,284,284,-442,-512,-523,284,-728,-733,284,-735,284,-740,284,-662,-668,284,-678,-680,-682,-683,-690,-693,-697,-745,284,284,-874,284,284,-878,284,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,284,-812,284,-814,-801,284,-802,-805,284,-816,-819,-821,-823,-825,284,-826,284,-809,284,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,284,-282,284,284,284,284,-455,284,284,-729,284,-736,284,-741,284,-663,-671,284,284,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,284,-836,-53,284,284,-730,284,-737,284,-742,-664,284,-873,-54,284,284,-731,-738,-743,284,284,284,-872,]),'GET_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[285,285,285,1146,-1894,285,285,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,285,285,285,285,-275,-276,1146,-1425,1146,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1146,1146,1146,-490,1146,1146,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1146,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1146,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1870,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,285,-172,-173,-174,-175,-993,285,285,285,285,285,285,285,285,285,285,1146,1146,1146,1146,1146,-290,-291,-281,285,1146,1146,1146,1146,-328,-318,-332,-333,-334,1146,1146,-982,-983,-984,-985,-986,-987,-988,285,285,1146,1146,1146,1146,1146,1146,1146,1146,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1146,1146,1146,-353,-356,285,-323,-324,-141,1146,-142,1146,-143,1146,-430,-935,-936,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1894,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1894,1146,-1894,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1894,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-1894,285,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1146,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1146,285,285,-191,-192,285,-994,1146,285,285,285,285,-277,-278,-279,-280,-365,1146,-308,1146,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1146,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1146,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1146,1146,1146,1146,1146,1146,-573,1146,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1146,1146,-723,-724,-725,1146,1870,285,285,285,285,-994,285,1146,-91,-92,285,285,285,1146,-309,-310,-320,1146,-307,-293,-294,-295,1146,285,1146,1146,-618,-633,-590,1146,285,-436,285,-437,1146,-444,-445,-446,-378,-379,1146,1146,1146,-506,1146,1146,-510,1146,1146,1146,1146,-515,-516,-517,-518,1146,1146,-521,-522,1146,-524,-525,-526,-527,-528,-529,-530,-531,1146,-533,1146,1146,1146,-539,-541,-542,1146,-544,-545,-546,-547,1146,1146,1146,1146,1146,1146,-652,-653,-654,-655,285,-657,-658,-659,1146,1146,1146,-665,1146,1146,-669,-670,1146,1146,-673,1146,-675,-676,1146,-679,1146,-681,1146,1146,-684,-685,-686,1146,-688,1146,1146,-691,1146,1146,-694,-695,-696,1146,-698,-699,-700,-701,1146,1146,-746,1146,-749,-750,-751,-752,-753,1146,-755,-756,-757,-758,-759,1146,-766,-767,-769,1146,-771,-772,-773,-782,-856,-858,-860,-862,1146,1146,1146,1146,-868,1146,-870,1146,1146,1146,1146,1146,1146,1146,-906,-907,1146,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1146,-921,-924,1146,-934,1146,-385,-386,-387,1146,1146,-390,-391,-392,-393,1146,-396,1146,-399,-400,1146,-401,1146,-406,-407,1146,-410,-411,-412,1146,-415,1146,-416,1146,-421,-422,1146,-425,1146,-428,-429,-1894,-1894,1146,-619,-620,-621,-622,-623,-634,-584,-624,-797,1146,1146,1146,1146,1146,-831,1146,1146,-806,1146,-832,1146,1146,1146,1146,-798,1146,-853,-799,1146,1146,1146,1146,1146,1146,-854,-855,1146,-834,-830,-835,1146,-625,1146,-626,-627,-628,-629,-574,1146,1146,-630,-631,-632,1146,1146,1146,1146,1146,1146,-635,-636,-637,-592,-1894,-602,1146,-638,-639,-713,-640,-604,1146,-572,-577,-580,-583,1146,1146,1146,-598,-601,1146,-608,1146,1146,1146,1146,1146,1146,1146,1146,1146,1146,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1146,285,285,-995,285,1146,285,285,285,1146,-306,-325,-319,-296,-375,-452,-453,-454,-458,285,-443,1146,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1146,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,285,285,285,285,285,285,285,285,1146,-316,-535,-508,-591,-937,-939,-940,-438,1146,-440,-380,-381,-383,-507,-509,-511,1146,-513,-514,-519,-520,1146,-532,-534,-537,-538,-543,-548,-726,1146,-727,1146,-732,1146,-734,1146,-739,-656,-660,-661,1146,-666,1146,-667,1146,-672,-674,1146,-677,1146,1146,1146,-687,-689,1146,-692,1146,1146,-744,1146,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1146,1146,1146,1146,1146,-877,1146,-880,-908,-920,-925,-388,-389,1146,-394,1146,-397,1146,-402,1146,-403,1146,-408,1146,-413,1146,-417,1146,-418,1146,-423,1146,-426,-899,-900,-643,-585,-1894,-901,1146,1146,1146,-800,1146,1146,-804,1146,-807,-833,1146,-818,1146,-820,1146,-822,-808,1146,-824,1146,-851,-852,1146,1146,-811,1146,-646,-902,-904,-648,-649,-645,1146,-705,-706,1146,-642,-903,-647,-650,-603,-714,1146,1146,-605,-586,1146,1146,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1146,1146,-709,-710,1146,-716,1146,285,285,285,1146,1146,-938,285,-439,-441,-747,1146,-891,1870,-715,-1894,1146,1146,285,285,1146,-442,-512,-523,1146,-728,-733,1146,-735,1146,-740,1146,-662,-668,1146,-678,-680,-682,-683,-690,-693,-697,-745,1146,1146,-874,1146,1146,-878,1146,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1146,-812,1146,-814,-801,1146,-802,-805,1146,-816,-819,-821,-823,-825,1146,-826,1146,-809,1146,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,285,-282,285,1146,285,1146,-455,1146,1146,-729,1146,-736,1146,-741,1146,-663,-671,1146,1146,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1146,-836,-53,285,1146,-730,1146,-737,1146,-742,-664,1146,-873,-54,285,285,-731,-738,-743,1146,285,1146,-872,]),'GLOBAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[286,286,286,286,-1894,286,286,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,286,286,286,286,-275,-276,286,-1425,286,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,286,286,286,-490,286,286,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,286,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,286,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,286,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,286,-172,-173,-174,-175,-993,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-290,-291,-281,286,286,286,286,286,-328,-318,-332,-333,-334,286,286,-982,-983,-984,-985,-986,-987,-988,286,286,286,286,286,286,286,286,286,286,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,286,286,286,-353,-356,286,-323,-324,-141,286,-142,286,-143,286,-430,-935,-936,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-1894,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-1894,286,-1894,286,286,286,286,286,286,286,286,286,286,286,286,-1894,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,286,-1894,286,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,286,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,286,286,286,-191,-192,286,-994,286,286,286,286,286,-277,-278,-279,-280,-365,286,-308,286,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,286,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,286,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,286,286,286,286,286,286,-573,286,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,286,286,-723,-724,-725,286,286,286,286,286,286,-994,286,286,-91,-92,286,286,286,286,-309,-310,-320,286,-307,-293,-294,-295,286,286,286,286,-618,-633,-590,286,286,-436,286,-437,286,-444,-445,-446,-378,-379,286,286,286,-506,286,286,-510,286,286,286,286,-515,-516,-517,-518,286,286,-521,-522,286,-524,-525,-526,-527,-528,-529,-530,-531,286,-533,286,286,286,-539,-541,-542,286,-544,-545,-546,-547,286,286,286,286,286,286,-652,-653,-654,-655,286,-657,-658,-659,286,286,286,-665,286,286,-669,-670,286,286,-673,286,-675,-676,286,-679,286,-681,286,286,-684,-685,-686,286,-688,286,286,-691,286,286,-694,-695,-696,286,-698,-699,-700,-701,286,286,-746,286,-749,-750,-751,-752,-753,286,-755,-756,-757,-758,-759,286,-766,-767,-769,286,-771,-772,-773,-782,-856,-858,-860,-862,286,286,286,286,-868,286,-870,286,286,286,286,286,286,286,-906,-907,286,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,286,-921,-924,286,-934,286,-385,-386,-387,286,286,-390,-391,-392,-393,286,-396,286,-399,-400,286,-401,286,-406,-407,286,-410,-411,-412,286,-415,286,-416,286,-421,-422,286,-425,286,-428,-429,-1894,-1894,286,-619,-620,-621,-622,-623,-634,-584,-624,-797,286,286,286,286,286,-831,286,286,-806,286,-832,286,286,286,286,-798,286,-853,-799,286,286,286,286,286,286,-854,-855,286,-834,-830,-835,286,-625,286,-626,-627,-628,-629,-574,286,286,-630,-631,-632,286,286,286,286,286,286,-635,-636,-637,-592,-1894,-602,286,-638,-639,-713,-640,-604,286,-572,-577,-580,-583,286,286,286,-598,-601,286,-608,286,286,286,286,286,286,286,286,286,286,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,286,286,286,-995,286,286,286,286,286,286,-306,-325,-319,-296,-375,-452,-453,-454,-458,286,-443,286,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,286,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,286,286,286,286,286,286,286,286,286,-316,-535,-508,-591,-937,-939,-940,-438,286,-440,-380,-381,-383,-507,-509,-511,286,-513,-514,-519,-520,286,-532,-534,-537,-538,-543,-548,-726,286,-727,286,-732,286,-734,286,-739,-656,-660,-661,286,-666,286,-667,286,-672,-674,286,-677,286,286,286,-687,-689,286,-692,286,286,-744,286,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,286,286,286,286,286,-877,286,-880,-908,-920,-925,-388,-389,286,-394,286,-397,286,-402,286,-403,286,-408,286,-413,286,-417,286,-418,286,-423,286,-426,-899,-900,-643,-585,-1894,-901,286,286,286,-800,286,286,-804,286,-807,-833,286,-818,286,-820,286,-822,-808,286,-824,286,-851,-852,286,286,-811,286,-646,-902,-904,-648,-649,-645,286,-705,-706,286,-642,-903,-647,-650,-603,-714,286,286,-605,-586,286,286,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,286,286,-709,-710,286,-716,286,286,286,286,286,286,-938,286,-439,-441,-747,286,-891,286,-715,-1894,286,286,286,286,286,-442,-512,-523,286,-728,-733,286,-735,286,-740,286,-662,-668,286,-678,-680,-682,-683,-690,-693,-697,-745,286,286,-874,286,286,-878,286,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,286,-812,286,-814,-801,286,-802,-805,286,-816,-819,-821,-823,-825,286,-826,286,-809,286,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,286,-282,286,286,286,286,-455,286,286,-729,286,-736,286,-741,286,-663,-671,286,286,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,286,-836,-53,286,286,-730,286,-737,286,-742,-664,286,-873,-54,286,286,-731,-738,-743,286,286,286,-872,]),'GLOBAL_ALIAS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[287,287,287,287,-1894,287,287,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,287,287,287,287,-275,-276,287,-1425,287,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,287,287,287,-490,287,287,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,287,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,287,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,287,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,287,-172,-173,-174,-175,-993,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-290,-291,-281,287,287,287,287,287,-328,-318,-332,-333,-334,287,287,-982,-983,-984,-985,-986,-987,-988,287,287,287,287,287,287,287,287,287,287,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,287,287,287,-353,-356,287,-323,-324,-141,287,-142,287,-143,287,-430,-935,-936,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-1894,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-1894,287,-1894,287,287,287,287,287,287,287,287,287,287,287,287,-1894,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,287,-1894,287,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,287,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,287,287,287,-191,-192,287,-994,287,287,287,287,287,-277,-278,-279,-280,-365,287,-308,287,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,287,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,287,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,287,287,287,287,287,287,-573,287,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,287,287,-723,-724,-725,287,287,287,287,287,287,-994,287,287,-91,-92,287,287,287,287,-309,-310,-320,287,-307,-293,-294,-295,287,287,287,287,-618,-633,-590,287,287,-436,287,-437,287,-444,-445,-446,-378,-379,287,287,287,-506,287,287,-510,287,287,287,287,-515,-516,-517,-518,287,287,-521,-522,287,-524,-525,-526,-527,-528,-529,-530,-531,287,-533,287,287,287,-539,-541,-542,287,-544,-545,-546,-547,287,287,287,287,287,287,-652,-653,-654,-655,287,-657,-658,-659,287,287,287,-665,287,287,-669,-670,287,287,-673,287,-675,-676,287,-679,287,-681,287,287,-684,-685,-686,287,-688,287,287,-691,287,287,-694,-695,-696,287,-698,-699,-700,-701,287,287,-746,287,-749,-750,-751,-752,-753,287,-755,-756,-757,-758,-759,287,-766,-767,-769,287,-771,-772,-773,-782,-856,-858,-860,-862,287,287,287,287,-868,287,-870,287,287,287,287,287,287,287,-906,-907,287,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,287,-921,-924,287,-934,287,-385,-386,-387,287,287,-390,-391,-392,-393,287,-396,287,-399,-400,287,-401,287,-406,-407,287,-410,-411,-412,287,-415,287,-416,287,-421,-422,287,-425,287,-428,-429,-1894,-1894,287,-619,-620,-621,-622,-623,-634,-584,-624,-797,287,287,287,287,287,-831,287,287,-806,287,-832,287,287,287,287,-798,287,-853,-799,287,287,287,287,287,287,-854,-855,287,-834,-830,-835,287,-625,287,-626,-627,-628,-629,-574,287,287,-630,-631,-632,287,287,287,287,287,287,-635,-636,-637,-592,-1894,-602,287,-638,-639,-713,-640,-604,287,-572,-577,-580,-583,287,287,287,-598,-601,287,-608,287,287,287,287,287,287,287,287,287,287,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,287,287,287,-995,287,287,287,287,287,287,-306,-325,-319,-296,-375,-452,-453,-454,-458,287,-443,287,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,287,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,287,287,287,287,287,287,287,287,287,-316,-535,-508,-591,-937,-939,-940,-438,287,-440,-380,-381,-383,-507,-509,-511,287,-513,-514,-519,-520,287,-532,-534,-537,-538,-543,-548,-726,287,-727,287,-732,287,-734,287,-739,-656,-660,-661,287,-666,287,-667,287,-672,-674,287,-677,287,287,287,-687,-689,287,-692,287,287,-744,287,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,287,287,287,287,287,-877,287,-880,-908,-920,-925,-388,-389,287,-394,287,-397,287,-402,287,-403,287,-408,287,-413,287,-417,287,-418,287,-423,287,-426,-899,-900,-643,-585,-1894,-901,287,287,287,-800,287,287,-804,287,-807,-833,287,-818,287,-820,287,-822,-808,287,-824,287,-851,-852,287,287,-811,287,-646,-902,-904,-648,-649,-645,287,-705,-706,287,-642,-903,-647,-650,-603,-714,287,287,-605,-586,287,287,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,287,287,-709,-710,287,-716,287,287,287,287,287,287,-938,287,-439,-441,-747,287,-891,287,-715,-1894,287,287,287,287,287,-442,-512,-523,287,-728,-733,287,-735,287,-740,287,-662,-668,287,-678,-680,-682,-683,-690,-693,-697,-745,287,287,-874,287,287,-878,287,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,287,-812,287,-814,-801,287,-802,-805,287,-816,-819,-821,-823,-825,287,-826,287,-809,287,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,287,-282,287,287,287,287,-455,287,287,-729,287,-736,287,-741,287,-663,-671,287,287,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,287,-836,-53,287,287,-730,287,-737,287,-742,-664,287,-873,-54,287,287,-731,-738,-743,287,287,287,-872,]),'GLOBAL_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[288,288,288,288,-1894,288,288,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,288,288,288,288,-275,-276,288,-1425,288,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,288,288,288,-490,288,288,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,288,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,288,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,288,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,288,-172,-173,-174,-175,-993,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-290,-291,-281,288,288,288,288,288,-328,-318,-332,-333,-334,288,288,-982,-983,-984,-985,-986,-987,-988,288,288,288,288,288,288,288,288,288,288,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,288,288,288,-353,-356,288,-323,-324,-141,288,-142,288,-143,288,-430,-935,-936,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-1894,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-1894,288,-1894,288,288,288,288,288,288,288,288,288,288,288,288,-1894,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,288,-1894,288,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,288,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,288,288,288,-191,-192,288,-994,288,288,288,288,288,-277,-278,-279,-280,-365,288,-308,288,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,288,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,288,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,288,288,288,288,288,288,-573,288,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,288,288,-723,-724,-725,288,288,288,288,288,288,-994,288,288,-91,-92,288,288,288,288,-309,-310,-320,288,-307,-293,-294,-295,288,288,288,288,-618,-633,-590,288,288,-436,288,-437,288,-444,-445,-446,-378,-379,288,288,288,-506,288,288,-510,288,288,288,288,-515,-516,-517,-518,288,288,-521,-522,288,-524,-525,-526,-527,-528,-529,-530,-531,288,-533,288,288,288,-539,-541,-542,288,-544,-545,-546,-547,288,288,288,288,288,288,-652,-653,-654,-655,288,-657,-658,-659,288,288,288,-665,288,288,-669,-670,288,288,-673,288,-675,-676,288,-679,288,-681,288,288,-684,-685,-686,288,-688,288,288,-691,288,288,-694,-695,-696,288,-698,-699,-700,-701,288,288,-746,288,-749,-750,-751,-752,-753,288,-755,-756,-757,-758,-759,288,-766,-767,-769,288,-771,-772,-773,-782,-856,-858,-860,-862,288,288,288,288,-868,288,-870,288,288,288,288,288,288,288,-906,-907,288,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,288,-921,-924,288,-934,288,-385,-386,-387,288,288,-390,-391,-392,-393,288,-396,288,-399,-400,288,-401,288,-406,-407,288,-410,-411,-412,288,-415,288,-416,288,-421,-422,288,-425,288,-428,-429,-1894,-1894,288,-619,-620,-621,-622,-623,-634,-584,-624,-797,288,288,288,288,288,-831,288,288,-806,288,-832,288,288,288,288,-798,288,-853,-799,288,288,288,288,288,288,-854,-855,288,-834,-830,-835,288,-625,288,-626,-627,-628,-629,-574,288,288,-630,-631,-632,288,288,288,288,288,288,-635,-636,-637,-592,-1894,-602,288,-638,-639,-713,-640,-604,288,-572,-577,-580,-583,288,288,288,-598,-601,288,-608,288,288,288,288,288,288,288,288,288,288,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,288,288,288,-995,288,288,288,288,288,288,-306,-325,-319,-296,-375,-452,-453,-454,-458,288,-443,288,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,288,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,288,288,288,288,288,288,288,288,288,-316,-535,-508,-591,-937,-939,-940,-438,288,-440,-380,-381,-383,-507,-509,-511,288,-513,-514,-519,-520,288,-532,-534,-537,-538,-543,-548,-726,288,-727,288,-732,288,-734,288,-739,-656,-660,-661,288,-666,288,-667,288,-672,-674,288,-677,288,288,288,-687,-689,288,-692,288,288,-744,288,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,288,288,288,288,288,-877,288,-880,-908,-920,-925,-388,-389,288,-394,288,-397,288,-402,288,-403,288,-408,288,-413,288,-417,288,-418,288,-423,288,-426,-899,-900,-643,-585,-1894,-901,288,288,288,-800,288,288,-804,288,-807,-833,288,-818,288,-820,288,-822,-808,288,-824,288,-851,-852,288,288,-811,288,-646,-902,-904,-648,-649,-645,288,-705,-706,288,-642,-903,-647,-650,-603,-714,288,288,-605,-586,288,288,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,288,288,-709,-710,288,-716,288,288,288,288,288,288,-938,288,-439,-441,-747,288,-891,288,-715,-1894,288,288,288,288,288,-442,-512,-523,288,-728,-733,288,-735,288,-740,288,-662,-668,288,-678,-680,-682,-683,-690,-693,-697,-745,288,288,-874,288,288,-878,288,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,288,-812,288,-814,-801,288,-802,-805,288,-816,-819,-821,-823,-825,288,-826,288,-809,288,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,288,-282,288,288,288,288,-455,288,288,-729,288,-736,288,-741,288,-663,-671,288,288,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,288,-836,-53,288,288,-730,288,-737,288,-742,-664,288,-873,-54,288,288,-731,-738,-743,288,288,288,-872,]),'GRANTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[289,289,289,289,-1894,289,289,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,289,289,289,289,-275,-276,289,-1425,289,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,289,289,289,-490,289,289,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,289,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,289,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,289,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,289,-172,-173,-174,-175,-993,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-290,-291,-281,289,289,289,289,289,-328,-318,-332,-333,-334,289,289,-982,-983,-984,-985,-986,-987,-988,289,289,289,289,289,289,289,289,289,289,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,289,289,289,-353,-356,289,-323,-324,-141,289,-142,289,-143,289,-430,-935,-936,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-1894,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-1894,289,-1894,289,289,289,289,289,289,289,289,289,289,289,289,-1894,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,289,-1894,289,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,289,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,289,289,289,-191,-192,289,-994,289,289,289,289,289,-277,-278,-279,-280,-365,289,-308,289,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,289,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,289,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,289,289,289,289,289,289,-573,289,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,289,289,-723,-724,-725,289,289,289,289,289,289,-994,289,289,-91,-92,289,289,289,289,-309,-310,-320,289,-307,-293,-294,-295,289,289,289,289,-618,-633,-590,289,289,-436,289,-437,289,-444,-445,-446,-378,-379,289,289,289,-506,289,289,-510,289,289,289,289,-515,-516,-517,-518,289,289,-521,-522,289,-524,-525,-526,-527,-528,-529,-530,-531,289,-533,289,289,289,-539,-541,-542,289,-544,-545,-546,-547,289,289,289,289,289,289,-652,-653,-654,-655,289,-657,-658,-659,289,289,289,-665,289,289,-669,-670,289,289,-673,289,-675,-676,289,-679,289,-681,289,289,-684,-685,-686,289,-688,289,289,-691,289,289,-694,-695,-696,289,-698,-699,-700,-701,289,289,-746,289,-749,-750,-751,-752,-753,289,-755,-756,-757,-758,-759,289,-766,-767,-769,289,-771,-772,-773,-782,-856,-858,-860,-862,289,289,289,289,-868,289,-870,289,289,289,289,289,289,289,-906,-907,289,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,289,-921,-924,289,-934,289,-385,-386,-387,289,289,-390,-391,-392,-393,289,-396,289,-399,-400,289,-401,289,-406,-407,289,-410,-411,-412,289,-415,289,-416,289,-421,-422,289,-425,289,-428,-429,-1894,-1894,289,-619,-620,-621,-622,-623,-634,-584,-624,-797,289,289,289,289,289,-831,289,289,-806,289,-832,289,289,289,289,-798,289,-853,-799,289,289,289,289,289,289,-854,-855,289,-834,-830,-835,289,-625,289,-626,-627,-628,-629,-574,289,289,-630,-631,-632,289,289,289,289,289,289,-635,-636,-637,-592,-1894,-602,289,-638,-639,-713,-640,-604,289,-572,-577,-580,-583,289,289,289,-598,-601,289,-608,289,289,289,289,289,289,289,289,289,289,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,289,289,289,-995,289,289,289,289,289,289,-306,-325,-319,-296,-375,-452,-453,-454,-458,289,-443,289,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,289,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,289,289,289,289,289,289,289,289,289,-316,-535,-508,-591,-937,-939,-940,-438,289,-440,-380,-381,-383,-507,-509,-511,289,-513,-514,-519,-520,289,-532,-534,-537,-538,-543,-548,-726,289,-727,289,-732,289,-734,289,-739,-656,-660,-661,289,-666,289,-667,289,-672,-674,289,-677,289,289,289,-687,-689,289,-692,289,289,-744,289,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,289,289,289,289,289,-877,289,-880,-908,-920,-925,-388,-389,289,-394,289,-397,289,-402,289,-403,289,-408,289,-413,289,-417,289,-418,289,-423,289,-426,-899,-900,-643,-585,-1894,-901,289,289,289,-800,289,289,-804,289,-807,-833,289,-818,289,-820,289,-822,-808,289,-824,289,-851,-852,289,289,-811,289,-646,-902,-904,-648,-649,-645,289,-705,-706,289,-642,-903,-647,-650,-603,-714,289,289,-605,-586,289,289,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,289,289,-709,-710,289,-716,289,289,289,289,289,289,-938,289,-439,-441,-747,289,-891,289,-715,-1894,289,289,289,289,289,-442,-512,-523,289,-728,-733,289,-735,289,-740,289,-662,-668,289,-678,-680,-682,-683,-690,-693,-697,-745,289,289,-874,289,289,-878,289,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,289,-812,289,-814,-801,289,-802,-805,289,-816,-819,-821,-823,-825,289,-826,289,-809,289,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,289,-282,289,289,289,289,-455,289,289,-729,289,-736,289,-741,289,-663,-671,289,289,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,289,-836,-53,289,289,-730,289,-737,289,-742,-664,289,-873,-54,289,289,-731,-738,-743,289,289,289,-872,]),'GREATEST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[290,290,290,1043,-1894,290,290,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,290,290,290,290,-275,-276,1043,-1425,1043,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1043,1043,1043,-490,1043,1043,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1043,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1043,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1871,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,290,-172,-173,-174,-175,-993,290,290,290,290,290,290,290,290,290,290,1043,1043,1043,1043,1043,-290,-291,-281,290,1043,1043,1043,1043,-328,-318,-332,-333,-334,1043,1043,-982,-983,-984,-985,-986,-987,-988,290,290,1043,1043,1043,1043,1043,1043,1043,1043,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1043,1043,1043,-353,-356,290,-323,-324,-141,1043,-142,1043,-143,1043,-430,-935,-936,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1894,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1894,1043,-1894,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1894,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-1894,290,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1043,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1043,290,290,-191,-192,290,-994,1043,290,290,290,290,-277,-278,-279,-280,-365,1043,-308,1043,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1043,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1043,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1043,1043,1043,1043,1043,1043,-573,1043,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1043,1043,-723,-724,-725,1043,1871,290,290,290,290,-994,290,1043,-91,-92,290,290,290,1043,-309,-310,-320,1043,-307,-293,-294,-295,1043,290,1043,1043,-618,-633,-590,1043,290,-436,290,-437,1043,-444,-445,-446,-378,-379,1043,1043,1043,-506,1043,1043,-510,1043,1043,1043,1043,-515,-516,-517,-518,1043,1043,-521,-522,1043,-524,-525,-526,-527,-528,-529,-530,-531,1043,-533,1043,1043,1043,-539,-541,-542,1043,-544,-545,-546,-547,1043,1043,1043,1043,1043,1043,-652,-653,-654,-655,290,-657,-658,-659,1043,1043,1043,-665,1043,1043,-669,-670,1043,1043,-673,1043,-675,-676,1043,-679,1043,-681,1043,1043,-684,-685,-686,1043,-688,1043,1043,-691,1043,1043,-694,-695,-696,1043,-698,-699,-700,-701,1043,1043,-746,1043,-749,-750,-751,-752,-753,1043,-755,-756,-757,-758,-759,1043,-766,-767,-769,1043,-771,-772,-773,-782,-856,-858,-860,-862,1043,1043,1043,1043,-868,1043,-870,1043,1043,1043,1043,1043,1043,1043,-906,-907,1043,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1043,-921,-924,1043,-934,1043,-385,-386,-387,1043,1043,-390,-391,-392,-393,1043,-396,1043,-399,-400,1043,-401,1043,-406,-407,1043,-410,-411,-412,1043,-415,1043,-416,1043,-421,-422,1043,-425,1043,-428,-429,-1894,-1894,1043,-619,-620,-621,-622,-623,-634,-584,-624,-797,1043,1043,1043,1043,1043,-831,1043,1043,-806,1043,-832,1043,1043,1043,1043,-798,1043,-853,-799,1043,1043,1043,1043,1043,1043,-854,-855,1043,-834,-830,-835,1043,-625,1043,-626,-627,-628,-629,-574,1043,1043,-630,-631,-632,1043,1043,1043,1043,1043,1043,-635,-636,-637,-592,-1894,-602,1043,-638,-639,-713,-640,-604,1043,-572,-577,-580,-583,1043,1043,1043,-598,-601,1043,-608,1043,1043,1043,1043,1043,1043,1043,1043,1043,1043,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1043,290,290,-995,290,1043,290,290,290,1043,-306,-325,-319,-296,-375,-452,-453,-454,-458,290,-443,1043,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1043,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,290,290,290,290,290,290,290,290,1043,-316,-535,-508,-591,-937,-939,-940,-438,1043,-440,-380,-381,-383,-507,-509,-511,1043,-513,-514,-519,-520,1043,-532,-534,-537,-538,-543,-548,-726,1043,-727,1043,-732,1043,-734,1043,-739,-656,-660,-661,1043,-666,1043,-667,1043,-672,-674,1043,-677,1043,1043,1043,-687,-689,1043,-692,1043,1043,-744,1043,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1043,1043,1043,1043,1043,-877,1043,-880,-908,-920,-925,-388,-389,1043,-394,1043,-397,1043,-402,1043,-403,1043,-408,1043,-413,1043,-417,1043,-418,1043,-423,1043,-426,-899,-900,-643,-585,-1894,-901,1043,1043,1043,-800,1043,1043,-804,1043,-807,-833,1043,-818,1043,-820,1043,-822,-808,1043,-824,1043,-851,-852,1043,1043,-811,1043,-646,-902,-904,-648,-649,-645,1043,-705,-706,1043,-642,-903,-647,-650,-603,-714,1043,1043,-605,-586,1043,1043,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1043,1043,-709,-710,1043,-716,1043,290,290,290,1043,1043,-938,290,-439,-441,-747,1043,-891,1871,-715,-1894,1043,1043,290,290,1043,-442,-512,-523,1043,-728,-733,1043,-735,1043,-740,1043,-662,-668,1043,-678,-680,-682,-683,-690,-693,-697,-745,1043,1043,-874,1043,1043,-878,1043,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1043,-812,1043,-814,-801,1043,-802,-805,1043,-816,-819,-821,-823,-825,1043,-826,1043,-809,1043,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,290,-282,290,1043,290,1043,-455,1043,1043,-729,1043,-736,1043,-741,1043,-663,-671,1043,1043,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1043,-836,-53,290,1043,-730,1043,-737,1043,-742,-664,1043,-873,-54,290,290,-731,-738,-743,1043,290,1043,-872,]),'GROUPING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[291,291,291,1203,-1894,291,291,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,291,291,291,291,-275,-276,1203,-1425,1203,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1203,1203,1203,-490,1203,1203,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1203,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1203,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1872,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,291,-172,-173,-174,-175,-993,291,291,291,291,291,291,291,291,291,291,1203,1203,1203,1203,1203,-290,-291,-281,291,1203,1203,1203,1203,-328,-318,-332,-333,-334,1203,1203,-982,-983,-984,-985,-986,-987,-988,291,291,1203,1203,1203,1203,1203,1203,1203,1203,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1203,1203,1203,-353,-356,291,-323,-324,-141,1203,-142,1203,-143,1203,-430,-935,-936,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1894,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1894,1203,-1894,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1894,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-1894,291,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1203,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1203,291,291,-191,-192,291,-994,1203,291,291,291,291,-277,-278,-279,-280,-365,1203,-308,1203,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1203,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1203,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1203,1203,1203,1203,1203,1203,-573,1203,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1203,1203,-723,-724,-725,1203,1872,291,291,291,291,-994,291,1203,-91,-92,291,291,291,1203,-309,-310,-320,1203,-307,-293,-294,-295,1203,291,1203,1203,-618,-633,-590,1203,291,-436,291,-437,1203,-444,-445,-446,-378,-379,1203,1203,1203,-506,1203,1203,-510,1203,1203,1203,1203,-515,-516,-517,-518,1203,1203,-521,-522,1203,-524,-525,-526,-527,-528,-529,-530,-531,1203,-533,1203,1203,1203,-539,-541,-542,1203,-544,-545,-546,-547,1203,1203,1203,1203,1203,1203,-652,-653,-654,-655,291,-657,-658,-659,1203,1203,1203,-665,1203,1203,-669,-670,1203,1203,-673,1203,-675,-676,1203,-679,1203,-681,1203,1203,-684,-685,-686,1203,-688,1203,1203,-691,1203,1203,-694,-695,-696,1203,-698,-699,-700,-701,1203,1203,-746,1203,-749,-750,-751,-752,-753,1203,-755,-756,-757,-758,-759,1203,-766,-767,-769,1203,-771,-772,-773,-782,-856,-858,-860,-862,1203,1203,1203,1203,-868,1203,-870,1203,1203,1203,1203,1203,1203,1203,-906,-907,1203,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1203,-921,-924,1203,-934,1203,-385,-386,-387,1203,1203,-390,-391,-392,-393,1203,-396,1203,-399,-400,1203,-401,1203,-406,-407,1203,-410,-411,-412,1203,-415,1203,-416,1203,-421,-422,1203,-425,1203,-428,-429,-1894,-1894,1203,-619,-620,-621,-622,-623,-634,-584,-624,-797,1203,1203,1203,1203,1203,-831,1203,1203,-806,1203,-832,1203,1203,1203,1203,-798,1203,-853,-799,1203,1203,1203,1203,1203,1203,-854,-855,1203,-834,-830,-835,1203,-625,1203,-626,-627,-628,-629,-574,1203,1203,-630,-631,-632,1203,1203,1203,1203,1203,1203,-635,-636,-637,-592,-1894,-602,1203,-638,-639,-713,-640,-604,1203,-572,-577,-580,-583,1203,1203,1203,-598,-601,1203,-608,1203,1203,1203,1203,1203,1203,1203,1203,1203,1203,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1203,291,291,-995,291,1203,291,291,291,1203,-306,-325,-319,-296,-375,-452,-453,-454,-458,291,-443,1203,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1203,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,291,291,291,291,291,291,291,291,1203,-316,-535,-508,-591,-937,-939,-940,-438,1203,-440,-380,-381,-383,-507,-509,-511,1203,-513,-514,-519,-520,1203,-532,-534,-537,-538,-543,-548,-726,1203,-727,1203,-732,1203,-734,1203,-739,-656,-660,-661,1203,-666,1203,-667,1203,-672,-674,1203,-677,1203,1203,1203,-687,-689,1203,-692,1203,1203,-744,1203,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1203,1203,1203,1203,1203,-877,1203,-880,-908,-920,-925,-388,-389,1203,-394,1203,-397,1203,-402,1203,-403,1203,-408,1203,-413,1203,-417,1203,-418,1203,-423,1203,-426,-899,-900,-643,-585,-1894,-901,1203,1203,1203,-800,1203,1203,-804,1203,-807,-833,1203,-818,1203,-820,1203,-822,-808,1203,-824,1203,-851,-852,1203,1203,-811,1203,-646,-902,-904,-648,-649,-645,1203,-705,-706,1203,-642,-903,-647,-650,-603,-714,1203,1203,-605,-586,1203,1203,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1203,1203,-709,-710,1203,-716,1203,291,291,291,1203,1203,-938,291,-439,-441,-747,1203,-891,1872,-715,-1894,1203,1203,291,291,1203,-442,-512,-523,1203,-728,-733,1203,-735,1203,-740,1203,-662,-668,1203,-678,-680,-682,-683,-690,-693,-697,-745,1203,1203,-874,1203,1203,-878,1203,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1203,-812,1203,-814,-801,1203,-802,-805,1203,-816,-819,-821,-823,-825,1203,-826,1203,-809,1203,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,291,-282,291,1203,291,1203,-455,1203,1203,-729,1203,-736,1203,-741,1203,-663,-671,1203,1203,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1203,-836,-53,291,1203,-730,1203,-737,1203,-742,-664,1203,-873,-54,291,291,-731,-738,-743,1203,291,1203,-872,]),'GROUPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[292,292,292,292,-1894,292,292,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,292,292,292,292,-275,-276,292,-1425,292,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,292,292,292,-490,292,292,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,292,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,292,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,292,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,292,-172,-173,-174,-175,-993,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-290,-291,-281,292,292,292,292,292,-328,-318,-332,-333,-334,292,292,-982,-983,-984,-985,-986,-987,-988,292,292,292,292,292,292,292,292,292,292,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,292,292,292,-353,-356,292,-323,-324,-141,292,-142,292,-143,292,-430,-935,-936,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-1894,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-1894,292,-1894,292,292,292,292,292,292,292,292,292,292,292,292,-1894,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,292,-1894,292,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,292,292,292,-191,-192,292,-994,292,292,292,292,292,-277,-278,-279,-280,-365,292,-308,292,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,292,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,292,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,292,292,292,292,292,292,-573,292,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,292,292,-723,-724,-725,292,292,292,292,292,292,-994,292,292,-91,-92,292,292,292,292,-309,-310,-320,292,-307,-293,-294,-295,292,292,292,292,-618,-633,-590,292,292,-436,292,-437,292,-444,-445,-446,-378,-379,292,292,292,-506,292,292,-510,292,292,292,292,-515,-516,-517,-518,292,292,-521,-522,292,-524,-525,-526,-527,-528,-529,-530,-531,292,-533,292,292,292,-539,-541,-542,292,-544,-545,-546,-547,292,292,292,292,292,292,-652,-653,-654,-655,292,-657,-658,-659,292,292,292,-665,292,292,-669,-670,292,292,-673,292,-675,-676,292,-679,292,-681,292,292,-684,-685,-686,292,-688,292,292,-691,292,292,-694,-695,-696,292,-698,-699,-700,-701,292,292,-746,292,-749,-750,-751,-752,-753,292,-755,-756,-757,-758,-759,292,-766,-767,-769,292,-771,-772,-773,-782,-856,-858,-860,-862,292,292,292,292,-868,292,-870,292,292,292,292,292,292,292,-906,-907,292,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,292,-921,-924,292,-934,292,-385,-386,-387,292,292,-390,-391,-392,-393,292,-396,292,-399,-400,292,-401,292,-406,-407,292,-410,-411,-412,292,-415,292,-416,292,-421,-422,292,-425,292,-428,-429,-1894,-1894,292,-619,-620,-621,-622,-623,-634,-584,-624,-797,292,292,292,292,292,-831,292,292,-806,292,-832,292,292,292,292,-798,292,-853,-799,292,292,292,292,292,292,-854,-855,292,-834,-830,-835,292,-625,292,-626,-627,-628,-629,-574,292,292,-630,-631,-632,292,292,292,292,292,292,-635,-636,-637,-592,-1894,-602,292,-638,-639,-713,-640,-604,292,-572,-577,-580,-583,292,292,292,-598,-601,292,-608,292,292,292,292,292,292,292,292,292,292,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,292,292,292,-995,292,292,292,292,292,292,-306,-325,-319,-296,-375,-452,-453,-454,-458,292,-443,292,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,292,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,292,292,292,292,292,292,292,292,292,-316,-535,-508,-591,-937,-939,-940,-438,292,-440,-380,-381,-383,-507,-509,-511,292,-513,-514,-519,-520,292,-532,-534,-537,-538,-543,-548,-726,292,-727,292,-732,292,-734,292,-739,-656,-660,-661,292,-666,292,-667,292,-672,-674,292,-677,292,292,292,-687,-689,292,-692,292,292,-744,292,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,292,292,292,292,292,-877,292,-880,-908,-920,-925,-388,-389,292,-394,292,-397,292,-402,292,-403,292,-408,292,-413,292,-417,292,-418,292,-423,292,-426,-899,-900,-643,-585,-1894,-901,292,292,292,-800,292,292,-804,292,-807,-833,292,-818,292,-820,292,-822,-808,292,-824,292,-851,-852,292,292,-811,292,-646,-902,-904,-648,-649,-645,292,-705,-706,292,-642,-903,-647,-650,-603,-714,292,292,-605,-586,292,292,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,292,292,-709,-710,292,-716,292,292,292,292,292,292,-938,292,-439,-441,-747,292,-891,292,-715,-1894,292,292,292,292,292,-442,-512,-523,292,-728,-733,292,-735,292,-740,292,-662,-668,292,-678,-680,-682,-683,-690,-693,-697,-745,292,292,-874,292,292,-878,292,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,292,-812,292,-814,-801,292,-802,-805,292,-816,-819,-821,-823,-825,292,-826,292,-809,292,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,292,-282,292,292,292,292,-455,292,292,-729,292,-736,292,-741,292,-663,-671,292,292,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,292,-836,-53,292,292,-730,292,-737,292,-742,-664,292,-873,-54,292,292,-731,-738,-743,292,292,292,-872,]),'GROUP_REPLICATION_DISABLE_MEMBER_ACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[293,293,293,1183,-1894,293,293,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,293,293,293,293,-275,-276,1183,-1425,1183,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1183,1183,1183,-490,1183,1183,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1183,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1183,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1873,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,293,-172,-173,-174,-175,-993,293,293,293,293,293,293,293,293,293,293,1183,1183,1183,1183,1183,-290,-291,-281,293,1183,1183,1183,1183,-328,-318,-332,-333,-334,1183,1183,-982,-983,-984,-985,-986,-987,-988,293,293,1183,1183,1183,1183,1183,1183,1183,1183,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1183,1183,1183,-353,-356,293,-323,-324,-141,1183,-142,1183,-143,1183,-430,-935,-936,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1894,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1894,1183,-1894,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1894,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-1894,293,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1183,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1183,293,293,-191,-192,293,-994,1183,293,293,293,293,-277,-278,-279,-280,-365,1183,-308,1183,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1183,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1183,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1183,1183,1183,1183,1183,1183,-573,1183,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1183,1183,-723,-724,-725,1183,1873,293,293,293,293,-994,293,1183,-91,-92,293,293,293,1183,-309,-310,-320,1183,-307,-293,-294,-295,1183,293,1183,1183,-618,-633,-590,1183,293,-436,293,-437,1183,-444,-445,-446,-378,-379,1183,1183,1183,-506,1183,1183,-510,1183,1183,1183,1183,-515,-516,-517,-518,1183,1183,-521,-522,1183,-524,-525,-526,-527,-528,-529,-530,-531,1183,-533,1183,1183,1183,-539,-541,-542,1183,-544,-545,-546,-547,1183,1183,1183,1183,1183,1183,-652,-653,-654,-655,293,-657,-658,-659,1183,1183,1183,-665,1183,1183,-669,-670,1183,1183,-673,1183,-675,-676,1183,-679,1183,-681,1183,1183,-684,-685,-686,1183,-688,1183,1183,-691,1183,1183,-694,-695,-696,1183,-698,-699,-700,-701,1183,1183,-746,1183,-749,-750,-751,-752,-753,1183,-755,-756,-757,-758,-759,1183,-766,-767,-769,1183,-771,-772,-773,-782,-856,-858,-860,-862,1183,1183,1183,1183,-868,1183,-870,1183,1183,1183,1183,1183,1183,1183,-906,-907,1183,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1183,-921,-924,1183,-934,1183,-385,-386,-387,1183,1183,-390,-391,-392,-393,1183,-396,1183,-399,-400,1183,-401,1183,-406,-407,1183,-410,-411,-412,1183,-415,1183,-416,1183,-421,-422,1183,-425,1183,-428,-429,-1894,-1894,1183,-619,-620,-621,-622,-623,-634,-584,-624,-797,1183,1183,1183,1183,1183,-831,1183,1183,-806,1183,-832,1183,1183,1183,1183,-798,1183,-853,-799,1183,1183,1183,1183,1183,1183,-854,-855,1183,-834,-830,-835,1183,-625,1183,-626,-627,-628,-629,-574,1183,1183,-630,-631,-632,1183,1183,1183,1183,1183,1183,-635,-636,-637,-592,-1894,-602,1183,-638,-639,-713,-640,-604,1183,-572,-577,-580,-583,1183,1183,1183,-598,-601,1183,-608,1183,1183,1183,1183,1183,1183,1183,1183,1183,1183,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1183,293,293,-995,293,1183,293,293,293,1183,-306,-325,-319,-296,-375,-452,-453,-454,-458,293,-443,1183,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1183,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,293,293,293,293,293,293,293,293,1183,-316,-535,-508,-591,-937,-939,-940,-438,1183,-440,-380,-381,-383,-507,-509,-511,1183,-513,-514,-519,-520,1183,-532,-534,-537,-538,-543,-548,-726,1183,-727,1183,-732,1183,-734,1183,-739,-656,-660,-661,1183,-666,1183,-667,1183,-672,-674,1183,-677,1183,1183,1183,-687,-689,1183,-692,1183,1183,-744,1183,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1183,1183,1183,1183,1183,-877,1183,-880,-908,-920,-925,-388,-389,1183,-394,1183,-397,1183,-402,1183,-403,1183,-408,1183,-413,1183,-417,1183,-418,1183,-423,1183,-426,-899,-900,-643,-585,-1894,-901,1183,1183,1183,-800,1183,1183,-804,1183,-807,-833,1183,-818,1183,-820,1183,-822,-808,1183,-824,1183,-851,-852,1183,1183,-811,1183,-646,-902,-904,-648,-649,-645,1183,-705,-706,1183,-642,-903,-647,-650,-603,-714,1183,1183,-605,-586,1183,1183,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1183,1183,-709,-710,1183,-716,1183,293,293,293,1183,1183,-938,293,-439,-441,-747,1183,-891,1873,-715,-1894,1183,1183,293,293,1183,-442,-512,-523,1183,-728,-733,1183,-735,1183,-740,1183,-662,-668,1183,-678,-680,-682,-683,-690,-693,-697,-745,1183,1183,-874,1183,1183,-878,1183,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1183,-812,1183,-814,-801,1183,-802,-805,1183,-816,-819,-821,-823,-825,1183,-826,1183,-809,1183,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,293,-282,293,1183,293,1183,-455,1183,1183,-729,1183,-736,1183,-741,1183,-663,-671,1183,1183,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1183,-836,-53,293,1183,-730,1183,-737,1183,-742,-664,1183,-873,-54,293,293,-731,-738,-743,1183,293,1183,-872,]),'GROUP_REPLICATION_ENABLE_MEMBER_ACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[294,294,294,1184,-1894,294,294,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,294,294,294,294,-275,-276,1184,-1425,1184,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1184,1184,1184,-490,1184,1184,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1184,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1184,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1874,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,294,-172,-173,-174,-175,-993,294,294,294,294,294,294,294,294,294,294,1184,1184,1184,1184,1184,-290,-291,-281,294,1184,1184,1184,1184,-328,-318,-332,-333,-334,1184,1184,-982,-983,-984,-985,-986,-987,-988,294,294,1184,1184,1184,1184,1184,1184,1184,1184,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1184,1184,1184,-353,-356,294,-323,-324,-141,1184,-142,1184,-143,1184,-430,-935,-936,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1894,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1894,1184,-1894,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1894,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-1894,294,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1184,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1184,294,294,-191,-192,294,-994,1184,294,294,294,294,-277,-278,-279,-280,-365,1184,-308,1184,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1184,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1184,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1184,1184,1184,1184,1184,1184,-573,1184,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1184,1184,-723,-724,-725,1184,1874,294,294,294,294,-994,294,1184,-91,-92,294,294,294,1184,-309,-310,-320,1184,-307,-293,-294,-295,1184,294,1184,1184,-618,-633,-590,1184,294,-436,294,-437,1184,-444,-445,-446,-378,-379,1184,1184,1184,-506,1184,1184,-510,1184,1184,1184,1184,-515,-516,-517,-518,1184,1184,-521,-522,1184,-524,-525,-526,-527,-528,-529,-530,-531,1184,-533,1184,1184,1184,-539,-541,-542,1184,-544,-545,-546,-547,1184,1184,1184,1184,1184,1184,-652,-653,-654,-655,294,-657,-658,-659,1184,1184,1184,-665,1184,1184,-669,-670,1184,1184,-673,1184,-675,-676,1184,-679,1184,-681,1184,1184,-684,-685,-686,1184,-688,1184,1184,-691,1184,1184,-694,-695,-696,1184,-698,-699,-700,-701,1184,1184,-746,1184,-749,-750,-751,-752,-753,1184,-755,-756,-757,-758,-759,1184,-766,-767,-769,1184,-771,-772,-773,-782,-856,-858,-860,-862,1184,1184,1184,1184,-868,1184,-870,1184,1184,1184,1184,1184,1184,1184,-906,-907,1184,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1184,-921,-924,1184,-934,1184,-385,-386,-387,1184,1184,-390,-391,-392,-393,1184,-396,1184,-399,-400,1184,-401,1184,-406,-407,1184,-410,-411,-412,1184,-415,1184,-416,1184,-421,-422,1184,-425,1184,-428,-429,-1894,-1894,1184,-619,-620,-621,-622,-623,-634,-584,-624,-797,1184,1184,1184,1184,1184,-831,1184,1184,-806,1184,-832,1184,1184,1184,1184,-798,1184,-853,-799,1184,1184,1184,1184,1184,1184,-854,-855,1184,-834,-830,-835,1184,-625,1184,-626,-627,-628,-629,-574,1184,1184,-630,-631,-632,1184,1184,1184,1184,1184,1184,-635,-636,-637,-592,-1894,-602,1184,-638,-639,-713,-640,-604,1184,-572,-577,-580,-583,1184,1184,1184,-598,-601,1184,-608,1184,1184,1184,1184,1184,1184,1184,1184,1184,1184,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1184,294,294,-995,294,1184,294,294,294,1184,-306,-325,-319,-296,-375,-452,-453,-454,-458,294,-443,1184,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1184,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,294,294,294,294,294,294,294,294,1184,-316,-535,-508,-591,-937,-939,-940,-438,1184,-440,-380,-381,-383,-507,-509,-511,1184,-513,-514,-519,-520,1184,-532,-534,-537,-538,-543,-548,-726,1184,-727,1184,-732,1184,-734,1184,-739,-656,-660,-661,1184,-666,1184,-667,1184,-672,-674,1184,-677,1184,1184,1184,-687,-689,1184,-692,1184,1184,-744,1184,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1184,1184,1184,1184,1184,-877,1184,-880,-908,-920,-925,-388,-389,1184,-394,1184,-397,1184,-402,1184,-403,1184,-408,1184,-413,1184,-417,1184,-418,1184,-423,1184,-426,-899,-900,-643,-585,-1894,-901,1184,1184,1184,-800,1184,1184,-804,1184,-807,-833,1184,-818,1184,-820,1184,-822,-808,1184,-824,1184,-851,-852,1184,1184,-811,1184,-646,-902,-904,-648,-649,-645,1184,-705,-706,1184,-642,-903,-647,-650,-603,-714,1184,1184,-605,-586,1184,1184,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1184,1184,-709,-710,1184,-716,1184,294,294,294,1184,1184,-938,294,-439,-441,-747,1184,-891,1874,-715,-1894,1184,1184,294,294,1184,-442,-512,-523,1184,-728,-733,1184,-735,1184,-740,1184,-662,-668,1184,-678,-680,-682,-683,-690,-693,-697,-745,1184,1184,-874,1184,1184,-878,1184,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1184,-812,1184,-814,-801,1184,-802,-805,1184,-816,-819,-821,-823,-825,1184,-826,1184,-809,1184,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,294,-282,294,1184,294,1184,-455,1184,1184,-729,1184,-736,1184,-741,1184,-663,-671,1184,1184,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1184,-836,-53,294,1184,-730,1184,-737,1184,-742,-664,1184,-873,-54,294,294,-731,-738,-743,1184,294,1184,-872,]),'GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[295,295,295,1181,-1894,295,295,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,295,295,295,295,-275,-276,1181,-1425,1181,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1181,1181,1181,-490,1181,1181,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1181,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1181,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1875,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,295,-172,-173,-174,-175,-993,295,295,295,295,295,295,295,295,295,295,1181,1181,1181,1181,1181,-290,-291,-281,295,1181,1181,1181,1181,-328,-318,-332,-333,-334,1181,1181,-982,-983,-984,-985,-986,-987,-988,295,295,1181,1181,1181,1181,1181,1181,1181,1181,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1181,1181,1181,-353,-356,295,-323,-324,-141,1181,-142,1181,-143,1181,-430,-935,-936,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1894,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1894,1181,-1894,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1894,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-1894,295,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1181,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1181,295,295,-191,-192,295,-994,1181,295,295,295,295,-277,-278,-279,-280,-365,1181,-308,1181,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1181,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1181,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1181,1181,1181,1181,1181,1181,-573,1181,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1181,1181,-723,-724,-725,1181,1875,295,295,295,295,-994,295,1181,-91,-92,295,295,295,1181,-309,-310,-320,1181,-307,-293,-294,-295,1181,295,1181,1181,-618,-633,-590,1181,295,-436,295,-437,1181,-444,-445,-446,-378,-379,1181,1181,1181,-506,1181,1181,-510,1181,1181,1181,1181,-515,-516,-517,-518,1181,1181,-521,-522,1181,-524,-525,-526,-527,-528,-529,-530,-531,1181,-533,1181,1181,1181,-539,-541,-542,1181,-544,-545,-546,-547,1181,1181,1181,1181,1181,1181,-652,-653,-654,-655,295,-657,-658,-659,1181,1181,1181,-665,1181,1181,-669,-670,1181,1181,-673,1181,-675,-676,1181,-679,1181,-681,1181,1181,-684,-685,-686,1181,-688,1181,1181,-691,1181,1181,-694,-695,-696,1181,-698,-699,-700,-701,1181,1181,-746,1181,-749,-750,-751,-752,-753,1181,-755,-756,-757,-758,-759,1181,-766,-767,-769,1181,-771,-772,-773,-782,-856,-858,-860,-862,1181,1181,1181,1181,-868,1181,-870,1181,1181,1181,1181,1181,1181,1181,-906,-907,1181,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1181,-921,-924,1181,-934,1181,-385,-386,-387,1181,1181,-390,-391,-392,-393,1181,-396,1181,-399,-400,1181,-401,1181,-406,-407,1181,-410,-411,-412,1181,-415,1181,-416,1181,-421,-422,1181,-425,1181,-428,-429,-1894,-1894,1181,-619,-620,-621,-622,-623,-634,-584,-624,-797,1181,1181,1181,1181,1181,-831,1181,1181,-806,1181,-832,1181,1181,1181,1181,-798,1181,-853,-799,1181,1181,1181,1181,1181,1181,-854,-855,1181,-834,-830,-835,1181,-625,1181,-626,-627,-628,-629,-574,1181,1181,-630,-631,-632,1181,1181,1181,1181,1181,1181,-635,-636,-637,-592,-1894,-602,1181,-638,-639,-713,-640,-604,1181,-572,-577,-580,-583,1181,1181,1181,-598,-601,1181,-608,1181,1181,1181,1181,1181,1181,1181,1181,1181,1181,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1181,295,295,-995,295,1181,295,295,295,1181,-306,-325,-319,-296,-375,-452,-453,-454,-458,295,-443,1181,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1181,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,295,295,295,295,295,295,295,295,1181,-316,-535,-508,-591,-937,-939,-940,-438,1181,-440,-380,-381,-383,-507,-509,-511,1181,-513,-514,-519,-520,1181,-532,-534,-537,-538,-543,-548,-726,1181,-727,1181,-732,1181,-734,1181,-739,-656,-660,-661,1181,-666,1181,-667,1181,-672,-674,1181,-677,1181,1181,1181,-687,-689,1181,-692,1181,1181,-744,1181,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1181,1181,1181,1181,1181,-877,1181,-880,-908,-920,-925,-388,-389,1181,-394,1181,-397,1181,-402,1181,-403,1181,-408,1181,-413,1181,-417,1181,-418,1181,-423,1181,-426,-899,-900,-643,-585,-1894,-901,1181,1181,1181,-800,1181,1181,-804,1181,-807,-833,1181,-818,1181,-820,1181,-822,-808,1181,-824,1181,-851,-852,1181,1181,-811,1181,-646,-902,-904,-648,-649,-645,1181,-705,-706,1181,-642,-903,-647,-650,-603,-714,1181,1181,-605,-586,1181,1181,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1181,1181,-709,-710,1181,-716,1181,295,295,295,1181,1181,-938,295,-439,-441,-747,1181,-891,1875,-715,-1894,1181,1181,295,295,1181,-442,-512,-523,1181,-728,-733,1181,-735,1181,-740,1181,-662,-668,1181,-678,-680,-682,-683,-690,-693,-697,-745,1181,1181,-874,1181,1181,-878,1181,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1181,-812,1181,-814,-801,1181,-802,-805,1181,-816,-819,-821,-823,-825,1181,-826,1181,-809,1181,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,295,-282,295,1181,295,1181,-455,1181,1181,-729,1181,-736,1181,-741,1181,-663,-671,1181,1181,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1181,-836,-53,295,1181,-730,1181,-737,1181,-742,-664,1181,-873,-54,295,295,-731,-738,-743,1181,295,1181,-872,]),'GROUP_REPLICATION_GET_WRITE_CONCURRENCY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[296,296,296,1179,-1894,296,296,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,296,296,296,296,-275,-276,1179,-1425,1179,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1179,1179,1179,-490,1179,1179,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1179,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1179,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1876,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,296,-172,-173,-174,-175,-993,296,296,296,296,296,296,296,296,296,296,1179,1179,1179,1179,1179,-290,-291,-281,296,1179,1179,1179,1179,-328,-318,-332,-333,-334,1179,1179,-982,-983,-984,-985,-986,-987,-988,296,296,1179,1179,1179,1179,1179,1179,1179,1179,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1179,1179,1179,-353,-356,296,-323,-324,-141,1179,-142,1179,-143,1179,-430,-935,-936,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1894,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1894,1179,-1894,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1894,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-1894,296,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1179,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1179,296,296,-191,-192,296,-994,1179,296,296,296,296,-277,-278,-279,-280,-365,1179,-308,1179,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1179,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1179,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1179,1179,1179,1179,1179,1179,-573,1179,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1179,1179,-723,-724,-725,1179,1876,296,296,296,296,-994,296,1179,-91,-92,296,296,296,1179,-309,-310,-320,1179,-307,-293,-294,-295,1179,296,1179,1179,-618,-633,-590,1179,296,-436,296,-437,1179,-444,-445,-446,-378,-379,1179,1179,1179,-506,1179,1179,-510,1179,1179,1179,1179,-515,-516,-517,-518,1179,1179,-521,-522,1179,-524,-525,-526,-527,-528,-529,-530,-531,1179,-533,1179,1179,1179,-539,-541,-542,1179,-544,-545,-546,-547,1179,1179,1179,1179,1179,1179,-652,-653,-654,-655,296,-657,-658,-659,1179,1179,1179,-665,1179,1179,-669,-670,1179,1179,-673,1179,-675,-676,1179,-679,1179,-681,1179,1179,-684,-685,-686,1179,-688,1179,1179,-691,1179,1179,-694,-695,-696,1179,-698,-699,-700,-701,1179,1179,-746,1179,-749,-750,-751,-752,-753,1179,-755,-756,-757,-758,-759,1179,-766,-767,-769,1179,-771,-772,-773,-782,-856,-858,-860,-862,1179,1179,1179,1179,-868,1179,-870,1179,1179,1179,1179,1179,1179,1179,-906,-907,1179,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1179,-921,-924,1179,-934,1179,-385,-386,-387,1179,1179,-390,-391,-392,-393,1179,-396,1179,-399,-400,1179,-401,1179,-406,-407,1179,-410,-411,-412,1179,-415,1179,-416,1179,-421,-422,1179,-425,1179,-428,-429,-1894,-1894,1179,-619,-620,-621,-622,-623,-634,-584,-624,-797,1179,1179,1179,1179,1179,-831,1179,1179,-806,1179,-832,1179,1179,1179,1179,-798,1179,-853,-799,1179,1179,1179,1179,1179,1179,-854,-855,1179,-834,-830,-835,1179,-625,1179,-626,-627,-628,-629,-574,1179,1179,-630,-631,-632,1179,1179,1179,1179,1179,1179,-635,-636,-637,-592,-1894,-602,1179,-638,-639,-713,-640,-604,1179,-572,-577,-580,-583,1179,1179,1179,-598,-601,1179,-608,1179,1179,1179,1179,1179,1179,1179,1179,1179,1179,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1179,296,296,-995,296,1179,296,296,296,1179,-306,-325,-319,-296,-375,-452,-453,-454,-458,296,-443,1179,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1179,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,296,296,296,296,296,296,296,296,1179,-316,-535,-508,-591,-937,-939,-940,-438,1179,-440,-380,-381,-383,-507,-509,-511,1179,-513,-514,-519,-520,1179,-532,-534,-537,-538,-543,-548,-726,1179,-727,1179,-732,1179,-734,1179,-739,-656,-660,-661,1179,-666,1179,-667,1179,-672,-674,1179,-677,1179,1179,1179,-687,-689,1179,-692,1179,1179,-744,1179,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1179,1179,1179,1179,1179,-877,1179,-880,-908,-920,-925,-388,-389,1179,-394,1179,-397,1179,-402,1179,-403,1179,-408,1179,-413,1179,-417,1179,-418,1179,-423,1179,-426,-899,-900,-643,-585,-1894,-901,1179,1179,1179,-800,1179,1179,-804,1179,-807,-833,1179,-818,1179,-820,1179,-822,-808,1179,-824,1179,-851,-852,1179,1179,-811,1179,-646,-902,-904,-648,-649,-645,1179,-705,-706,1179,-642,-903,-647,-650,-603,-714,1179,1179,-605,-586,1179,1179,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1179,1179,-709,-710,1179,-716,1179,296,296,296,1179,1179,-938,296,-439,-441,-747,1179,-891,1876,-715,-1894,1179,1179,296,296,1179,-442,-512,-523,1179,-728,-733,1179,-735,1179,-740,1179,-662,-668,1179,-678,-680,-682,-683,-690,-693,-697,-745,1179,1179,-874,1179,1179,-878,1179,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1179,-812,1179,-814,-801,1179,-802,-805,1179,-816,-819,-821,-823,-825,1179,-826,1179,-809,1179,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,296,-282,296,1179,296,1179,-455,1179,1179,-729,1179,-736,1179,-741,1179,-663,-671,1179,1179,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1179,-836,-53,296,1179,-730,1179,-737,1179,-742,-664,1179,-873,-54,296,296,-731,-738,-743,1179,296,1179,-872,]),'GROUP_REPLICATION_RESET_MEMBER_ACTIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[297,297,297,1185,-1894,297,297,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,297,297,297,297,-275,-276,1185,-1425,1185,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1185,1185,1185,-490,1185,1185,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1185,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1185,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1877,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,297,-172,-173,-174,-175,-993,297,297,297,297,297,297,297,297,297,297,1185,1185,1185,1185,1185,-290,-291,-281,297,1185,1185,1185,1185,-328,-318,-332,-333,-334,1185,1185,-982,-983,-984,-985,-986,-987,-988,297,297,1185,1185,1185,1185,1185,1185,1185,1185,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1185,1185,1185,-353,-356,297,-323,-324,-141,1185,-142,1185,-143,1185,-430,-935,-936,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1894,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1894,1185,-1894,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1894,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-1894,297,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1185,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1185,297,297,-191,-192,297,-994,1185,297,297,297,297,-277,-278,-279,-280,-365,1185,-308,1185,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1185,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1185,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1185,1185,1185,1185,1185,1185,-573,1185,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1185,1185,-723,-724,-725,1185,1877,297,297,297,297,-994,297,1185,-91,-92,297,297,297,1185,-309,-310,-320,1185,-307,-293,-294,-295,1185,297,1185,1185,-618,-633,-590,1185,297,-436,297,-437,1185,-444,-445,-446,-378,-379,1185,1185,1185,-506,1185,1185,-510,1185,1185,1185,1185,-515,-516,-517,-518,1185,1185,-521,-522,1185,-524,-525,-526,-527,-528,-529,-530,-531,1185,-533,1185,1185,1185,-539,-541,-542,1185,-544,-545,-546,-547,1185,1185,1185,1185,1185,1185,-652,-653,-654,-655,297,-657,-658,-659,1185,1185,1185,-665,1185,1185,-669,-670,1185,1185,-673,1185,-675,-676,1185,-679,1185,-681,1185,1185,-684,-685,-686,1185,-688,1185,1185,-691,1185,1185,-694,-695,-696,1185,-698,-699,-700,-701,1185,1185,-746,1185,-749,-750,-751,-752,-753,1185,-755,-756,-757,-758,-759,1185,-766,-767,-769,1185,-771,-772,-773,-782,-856,-858,-860,-862,1185,1185,1185,1185,-868,1185,-870,1185,1185,1185,1185,1185,1185,1185,-906,-907,1185,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1185,-921,-924,1185,-934,1185,-385,-386,-387,1185,1185,-390,-391,-392,-393,1185,-396,1185,-399,-400,1185,-401,1185,-406,-407,1185,-410,-411,-412,1185,-415,1185,-416,1185,-421,-422,1185,-425,1185,-428,-429,-1894,-1894,1185,-619,-620,-621,-622,-623,-634,-584,-624,-797,1185,1185,1185,1185,1185,-831,1185,1185,-806,1185,-832,1185,1185,1185,1185,-798,1185,-853,-799,1185,1185,1185,1185,1185,1185,-854,-855,1185,-834,-830,-835,1185,-625,1185,-626,-627,-628,-629,-574,1185,1185,-630,-631,-632,1185,1185,1185,1185,1185,1185,-635,-636,-637,-592,-1894,-602,1185,-638,-639,-713,-640,-604,1185,-572,-577,-580,-583,1185,1185,1185,-598,-601,1185,-608,1185,1185,1185,1185,1185,1185,1185,1185,1185,1185,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1185,297,297,-995,297,1185,297,297,297,1185,-306,-325,-319,-296,-375,-452,-453,-454,-458,297,-443,1185,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1185,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,297,297,297,297,297,297,297,297,1185,-316,-535,-508,-591,-937,-939,-940,-438,1185,-440,-380,-381,-383,-507,-509,-511,1185,-513,-514,-519,-520,1185,-532,-534,-537,-538,-543,-548,-726,1185,-727,1185,-732,1185,-734,1185,-739,-656,-660,-661,1185,-666,1185,-667,1185,-672,-674,1185,-677,1185,1185,1185,-687,-689,1185,-692,1185,1185,-744,1185,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1185,1185,1185,1185,1185,-877,1185,-880,-908,-920,-925,-388,-389,1185,-394,1185,-397,1185,-402,1185,-403,1185,-408,1185,-413,1185,-417,1185,-418,1185,-423,1185,-426,-899,-900,-643,-585,-1894,-901,1185,1185,1185,-800,1185,1185,-804,1185,-807,-833,1185,-818,1185,-820,1185,-822,-808,1185,-824,1185,-851,-852,1185,1185,-811,1185,-646,-902,-904,-648,-649,-645,1185,-705,-706,1185,-642,-903,-647,-650,-603,-714,1185,1185,-605,-586,1185,1185,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1185,1185,-709,-710,1185,-716,1185,297,297,297,1185,1185,-938,297,-439,-441,-747,1185,-891,1877,-715,-1894,1185,1185,297,297,1185,-442,-512,-523,1185,-728,-733,1185,-735,1185,-740,1185,-662,-668,1185,-678,-680,-682,-683,-690,-693,-697,-745,1185,1185,-874,1185,1185,-878,1185,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1185,-812,1185,-814,-801,1185,-802,-805,1185,-816,-819,-821,-823,-825,1185,-826,1185,-809,1185,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,297,-282,297,1185,297,1185,-455,1185,1185,-729,1185,-736,1185,-741,1185,-663,-671,1185,1185,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1185,-836,-53,297,1185,-730,1185,-737,1185,-742,-664,1185,-873,-54,297,297,-731,-738,-743,1185,297,1185,-872,]),'GROUP_REPLICATION_SET_AS_PRIMARY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[298,298,298,1176,-1894,298,298,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,298,298,298,298,-275,-276,1176,-1425,1176,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1176,1176,1176,-490,1176,1176,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1176,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1176,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1878,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,298,-172,-173,-174,-175,-993,298,298,298,298,298,298,298,298,298,298,1176,1176,1176,1176,1176,-290,-291,-281,298,1176,1176,1176,1176,-328,-318,-332,-333,-334,1176,1176,-982,-983,-984,-985,-986,-987,-988,298,298,1176,1176,1176,1176,1176,1176,1176,1176,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1176,1176,1176,-353,-356,298,-323,-324,-141,1176,-142,1176,-143,1176,-430,-935,-936,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1894,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1894,1176,-1894,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1894,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-1894,298,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1176,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1176,298,298,-191,-192,298,-994,1176,298,298,298,298,-277,-278,-279,-280,-365,1176,-308,1176,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1176,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1176,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1176,1176,1176,1176,1176,1176,-573,1176,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1176,1176,-723,-724,-725,1176,1878,298,298,298,298,-994,298,1176,-91,-92,298,298,298,1176,-309,-310,-320,1176,-307,-293,-294,-295,1176,298,1176,1176,-618,-633,-590,1176,298,-436,298,-437,1176,-444,-445,-446,-378,-379,1176,1176,1176,-506,1176,1176,-510,1176,1176,1176,1176,-515,-516,-517,-518,1176,1176,-521,-522,1176,-524,-525,-526,-527,-528,-529,-530,-531,1176,-533,1176,1176,1176,-539,-541,-542,1176,-544,-545,-546,-547,1176,1176,1176,1176,1176,1176,-652,-653,-654,-655,298,-657,-658,-659,1176,1176,1176,-665,1176,1176,-669,-670,1176,1176,-673,1176,-675,-676,1176,-679,1176,-681,1176,1176,-684,-685,-686,1176,-688,1176,1176,-691,1176,1176,-694,-695,-696,1176,-698,-699,-700,-701,1176,1176,-746,1176,-749,-750,-751,-752,-753,1176,-755,-756,-757,-758,-759,1176,-766,-767,-769,1176,-771,-772,-773,-782,-856,-858,-860,-862,1176,1176,1176,1176,-868,1176,-870,1176,1176,1176,1176,1176,1176,1176,-906,-907,1176,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1176,-921,-924,1176,-934,1176,-385,-386,-387,1176,1176,-390,-391,-392,-393,1176,-396,1176,-399,-400,1176,-401,1176,-406,-407,1176,-410,-411,-412,1176,-415,1176,-416,1176,-421,-422,1176,-425,1176,-428,-429,-1894,-1894,1176,-619,-620,-621,-622,-623,-634,-584,-624,-797,1176,1176,1176,1176,1176,-831,1176,1176,-806,1176,-832,1176,1176,1176,1176,-798,1176,-853,-799,1176,1176,1176,1176,1176,1176,-854,-855,1176,-834,-830,-835,1176,-625,1176,-626,-627,-628,-629,-574,1176,1176,-630,-631,-632,1176,1176,1176,1176,1176,1176,-635,-636,-637,-592,-1894,-602,1176,-638,-639,-713,-640,-604,1176,-572,-577,-580,-583,1176,1176,1176,-598,-601,1176,-608,1176,1176,1176,1176,1176,1176,1176,1176,1176,1176,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1176,298,298,-995,298,1176,298,298,298,1176,-306,-325,-319,-296,-375,-452,-453,-454,-458,298,-443,1176,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1176,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,298,298,298,298,298,298,298,298,1176,-316,-535,-508,-591,-937,-939,-940,-438,1176,-440,-380,-381,-383,-507,-509,-511,1176,-513,-514,-519,-520,1176,-532,-534,-537,-538,-543,-548,-726,1176,-727,1176,-732,1176,-734,1176,-739,-656,-660,-661,1176,-666,1176,-667,1176,-672,-674,1176,-677,1176,1176,1176,-687,-689,1176,-692,1176,1176,-744,1176,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1176,1176,1176,1176,1176,-877,1176,-880,-908,-920,-925,-388,-389,1176,-394,1176,-397,1176,-402,1176,-403,1176,-408,1176,-413,1176,-417,1176,-418,1176,-423,1176,-426,-899,-900,-643,-585,-1894,-901,1176,1176,1176,-800,1176,1176,-804,1176,-807,-833,1176,-818,1176,-820,1176,-822,-808,1176,-824,1176,-851,-852,1176,1176,-811,1176,-646,-902,-904,-648,-649,-645,1176,-705,-706,1176,-642,-903,-647,-650,-603,-714,1176,1176,-605,-586,1176,1176,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1176,1176,-709,-710,1176,-716,1176,298,298,298,1176,1176,-938,298,-439,-441,-747,1176,-891,1878,-715,-1894,1176,1176,298,298,1176,-442,-512,-523,1176,-728,-733,1176,-735,1176,-740,1176,-662,-668,1176,-678,-680,-682,-683,-690,-693,-697,-745,1176,1176,-874,1176,1176,-878,1176,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1176,-812,1176,-814,-801,1176,-802,-805,1176,-816,-819,-821,-823,-825,1176,-826,1176,-809,1176,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,298,-282,298,1176,298,1176,-455,1176,1176,-729,1176,-736,1176,-741,1176,-663,-671,1176,1176,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1176,-836,-53,298,1176,-730,1176,-737,1176,-742,-664,1176,-873,-54,298,298,-731,-738,-743,1176,298,1176,-872,]),'GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[299,299,299,1182,-1894,299,299,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,299,299,299,299,-275,-276,1182,-1425,1182,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1182,1182,1182,-490,1182,1182,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1182,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1182,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1879,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,299,-172,-173,-174,-175,-993,299,299,299,299,299,299,299,299,299,299,1182,1182,1182,1182,1182,-290,-291,-281,299,1182,1182,1182,1182,-328,-318,-332,-333,-334,1182,1182,-982,-983,-984,-985,-986,-987,-988,299,299,1182,1182,1182,1182,1182,1182,1182,1182,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1182,1182,1182,-353,-356,299,-323,-324,-141,1182,-142,1182,-143,1182,-430,-935,-936,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1894,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1894,1182,-1894,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1894,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-1894,299,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1182,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1182,299,299,-191,-192,299,-994,1182,299,299,299,299,-277,-278,-279,-280,-365,1182,-308,1182,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1182,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1182,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1182,1182,1182,1182,1182,1182,-573,1182,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1182,1182,-723,-724,-725,1182,1879,299,299,299,299,-994,299,1182,-91,-92,299,299,299,1182,-309,-310,-320,1182,-307,-293,-294,-295,1182,299,1182,1182,-618,-633,-590,1182,299,-436,299,-437,1182,-444,-445,-446,-378,-379,1182,1182,1182,-506,1182,1182,-510,1182,1182,1182,1182,-515,-516,-517,-518,1182,1182,-521,-522,1182,-524,-525,-526,-527,-528,-529,-530,-531,1182,-533,1182,1182,1182,-539,-541,-542,1182,-544,-545,-546,-547,1182,1182,1182,1182,1182,1182,-652,-653,-654,-655,299,-657,-658,-659,1182,1182,1182,-665,1182,1182,-669,-670,1182,1182,-673,1182,-675,-676,1182,-679,1182,-681,1182,1182,-684,-685,-686,1182,-688,1182,1182,-691,1182,1182,-694,-695,-696,1182,-698,-699,-700,-701,1182,1182,-746,1182,-749,-750,-751,-752,-753,1182,-755,-756,-757,-758,-759,1182,-766,-767,-769,1182,-771,-772,-773,-782,-856,-858,-860,-862,1182,1182,1182,1182,-868,1182,-870,1182,1182,1182,1182,1182,1182,1182,-906,-907,1182,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1182,-921,-924,1182,-934,1182,-385,-386,-387,1182,1182,-390,-391,-392,-393,1182,-396,1182,-399,-400,1182,-401,1182,-406,-407,1182,-410,-411,-412,1182,-415,1182,-416,1182,-421,-422,1182,-425,1182,-428,-429,-1894,-1894,1182,-619,-620,-621,-622,-623,-634,-584,-624,-797,1182,1182,1182,1182,1182,-831,1182,1182,-806,1182,-832,1182,1182,1182,1182,-798,1182,-853,-799,1182,1182,1182,1182,1182,1182,-854,-855,1182,-834,-830,-835,1182,-625,1182,-626,-627,-628,-629,-574,1182,1182,-630,-631,-632,1182,1182,1182,1182,1182,1182,-635,-636,-637,-592,-1894,-602,1182,-638,-639,-713,-640,-604,1182,-572,-577,-580,-583,1182,1182,1182,-598,-601,1182,-608,1182,1182,1182,1182,1182,1182,1182,1182,1182,1182,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1182,299,299,-995,299,1182,299,299,299,1182,-306,-325,-319,-296,-375,-452,-453,-454,-458,299,-443,1182,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1182,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,299,299,299,299,299,299,299,299,1182,-316,-535,-508,-591,-937,-939,-940,-438,1182,-440,-380,-381,-383,-507,-509,-511,1182,-513,-514,-519,-520,1182,-532,-534,-537,-538,-543,-548,-726,1182,-727,1182,-732,1182,-734,1182,-739,-656,-660,-661,1182,-666,1182,-667,1182,-672,-674,1182,-677,1182,1182,1182,-687,-689,1182,-692,1182,1182,-744,1182,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1182,1182,1182,1182,1182,-877,1182,-880,-908,-920,-925,-388,-389,1182,-394,1182,-397,1182,-402,1182,-403,1182,-408,1182,-413,1182,-417,1182,-418,1182,-423,1182,-426,-899,-900,-643,-585,-1894,-901,1182,1182,1182,-800,1182,1182,-804,1182,-807,-833,1182,-818,1182,-820,1182,-822,-808,1182,-824,1182,-851,-852,1182,1182,-811,1182,-646,-902,-904,-648,-649,-645,1182,-705,-706,1182,-642,-903,-647,-650,-603,-714,1182,1182,-605,-586,1182,1182,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1182,1182,-709,-710,1182,-716,1182,299,299,299,1182,1182,-938,299,-439,-441,-747,1182,-891,1879,-715,-1894,1182,1182,299,299,1182,-442,-512,-523,1182,-728,-733,1182,-735,1182,-740,1182,-662,-668,1182,-678,-680,-682,-683,-690,-693,-697,-745,1182,1182,-874,1182,1182,-878,1182,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1182,-812,1182,-814,-801,1182,-802,-805,1182,-816,-819,-821,-823,-825,1182,-826,1182,-809,1182,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,299,-282,299,1182,299,1182,-455,1182,1182,-729,1182,-736,1182,-741,1182,-663,-671,1182,1182,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1182,-836,-53,299,1182,-730,1182,-737,1182,-742,-664,1182,-873,-54,299,299,-731,-738,-743,1182,299,1182,-872,]),'GROUP_REPLICATION_SET_WRITE_CONCURRENCY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[300,300,300,1180,-1894,300,300,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,300,300,300,300,-275,-276,1180,-1425,1180,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1180,1180,1180,-490,1180,1180,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1180,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1180,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1880,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,300,-172,-173,-174,-175,-993,300,300,300,300,300,300,300,300,300,300,1180,1180,1180,1180,1180,-290,-291,-281,300,1180,1180,1180,1180,-328,-318,-332,-333,-334,1180,1180,-982,-983,-984,-985,-986,-987,-988,300,300,1180,1180,1180,1180,1180,1180,1180,1180,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1180,1180,1180,-353,-356,300,-323,-324,-141,1180,-142,1180,-143,1180,-430,-935,-936,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1894,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1894,1180,-1894,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1894,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-1894,300,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1180,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1180,300,300,-191,-192,300,-994,1180,300,300,300,300,-277,-278,-279,-280,-365,1180,-308,1180,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1180,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1180,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1180,1180,1180,1180,1180,1180,-573,1180,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1180,1180,-723,-724,-725,1180,1880,300,300,300,300,-994,300,1180,-91,-92,300,300,300,1180,-309,-310,-320,1180,-307,-293,-294,-295,1180,300,1180,1180,-618,-633,-590,1180,300,-436,300,-437,1180,-444,-445,-446,-378,-379,1180,1180,1180,-506,1180,1180,-510,1180,1180,1180,1180,-515,-516,-517,-518,1180,1180,-521,-522,1180,-524,-525,-526,-527,-528,-529,-530,-531,1180,-533,1180,1180,1180,-539,-541,-542,1180,-544,-545,-546,-547,1180,1180,1180,1180,1180,1180,-652,-653,-654,-655,300,-657,-658,-659,1180,1180,1180,-665,1180,1180,-669,-670,1180,1180,-673,1180,-675,-676,1180,-679,1180,-681,1180,1180,-684,-685,-686,1180,-688,1180,1180,-691,1180,1180,-694,-695,-696,1180,-698,-699,-700,-701,1180,1180,-746,1180,-749,-750,-751,-752,-753,1180,-755,-756,-757,-758,-759,1180,-766,-767,-769,1180,-771,-772,-773,-782,-856,-858,-860,-862,1180,1180,1180,1180,-868,1180,-870,1180,1180,1180,1180,1180,1180,1180,-906,-907,1180,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1180,-921,-924,1180,-934,1180,-385,-386,-387,1180,1180,-390,-391,-392,-393,1180,-396,1180,-399,-400,1180,-401,1180,-406,-407,1180,-410,-411,-412,1180,-415,1180,-416,1180,-421,-422,1180,-425,1180,-428,-429,-1894,-1894,1180,-619,-620,-621,-622,-623,-634,-584,-624,-797,1180,1180,1180,1180,1180,-831,1180,1180,-806,1180,-832,1180,1180,1180,1180,-798,1180,-853,-799,1180,1180,1180,1180,1180,1180,-854,-855,1180,-834,-830,-835,1180,-625,1180,-626,-627,-628,-629,-574,1180,1180,-630,-631,-632,1180,1180,1180,1180,1180,1180,-635,-636,-637,-592,-1894,-602,1180,-638,-639,-713,-640,-604,1180,-572,-577,-580,-583,1180,1180,1180,-598,-601,1180,-608,1180,1180,1180,1180,1180,1180,1180,1180,1180,1180,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1180,300,300,-995,300,1180,300,300,300,1180,-306,-325,-319,-296,-375,-452,-453,-454,-458,300,-443,1180,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1180,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,300,300,300,300,300,300,300,300,1180,-316,-535,-508,-591,-937,-939,-940,-438,1180,-440,-380,-381,-383,-507,-509,-511,1180,-513,-514,-519,-520,1180,-532,-534,-537,-538,-543,-548,-726,1180,-727,1180,-732,1180,-734,1180,-739,-656,-660,-661,1180,-666,1180,-667,1180,-672,-674,1180,-677,1180,1180,1180,-687,-689,1180,-692,1180,1180,-744,1180,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1180,1180,1180,1180,1180,-877,1180,-880,-908,-920,-925,-388,-389,1180,-394,1180,-397,1180,-402,1180,-403,1180,-408,1180,-413,1180,-417,1180,-418,1180,-423,1180,-426,-899,-900,-643,-585,-1894,-901,1180,1180,1180,-800,1180,1180,-804,1180,-807,-833,1180,-818,1180,-820,1180,-822,-808,1180,-824,1180,-851,-852,1180,1180,-811,1180,-646,-902,-904,-648,-649,-645,1180,-705,-706,1180,-642,-903,-647,-650,-603,-714,1180,1180,-605,-586,1180,1180,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1180,1180,-709,-710,1180,-716,1180,300,300,300,1180,1180,-938,300,-439,-441,-747,1180,-891,1880,-715,-1894,1180,1180,300,300,1180,-442,-512,-523,1180,-728,-733,1180,-735,1180,-740,1180,-662,-668,1180,-678,-680,-682,-683,-690,-693,-697,-745,1180,1180,-874,1180,1180,-878,1180,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1180,-812,1180,-814,-801,1180,-802,-805,1180,-816,-819,-821,-823,-825,1180,-826,1180,-809,1180,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,300,-282,300,1180,300,1180,-455,1180,1180,-729,1180,-736,1180,-741,1180,-663,-671,1180,1180,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1180,-836,-53,300,1180,-730,1180,-737,1180,-742,-664,1180,-873,-54,300,300,-731,-738,-743,1180,300,1180,-872,]),'GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[301,301,301,1177,-1894,301,301,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,301,301,301,301,-275,-276,1177,-1425,1177,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1177,1177,1177,-490,1177,1177,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1177,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1177,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1881,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,301,-172,-173,-174,-175,-993,301,301,301,301,301,301,301,301,301,301,1177,1177,1177,1177,1177,-290,-291,-281,301,1177,1177,1177,1177,-328,-318,-332,-333,-334,1177,1177,-982,-983,-984,-985,-986,-987,-988,301,301,1177,1177,1177,1177,1177,1177,1177,1177,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1177,1177,1177,-353,-356,301,-323,-324,-141,1177,-142,1177,-143,1177,-430,-935,-936,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1894,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1894,1177,-1894,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1894,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-1894,301,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1177,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1177,301,301,-191,-192,301,-994,1177,301,301,301,301,-277,-278,-279,-280,-365,1177,-308,1177,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1177,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1177,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1177,1177,1177,1177,1177,1177,-573,1177,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1177,1177,-723,-724,-725,1177,1881,301,301,301,301,-994,301,1177,-91,-92,301,301,301,1177,-309,-310,-320,1177,-307,-293,-294,-295,1177,301,1177,1177,-618,-633,-590,1177,301,-436,301,-437,1177,-444,-445,-446,-378,-379,1177,1177,1177,-506,1177,1177,-510,1177,1177,1177,1177,-515,-516,-517,-518,1177,1177,-521,-522,1177,-524,-525,-526,-527,-528,-529,-530,-531,1177,-533,1177,1177,1177,-539,-541,-542,1177,-544,-545,-546,-547,1177,1177,1177,1177,1177,1177,-652,-653,-654,-655,301,-657,-658,-659,1177,1177,1177,-665,1177,1177,-669,-670,1177,1177,-673,1177,-675,-676,1177,-679,1177,-681,1177,1177,-684,-685,-686,1177,-688,1177,1177,-691,1177,1177,-694,-695,-696,1177,-698,-699,-700,-701,1177,1177,-746,1177,-749,-750,-751,-752,-753,1177,-755,-756,-757,-758,-759,1177,-766,-767,-769,1177,-771,-772,-773,-782,-856,-858,-860,-862,1177,1177,1177,1177,-868,1177,-870,1177,1177,1177,1177,1177,1177,1177,-906,-907,1177,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1177,-921,-924,1177,-934,1177,-385,-386,-387,1177,1177,-390,-391,-392,-393,1177,-396,1177,-399,-400,1177,-401,1177,-406,-407,1177,-410,-411,-412,1177,-415,1177,-416,1177,-421,-422,1177,-425,1177,-428,-429,-1894,-1894,1177,-619,-620,-621,-622,-623,-634,-584,-624,-797,1177,1177,1177,1177,1177,-831,1177,1177,-806,1177,-832,1177,1177,1177,1177,-798,1177,-853,-799,1177,1177,1177,1177,1177,1177,-854,-855,1177,-834,-830,-835,1177,-625,1177,-626,-627,-628,-629,-574,1177,1177,-630,-631,-632,1177,1177,1177,1177,1177,1177,-635,-636,-637,-592,-1894,-602,1177,-638,-639,-713,-640,-604,1177,-572,-577,-580,-583,1177,1177,1177,-598,-601,1177,-608,1177,1177,1177,1177,1177,1177,1177,1177,1177,1177,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1177,301,301,-995,301,1177,301,301,301,1177,-306,-325,-319,-296,-375,-452,-453,-454,-458,301,-443,1177,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1177,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,301,301,301,301,301,301,301,301,1177,-316,-535,-508,-591,-937,-939,-940,-438,1177,-440,-380,-381,-383,-507,-509,-511,1177,-513,-514,-519,-520,1177,-532,-534,-537,-538,-543,-548,-726,1177,-727,1177,-732,1177,-734,1177,-739,-656,-660,-661,1177,-666,1177,-667,1177,-672,-674,1177,-677,1177,1177,1177,-687,-689,1177,-692,1177,1177,-744,1177,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1177,1177,1177,1177,1177,-877,1177,-880,-908,-920,-925,-388,-389,1177,-394,1177,-397,1177,-402,1177,-403,1177,-408,1177,-413,1177,-417,1177,-418,1177,-423,1177,-426,-899,-900,-643,-585,-1894,-901,1177,1177,1177,-800,1177,1177,-804,1177,-807,-833,1177,-818,1177,-820,1177,-822,-808,1177,-824,1177,-851,-852,1177,1177,-811,1177,-646,-902,-904,-648,-649,-645,1177,-705,-706,1177,-642,-903,-647,-650,-603,-714,1177,1177,-605,-586,1177,1177,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1177,1177,-709,-710,1177,-716,1177,301,301,301,1177,1177,-938,301,-439,-441,-747,1177,-891,1881,-715,-1894,1177,1177,301,301,1177,-442,-512,-523,1177,-728,-733,1177,-735,1177,-740,1177,-662,-668,1177,-678,-680,-682,-683,-690,-693,-697,-745,1177,1177,-874,1177,1177,-878,1177,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1177,-812,1177,-814,-801,1177,-802,-805,1177,-816,-819,-821,-823,-825,1177,-826,1177,-809,1177,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,301,-282,301,1177,301,1177,-455,1177,1177,-729,1177,-736,1177,-741,1177,-663,-671,1177,1177,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1177,-836,-53,301,1177,-730,1177,-737,1177,-742,-664,1177,-873,-54,301,301,-731,-738,-743,1177,301,1177,-872,]),'GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[302,302,302,1178,-1894,302,302,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,302,302,302,302,-275,-276,1178,-1425,1178,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1178,1178,1178,-490,1178,1178,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1178,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1178,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1882,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,302,-172,-173,-174,-175,-993,302,302,302,302,302,302,302,302,302,302,1178,1178,1178,1178,1178,-290,-291,-281,302,1178,1178,1178,1178,-328,-318,-332,-333,-334,1178,1178,-982,-983,-984,-985,-986,-987,-988,302,302,1178,1178,1178,1178,1178,1178,1178,1178,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1178,1178,1178,-353,-356,302,-323,-324,-141,1178,-142,1178,-143,1178,-430,-935,-936,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1894,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1894,1178,-1894,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1894,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-1894,302,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1178,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1178,302,302,-191,-192,302,-994,1178,302,302,302,302,-277,-278,-279,-280,-365,1178,-308,1178,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1178,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1178,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1178,1178,1178,1178,1178,1178,-573,1178,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1178,1178,-723,-724,-725,1178,1882,302,302,302,302,-994,302,1178,-91,-92,302,302,302,1178,-309,-310,-320,1178,-307,-293,-294,-295,1178,302,1178,1178,-618,-633,-590,1178,302,-436,302,-437,1178,-444,-445,-446,-378,-379,1178,1178,1178,-506,1178,1178,-510,1178,1178,1178,1178,-515,-516,-517,-518,1178,1178,-521,-522,1178,-524,-525,-526,-527,-528,-529,-530,-531,1178,-533,1178,1178,1178,-539,-541,-542,1178,-544,-545,-546,-547,1178,1178,1178,1178,1178,1178,-652,-653,-654,-655,302,-657,-658,-659,1178,1178,1178,-665,1178,1178,-669,-670,1178,1178,-673,1178,-675,-676,1178,-679,1178,-681,1178,1178,-684,-685,-686,1178,-688,1178,1178,-691,1178,1178,-694,-695,-696,1178,-698,-699,-700,-701,1178,1178,-746,1178,-749,-750,-751,-752,-753,1178,-755,-756,-757,-758,-759,1178,-766,-767,-769,1178,-771,-772,-773,-782,-856,-858,-860,-862,1178,1178,1178,1178,-868,1178,-870,1178,1178,1178,1178,1178,1178,1178,-906,-907,1178,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1178,-921,-924,1178,-934,1178,-385,-386,-387,1178,1178,-390,-391,-392,-393,1178,-396,1178,-399,-400,1178,-401,1178,-406,-407,1178,-410,-411,-412,1178,-415,1178,-416,1178,-421,-422,1178,-425,1178,-428,-429,-1894,-1894,1178,-619,-620,-621,-622,-623,-634,-584,-624,-797,1178,1178,1178,1178,1178,-831,1178,1178,-806,1178,-832,1178,1178,1178,1178,-798,1178,-853,-799,1178,1178,1178,1178,1178,1178,-854,-855,1178,-834,-830,-835,1178,-625,1178,-626,-627,-628,-629,-574,1178,1178,-630,-631,-632,1178,1178,1178,1178,1178,1178,-635,-636,-637,-592,-1894,-602,1178,-638,-639,-713,-640,-604,1178,-572,-577,-580,-583,1178,1178,1178,-598,-601,1178,-608,1178,1178,1178,1178,1178,1178,1178,1178,1178,1178,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1178,302,302,-995,302,1178,302,302,302,1178,-306,-325,-319,-296,-375,-452,-453,-454,-458,302,-443,1178,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1178,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,302,302,302,302,302,302,302,302,1178,-316,-535,-508,-591,-937,-939,-940,-438,1178,-440,-380,-381,-383,-507,-509,-511,1178,-513,-514,-519,-520,1178,-532,-534,-537,-538,-543,-548,-726,1178,-727,1178,-732,1178,-734,1178,-739,-656,-660,-661,1178,-666,1178,-667,1178,-672,-674,1178,-677,1178,1178,1178,-687,-689,1178,-692,1178,1178,-744,1178,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1178,1178,1178,1178,1178,-877,1178,-880,-908,-920,-925,-388,-389,1178,-394,1178,-397,1178,-402,1178,-403,1178,-408,1178,-413,1178,-417,1178,-418,1178,-423,1178,-426,-899,-900,-643,-585,-1894,-901,1178,1178,1178,-800,1178,1178,-804,1178,-807,-833,1178,-818,1178,-820,1178,-822,-808,1178,-824,1178,-851,-852,1178,1178,-811,1178,-646,-902,-904,-648,-649,-645,1178,-705,-706,1178,-642,-903,-647,-650,-603,-714,1178,1178,-605,-586,1178,1178,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1178,1178,-709,-710,1178,-716,1178,302,302,302,1178,1178,-938,302,-439,-441,-747,1178,-891,1882,-715,-1894,1178,1178,302,302,1178,-442,-512,-523,1178,-728,-733,1178,-735,1178,-740,1178,-662,-668,1178,-678,-680,-682,-683,-690,-693,-697,-745,1178,1178,-874,1178,1178,-878,1178,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1178,-812,1178,-814,-801,1178,-802,-805,1178,-816,-819,-821,-823,-825,1178,-826,1178,-809,1178,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,302,-282,302,1178,302,1178,-455,1178,1178,-729,1178,-736,1178,-741,1178,-663,-671,1178,1178,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1178,-836,-53,302,1178,-730,1178,-737,1178,-742,-664,1178,-873,-54,302,302,-731,-738,-743,1178,302,1178,-872,]),'GTID_SUBSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[303,303,303,1186,-1894,303,303,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,303,303,303,303,-275,-276,1186,-1425,1186,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1186,1186,1186,-490,1186,1186,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1186,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1186,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1883,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,303,-172,-173,-174,-175,-993,303,303,303,303,303,303,303,303,303,303,1186,1186,1186,1186,1186,-290,-291,-281,303,1186,1186,1186,1186,-328,-318,-332,-333,-334,1186,1186,-982,-983,-984,-985,-986,-987,-988,303,303,1186,1186,1186,1186,1186,1186,1186,1186,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1186,1186,1186,-353,-356,303,-323,-324,-141,1186,-142,1186,-143,1186,-430,-935,-936,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1894,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1894,1186,-1894,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1894,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-1894,303,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1186,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1186,303,303,-191,-192,303,-994,1186,303,303,303,303,-277,-278,-279,-280,-365,1186,-308,1186,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1186,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1186,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1186,1186,1186,1186,1186,1186,-573,1186,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1186,1186,-723,-724,-725,1186,1883,303,303,303,303,-994,303,1186,-91,-92,303,303,303,1186,-309,-310,-320,1186,-307,-293,-294,-295,1186,303,1186,1186,-618,-633,-590,1186,303,-436,303,-437,1186,-444,-445,-446,-378,-379,1186,1186,1186,-506,1186,1186,-510,1186,1186,1186,1186,-515,-516,-517,-518,1186,1186,-521,-522,1186,-524,-525,-526,-527,-528,-529,-530,-531,1186,-533,1186,1186,1186,-539,-541,-542,1186,-544,-545,-546,-547,1186,1186,1186,1186,1186,1186,-652,-653,-654,-655,303,-657,-658,-659,1186,1186,1186,-665,1186,1186,-669,-670,1186,1186,-673,1186,-675,-676,1186,-679,1186,-681,1186,1186,-684,-685,-686,1186,-688,1186,1186,-691,1186,1186,-694,-695,-696,1186,-698,-699,-700,-701,1186,1186,-746,1186,-749,-750,-751,-752,-753,1186,-755,-756,-757,-758,-759,1186,-766,-767,-769,1186,-771,-772,-773,-782,-856,-858,-860,-862,1186,1186,1186,1186,-868,1186,-870,1186,1186,1186,1186,1186,1186,1186,-906,-907,1186,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1186,-921,-924,1186,-934,1186,-385,-386,-387,1186,1186,-390,-391,-392,-393,1186,-396,1186,-399,-400,1186,-401,1186,-406,-407,1186,-410,-411,-412,1186,-415,1186,-416,1186,-421,-422,1186,-425,1186,-428,-429,-1894,-1894,1186,-619,-620,-621,-622,-623,-634,-584,-624,-797,1186,1186,1186,1186,1186,-831,1186,1186,-806,1186,-832,1186,1186,1186,1186,-798,1186,-853,-799,1186,1186,1186,1186,1186,1186,-854,-855,1186,-834,-830,-835,1186,-625,1186,-626,-627,-628,-629,-574,1186,1186,-630,-631,-632,1186,1186,1186,1186,1186,1186,-635,-636,-637,-592,-1894,-602,1186,-638,-639,-713,-640,-604,1186,-572,-577,-580,-583,1186,1186,1186,-598,-601,1186,-608,1186,1186,1186,1186,1186,1186,1186,1186,1186,1186,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1186,303,303,-995,303,1186,303,303,303,1186,-306,-325,-319,-296,-375,-452,-453,-454,-458,303,-443,1186,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1186,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,303,303,303,303,303,303,303,303,1186,-316,-535,-508,-591,-937,-939,-940,-438,1186,-440,-380,-381,-383,-507,-509,-511,1186,-513,-514,-519,-520,1186,-532,-534,-537,-538,-543,-548,-726,1186,-727,1186,-732,1186,-734,1186,-739,-656,-660,-661,1186,-666,1186,-667,1186,-672,-674,1186,-677,1186,1186,1186,-687,-689,1186,-692,1186,1186,-744,1186,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1186,1186,1186,1186,1186,-877,1186,-880,-908,-920,-925,-388,-389,1186,-394,1186,-397,1186,-402,1186,-403,1186,-408,1186,-413,1186,-417,1186,-418,1186,-423,1186,-426,-899,-900,-643,-585,-1894,-901,1186,1186,1186,-800,1186,1186,-804,1186,-807,-833,1186,-818,1186,-820,1186,-822,-808,1186,-824,1186,-851,-852,1186,1186,-811,1186,-646,-902,-904,-648,-649,-645,1186,-705,-706,1186,-642,-903,-647,-650,-603,-714,1186,1186,-605,-586,1186,1186,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1186,1186,-709,-710,1186,-716,1186,303,303,303,1186,1186,-938,303,-439,-441,-747,1186,-891,1883,-715,-1894,1186,1186,303,303,1186,-442,-512,-523,1186,-728,-733,1186,-735,1186,-740,1186,-662,-668,1186,-678,-680,-682,-683,-690,-693,-697,-745,1186,1186,-874,1186,1186,-878,1186,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1186,-812,1186,-814,-801,1186,-802,-805,1186,-816,-819,-821,-823,-825,1186,-826,1186,-809,1186,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,303,-282,303,1186,303,1186,-455,1186,1186,-729,1186,-736,1186,-741,1186,-663,-671,1186,1186,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1186,-836,-53,303,1186,-730,1186,-737,1186,-742,-664,1186,-873,-54,303,303,-731,-738,-743,1186,303,1186,-872,]),'GTID_SUBTRACT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[304,304,304,1187,-1894,304,304,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,304,304,304,304,-275,-276,1187,-1425,1187,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1187,1187,1187,-490,1187,1187,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1187,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1187,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1884,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,304,-172,-173,-174,-175,-993,304,304,304,304,304,304,304,304,304,304,1187,1187,1187,1187,1187,-290,-291,-281,304,1187,1187,1187,1187,-328,-318,-332,-333,-334,1187,1187,-982,-983,-984,-985,-986,-987,-988,304,304,1187,1187,1187,1187,1187,1187,1187,1187,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1187,1187,1187,-353,-356,304,-323,-324,-141,1187,-142,1187,-143,1187,-430,-935,-936,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1894,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1894,1187,-1894,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1894,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-1894,304,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1187,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1187,304,304,-191,-192,304,-994,1187,304,304,304,304,-277,-278,-279,-280,-365,1187,-308,1187,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1187,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1187,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1187,1187,1187,1187,1187,1187,-573,1187,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1187,1187,-723,-724,-725,1187,1884,304,304,304,304,-994,304,1187,-91,-92,304,304,304,1187,-309,-310,-320,1187,-307,-293,-294,-295,1187,304,1187,1187,-618,-633,-590,1187,304,-436,304,-437,1187,-444,-445,-446,-378,-379,1187,1187,1187,-506,1187,1187,-510,1187,1187,1187,1187,-515,-516,-517,-518,1187,1187,-521,-522,1187,-524,-525,-526,-527,-528,-529,-530,-531,1187,-533,1187,1187,1187,-539,-541,-542,1187,-544,-545,-546,-547,1187,1187,1187,1187,1187,1187,-652,-653,-654,-655,304,-657,-658,-659,1187,1187,1187,-665,1187,1187,-669,-670,1187,1187,-673,1187,-675,-676,1187,-679,1187,-681,1187,1187,-684,-685,-686,1187,-688,1187,1187,-691,1187,1187,-694,-695,-696,1187,-698,-699,-700,-701,1187,1187,-746,1187,-749,-750,-751,-752,-753,1187,-755,-756,-757,-758,-759,1187,-766,-767,-769,1187,-771,-772,-773,-782,-856,-858,-860,-862,1187,1187,1187,1187,-868,1187,-870,1187,1187,1187,1187,1187,1187,1187,-906,-907,1187,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1187,-921,-924,1187,-934,1187,-385,-386,-387,1187,1187,-390,-391,-392,-393,1187,-396,1187,-399,-400,1187,-401,1187,-406,-407,1187,-410,-411,-412,1187,-415,1187,-416,1187,-421,-422,1187,-425,1187,-428,-429,-1894,-1894,1187,-619,-620,-621,-622,-623,-634,-584,-624,-797,1187,1187,1187,1187,1187,-831,1187,1187,-806,1187,-832,1187,1187,1187,1187,-798,1187,-853,-799,1187,1187,1187,1187,1187,1187,-854,-855,1187,-834,-830,-835,1187,-625,1187,-626,-627,-628,-629,-574,1187,1187,-630,-631,-632,1187,1187,1187,1187,1187,1187,-635,-636,-637,-592,-1894,-602,1187,-638,-639,-713,-640,-604,1187,-572,-577,-580,-583,1187,1187,1187,-598,-601,1187,-608,1187,1187,1187,1187,1187,1187,1187,1187,1187,1187,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1187,304,304,-995,304,1187,304,304,304,1187,-306,-325,-319,-296,-375,-452,-453,-454,-458,304,-443,1187,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1187,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,304,304,304,304,304,304,304,304,1187,-316,-535,-508,-591,-937,-939,-940,-438,1187,-440,-380,-381,-383,-507,-509,-511,1187,-513,-514,-519,-520,1187,-532,-534,-537,-538,-543,-548,-726,1187,-727,1187,-732,1187,-734,1187,-739,-656,-660,-661,1187,-666,1187,-667,1187,-672,-674,1187,-677,1187,1187,1187,-687,-689,1187,-692,1187,1187,-744,1187,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1187,1187,1187,1187,1187,-877,1187,-880,-908,-920,-925,-388,-389,1187,-394,1187,-397,1187,-402,1187,-403,1187,-408,1187,-413,1187,-417,1187,-418,1187,-423,1187,-426,-899,-900,-643,-585,-1894,-901,1187,1187,1187,-800,1187,1187,-804,1187,-807,-833,1187,-818,1187,-820,1187,-822,-808,1187,-824,1187,-851,-852,1187,1187,-811,1187,-646,-902,-904,-648,-649,-645,1187,-705,-706,1187,-642,-903,-647,-650,-603,-714,1187,1187,-605,-586,1187,1187,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1187,1187,-709,-710,1187,-716,1187,304,304,304,1187,1187,-938,304,-439,-441,-747,1187,-891,1884,-715,-1894,1187,1187,304,304,1187,-442,-512,-523,1187,-728,-733,1187,-735,1187,-740,1187,-662,-668,1187,-678,-680,-682,-683,-690,-693,-697,-745,1187,1187,-874,1187,1187,-878,1187,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1187,-812,1187,-814,-801,1187,-802,-805,1187,-816,-819,-821,-823,-825,1187,-826,1187,-809,1187,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,304,-282,304,1187,304,1187,-455,1187,1187,-729,1187,-736,1187,-741,1187,-663,-671,1187,1187,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1187,-836,-53,304,1187,-730,1187,-737,1187,-742,-664,1187,-873,-54,304,304,-731,-738,-743,1187,304,1187,-872,]),'GTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[305,305,305,305,-1894,305,305,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,305,305,305,305,-275,-276,305,-1425,305,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,305,305,305,-490,305,305,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,305,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,305,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,305,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,305,-172,-173,-174,-175,-993,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-290,-291,-281,305,305,305,305,305,-328,-318,-332,-333,-334,305,305,-982,-983,-984,-985,-986,-987,-988,305,305,305,305,305,305,305,305,305,305,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,305,305,305,-353,-356,305,-323,-324,-141,305,-142,305,-143,305,-430,-935,-936,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-1894,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-1894,305,-1894,305,305,305,305,305,305,305,305,305,305,305,305,-1894,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,305,-1894,305,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,305,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,305,305,305,-191,-192,305,-994,305,305,305,305,305,-277,-278,-279,-280,-365,305,-308,305,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,305,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,305,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,305,305,305,305,305,305,-573,305,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,305,305,-723,-724,-725,305,305,305,305,305,305,-994,305,305,-91,-92,305,305,305,305,-309,-310,-320,305,-307,-293,-294,-295,305,305,305,305,-618,-633,-590,305,305,-436,305,-437,305,-444,-445,-446,-378,-379,305,305,305,-506,305,305,-510,305,305,305,305,-515,-516,-517,-518,305,305,-521,-522,305,-524,-525,-526,-527,-528,-529,-530,-531,305,-533,305,305,305,-539,-541,-542,305,-544,-545,-546,-547,305,305,305,305,305,305,-652,-653,-654,-655,305,-657,-658,-659,305,305,305,-665,305,305,-669,-670,305,305,-673,305,-675,-676,305,-679,305,-681,305,305,-684,-685,-686,305,-688,305,305,-691,305,305,-694,-695,-696,305,-698,-699,-700,-701,305,305,-746,305,-749,-750,-751,-752,-753,305,-755,-756,-757,-758,-759,305,-766,-767,-769,305,-771,-772,-773,-782,-856,-858,-860,-862,305,305,305,305,-868,305,-870,305,305,305,305,305,305,305,-906,-907,305,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,305,-921,-924,305,-934,305,-385,-386,-387,305,305,-390,-391,-392,-393,305,-396,305,-399,-400,305,-401,305,-406,-407,305,-410,-411,-412,305,-415,305,-416,305,-421,-422,305,-425,305,-428,-429,-1894,-1894,305,-619,-620,-621,-622,-623,-634,-584,-624,-797,305,305,305,305,305,-831,305,305,-806,305,-832,305,305,305,305,-798,305,-853,-799,305,305,305,305,305,305,-854,-855,305,-834,-830,-835,305,-625,305,-626,-627,-628,-629,-574,305,305,-630,-631,-632,305,305,305,305,305,305,-635,-636,-637,-592,-1894,-602,305,-638,-639,-713,-640,-604,305,-572,-577,-580,-583,305,305,305,-598,-601,305,-608,305,305,305,305,305,305,305,305,305,305,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,305,305,305,-995,305,305,305,305,305,305,-306,-325,-319,-296,-375,-452,-453,-454,-458,305,-443,305,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,305,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,305,305,305,305,305,305,305,305,305,-316,-535,-508,-591,-937,-939,-940,-438,305,-440,-380,-381,-383,-507,-509,-511,305,-513,-514,-519,-520,305,-532,-534,-537,-538,-543,-548,-726,305,-727,305,-732,305,-734,305,-739,-656,-660,-661,305,-666,305,-667,305,-672,-674,305,-677,305,305,305,-687,-689,305,-692,305,305,-744,305,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,305,305,305,305,305,-877,305,-880,-908,-920,-925,-388,-389,305,-394,305,-397,305,-402,305,-403,305,-408,305,-413,305,-417,305,-418,305,-423,305,-426,-899,-900,-643,-585,-1894,-901,305,305,305,-800,305,305,-804,305,-807,-833,305,-818,305,-820,305,-822,-808,305,-824,305,-851,-852,305,305,-811,305,-646,-902,-904,-648,-649,-645,305,-705,-706,305,-642,-903,-647,-650,-603,-714,305,305,-605,-586,305,305,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,305,305,-709,-710,305,-716,305,305,305,305,305,305,-938,305,-439,-441,-747,305,-891,305,-715,-1894,305,305,305,305,305,-442,-512,-523,305,-728,-733,305,-735,305,-740,305,-662,-668,305,-678,-680,-682,-683,-690,-693,-697,-745,305,305,-874,305,305,-878,305,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,305,-812,305,-814,-801,305,-802,-805,305,-816,-819,-821,-823,-825,305,-826,305,-809,305,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,305,-282,305,305,305,305,-455,305,305,-729,305,-736,305,-741,305,-663,-671,305,305,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,305,-836,-53,305,305,-730,305,-737,305,-742,-664,305,-873,-54,305,305,-731,-738,-743,305,305,305,-872,]),'HANDLER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[306,306,306,306,-1894,306,306,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,306,306,306,306,-275,-276,306,-1425,306,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,306,306,306,-490,306,306,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,306,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,306,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,306,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,306,-172,-173,-174,-175,-993,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-290,-291,-281,306,306,306,306,306,-328,-318,-332,-333,-334,306,306,-982,-983,-984,-985,-986,-987,-988,306,306,306,306,306,306,306,306,306,306,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,306,306,306,-353,-356,306,-323,-324,-141,306,-142,306,-143,306,-430,-935,-936,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-1894,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-1894,306,-1894,306,306,306,306,306,306,306,306,306,306,306,306,-1894,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,306,-1894,306,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,306,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,306,306,306,-191,-192,306,-994,306,306,306,306,306,-277,-278,-279,-280,-365,306,-308,306,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,306,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,306,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,306,306,306,306,306,306,-573,306,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,306,306,-723,-724,-725,306,306,306,306,306,306,-994,306,306,-91,-92,306,306,306,306,-309,-310,-320,306,-307,-293,-294,-295,306,306,306,306,-618,-633,-590,306,306,-436,306,-437,306,-444,-445,-446,-378,-379,306,306,306,-506,306,306,-510,306,306,306,306,-515,-516,-517,-518,306,306,-521,-522,306,-524,-525,-526,-527,-528,-529,-530,-531,306,-533,306,306,306,-539,-541,-542,306,-544,-545,-546,-547,306,306,306,306,306,306,-652,-653,-654,-655,306,-657,-658,-659,306,306,306,-665,306,306,-669,-670,306,306,-673,306,-675,-676,306,-679,306,-681,306,306,-684,-685,-686,306,-688,306,306,-691,306,306,-694,-695,-696,306,-698,-699,-700,-701,306,306,-746,306,-749,-750,-751,-752,-753,306,-755,-756,-757,-758,-759,306,-766,-767,-769,306,-771,-772,-773,-782,-856,-858,-860,-862,306,306,306,306,-868,306,-870,306,306,306,306,306,306,306,-906,-907,306,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,306,-921,-924,306,-934,306,-385,-386,-387,306,306,-390,-391,-392,-393,306,-396,306,-399,-400,306,-401,306,-406,-407,306,-410,-411,-412,306,-415,306,-416,306,-421,-422,306,-425,306,-428,-429,-1894,-1894,306,-619,-620,-621,-622,-623,-634,-584,-624,-797,306,306,306,306,306,-831,306,306,-806,306,-832,306,306,306,306,-798,306,-853,-799,306,306,306,306,306,306,-854,-855,306,-834,-830,-835,306,-625,306,-626,-627,-628,-629,-574,306,306,-630,-631,-632,306,306,306,306,306,306,-635,-636,-637,-592,-1894,-602,306,-638,-639,-713,-640,-604,306,-572,-577,-580,-583,306,306,306,-598,-601,306,-608,306,306,306,306,306,306,306,306,306,306,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,306,306,306,-995,306,306,306,306,306,306,-306,-325,-319,-296,-375,-452,-453,-454,-458,306,-443,306,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,306,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,306,306,306,306,306,306,306,306,306,-316,-535,-508,-591,-937,-939,-940,-438,306,-440,-380,-381,-383,-507,-509,-511,306,-513,-514,-519,-520,306,-532,-534,-537,-538,-543,-548,-726,306,-727,306,-732,306,-734,306,-739,-656,-660,-661,306,-666,306,-667,306,-672,-674,306,-677,306,306,306,-687,-689,306,-692,306,306,-744,306,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,306,306,306,306,306,-877,306,-880,-908,-920,-925,-388,-389,306,-394,306,-397,306,-402,306,-403,306,-408,306,-413,306,-417,306,-418,306,-423,306,-426,-899,-900,-643,-585,-1894,-901,306,306,306,-800,306,306,-804,306,-807,-833,306,-818,306,-820,306,-822,-808,306,-824,306,-851,-852,306,306,-811,306,-646,-902,-904,-648,-649,-645,306,-705,-706,306,-642,-903,-647,-650,-603,-714,306,306,-605,-586,306,306,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,306,306,-709,-710,306,-716,306,306,306,306,306,306,-938,306,-439,-441,-747,306,-891,306,-715,-1894,306,306,306,306,306,-442,-512,-523,306,-728,-733,306,-735,306,-740,306,-662,-668,306,-678,-680,-682,-683,-690,-693,-697,-745,306,306,-874,306,306,-878,306,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,306,-812,306,-814,-801,306,-802,-805,306,-816,-819,-821,-823,-825,306,-826,306,-809,306,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,306,-282,306,306,306,306,-455,306,306,-729,306,-736,306,-741,306,-663,-671,306,306,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,306,-836,-53,306,306,-730,306,-737,306,-742,-664,306,-873,-54,306,306,-731,-738,-743,306,306,306,-872,]),'HASH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[307,307,307,307,-1894,307,307,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,307,307,307,307,-275,-276,307,-1425,307,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,307,307,307,-490,307,307,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,307,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,307,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,307,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,307,-172,-173,-174,-175,-993,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-290,-291,-281,307,307,307,307,307,-328,-318,-332,-333,-334,307,307,-982,-983,-984,-985,-986,-987,-988,307,307,307,307,307,307,307,307,307,307,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,307,307,307,-353,-356,307,-323,-324,-141,307,-142,307,-143,307,-430,-935,-936,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-1894,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-1894,307,-1894,307,307,307,307,307,307,307,307,307,307,307,307,-1894,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,307,-1894,307,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,307,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,307,307,307,-191,-192,307,-994,307,307,307,307,307,-277,-278,-279,-280,-365,307,-308,307,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,307,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,307,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,307,307,307,307,307,307,-573,307,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,307,307,-723,-724,-725,307,307,307,307,307,307,-994,307,307,-91,-92,307,307,307,307,-309,-310,-320,307,-307,-293,-294,-295,307,307,307,307,-618,-633,-590,307,307,-436,307,-437,307,-444,-445,-446,-378,-379,307,307,307,-506,307,307,-510,307,307,307,307,-515,-516,-517,-518,307,307,-521,-522,307,-524,-525,-526,-527,-528,-529,-530,-531,307,-533,307,307,307,-539,-541,-542,307,-544,-545,-546,-547,307,307,307,307,307,307,-652,-653,-654,-655,307,-657,-658,-659,307,307,307,-665,307,307,-669,-670,307,307,-673,307,-675,-676,307,-679,307,-681,307,307,-684,-685,-686,307,-688,307,307,-691,307,307,-694,-695,-696,307,-698,-699,-700,-701,307,307,-746,307,-749,-750,-751,-752,-753,307,-755,-756,-757,-758,-759,307,-766,-767,-769,307,-771,-772,-773,-782,-856,-858,-860,-862,307,307,307,307,-868,307,-870,307,307,307,307,307,307,307,-906,-907,307,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,307,-921,-924,307,-934,307,-385,-386,-387,307,307,-390,-391,-392,-393,307,-396,307,-399,-400,307,-401,307,-406,-407,307,-410,-411,-412,307,-415,307,-416,307,-421,-422,307,-425,307,-428,-429,-1894,-1894,307,-619,-620,-621,-622,-623,-634,-584,-624,-797,307,307,307,307,307,-831,307,307,-806,307,-832,307,307,307,307,-798,307,-853,-799,307,307,307,307,307,307,-854,-855,307,-834,-830,-835,307,-625,307,-626,-627,-628,-629,-574,307,307,-630,-631,-632,307,307,307,307,307,307,-635,-636,-637,-592,-1894,-602,307,-638,-639,-713,-640,-604,307,-572,-577,-580,-583,307,307,307,-598,-601,307,-608,307,307,307,307,307,307,307,307,307,307,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,307,307,307,-995,307,307,307,307,307,307,-306,-325,-319,-296,-375,-452,-453,-454,-458,307,-443,307,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,307,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,307,307,307,307,307,307,307,307,307,-316,-535,-508,-591,-937,-939,-940,-438,307,-440,-380,-381,-383,-507,-509,-511,307,-513,-514,-519,-520,307,-532,-534,-537,-538,-543,-548,-726,307,-727,307,-732,307,-734,307,-739,-656,-660,-661,307,-666,307,-667,307,-672,-674,307,-677,307,307,307,-687,-689,307,-692,307,307,-744,307,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,307,307,307,307,307,-877,307,-880,-908,-920,-925,-388,-389,307,-394,307,-397,307,-402,307,-403,307,-408,307,-413,307,-417,307,-418,307,-423,307,-426,-899,-900,-643,-585,-1894,-901,307,307,307,-800,307,307,-804,307,-807,-833,307,-818,307,-820,307,-822,-808,307,-824,307,-851,-852,307,307,-811,307,-646,-902,-904,-648,-649,-645,307,-705,-706,307,-642,-903,-647,-650,-603,-714,307,307,-605,-586,307,307,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,307,307,-709,-710,307,-716,307,307,307,307,307,307,-938,307,-439,-441,-747,307,-891,307,-715,-1894,307,307,307,307,307,-442,-512,-523,307,-728,-733,307,-735,307,-740,307,-662,-668,307,-678,-680,-682,-683,-690,-693,-697,-745,307,307,-874,307,307,-878,307,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,307,-812,307,-814,-801,307,-802,-805,307,-816,-819,-821,-823,-825,307,-826,307,-809,307,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,307,-282,307,307,307,307,-455,307,307,-729,307,-736,307,-741,307,-663,-671,307,307,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,307,-836,-53,307,307,-730,307,-737,307,-742,-664,307,-873,-54,307,307,-731,-738,-743,307,307,307,-872,]),'HELP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[308,308,308,308,-1894,308,308,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,308,308,308,308,-275,-276,308,-1425,308,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,308,308,308,-490,308,308,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,308,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,308,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,308,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,308,-172,-173,-174,-175,-993,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-290,-291,-281,308,308,308,308,308,-328,-318,-332,-333,-334,308,308,-982,-983,-984,-985,-986,-987,-988,308,308,308,308,308,308,308,308,308,308,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,308,308,308,-353,-356,308,-323,-324,-141,308,-142,308,-143,308,-430,-935,-936,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-1894,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-1894,308,-1894,308,308,308,308,308,308,308,308,308,308,308,308,-1894,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,308,-1894,308,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,308,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,308,308,308,-191,-192,308,-994,308,308,308,308,308,-277,-278,-279,-280,-365,308,-308,308,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,308,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,308,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,308,308,308,308,308,308,-573,308,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,308,308,-723,-724,-725,308,308,308,308,308,308,-994,308,308,-91,-92,308,308,308,308,-309,-310,-320,308,-307,-293,-294,-295,308,308,308,308,-618,-633,-590,308,308,-436,308,-437,308,-444,-445,-446,-378,-379,308,308,308,-506,308,308,-510,308,308,308,308,-515,-516,-517,-518,308,308,-521,-522,308,-524,-525,-526,-527,-528,-529,-530,-531,308,-533,308,308,308,-539,-541,-542,308,-544,-545,-546,-547,308,308,308,308,308,308,-652,-653,-654,-655,308,-657,-658,-659,308,308,308,-665,308,308,-669,-670,308,308,-673,308,-675,-676,308,-679,308,-681,308,308,-684,-685,-686,308,-688,308,308,-691,308,308,-694,-695,-696,308,-698,-699,-700,-701,308,308,-746,308,-749,-750,-751,-752,-753,308,-755,-756,-757,-758,-759,308,-766,-767,-769,308,-771,-772,-773,-782,-856,-858,-860,-862,308,308,308,308,-868,308,-870,308,308,308,308,308,308,308,-906,-907,308,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,308,-921,-924,308,-934,308,-385,-386,-387,308,308,-390,-391,-392,-393,308,-396,308,-399,-400,308,-401,308,-406,-407,308,-410,-411,-412,308,-415,308,-416,308,-421,-422,308,-425,308,-428,-429,-1894,-1894,308,-619,-620,-621,-622,-623,-634,-584,-624,-797,308,308,308,308,308,-831,308,308,-806,308,-832,308,308,308,308,-798,308,-853,-799,308,308,308,308,308,308,-854,-855,308,-834,-830,-835,308,-625,308,-626,-627,-628,-629,-574,308,308,-630,-631,-632,308,308,308,308,308,308,-635,-636,-637,-592,-1894,-602,308,-638,-639,-713,-640,-604,308,-572,-577,-580,-583,308,308,308,-598,-601,308,-608,308,308,308,308,308,308,308,308,308,308,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,308,308,308,-995,308,308,308,308,308,308,-306,-325,-319,-296,-375,-452,-453,-454,-458,308,-443,308,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,308,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,308,308,308,308,308,308,308,308,308,-316,-535,-508,-591,-937,-939,-940,-438,308,-440,-380,-381,-383,-507,-509,-511,308,-513,-514,-519,-520,308,-532,-534,-537,-538,-543,-548,-726,308,-727,308,-732,308,-734,308,-739,-656,-660,-661,308,-666,308,-667,308,-672,-674,308,-677,308,308,308,-687,-689,308,-692,308,308,-744,308,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,308,308,308,308,308,-877,308,-880,-908,-920,-925,-388,-389,308,-394,308,-397,308,-402,308,-403,308,-408,308,-413,308,-417,308,-418,308,-423,308,-426,-899,-900,-643,-585,-1894,-901,308,308,308,-800,308,308,-804,308,-807,-833,308,-818,308,-820,308,-822,-808,308,-824,308,-851,-852,308,308,-811,308,-646,-902,-904,-648,-649,-645,308,-705,-706,308,-642,-903,-647,-650,-603,-714,308,308,-605,-586,308,308,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,308,308,-709,-710,308,-716,308,308,308,308,308,308,-938,308,-439,-441,-747,308,-891,308,-715,-1894,308,308,308,308,308,-442,-512,-523,308,-728,-733,308,-735,308,-740,308,-662,-668,308,-678,-680,-682,-683,-690,-693,-697,-745,308,308,-874,308,308,-878,308,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,308,-812,308,-814,-801,308,-802,-805,308,-816,-819,-821,-823,-825,308,-826,308,-809,308,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,308,-282,308,308,308,308,-455,308,308,-729,308,-736,308,-741,308,-663,-671,308,308,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,308,-836,-53,308,308,-730,308,-737,308,-742,-664,308,-873,-54,308,308,-731,-738,-743,308,308,308,-872,]),'HEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[309,309,309,1096,-1894,309,309,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,309,309,309,309,-275,-276,1096,-1425,1096,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1096,1096,1096,-490,1096,1096,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1096,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1096,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1885,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,309,-172,-173,-174,-175,-993,309,309,309,309,309,309,309,309,309,309,1096,1096,1096,1096,1096,-290,-291,-281,309,1096,1096,1096,1096,-328,-318,-332,-333,-334,1096,1096,-982,-983,-984,-985,-986,-987,-988,309,309,1096,1096,1096,1096,1096,1096,1096,1096,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1096,1096,1096,-353,-356,309,-323,-324,-141,1096,-142,1096,-143,1096,-430,-935,-936,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1894,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1894,1096,-1894,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1894,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-1894,309,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1096,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1096,309,309,-191,-192,309,-994,1096,309,309,309,309,-277,-278,-279,-280,-365,1096,-308,1096,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1096,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1096,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1096,1096,1096,1096,1096,1096,-573,1096,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1096,1096,-723,-724,-725,1096,1885,309,309,309,309,-994,309,1096,-91,-92,309,309,309,1096,-309,-310,-320,1096,-307,-293,-294,-295,1096,309,1096,1096,-618,-633,-590,1096,309,-436,309,-437,1096,-444,-445,-446,-378,-379,1096,1096,1096,-506,1096,1096,-510,1096,1096,1096,1096,-515,-516,-517,-518,1096,1096,-521,-522,1096,-524,-525,-526,-527,-528,-529,-530,-531,1096,-533,1096,1096,1096,-539,-541,-542,1096,-544,-545,-546,-547,1096,1096,1096,1096,1096,1096,-652,-653,-654,-655,309,-657,-658,-659,1096,1096,1096,-665,1096,1096,-669,-670,1096,1096,-673,1096,-675,-676,1096,-679,1096,-681,1096,1096,-684,-685,-686,1096,-688,1096,1096,-691,1096,1096,-694,-695,-696,1096,-698,-699,-700,-701,1096,1096,-746,1096,-749,-750,-751,-752,-753,1096,-755,-756,-757,-758,-759,1096,-766,-767,-769,1096,-771,-772,-773,-782,-856,-858,-860,-862,1096,1096,1096,1096,-868,1096,-870,1096,1096,1096,1096,1096,1096,1096,-906,-907,1096,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1096,-921,-924,1096,-934,1096,-385,-386,-387,1096,1096,-390,-391,-392,-393,1096,-396,1096,-399,-400,1096,-401,1096,-406,-407,1096,-410,-411,-412,1096,-415,1096,-416,1096,-421,-422,1096,-425,1096,-428,-429,-1894,-1894,1096,-619,-620,-621,-622,-623,-634,-584,-624,-797,1096,1096,1096,1096,1096,-831,1096,1096,-806,1096,-832,1096,1096,1096,1096,-798,1096,-853,-799,1096,1096,1096,1096,1096,1096,-854,-855,1096,-834,-830,-835,1096,-625,1096,-626,-627,-628,-629,-574,1096,1096,-630,-631,-632,1096,1096,1096,1096,1096,1096,-635,-636,-637,-592,-1894,-602,1096,-638,-639,-713,-640,-604,1096,-572,-577,-580,-583,1096,1096,1096,-598,-601,1096,-608,1096,1096,1096,1096,1096,1096,1096,1096,1096,1096,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1096,309,309,-995,309,1096,309,309,309,1096,-306,-325,-319,-296,-375,-452,-453,-454,-458,309,-443,1096,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1096,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,309,309,309,309,309,309,309,309,1096,-316,-535,-508,-591,-937,-939,-940,-438,1096,-440,-380,-381,-383,-507,-509,-511,1096,-513,-514,-519,-520,1096,-532,-534,-537,-538,-543,-548,-726,1096,-727,1096,-732,1096,-734,1096,-739,-656,-660,-661,1096,-666,1096,-667,1096,-672,-674,1096,-677,1096,1096,1096,-687,-689,1096,-692,1096,1096,-744,1096,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1096,1096,1096,1096,1096,-877,1096,-880,-908,-920,-925,-388,-389,1096,-394,1096,-397,1096,-402,1096,-403,1096,-408,1096,-413,1096,-417,1096,-418,1096,-423,1096,-426,-899,-900,-643,-585,-1894,-901,1096,1096,1096,-800,1096,1096,-804,1096,-807,-833,1096,-818,1096,-820,1096,-822,-808,1096,-824,1096,-851,-852,1096,1096,-811,1096,-646,-902,-904,-648,-649,-645,1096,-705,-706,1096,-642,-903,-647,-650,-603,-714,1096,1096,-605,-586,1096,1096,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1096,1096,-709,-710,1096,-716,1096,309,309,309,1096,1096,-938,309,-439,-441,-747,1096,-891,1885,-715,-1894,1096,1096,309,309,1096,-442,-512,-523,1096,-728,-733,1096,-735,1096,-740,1096,-662,-668,1096,-678,-680,-682,-683,-690,-693,-697,-745,1096,1096,-874,1096,1096,-878,1096,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1096,-812,1096,-814,-801,1096,-802,-805,1096,-816,-819,-821,-823,-825,1096,-826,1096,-809,1096,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,309,-282,309,1096,309,1096,-455,1096,1096,-729,1096,-736,1096,-741,1096,-663,-671,1096,1096,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1096,-836,-53,309,1096,-730,1096,-737,1096,-742,-664,1096,-873,-54,309,309,-731,-738,-743,1096,309,1096,-872,]),'HISTOGRAM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[310,310,310,310,-1894,310,310,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,310,310,310,310,-275,-276,310,-1425,310,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,310,310,310,-490,310,310,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,310,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,310,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,310,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,310,-172,-173,-174,-175,-993,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-290,-291,-281,310,310,310,310,310,-328,-318,-332,-333,-334,310,310,-982,-983,-984,-985,-986,-987,-988,310,310,310,310,310,310,310,310,310,310,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,310,310,310,-353,-356,310,-323,-324,-141,310,-142,310,-143,310,-430,-935,-936,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-1894,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-1894,310,-1894,310,310,310,310,310,310,310,310,310,310,310,310,-1894,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,310,-1894,310,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,310,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,310,310,310,-191,-192,310,-994,310,310,310,310,310,-277,-278,-279,-280,-365,310,-308,310,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,310,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,310,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,310,310,310,310,310,310,-573,310,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,310,310,-723,-724,-725,310,310,310,310,310,310,-994,310,310,-91,-92,310,310,310,310,-309,-310,-320,310,-307,-293,-294,-295,310,310,310,310,-618,-633,-590,310,310,-436,310,-437,310,-444,-445,-446,-378,-379,310,310,310,-506,310,310,-510,310,310,310,310,-515,-516,-517,-518,310,310,-521,-522,310,-524,-525,-526,-527,-528,-529,-530,-531,310,-533,310,310,310,-539,-541,-542,310,-544,-545,-546,-547,310,310,310,310,310,310,-652,-653,-654,-655,310,-657,-658,-659,310,310,310,-665,310,310,-669,-670,310,310,-673,310,-675,-676,310,-679,310,-681,310,310,-684,-685,-686,310,-688,310,310,-691,310,310,-694,-695,-696,310,-698,-699,-700,-701,310,310,-746,310,-749,-750,-751,-752,-753,310,-755,-756,-757,-758,-759,310,-766,-767,-769,310,-771,-772,-773,-782,-856,-858,-860,-862,310,310,310,310,-868,310,-870,310,310,310,310,310,310,310,-906,-907,310,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,310,-921,-924,310,-934,310,-385,-386,-387,310,310,-390,-391,-392,-393,310,-396,310,-399,-400,310,-401,310,-406,-407,310,-410,-411,-412,310,-415,310,-416,310,-421,-422,310,-425,310,-428,-429,-1894,-1894,310,-619,-620,-621,-622,-623,-634,-584,-624,-797,310,310,310,310,310,-831,310,310,-806,310,-832,310,310,310,310,-798,310,-853,-799,310,310,310,310,310,310,-854,-855,310,-834,-830,-835,310,-625,310,-626,-627,-628,-629,-574,310,310,-630,-631,-632,310,310,310,310,310,310,-635,-636,-637,-592,-1894,-602,310,-638,-639,-713,-640,-604,310,-572,-577,-580,-583,310,310,310,-598,-601,310,-608,310,310,310,310,310,310,310,310,310,310,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,310,310,310,-995,310,310,310,310,310,310,-306,-325,-319,-296,-375,-452,-453,-454,-458,310,-443,310,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,310,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,310,310,310,310,310,310,310,310,310,-316,-535,-508,-591,-937,-939,-940,-438,310,-440,-380,-381,-383,-507,-509,-511,310,-513,-514,-519,-520,310,-532,-534,-537,-538,-543,-548,-726,310,-727,310,-732,310,-734,310,-739,-656,-660,-661,310,-666,310,-667,310,-672,-674,310,-677,310,310,310,-687,-689,310,-692,310,310,-744,310,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,310,310,310,310,310,-877,310,-880,-908,-920,-925,-388,-389,310,-394,310,-397,310,-402,310,-403,310,-408,310,-413,310,-417,310,-418,310,-423,310,-426,-899,-900,-643,-585,-1894,-901,310,310,310,-800,310,310,-804,310,-807,-833,310,-818,310,-820,310,-822,-808,310,-824,310,-851,-852,310,310,-811,310,-646,-902,-904,-648,-649,-645,310,-705,-706,310,-642,-903,-647,-650,-603,-714,310,310,-605,-586,310,310,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,310,310,-709,-710,310,-716,310,310,310,310,310,310,-938,310,-439,-441,-747,310,-891,310,-715,-1894,310,310,310,310,310,-442,-512,-523,310,-728,-733,310,-735,310,-740,310,-662,-668,310,-678,-680,-682,-683,-690,-693,-697,-745,310,310,-874,310,310,-878,310,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,310,-812,310,-814,-801,310,-802,-805,310,-816,-819,-821,-823,-825,310,-826,310,-809,310,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,310,-282,310,310,310,310,-455,310,310,-729,310,-736,310,-741,310,-663,-671,310,310,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,310,-836,-53,310,310,-730,310,-737,310,-742,-664,310,-873,-54,310,310,-731,-738,-743,310,310,310,-872,]),'HOST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[311,311,311,311,-1894,311,311,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,311,311,311,311,-275,-276,311,-1425,311,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,311,311,311,-490,311,311,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,311,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,311,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,311,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,311,-172,-173,-174,-175,-993,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-290,-291,-281,311,311,311,311,311,-328,-318,-332,-333,-334,311,311,-982,-983,-984,-985,-986,-987,-988,311,311,311,311,311,311,311,311,311,311,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,311,311,311,-353,-356,311,-323,-324,-141,311,-142,311,-143,311,-430,-935,-936,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-1894,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-1894,311,-1894,311,311,311,311,311,311,311,311,311,311,311,311,-1894,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,311,-1894,311,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,311,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,311,311,311,-191,-192,311,-994,311,311,311,311,311,-277,-278,-279,-280,-365,311,-308,311,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,311,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,311,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,311,311,311,311,311,311,-573,311,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,311,311,-723,-724,-725,311,311,311,311,311,311,-994,311,311,-91,-92,311,311,311,311,-309,-310,-320,311,-307,-293,-294,-295,311,311,311,311,-618,-633,-590,311,311,-436,311,-437,311,-444,-445,-446,-378,-379,311,311,311,-506,311,311,-510,311,311,311,311,-515,-516,-517,-518,311,311,-521,-522,311,-524,-525,-526,-527,-528,-529,-530,-531,311,-533,311,311,311,-539,-541,-542,311,-544,-545,-546,-547,311,311,311,311,311,311,-652,-653,-654,-655,311,-657,-658,-659,311,311,311,-665,311,311,-669,-670,311,311,-673,311,-675,-676,311,-679,311,-681,311,311,-684,-685,-686,311,-688,311,311,-691,311,311,-694,-695,-696,311,-698,-699,-700,-701,311,311,-746,311,-749,-750,-751,-752,-753,311,-755,-756,-757,-758,-759,311,-766,-767,-769,311,-771,-772,-773,-782,-856,-858,-860,-862,311,311,311,311,-868,311,-870,311,311,311,311,311,311,311,-906,-907,311,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,311,-921,-924,311,-934,311,-385,-386,-387,311,311,-390,-391,-392,-393,311,-396,311,-399,-400,311,-401,311,-406,-407,311,-410,-411,-412,311,-415,311,-416,311,-421,-422,311,-425,311,-428,-429,-1894,-1894,311,-619,-620,-621,-622,-623,-634,-584,-624,-797,311,311,311,311,311,-831,311,311,-806,311,-832,311,311,311,311,-798,311,-853,-799,311,311,311,311,311,311,-854,-855,311,-834,-830,-835,311,-625,311,-626,-627,-628,-629,-574,311,311,-630,-631,-632,311,311,311,311,311,311,-635,-636,-637,-592,-1894,-602,311,-638,-639,-713,-640,-604,311,-572,-577,-580,-583,311,311,311,-598,-601,311,-608,311,311,311,311,311,311,311,311,311,311,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,311,311,311,-995,311,311,311,311,311,311,-306,-325,-319,-296,-375,-452,-453,-454,-458,311,-443,311,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,311,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,311,311,311,311,311,311,311,311,311,-316,-535,-508,-591,-937,-939,-940,-438,311,-440,-380,-381,-383,-507,-509,-511,311,-513,-514,-519,-520,311,-532,-534,-537,-538,-543,-548,-726,311,-727,311,-732,311,-734,311,-739,-656,-660,-661,311,-666,311,-667,311,-672,-674,311,-677,311,311,311,-687,-689,311,-692,311,311,-744,311,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,311,311,311,311,311,-877,311,-880,-908,-920,-925,-388,-389,311,-394,311,-397,311,-402,311,-403,311,-408,311,-413,311,-417,311,-418,311,-423,311,-426,-899,-900,-643,-585,-1894,-901,311,311,311,-800,311,311,-804,311,-807,-833,311,-818,311,-820,311,-822,-808,311,-824,311,-851,-852,311,311,-811,311,-646,-902,-904,-648,-649,-645,311,-705,-706,311,-642,-903,-647,-650,-603,-714,311,311,-605,-586,311,311,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,311,311,-709,-710,311,-716,311,311,311,311,311,311,-938,311,-439,-441,-747,311,-891,311,-715,-1894,311,311,311,311,311,-442,-512,-523,311,-728,-733,311,-735,311,-740,311,-662,-668,311,-678,-680,-682,-683,-690,-693,-697,-745,311,311,-874,311,311,-878,311,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,311,-812,311,-814,-801,311,-802,-805,311,-816,-819,-821,-823,-825,311,-826,311,-809,311,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,311,-282,311,311,311,311,-455,311,311,-729,311,-736,311,-741,311,-663,-671,311,311,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,311,-836,-53,311,311,-730,311,-737,311,-742,-664,311,-873,-54,311,311,-731,-738,-743,311,311,311,-872,]),'HOSTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[312,312,312,312,-1894,312,312,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,312,312,312,312,-275,-276,312,-1425,312,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,312,312,312,-490,312,312,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,312,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,312,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,312,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,312,-172,-173,-174,-175,-993,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-290,-291,-281,312,312,312,312,312,-328,-318,-332,-333,-334,312,312,-982,-983,-984,-985,-986,-987,-988,312,312,312,312,312,312,312,312,312,312,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,312,312,312,-353,-356,312,-323,-324,-141,312,-142,312,-143,312,-430,-935,-936,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-1894,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-1894,312,-1894,312,312,312,312,312,312,312,312,312,312,312,312,-1894,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,312,-1894,312,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,312,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,312,312,312,-191,-192,312,-994,312,312,312,312,312,-277,-278,-279,-280,-365,312,-308,312,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,312,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,312,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,312,312,312,312,312,312,-573,312,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,312,312,-723,-724,-725,312,312,312,312,312,312,-994,312,312,-91,-92,312,312,312,312,-309,-310,-320,312,-307,-293,-294,-295,312,312,312,312,-618,-633,-590,312,312,-436,312,-437,312,-444,-445,-446,-378,-379,312,312,312,-506,312,312,-510,312,312,312,312,-515,-516,-517,-518,312,312,-521,-522,312,-524,-525,-526,-527,-528,-529,-530,-531,312,-533,312,312,312,-539,-541,-542,312,-544,-545,-546,-547,312,312,312,312,312,312,-652,-653,-654,-655,312,-657,-658,-659,312,312,312,-665,312,312,-669,-670,312,312,-673,312,-675,-676,312,-679,312,-681,312,312,-684,-685,-686,312,-688,312,312,-691,312,312,-694,-695,-696,312,-698,-699,-700,-701,312,312,-746,312,-749,-750,-751,-752,-753,312,-755,-756,-757,-758,-759,312,-766,-767,-769,312,-771,-772,-773,-782,-856,-858,-860,-862,312,312,312,312,-868,312,-870,312,312,312,312,312,312,312,-906,-907,312,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,312,-921,-924,312,-934,312,-385,-386,-387,312,312,-390,-391,-392,-393,312,-396,312,-399,-400,312,-401,312,-406,-407,312,-410,-411,-412,312,-415,312,-416,312,-421,-422,312,-425,312,-428,-429,-1894,-1894,312,-619,-620,-621,-622,-623,-634,-584,-624,-797,312,312,312,312,312,-831,312,312,-806,312,-832,312,312,312,312,-798,312,-853,-799,312,312,312,312,312,312,-854,-855,312,-834,-830,-835,312,-625,312,-626,-627,-628,-629,-574,312,312,-630,-631,-632,312,312,312,312,312,312,-635,-636,-637,-592,-1894,-602,312,-638,-639,-713,-640,-604,312,-572,-577,-580,-583,312,312,312,-598,-601,312,-608,312,312,312,312,312,312,312,312,312,312,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,312,312,312,-995,312,312,312,312,312,312,-306,-325,-319,-296,-375,-452,-453,-454,-458,312,-443,312,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,312,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,312,312,312,312,312,312,312,312,312,-316,-535,-508,-591,-937,-939,-940,-438,312,-440,-380,-381,-383,-507,-509,-511,312,-513,-514,-519,-520,312,-532,-534,-537,-538,-543,-548,-726,312,-727,312,-732,312,-734,312,-739,-656,-660,-661,312,-666,312,-667,312,-672,-674,312,-677,312,312,312,-687,-689,312,-692,312,312,-744,312,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,312,312,312,312,312,-877,312,-880,-908,-920,-925,-388,-389,312,-394,312,-397,312,-402,312,-403,312,-408,312,-413,312,-417,312,-418,312,-423,312,-426,-899,-900,-643,-585,-1894,-901,312,312,312,-800,312,312,-804,312,-807,-833,312,-818,312,-820,312,-822,-808,312,-824,312,-851,-852,312,312,-811,312,-646,-902,-904,-648,-649,-645,312,-705,-706,312,-642,-903,-647,-650,-603,-714,312,312,-605,-586,312,312,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,312,312,-709,-710,312,-716,312,312,312,312,312,312,-938,312,-439,-441,-747,312,-891,312,-715,-1894,312,312,312,312,312,-442,-512,-523,312,-728,-733,312,-735,312,-740,312,-662,-668,312,-678,-680,-682,-683,-690,-693,-697,-745,312,312,-874,312,312,-878,312,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,312,-812,312,-814,-801,312,-802,-805,312,-816,-819,-821,-823,-825,312,-826,312,-809,312,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,312,-282,312,312,312,312,-455,312,312,-729,312,-736,312,-741,312,-663,-671,312,312,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,312,-836,-53,312,312,-730,312,-737,312,-742,-664,312,-873,-54,312,312,-731,-738,-743,312,312,312,-872,]),'HOST_IP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[313,313,313,1012,-1894,313,313,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,313,313,313,313,-275,-276,1012,-1425,1012,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1012,1012,1012,-490,1012,1012,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1012,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1012,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1886,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,313,-172,-173,-174,-175,-993,313,313,313,313,313,313,313,313,313,313,1012,1012,1012,1012,1012,-290,-291,-281,313,1012,1012,1012,1012,-328,-318,-332,-333,-334,1012,1012,-982,-983,-984,-985,-986,-987,-988,313,313,1012,1012,1012,1012,1012,1012,1012,1012,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1012,1012,1012,-353,-356,313,-323,-324,-141,1012,-142,1012,-143,1012,-430,-935,-936,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1894,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1894,1012,-1894,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1894,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-1894,313,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1012,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1012,313,313,-191,-192,313,-994,1012,313,313,313,313,-277,-278,-279,-280,-365,1012,-308,1012,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1012,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1012,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1012,1012,1012,1012,1012,1012,-573,1012,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1012,1012,-723,-724,-725,1012,1886,313,313,313,313,-994,313,1012,-91,-92,313,313,313,1012,-309,-310,-320,1012,-307,-293,-294,-295,1012,313,1012,1012,-618,-633,-590,1012,313,-436,313,-437,1012,-444,-445,-446,-378,-379,1012,1012,1012,-506,1012,1012,-510,1012,1012,1012,1012,-515,-516,-517,-518,1012,1012,-521,-522,1012,-524,-525,-526,-527,-528,-529,-530,-531,1012,-533,1012,1012,1012,-539,-541,-542,1012,-544,-545,-546,-547,1012,1012,1012,1012,1012,1012,-652,-653,-654,-655,313,-657,-658,-659,1012,1012,1012,-665,1012,1012,-669,-670,1012,1012,-673,1012,-675,-676,1012,-679,1012,-681,1012,1012,-684,-685,-686,1012,-688,1012,1012,-691,1012,1012,-694,-695,-696,1012,-698,-699,-700,-701,1012,1012,-746,1012,-749,-750,-751,-752,-753,1012,-755,-756,-757,-758,-759,1012,-766,-767,-769,1012,-771,-772,-773,-782,-856,-858,-860,-862,1012,1012,1012,1012,-868,1012,-870,1012,1012,1012,1012,1012,1012,1012,-906,-907,1012,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1012,-921,-924,1012,-934,1012,-385,-386,-387,1012,1012,-390,-391,-392,-393,1012,-396,1012,-399,-400,1012,-401,1012,-406,-407,1012,-410,-411,-412,1012,-415,1012,-416,1012,-421,-422,1012,-425,1012,-428,-429,-1894,-1894,1012,-619,-620,-621,-622,-623,-634,-584,-624,-797,1012,1012,1012,1012,1012,-831,1012,1012,-806,1012,-832,1012,1012,1012,1012,-798,1012,-853,-799,1012,1012,1012,1012,1012,1012,-854,-855,1012,-834,-830,-835,1012,-625,1012,-626,-627,-628,-629,-574,1012,1012,-630,-631,-632,1012,1012,1012,1012,1012,1012,-635,-636,-637,-592,-1894,-602,1012,-638,-639,-713,-640,-604,1012,-572,-577,-580,-583,1012,1012,1012,-598,-601,1012,-608,1012,1012,1012,1012,1012,1012,1012,1012,1012,1012,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1012,313,313,-995,313,1012,313,313,313,1012,-306,-325,-319,-296,-375,-452,-453,-454,-458,313,-443,1012,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1012,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,313,313,313,313,313,313,313,313,1012,-316,-535,-508,-591,-937,-939,-940,-438,1012,-440,-380,-381,-383,-507,-509,-511,1012,-513,-514,-519,-520,1012,-532,-534,-537,-538,-543,-548,-726,1012,-727,1012,-732,1012,-734,1012,-739,-656,-660,-661,1012,-666,1012,-667,1012,-672,-674,1012,-677,1012,1012,1012,-687,-689,1012,-692,1012,1012,-744,1012,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1012,1012,1012,1012,1012,-877,1012,-880,-908,-920,-925,-388,-389,1012,-394,1012,-397,1012,-402,1012,-403,1012,-408,1012,-413,1012,-417,1012,-418,1012,-423,1012,-426,-899,-900,-643,-585,-1894,-901,1012,1012,1012,-800,1012,1012,-804,1012,-807,-833,1012,-818,1012,-820,1012,-822,-808,1012,-824,1012,-851,-852,1012,1012,-811,1012,-646,-902,-904,-648,-649,-645,1012,-705,-706,1012,-642,-903,-647,-650,-603,-714,1012,1012,-605,-586,1012,1012,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1012,1012,-709,-710,1012,-716,1012,313,313,313,1012,1012,-938,313,-439,-441,-747,1012,-891,1886,-715,-1894,1012,1012,313,313,1012,-442,-512,-523,1012,-728,-733,1012,-735,1012,-740,1012,-662,-668,1012,-678,-680,-682,-683,-690,-693,-697,-745,1012,1012,-874,1012,1012,-878,1012,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1012,-812,1012,-814,-801,1012,-802,-805,1012,-816,-819,-821,-823,-825,1012,-826,1012,-809,1012,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,313,-282,313,1012,313,1012,-455,1012,1012,-729,1012,-736,1012,-741,1012,-663,-671,1012,1012,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1012,-836,-53,313,1012,-730,1012,-737,1012,-742,-664,1012,-873,-54,313,313,-731,-738,-743,1012,313,1012,-872,]),'HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[314,314,314,1253,-1894,314,314,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,314,314,314,314,-275,-276,1253,-1425,1253,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1253,1253,1253,-490,1253,1253,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1253,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1253,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1253,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,314,-172,-173,-174,-175,-993,314,314,314,314,314,314,314,314,314,314,1253,1253,1253,1253,1253,-290,-291,-281,314,1253,1253,1253,1253,-328,-318,-332,-333,-334,1253,1253,-982,-983,-984,-985,-986,-987,-988,314,314,1253,1253,1253,1253,1253,1253,1253,1253,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1253,1253,2107,1253,-353,-356,314,-323,-324,-141,1253,-142,1253,-143,1253,-430,-935,-936,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1894,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1894,1253,-1894,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1894,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,2107,2107,1253,1253,2107,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-1894,314,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1253,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1253,314,314,-191,-192,314,-994,1253,314,314,314,314,-277,-278,-279,-280,-365,1253,-308,1253,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1253,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1253,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1253,1253,1253,1253,1253,1253,-573,1253,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1253,1253,-723,-724,-725,1253,1253,314,314,314,314,-994,314,1253,-91,-92,314,314,314,1253,-309,-310,-320,1253,-307,-293,-294,-295,1253,314,1253,1253,-618,-633,-590,1253,314,-436,314,-437,1253,-444,-445,-446,-378,-379,1253,1253,1253,-506,1253,1253,-510,1253,1253,1253,1253,-515,-516,-517,-518,1253,1253,-521,-522,1253,-524,-525,-526,-527,-528,-529,-530,-531,1253,-533,1253,1253,1253,-539,-541,-542,1253,-544,-545,-546,-547,1253,1253,1253,1253,1253,1253,-652,-653,-654,-655,314,-657,-658,-659,1253,1253,1253,-665,1253,1253,-669,-670,1253,1253,-673,1253,-675,-676,1253,-679,1253,-681,1253,1253,-684,-685,-686,1253,-688,1253,1253,-691,1253,1253,-694,-695,-696,1253,-698,-699,-700,-701,1253,1253,-746,1253,-749,-750,-751,-752,-753,1253,-755,-756,-757,-758,-759,1253,-766,-767,-769,1253,-771,-772,-773,-782,-856,-858,-860,-862,1253,1253,1253,1253,-868,1253,-870,1253,1253,1253,1253,1253,1253,1253,-906,-907,1253,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1253,-921,-924,1253,-934,1253,-385,-386,-387,1253,1253,-390,-391,-392,-393,1253,-396,1253,-399,-400,1253,-401,1253,-406,-407,1253,-410,-411,-412,1253,-415,1253,-416,1253,-421,-422,1253,-425,1253,-428,-429,-1894,-1894,1253,-619,-620,-621,-622,-623,-634,-584,-624,-797,1253,1253,1253,1253,1253,-831,1253,1253,-806,1253,-832,1253,1253,1253,1253,-798,1253,-853,-799,1253,1253,1253,1253,1253,1253,-854,-855,1253,-834,-830,-835,1253,-625,1253,-626,-627,-628,-629,-574,1253,1253,-630,-631,-632,1253,1253,1253,1253,1253,1253,-635,-636,-637,-592,-1894,-602,1253,-638,-639,-713,-640,-604,1253,-572,-577,-580,-583,1253,1253,1253,-598,-601,1253,-608,1253,1253,1253,1253,1253,1253,1253,1253,1253,1253,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1253,314,314,-995,314,1253,314,314,314,1253,-306,-325,-319,-296,-375,-452,-453,-454,-458,314,-443,1253,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1253,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,314,314,314,314,314,314,314,314,1253,-316,-535,-508,-591,-937,-939,-940,-438,1253,-440,-380,-381,-383,-507,-509,-511,1253,-513,-514,-519,-520,1253,-532,-534,-537,-538,-543,-548,-726,1253,-727,1253,-732,1253,-734,1253,-739,-656,-660,-661,1253,-666,1253,-667,1253,-672,-674,1253,-677,1253,1253,1253,-687,-689,1253,-692,1253,1253,-744,1253,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1253,1253,1253,1253,1253,-877,1253,-880,-908,-920,-925,-388,-389,1253,-394,1253,-397,1253,-402,1253,-403,1253,-408,1253,-413,1253,-417,1253,-418,1253,-423,1253,-426,-899,-900,-643,-585,-1894,-901,1253,1253,1253,-800,1253,1253,-804,1253,-807,-833,1253,-818,1253,-820,1253,-822,-808,1253,-824,1253,-851,-852,1253,1253,-811,1253,-646,-902,-904,-648,-649,-645,1253,-705,-706,1253,-642,-903,-647,-650,-603,-714,1253,1253,-605,-586,1253,1253,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1253,1253,-709,-710,1253,-716,1253,314,314,314,1253,1253,-938,314,-439,-441,-747,1253,-891,1253,-715,-1894,1253,1253,314,314,1253,-442,-512,-523,1253,-728,-733,1253,-735,1253,-740,1253,-662,-668,1253,-678,-680,-682,-683,-690,-693,-697,-745,1253,1253,-874,1253,1253,-878,1253,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1253,-812,1253,-814,-801,1253,-802,-805,1253,-816,-819,-821,-823,-825,1253,-826,1253,-809,1253,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,314,-282,314,1253,314,1253,-455,1253,1253,-729,1253,-736,1253,-741,1253,-663,-671,1253,1253,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1253,-836,-53,314,1253,-730,1253,-737,1253,-742,-664,1253,-873,-54,314,314,-731,-738,-743,1253,314,1253,-872,]),'ICU_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[315,315,315,1167,-1894,315,315,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,315,315,315,315,-275,-276,1167,-1425,1167,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1167,1167,1167,-490,1167,1167,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1167,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1167,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1887,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,315,-172,-173,-174,-175,-993,315,315,315,315,315,315,315,315,315,315,1167,1167,1167,1167,1167,-290,-291,-281,315,1167,1167,1167,1167,-328,-318,-332,-333,-334,1167,1167,-982,-983,-984,-985,-986,-987,-988,315,315,1167,1167,1167,1167,1167,1167,1167,1167,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1167,1167,1167,-353,-356,315,-323,-324,-141,1167,-142,1167,-143,1167,-430,-935,-936,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1894,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1894,1167,-1894,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1894,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-1894,315,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1167,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1167,315,315,-191,-192,315,-994,1167,315,315,315,315,-277,-278,-279,-280,-365,1167,-308,1167,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1167,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1167,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1167,1167,1167,1167,1167,1167,-573,1167,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1167,1167,-723,-724,-725,1167,1887,315,315,315,315,-994,315,1167,-91,-92,315,315,315,1167,-309,-310,-320,1167,-307,-293,-294,-295,1167,315,1167,1167,-618,-633,-590,1167,315,-436,315,-437,1167,-444,-445,-446,-378,-379,1167,1167,1167,-506,1167,1167,-510,1167,1167,1167,1167,-515,-516,-517,-518,1167,1167,-521,-522,1167,-524,-525,-526,-527,-528,-529,-530,-531,1167,-533,1167,1167,1167,-539,-541,-542,1167,-544,-545,-546,-547,1167,1167,1167,1167,1167,1167,-652,-653,-654,-655,315,-657,-658,-659,1167,1167,1167,-665,1167,1167,-669,-670,1167,1167,-673,1167,-675,-676,1167,-679,1167,-681,1167,1167,-684,-685,-686,1167,-688,1167,1167,-691,1167,1167,-694,-695,-696,1167,-698,-699,-700,-701,1167,1167,-746,1167,-749,-750,-751,-752,-753,1167,-755,-756,-757,-758,-759,1167,-766,-767,-769,1167,-771,-772,-773,-782,-856,-858,-860,-862,1167,1167,1167,1167,-868,1167,-870,1167,1167,1167,1167,1167,1167,1167,-906,-907,1167,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1167,-921,-924,1167,-934,1167,-385,-386,-387,1167,1167,-390,-391,-392,-393,1167,-396,1167,-399,-400,1167,-401,1167,-406,-407,1167,-410,-411,-412,1167,-415,1167,-416,1167,-421,-422,1167,-425,1167,-428,-429,-1894,-1894,1167,-619,-620,-621,-622,-623,-634,-584,-624,-797,1167,1167,1167,1167,1167,-831,1167,1167,-806,1167,-832,1167,1167,1167,1167,-798,1167,-853,-799,1167,1167,1167,1167,1167,1167,-854,-855,1167,-834,-830,-835,1167,-625,1167,-626,-627,-628,-629,-574,1167,1167,-630,-631,-632,1167,1167,1167,1167,1167,1167,-635,-636,-637,-592,-1894,-602,1167,-638,-639,-713,-640,-604,1167,-572,-577,-580,-583,1167,1167,1167,-598,-601,1167,-608,1167,1167,1167,1167,1167,1167,1167,1167,1167,1167,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1167,315,315,-995,315,1167,315,315,315,1167,-306,-325,-319,-296,-375,-452,-453,-454,-458,315,-443,1167,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1167,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,315,315,315,315,315,315,315,315,1167,-316,-535,-508,-591,-937,-939,-940,-438,1167,-440,-380,-381,-383,-507,-509,-511,1167,-513,-514,-519,-520,1167,-532,-534,-537,-538,-543,-548,-726,1167,-727,1167,-732,1167,-734,1167,-739,-656,-660,-661,1167,-666,1167,-667,1167,-672,-674,1167,-677,1167,1167,1167,-687,-689,1167,-692,1167,1167,-744,1167,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1167,1167,1167,1167,1167,-877,1167,-880,-908,-920,-925,-388,-389,1167,-394,1167,-397,1167,-402,1167,-403,1167,-408,1167,-413,1167,-417,1167,-418,1167,-423,1167,-426,-899,-900,-643,-585,-1894,-901,1167,1167,1167,-800,1167,1167,-804,1167,-807,-833,1167,-818,1167,-820,1167,-822,-808,1167,-824,1167,-851,-852,1167,1167,-811,1167,-646,-902,-904,-648,-649,-645,1167,-705,-706,1167,-642,-903,-647,-650,-603,-714,1167,1167,-605,-586,1167,1167,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1167,1167,-709,-710,1167,-716,1167,315,315,315,1167,1167,-938,315,-439,-441,-747,1167,-891,1887,-715,-1894,1167,1167,315,315,1167,-442,-512,-523,1167,-728,-733,1167,-735,1167,-740,1167,-662,-668,1167,-678,-680,-682,-683,-690,-693,-697,-745,1167,1167,-874,1167,1167,-878,1167,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1167,-812,1167,-814,-801,1167,-802,-805,1167,-816,-819,-821,-823,-825,1167,-826,1167,-809,1167,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,315,-282,315,1167,315,1167,-455,1167,1167,-729,1167,-736,1167,-741,1167,-663,-671,1167,1167,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1167,-836,-53,315,1167,-730,1167,-737,1167,-742,-664,1167,-873,-54,315,315,-731,-738,-743,1167,315,1167,-872,]),'ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[316,316,316,316,-1894,316,316,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,316,316,316,316,-275,-276,316,-1425,316,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,316,316,316,-490,316,316,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,316,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,316,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,316,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,316,-172,-173,-174,-175,-993,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-290,-291,-281,316,316,316,316,316,-328,-318,-332,-333,-334,316,316,-982,-983,-984,-985,-986,-987,-988,316,316,316,316,316,316,316,316,316,316,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,316,316,316,-353,-356,316,-323,-324,-141,316,-142,316,-143,316,-430,-935,-936,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-1894,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-1894,316,-1894,316,316,316,316,316,316,316,316,316,316,316,316,-1894,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,316,-1894,316,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,316,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,316,316,316,-191,-192,316,-994,316,316,316,316,316,-277,-278,-279,-280,-365,316,-308,316,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,316,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,316,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,316,316,316,316,316,316,-573,316,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,316,316,-723,-724,-725,316,316,316,316,316,316,-994,316,316,-91,-92,316,316,316,316,-309,-310,-320,316,-307,-293,-294,-295,316,316,316,316,-618,-633,-590,316,316,-436,316,-437,316,-444,-445,-446,-378,-379,316,316,316,-506,316,316,-510,316,316,316,316,-515,-516,-517,-518,316,316,-521,-522,316,-524,-525,-526,-527,-528,-529,-530,-531,316,-533,316,316,316,-539,-541,-542,316,-544,-545,-546,-547,316,316,316,316,316,316,-652,-653,-654,-655,316,-657,-658,-659,316,316,316,-665,316,316,-669,-670,316,316,-673,316,-675,-676,316,-679,316,-681,316,316,-684,-685,-686,316,-688,316,316,-691,316,316,-694,-695,-696,316,-698,-699,-700,-701,316,316,-746,316,-749,-750,-751,-752,-753,316,-755,-756,-757,-758,-759,316,-766,-767,-769,316,-771,-772,-773,-782,-856,-858,-860,-862,316,316,316,316,-868,316,-870,316,316,316,316,316,316,316,-906,-907,316,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,316,-921,-924,316,-934,316,-385,-386,-387,316,316,-390,-391,-392,-393,316,-396,316,-399,-400,316,-401,316,-406,-407,316,-410,-411,-412,316,-415,316,-416,316,-421,-422,316,-425,316,-428,-429,-1894,-1894,316,-619,-620,-621,-622,-623,-634,-584,-624,-797,316,316,316,316,316,-831,316,316,-806,316,-832,316,316,316,316,-798,316,-853,-799,316,316,316,316,316,316,-854,-855,316,-834,-830,-835,316,-625,316,-626,-627,-628,-629,-574,316,316,-630,-631,-632,316,316,316,316,316,316,-635,-636,-637,-592,-1894,-602,316,-638,-639,-713,-640,-604,316,-572,-577,-580,-583,316,316,316,-598,-601,316,-608,316,316,316,316,316,316,316,316,316,316,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,316,316,316,-995,316,316,316,316,316,316,-306,-325,-319,-296,-375,-452,-453,-454,-458,316,-443,316,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,316,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,316,316,316,316,316,316,316,316,316,-316,-535,-508,-591,-937,-939,-940,-438,316,-440,-380,-381,-383,-507,-509,-511,316,-513,-514,-519,-520,316,-532,-534,-537,-538,-543,-548,-726,316,-727,316,-732,316,-734,316,-739,-656,-660,-661,316,-666,316,-667,316,-672,-674,316,-677,316,316,316,-687,-689,316,-692,316,316,-744,316,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,316,316,316,316,316,-877,316,-880,-908,-920,-925,-388,-389,316,-394,316,-397,316,-402,316,-403,316,-408,316,-413,316,-417,316,-418,316,-423,316,-426,-899,-900,-643,-585,-1894,-901,316,316,316,-800,316,316,-804,316,-807,-833,316,-818,316,-820,316,-822,-808,316,-824,316,-851,-852,316,316,-811,316,-646,-902,-904,-648,-649,-645,316,-705,-706,316,-642,-903,-647,-650,-603,-714,316,316,-605,-586,316,316,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,316,316,-709,-710,316,-716,316,316,316,316,316,316,-938,316,-439,-441,-747,316,-891,316,-715,-1894,316,316,316,316,316,-442,-512,-523,316,-728,-733,316,-735,316,-740,316,-662,-668,316,-678,-680,-682,-683,-690,-693,-697,-745,316,316,-874,316,316,-878,316,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,316,-812,316,-814,-801,316,-802,-805,316,-816,-819,-821,-823,-825,316,-826,316,-809,316,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,316,-282,316,316,316,316,-455,316,316,-729,316,-736,316,-741,316,-663,-671,316,316,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,316,-836,-53,316,316,-730,316,-737,316,-742,-664,316,-873,-54,316,316,-731,-738,-743,316,316,316,-872,]),'IDC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[317,317,317,317,-1894,317,317,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,317,317,317,317,-275,-276,317,-1425,317,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,317,317,317,-490,317,317,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,317,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,317,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,317,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,317,-172,-173,-174,-175,-993,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-290,-291,-281,317,317,317,317,317,-328,-318,-332,-333,-334,317,317,-982,-983,-984,-985,-986,-987,-988,317,317,317,317,317,317,317,317,317,317,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,317,317,317,-353,-356,317,-323,-324,-141,317,-142,317,-143,317,-430,-935,-936,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-1894,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-1894,317,-1894,317,317,317,317,317,317,317,317,317,317,317,317,-1894,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,317,-1894,317,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,317,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,317,317,317,-191,-192,317,-994,317,317,317,317,317,-277,-278,-279,-280,-365,317,-308,317,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,317,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,317,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,317,317,317,317,317,317,-573,317,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,317,317,-723,-724,-725,317,317,317,317,317,317,-994,317,317,-91,-92,317,317,317,317,-309,-310,-320,317,-307,-293,-294,-295,317,317,317,317,-618,-633,-590,317,317,-436,317,-437,317,-444,-445,-446,-378,-379,317,317,317,-506,317,317,-510,317,317,317,317,-515,-516,-517,-518,317,317,-521,-522,317,-524,-525,-526,-527,-528,-529,-530,-531,317,-533,317,317,317,-539,-541,-542,317,-544,-545,-546,-547,317,317,317,317,317,317,-652,-653,-654,-655,317,-657,-658,-659,317,317,317,-665,317,317,-669,-670,317,317,-673,317,-675,-676,317,-679,317,-681,317,317,-684,-685,-686,317,-688,317,317,-691,317,317,-694,-695,-696,317,-698,-699,-700,-701,317,317,-746,317,-749,-750,-751,-752,-753,317,-755,-756,-757,-758,-759,317,-766,-767,-769,317,-771,-772,-773,-782,-856,-858,-860,-862,317,317,317,317,-868,317,-870,317,317,317,317,317,317,317,-906,-907,317,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,317,-921,-924,317,-934,317,-385,-386,-387,317,317,-390,-391,-392,-393,317,-396,317,-399,-400,317,-401,317,-406,-407,317,-410,-411,-412,317,-415,317,-416,317,-421,-422,317,-425,317,-428,-429,-1894,-1894,317,-619,-620,-621,-622,-623,-634,-584,-624,-797,317,317,317,317,317,-831,317,317,-806,317,-832,317,317,317,317,-798,317,-853,-799,317,317,317,317,317,317,-854,-855,317,-834,-830,-835,317,-625,317,-626,-627,-628,-629,-574,317,317,-630,-631,-632,317,317,317,317,317,317,-635,-636,-637,-592,-1894,-602,317,-638,-639,-713,-640,-604,317,-572,-577,-580,-583,317,317,317,-598,-601,317,-608,317,317,317,317,317,317,317,317,317,317,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,317,317,317,-995,317,317,317,317,317,317,-306,-325,-319,-296,-375,-452,-453,-454,-458,317,-443,317,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,317,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,317,317,317,317,317,317,317,317,317,-316,-535,-508,-591,-937,-939,-940,-438,317,-440,-380,-381,-383,-507,-509,-511,317,-513,-514,-519,-520,317,-532,-534,-537,-538,-543,-548,-726,317,-727,317,-732,317,-734,317,-739,-656,-660,-661,317,-666,317,-667,317,-672,-674,317,-677,317,317,317,-687,-689,317,-692,317,317,-744,317,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,317,317,317,317,317,-877,317,-880,-908,-920,-925,-388,-389,317,-394,317,-397,317,-402,317,-403,317,-408,317,-413,317,-417,317,-418,317,-423,317,-426,-899,-900,-643,-585,-1894,-901,317,317,317,-800,317,317,-804,317,-807,-833,317,-818,317,-820,317,-822,-808,317,-824,317,-851,-852,317,317,-811,317,-646,-902,-904,-648,-649,-645,317,-705,-706,317,-642,-903,-647,-650,-603,-714,317,317,-605,-586,317,317,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,317,317,-709,-710,317,-716,317,317,317,317,317,317,-938,317,-439,-441,-747,317,-891,317,-715,-1894,317,317,317,317,317,-442,-512,-523,317,-728,-733,317,-735,317,-740,317,-662,-668,317,-678,-680,-682,-683,-690,-693,-697,-745,317,317,-874,317,317,-878,317,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,317,-812,317,-814,-801,317,-802,-805,317,-816,-819,-821,-823,-825,317,-826,317,-809,317,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,317,-282,317,317,317,317,-455,317,317,-729,317,-736,317,-741,317,-663,-671,317,317,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,317,-836,-53,317,317,-730,317,-737,317,-742,-664,317,-873,-54,317,317,-731,-738,-743,317,317,317,-872,]),'IDENTIFIED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[318,318,318,318,-1894,318,318,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,318,318,318,318,-275,-276,318,-1425,318,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,318,318,318,-490,318,318,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,318,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,318,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,318,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,318,-172,-173,-174,-175,-993,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-290,-291,-281,318,318,318,318,318,-328,-318,-332,-333,-334,318,318,-982,-983,-984,-985,-986,-987,-988,318,318,318,318,318,318,318,318,318,318,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,318,318,318,-353,-356,318,-323,-324,-141,318,-142,318,-143,318,-430,-935,-936,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-1894,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-1894,318,-1894,318,318,318,318,318,318,318,318,318,318,318,318,-1894,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,318,-1894,318,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,318,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,318,318,318,-191,-192,318,-994,318,318,318,318,318,-277,-278,-279,-280,-365,318,-308,318,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,318,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,318,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,318,318,318,318,318,318,-573,318,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,318,318,-723,-724,-725,318,318,318,318,318,318,-994,318,318,-91,-92,318,318,318,318,-309,-310,-320,318,-307,-293,-294,-295,318,318,318,318,-618,-633,-590,318,318,-436,318,-437,318,-444,-445,-446,-378,-379,318,318,318,-506,318,318,-510,318,318,318,318,-515,-516,-517,-518,318,318,-521,-522,318,-524,-525,-526,-527,-528,-529,-530,-531,318,-533,318,318,318,-539,-541,-542,318,-544,-545,-546,-547,318,318,318,318,318,318,-652,-653,-654,-655,318,-657,-658,-659,318,318,318,-665,318,318,-669,-670,318,318,-673,318,-675,-676,318,-679,318,-681,318,318,-684,-685,-686,318,-688,318,318,-691,318,318,-694,-695,-696,318,-698,-699,-700,-701,318,318,-746,318,-749,-750,-751,-752,-753,318,-755,-756,-757,-758,-759,318,-766,-767,-769,318,-771,-772,-773,-782,-856,-858,-860,-862,318,318,318,318,-868,318,-870,318,318,318,318,318,318,318,-906,-907,318,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,318,-921,-924,318,-934,318,-385,-386,-387,318,318,-390,-391,-392,-393,318,-396,318,-399,-400,318,-401,318,-406,-407,318,-410,-411,-412,318,-415,318,-416,318,-421,-422,318,-425,318,-428,-429,-1894,-1894,318,-619,-620,-621,-622,-623,-634,-584,-624,-797,318,318,318,318,318,-831,318,318,-806,318,-832,318,318,318,318,-798,318,-853,-799,318,318,318,318,318,318,-854,-855,318,-834,-830,-835,318,-625,318,-626,-627,-628,-629,-574,318,318,-630,-631,-632,318,318,318,318,318,318,-635,-636,-637,-592,-1894,-602,318,-638,-639,-713,-640,-604,318,-572,-577,-580,-583,318,318,318,-598,-601,318,-608,318,318,318,318,318,318,318,318,318,318,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,318,318,318,-995,318,318,318,318,318,318,-306,-325,-319,-296,-375,-452,-453,-454,-458,318,-443,318,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,318,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,318,318,318,318,318,318,318,318,318,-316,-535,-508,-591,-937,-939,-940,-438,318,-440,-380,-381,-383,-507,-509,-511,318,-513,-514,-519,-520,318,-532,-534,-537,-538,-543,-548,-726,318,-727,318,-732,318,-734,318,-739,-656,-660,-661,318,-666,318,-667,318,-672,-674,318,-677,318,318,318,-687,-689,318,-692,318,318,-744,318,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,318,318,318,318,318,-877,318,-880,-908,-920,-925,-388,-389,318,-394,318,-397,318,-402,318,-403,318,-408,318,-413,318,-417,318,-418,318,-423,318,-426,-899,-900,-643,-585,-1894,-901,318,318,318,-800,318,318,-804,318,-807,-833,318,-818,318,-820,318,-822,-808,318,-824,318,-851,-852,318,318,-811,318,-646,-902,-904,-648,-649,-645,318,-705,-706,318,-642,-903,-647,-650,-603,-714,318,318,-605,-586,318,318,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,318,318,-709,-710,318,-716,318,318,318,318,318,318,-938,318,-439,-441,-747,318,-891,318,-715,-1894,318,318,318,318,318,-442,-512,-523,318,-728,-733,318,-735,318,-740,318,-662,-668,318,-678,-680,-682,-683,-690,-693,-697,-745,318,318,-874,318,318,-878,318,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,318,-812,318,-814,-801,318,-802,-805,318,-816,-819,-821,-823,-825,318,-826,318,-809,318,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,318,-282,318,318,318,318,-455,318,318,-729,318,-736,318,-741,318,-663,-671,318,318,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,318,-836,-53,318,318,-730,318,-737,318,-742,-664,318,-873,-54,318,318,-731,-738,-743,318,318,318,-872,]),'IFIGNORE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[319,319,319,319,-1894,319,319,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,319,319,319,319,-275,-276,319,-1425,319,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,319,319,319,-490,319,319,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,319,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,319,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,319,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,319,-172,-173,-174,-175,-993,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-290,-291,-281,319,319,319,319,319,-328,-318,-332,-333,-334,319,319,-982,-983,-984,-985,-986,-987,-988,319,319,319,319,319,319,319,319,319,319,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,319,319,319,-353,-356,319,-323,-324,-141,319,-142,319,-143,319,-430,-935,-936,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-1894,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-1894,319,-1894,319,319,319,319,319,319,319,319,319,319,319,319,-1894,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,319,-1894,319,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,319,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,319,319,319,-191,-192,319,-994,319,319,319,319,319,-277,-278,-279,-280,-365,319,-308,319,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,319,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,319,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,319,319,319,319,319,319,-573,319,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,319,319,-723,-724,-725,319,319,319,319,319,319,-994,319,319,-91,-92,319,319,319,319,-309,-310,-320,319,-307,-293,-294,-295,319,319,319,319,-618,-633,-590,319,319,-436,319,-437,319,-444,-445,-446,-378,-379,319,319,319,-506,319,319,-510,319,319,319,319,-515,-516,-517,-518,319,319,-521,-522,319,-524,-525,-526,-527,-528,-529,-530,-531,319,-533,319,319,319,-539,-541,-542,319,-544,-545,-546,-547,319,319,319,319,319,319,-652,-653,-654,-655,319,-657,-658,-659,319,319,319,-665,319,319,-669,-670,319,319,-673,319,-675,-676,319,-679,319,-681,319,319,-684,-685,-686,319,-688,319,319,-691,319,319,-694,-695,-696,319,-698,-699,-700,-701,319,319,-746,319,-749,-750,-751,-752,-753,319,-755,-756,-757,-758,-759,319,-766,-767,-769,319,-771,-772,-773,-782,-856,-858,-860,-862,319,319,319,319,-868,319,-870,319,319,319,319,319,319,319,-906,-907,319,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,319,-921,-924,319,-934,319,-385,-386,-387,319,319,-390,-391,-392,-393,319,-396,319,-399,-400,319,-401,319,-406,-407,319,-410,-411,-412,319,-415,319,-416,319,-421,-422,319,-425,319,-428,-429,-1894,-1894,319,-619,-620,-621,-622,-623,-634,-584,-624,-797,319,319,319,319,319,-831,319,319,-806,319,-832,319,319,319,319,-798,319,-853,-799,319,319,319,319,319,319,-854,-855,319,-834,-830,-835,319,-625,319,-626,-627,-628,-629,-574,319,319,-630,-631,-632,319,319,319,319,319,319,-635,-636,-637,-592,-1894,-602,319,-638,-639,-713,-640,-604,319,-572,-577,-580,-583,319,319,319,-598,-601,319,-608,319,319,319,319,319,319,319,319,319,319,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,319,319,319,-995,319,319,319,319,319,319,-306,-325,-319,-296,-375,-452,-453,-454,-458,319,-443,319,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,319,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,319,319,319,319,319,319,319,319,319,-316,-535,-508,-591,-937,-939,-940,-438,319,-440,-380,-381,-383,-507,-509,-511,319,-513,-514,-519,-520,319,-532,-534,-537,-538,-543,-548,-726,319,-727,319,-732,319,-734,319,-739,-656,-660,-661,319,-666,319,-667,319,-672,-674,319,-677,319,319,319,-687,-689,319,-692,319,319,-744,319,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,319,319,319,319,319,-877,319,-880,-908,-920,-925,-388,-389,319,-394,319,-397,319,-402,319,-403,319,-408,319,-413,319,-417,319,-418,319,-423,319,-426,-899,-900,-643,-585,-1894,-901,319,319,319,-800,319,319,-804,319,-807,-833,319,-818,319,-820,319,-822,-808,319,-824,319,-851,-852,319,319,-811,319,-646,-902,-904,-648,-649,-645,319,-705,-706,319,-642,-903,-647,-650,-603,-714,319,319,-605,-586,319,319,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,319,319,-709,-710,319,-716,319,319,319,319,319,319,-938,319,-439,-441,-747,319,-891,319,-715,-1894,319,319,319,319,319,-442,-512,-523,319,-728,-733,319,-735,319,-740,319,-662,-668,319,-678,-680,-682,-683,-690,-693,-697,-745,319,319,-874,319,319,-878,319,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,319,-812,319,-814,-801,319,-802,-805,319,-816,-819,-821,-823,-825,319,-826,319,-809,319,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,319,-282,319,319,319,319,-455,319,319,-729,319,-736,319,-741,319,-663,-671,319,319,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,319,-836,-53,319,319,-730,319,-737,319,-742,-664,319,-873,-54,319,319,-731,-738,-743,319,319,319,-872,]),'IFNULL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[320,320,320,1046,-1894,320,320,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,320,320,320,320,-275,-276,1046,-1425,1046,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1046,1046,1046,-490,1046,1046,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1046,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1046,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1888,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,320,-172,-173,-174,-175,-993,320,320,320,320,320,320,320,320,320,320,1046,1046,1046,1046,1046,-290,-291,-281,320,1046,1046,1046,1046,-328,-318,-332,-333,-334,1046,1046,-982,-983,-984,-985,-986,-987,-988,320,320,1046,1046,1046,1046,1046,1046,1046,1046,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1046,1046,1046,-353,-356,320,-323,-324,-141,1046,-142,1046,-143,1046,-430,-935,-936,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1894,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1894,1046,-1894,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1894,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-1894,320,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1046,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1046,320,320,-191,-192,320,-994,1046,320,320,320,320,-277,-278,-279,-280,-365,1046,-308,1046,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1046,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1046,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1046,1046,1046,1046,1046,1046,-573,1046,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1046,1046,-723,-724,-725,1046,1888,320,320,320,320,-994,320,1046,-91,-92,320,320,320,1046,-309,-310,-320,1046,-307,-293,-294,-295,1046,320,1046,1046,-618,-633,-590,1046,320,-436,320,-437,1046,-444,-445,-446,-378,-379,1046,1046,1046,-506,1046,1046,-510,1046,1046,1046,1046,-515,-516,-517,-518,1046,1046,-521,-522,1046,-524,-525,-526,-527,-528,-529,-530,-531,1046,-533,1046,1046,1046,-539,-541,-542,1046,-544,-545,-546,-547,1046,1046,1046,1046,1046,1046,-652,-653,-654,-655,320,-657,-658,-659,1046,1046,1046,-665,1046,1046,-669,-670,1046,1046,-673,1046,-675,-676,1046,-679,1046,-681,1046,1046,-684,-685,-686,1046,-688,1046,1046,-691,1046,1046,-694,-695,-696,1046,-698,-699,-700,-701,1046,1046,-746,1046,-749,-750,-751,-752,-753,1046,-755,-756,-757,-758,-759,1046,-766,-767,-769,1046,-771,-772,-773,-782,-856,-858,-860,-862,1046,1046,1046,1046,-868,1046,-870,1046,1046,1046,1046,1046,1046,1046,-906,-907,1046,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1046,-921,-924,1046,-934,1046,-385,-386,-387,1046,1046,-390,-391,-392,-393,1046,-396,1046,-399,-400,1046,-401,1046,-406,-407,1046,-410,-411,-412,1046,-415,1046,-416,1046,-421,-422,1046,-425,1046,-428,-429,-1894,-1894,1046,-619,-620,-621,-622,-623,-634,-584,-624,-797,1046,1046,1046,1046,1046,-831,1046,1046,-806,1046,-832,1046,1046,1046,1046,-798,1046,-853,-799,1046,1046,1046,1046,1046,1046,-854,-855,1046,-834,-830,-835,1046,-625,1046,-626,-627,-628,-629,-574,1046,1046,-630,-631,-632,1046,1046,1046,1046,1046,1046,-635,-636,-637,-592,-1894,-602,1046,-638,-639,-713,-640,-604,1046,-572,-577,-580,-583,1046,1046,1046,-598,-601,1046,-608,1046,1046,1046,1046,1046,1046,1046,1046,1046,1046,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1046,320,320,-995,320,1046,320,320,320,1046,-306,-325,-319,-296,-375,-452,-453,-454,-458,320,-443,1046,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1046,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,320,320,320,320,320,320,320,320,1046,-316,-535,-508,-591,-937,-939,-940,-438,1046,-440,-380,-381,-383,-507,-509,-511,1046,-513,-514,-519,-520,1046,-532,-534,-537,-538,-543,-548,-726,1046,-727,1046,-732,1046,-734,1046,-739,-656,-660,-661,1046,-666,1046,-667,1046,-672,-674,1046,-677,1046,1046,1046,-687,-689,1046,-692,1046,1046,-744,1046,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1046,1046,1046,1046,1046,-877,1046,-880,-908,-920,-925,-388,-389,1046,-394,1046,-397,1046,-402,1046,-403,1046,-408,1046,-413,1046,-417,1046,-418,1046,-423,1046,-426,-899,-900,-643,-585,-1894,-901,1046,1046,1046,-800,1046,1046,-804,1046,-807,-833,1046,-818,1046,-820,1046,-822,-808,1046,-824,1046,-851,-852,1046,1046,-811,1046,-646,-902,-904,-648,-649,-645,1046,-705,-706,1046,-642,-903,-647,-650,-603,-714,1046,1046,-605,-586,1046,1046,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1046,1046,-709,-710,1046,-716,1046,320,320,320,1046,1046,-938,320,-439,-441,-747,1046,-891,1888,-715,-1894,1046,1046,320,320,1046,-442,-512,-523,1046,-728,-733,1046,-735,1046,-740,1046,-662,-668,1046,-678,-680,-682,-683,-690,-693,-697,-745,1046,1046,-874,1046,1046,-878,1046,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1046,-812,1046,-814,-801,1046,-802,-805,1046,-816,-819,-821,-823,-825,1046,-826,1046,-809,1046,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,320,-282,320,1046,320,1046,-455,1046,1046,-729,1046,-736,1046,-741,1046,-663,-671,1046,1046,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1046,-836,-53,320,1046,-730,1046,-737,1046,-742,-664,1046,-873,-54,320,320,-731,-738,-743,1046,320,1046,-872,]),'IGNORE_SERVER_IDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[321,321,321,321,-1894,321,321,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,321,321,321,321,-275,-276,321,-1425,321,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,321,321,321,-490,321,321,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,321,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,321,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,321,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,321,-172,-173,-174,-175,-993,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-290,-291,-281,321,321,321,321,321,-328,-318,-332,-333,-334,321,321,-982,-983,-984,-985,-986,-987,-988,321,321,321,321,321,321,321,321,321,321,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,321,321,321,-353,-356,321,-323,-324,-141,321,-142,321,-143,321,-430,-935,-936,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-1894,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-1894,321,-1894,321,321,321,321,321,321,321,321,321,321,321,321,-1894,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,321,-1894,321,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,321,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,321,321,321,-191,-192,321,-994,321,321,321,321,321,-277,-278,-279,-280,-365,321,-308,321,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,321,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,321,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,321,321,321,321,321,321,-573,321,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,321,321,-723,-724,-725,321,321,321,321,321,321,-994,321,321,-91,-92,321,321,321,321,-309,-310,-320,321,-307,-293,-294,-295,321,321,321,321,-618,-633,-590,321,321,-436,321,-437,321,-444,-445,-446,-378,-379,321,321,321,-506,321,321,-510,321,321,321,321,-515,-516,-517,-518,321,321,-521,-522,321,-524,-525,-526,-527,-528,-529,-530,-531,321,-533,321,321,321,-539,-541,-542,321,-544,-545,-546,-547,321,321,321,321,321,321,-652,-653,-654,-655,321,-657,-658,-659,321,321,321,-665,321,321,-669,-670,321,321,-673,321,-675,-676,321,-679,321,-681,321,321,-684,-685,-686,321,-688,321,321,-691,321,321,-694,-695,-696,321,-698,-699,-700,-701,321,321,-746,321,-749,-750,-751,-752,-753,321,-755,-756,-757,-758,-759,321,-766,-767,-769,321,-771,-772,-773,-782,-856,-858,-860,-862,321,321,321,321,-868,321,-870,321,321,321,321,321,321,321,-906,-907,321,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,321,-921,-924,321,-934,321,-385,-386,-387,321,321,-390,-391,-392,-393,321,-396,321,-399,-400,321,-401,321,-406,-407,321,-410,-411,-412,321,-415,321,-416,321,-421,-422,321,-425,321,-428,-429,-1894,-1894,321,-619,-620,-621,-622,-623,-634,-584,-624,-797,321,321,321,321,321,-831,321,321,-806,321,-832,321,321,321,321,-798,321,-853,-799,321,321,321,321,321,321,-854,-855,321,-834,-830,-835,321,-625,321,-626,-627,-628,-629,-574,321,321,-630,-631,-632,321,321,321,321,321,321,-635,-636,-637,-592,-1894,-602,321,-638,-639,-713,-640,-604,321,-572,-577,-580,-583,321,321,321,-598,-601,321,-608,321,321,321,321,321,321,321,321,321,321,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,321,321,321,-995,321,321,321,321,321,321,-306,-325,-319,-296,-375,-452,-453,-454,-458,321,-443,321,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,321,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,321,321,321,321,321,321,321,321,321,-316,-535,-508,-591,-937,-939,-940,-438,321,-440,-380,-381,-383,-507,-509,-511,321,-513,-514,-519,-520,321,-532,-534,-537,-538,-543,-548,-726,321,-727,321,-732,321,-734,321,-739,-656,-660,-661,321,-666,321,-667,321,-672,-674,321,-677,321,321,321,-687,-689,321,-692,321,321,-744,321,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,321,321,321,321,321,-877,321,-880,-908,-920,-925,-388,-389,321,-394,321,-397,321,-402,321,-403,321,-408,321,-413,321,-417,321,-418,321,-423,321,-426,-899,-900,-643,-585,-1894,-901,321,321,321,-800,321,321,-804,321,-807,-833,321,-818,321,-820,321,-822,-808,321,-824,321,-851,-852,321,321,-811,321,-646,-902,-904,-648,-649,-645,321,-705,-706,321,-642,-903,-647,-650,-603,-714,321,321,-605,-586,321,321,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,321,321,-709,-710,321,-716,321,321,321,321,321,321,-938,321,-439,-441,-747,321,-891,321,-715,-1894,321,321,321,321,321,-442,-512,-523,321,-728,-733,321,-735,321,-740,321,-662,-668,321,-678,-680,-682,-683,-690,-693,-697,-745,321,321,-874,321,321,-878,321,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,321,-812,321,-814,-801,321,-802,-805,321,-816,-819,-821,-823,-825,321,-826,321,-809,321,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,321,-282,321,321,321,321,-455,321,321,-729,321,-736,321,-741,321,-663,-671,321,321,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,321,-836,-53,321,321,-730,321,-737,321,-742,-664,321,-873,-54,321,321,-731,-738,-743,321,321,321,-872,]),'ILOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[322,322,322,322,-1894,322,322,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,322,322,322,322,-275,-276,322,-1425,322,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,322,322,322,-490,322,322,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,322,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,322,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,322,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,322,-172,-173,-174,-175,-993,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-290,-291,-281,322,322,322,322,322,-328,-318,-332,-333,-334,322,322,-982,-983,-984,-985,-986,-987,-988,322,322,322,322,322,322,322,322,322,322,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,322,322,322,-353,-356,322,-323,-324,-141,322,-142,322,-143,322,-430,-935,-936,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-1894,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-1894,322,-1894,322,322,322,322,322,322,322,322,322,322,322,322,-1894,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,322,-1894,322,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,322,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,322,322,322,-191,-192,322,-994,322,322,322,322,322,-277,-278,-279,-280,-365,322,-308,322,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,322,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,322,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,322,322,322,322,322,322,-573,322,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,322,322,-723,-724,-725,322,322,322,322,322,322,-994,322,322,-91,-92,322,322,322,322,-309,-310,-320,322,-307,-293,-294,-295,322,322,322,322,-618,-633,-590,322,322,-436,322,-437,322,-444,-445,-446,-378,-379,322,322,322,-506,322,322,-510,322,322,322,322,-515,-516,-517,-518,322,322,-521,-522,322,-524,-525,-526,-527,-528,-529,-530,-531,322,-533,322,322,322,-539,-541,-542,322,-544,-545,-546,-547,322,322,322,322,322,322,-652,-653,-654,-655,322,-657,-658,-659,322,322,322,-665,322,322,-669,-670,322,322,-673,322,-675,-676,322,-679,322,-681,322,322,-684,-685,-686,322,-688,322,322,-691,322,322,-694,-695,-696,322,-698,-699,-700,-701,322,322,-746,322,-749,-750,-751,-752,-753,322,-755,-756,-757,-758,-759,322,-766,-767,-769,322,-771,-772,-773,-782,-856,-858,-860,-862,322,322,322,322,-868,322,-870,322,322,322,322,322,322,322,-906,-907,322,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,322,-921,-924,322,-934,322,-385,-386,-387,322,322,-390,-391,-392,-393,322,-396,322,-399,-400,322,-401,322,-406,-407,322,-410,-411,-412,322,-415,322,-416,322,-421,-422,322,-425,322,-428,-429,-1894,-1894,322,-619,-620,-621,-622,-623,-634,-584,-624,-797,322,322,322,322,322,-831,322,322,-806,322,-832,322,322,322,322,-798,322,-853,-799,322,322,322,322,322,322,-854,-855,322,-834,-830,-835,322,-625,322,-626,-627,-628,-629,-574,322,322,-630,-631,-632,322,322,322,322,322,322,-635,-636,-637,-592,-1894,-602,322,-638,-639,-713,-640,-604,322,-572,-577,-580,-583,322,322,322,-598,-601,322,-608,322,322,322,322,322,322,322,322,322,322,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,322,322,322,-995,322,322,322,322,322,322,-306,-325,-319,-296,-375,-452,-453,-454,-458,322,-443,322,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,322,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,322,322,322,322,322,322,322,322,322,-316,-535,-508,-591,-937,-939,-940,-438,322,-440,-380,-381,-383,-507,-509,-511,322,-513,-514,-519,-520,322,-532,-534,-537,-538,-543,-548,-726,322,-727,322,-732,322,-734,322,-739,-656,-660,-661,322,-666,322,-667,322,-672,-674,322,-677,322,322,322,-687,-689,322,-692,322,322,-744,322,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,322,322,322,322,322,-877,322,-880,-908,-920,-925,-388,-389,322,-394,322,-397,322,-402,322,-403,322,-408,322,-413,322,-417,322,-418,322,-423,322,-426,-899,-900,-643,-585,-1894,-901,322,322,322,-800,322,322,-804,322,-807,-833,322,-818,322,-820,322,-822,-808,322,-824,322,-851,-852,322,322,-811,322,-646,-902,-904,-648,-649,-645,322,-705,-706,322,-642,-903,-647,-650,-603,-714,322,322,-605,-586,322,322,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,322,322,-709,-710,322,-716,322,322,322,322,322,322,-938,322,-439,-441,-747,322,-891,322,-715,-1894,322,322,322,322,322,-442,-512,-523,322,-728,-733,322,-735,322,-740,322,-662,-668,322,-678,-680,-682,-683,-690,-693,-697,-745,322,322,-874,322,322,-878,322,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,322,-812,322,-814,-801,322,-802,-805,322,-816,-819,-821,-823,-825,322,-826,322,-809,322,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,322,-282,322,322,322,322,-455,322,322,-729,322,-736,322,-741,322,-663,-671,322,322,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,322,-836,-53,322,322,-730,322,-737,322,-742,-664,322,-873,-54,322,322,-731,-738,-743,322,322,322,-872,]),'ILOGCACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[323,323,323,323,-1894,323,323,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,323,323,323,323,-275,-276,323,-1425,323,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,323,323,323,-490,323,323,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,323,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,323,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,323,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,323,-172,-173,-174,-175,-993,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-290,-291,-281,323,323,323,323,323,-328,-318,-332,-333,-334,323,323,-982,-983,-984,-985,-986,-987,-988,323,323,323,323,323,323,323,323,323,323,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,323,323,323,-353,-356,323,-323,-324,-141,323,-142,323,-143,323,-430,-935,-936,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-1894,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-1894,323,-1894,323,323,323,323,323,323,323,323,323,323,323,323,-1894,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,323,-1894,323,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,323,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,323,323,323,-191,-192,323,-994,323,323,323,323,323,-277,-278,-279,-280,-365,323,-308,323,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,323,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,323,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,323,323,323,323,323,323,-573,323,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,323,323,-723,-724,-725,323,323,323,323,323,323,-994,323,323,-91,-92,323,323,323,323,-309,-310,-320,323,-307,-293,-294,-295,323,323,323,323,-618,-633,-590,323,323,-436,323,-437,323,-444,-445,-446,-378,-379,323,323,323,-506,323,323,-510,323,323,323,323,-515,-516,-517,-518,323,323,-521,-522,323,-524,-525,-526,-527,-528,-529,-530,-531,323,-533,323,323,323,-539,-541,-542,323,-544,-545,-546,-547,323,323,323,323,323,323,-652,-653,-654,-655,323,-657,-658,-659,323,323,323,-665,323,323,-669,-670,323,323,-673,323,-675,-676,323,-679,323,-681,323,323,-684,-685,-686,323,-688,323,323,-691,323,323,-694,-695,-696,323,-698,-699,-700,-701,323,323,-746,323,-749,-750,-751,-752,-753,323,-755,-756,-757,-758,-759,323,-766,-767,-769,323,-771,-772,-773,-782,-856,-858,-860,-862,323,323,323,323,-868,323,-870,323,323,323,323,323,323,323,-906,-907,323,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,323,-921,-924,323,-934,323,-385,-386,-387,323,323,-390,-391,-392,-393,323,-396,323,-399,-400,323,-401,323,-406,-407,323,-410,-411,-412,323,-415,323,-416,323,-421,-422,323,-425,323,-428,-429,-1894,-1894,323,-619,-620,-621,-622,-623,-634,-584,-624,-797,323,323,323,323,323,-831,323,323,-806,323,-832,323,323,323,323,-798,323,-853,-799,323,323,323,323,323,323,-854,-855,323,-834,-830,-835,323,-625,323,-626,-627,-628,-629,-574,323,323,-630,-631,-632,323,323,323,323,323,323,-635,-636,-637,-592,-1894,-602,323,-638,-639,-713,-640,-604,323,-572,-577,-580,-583,323,323,323,-598,-601,323,-608,323,323,323,323,323,323,323,323,323,323,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,323,323,323,-995,323,323,323,323,323,323,-306,-325,-319,-296,-375,-452,-453,-454,-458,323,-443,323,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,323,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,323,323,323,323,323,323,323,323,323,-316,-535,-508,-591,-937,-939,-940,-438,323,-440,-380,-381,-383,-507,-509,-511,323,-513,-514,-519,-520,323,-532,-534,-537,-538,-543,-548,-726,323,-727,323,-732,323,-734,323,-739,-656,-660,-661,323,-666,323,-667,323,-672,-674,323,-677,323,323,323,-687,-689,323,-692,323,323,-744,323,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,323,323,323,323,323,-877,323,-880,-908,-920,-925,-388,-389,323,-394,323,-397,323,-402,323,-403,323,-408,323,-413,323,-417,323,-418,323,-423,323,-426,-899,-900,-643,-585,-1894,-901,323,323,323,-800,323,323,-804,323,-807,-833,323,-818,323,-820,323,-822,-808,323,-824,323,-851,-852,323,323,-811,323,-646,-902,-904,-648,-649,-645,323,-705,-706,323,-642,-903,-647,-650,-603,-714,323,323,-605,-586,323,323,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,323,323,-709,-710,323,-716,323,323,323,323,323,323,-938,323,-439,-441,-747,323,-891,323,-715,-1894,323,323,323,323,323,-442,-512,-523,323,-728,-733,323,-735,323,-740,323,-662,-668,323,-678,-680,-682,-683,-690,-693,-697,-745,323,323,-874,323,323,-878,323,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,323,-812,323,-814,-801,323,-802,-805,323,-816,-819,-821,-823,-825,323,-826,323,-809,323,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,323,-282,323,323,323,323,-455,323,323,-729,323,-736,323,-741,323,-663,-671,323,323,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,323,-836,-53,323,323,-730,323,-737,323,-742,-664,323,-873,-54,323,323,-731,-738,-743,323,323,323,-872,]),'IMPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[324,324,324,324,-1894,324,324,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,324,324,324,324,-275,-276,324,-1425,324,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,324,324,324,-490,324,324,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,324,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,324,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,324,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,324,-172,-173,-174,-175,-993,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-290,-291,-281,324,324,324,324,324,-328,-318,-332,-333,-334,324,324,-982,-983,-984,-985,-986,-987,-988,324,324,324,324,324,324,324,324,324,324,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,324,324,324,-353,-356,324,-323,-324,-141,324,-142,324,-143,324,-430,-935,-936,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-1894,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-1894,324,-1894,324,324,324,324,324,324,324,324,324,324,324,324,-1894,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,324,-1894,324,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,324,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,324,324,324,-191,-192,324,-994,324,324,324,324,324,-277,-278,-279,-280,-365,324,-308,324,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,324,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,324,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,324,324,324,324,324,324,-573,324,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,324,324,-723,-724,-725,324,324,324,324,324,324,-994,324,324,-91,-92,324,324,324,324,-309,-310,-320,324,-307,-293,-294,-295,324,324,324,324,-618,-633,-590,324,324,-436,324,-437,324,-444,-445,-446,-378,-379,324,324,324,-506,324,324,-510,324,324,324,324,-515,-516,-517,-518,324,324,-521,-522,324,-524,-525,-526,-527,-528,-529,-530,-531,324,-533,324,324,324,-539,-541,-542,324,-544,-545,-546,-547,324,324,324,324,324,324,-652,-653,-654,-655,324,-657,-658,-659,324,324,324,-665,324,324,-669,-670,324,324,-673,324,-675,-676,324,-679,324,-681,324,324,-684,-685,-686,324,-688,324,324,-691,324,324,-694,-695,-696,324,-698,-699,-700,-701,324,324,-746,324,-749,-750,-751,-752,-753,324,-755,-756,-757,-758,-759,324,-766,-767,-769,324,-771,-772,-773,-782,-856,-858,-860,-862,324,324,324,324,-868,324,-870,324,324,324,324,324,324,324,-906,-907,324,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,324,-921,-924,324,-934,324,-385,-386,-387,324,324,-390,-391,-392,-393,324,-396,324,-399,-400,324,-401,324,-406,-407,324,-410,-411,-412,324,-415,324,-416,324,-421,-422,324,-425,324,-428,-429,-1894,-1894,324,-619,-620,-621,-622,-623,-634,-584,-624,-797,324,324,324,324,324,-831,324,324,-806,324,-832,324,324,324,324,-798,324,-853,-799,324,324,324,324,324,324,-854,-855,324,-834,-830,-835,324,-625,324,-626,-627,-628,-629,-574,324,324,-630,-631,-632,324,324,324,324,324,324,-635,-636,-637,-592,-1894,-602,324,-638,-639,-713,-640,-604,324,-572,-577,-580,-583,324,324,324,-598,-601,324,-608,324,324,324,324,324,324,324,324,324,324,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,324,324,324,-995,324,324,324,324,324,324,-306,-325,-319,-296,-375,-452,-453,-454,-458,324,-443,324,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,324,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,324,324,324,324,324,324,324,324,324,-316,-535,-508,-591,-937,-939,-940,-438,324,-440,-380,-381,-383,-507,-509,-511,324,-513,-514,-519,-520,324,-532,-534,-537,-538,-543,-548,-726,324,-727,324,-732,324,-734,324,-739,-656,-660,-661,324,-666,324,-667,324,-672,-674,324,-677,324,324,324,-687,-689,324,-692,324,324,-744,324,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,324,324,324,324,324,-877,324,-880,-908,-920,-925,-388,-389,324,-394,324,-397,324,-402,324,-403,324,-408,324,-413,324,-417,324,-418,324,-423,324,-426,-899,-900,-643,-585,-1894,-901,324,324,324,-800,324,324,-804,324,-807,-833,324,-818,324,-820,324,-822,-808,324,-824,324,-851,-852,324,324,-811,324,-646,-902,-904,-648,-649,-645,324,-705,-706,324,-642,-903,-647,-650,-603,-714,324,324,-605,-586,324,324,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,324,324,-709,-710,324,-716,324,324,324,324,324,324,-938,324,-439,-441,-747,324,-891,324,-715,-1894,324,324,324,324,324,-442,-512,-523,324,-728,-733,324,-735,324,-740,324,-662,-668,324,-678,-680,-682,-683,-690,-693,-697,-745,324,324,-874,324,324,-878,324,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,324,-812,324,-814,-801,324,-802,-805,324,-816,-819,-821,-823,-825,324,-826,324,-809,324,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,324,-282,324,324,324,324,-455,324,324,-729,324,-736,324,-741,324,-663,-671,324,324,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,324,-836,-53,324,324,-730,324,-737,324,-742,-664,324,-873,-54,324,324,-731,-738,-743,324,324,324,-872,]),'INCR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[325,325,325,325,-1894,325,325,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,325,325,325,325,-275,-276,325,-1425,325,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,325,325,325,-490,325,325,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,325,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,325,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,325,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,325,-172,-173,-174,-175,-993,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-290,-291,-281,325,325,325,325,325,-328,-318,-332,-333,-334,325,325,-982,-983,-984,-985,-986,-987,-988,325,325,325,325,325,325,325,325,325,325,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,325,325,325,-353,-356,325,-323,-324,-141,325,-142,325,-143,325,-430,-935,-936,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-1894,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-1894,325,-1894,325,325,325,325,325,325,325,325,325,325,325,325,-1894,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,325,-1894,325,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,325,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,325,325,325,-191,-192,325,-994,325,325,325,325,325,-277,-278,-279,-280,-365,325,-308,325,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,325,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,325,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,325,325,325,325,325,325,-573,325,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,325,325,-723,-724,-725,325,325,325,325,325,325,-994,325,325,-91,-92,325,325,325,325,-309,-310,-320,325,-307,-293,-294,-295,325,325,325,325,-618,-633,-590,325,325,-436,325,-437,325,-444,-445,-446,-378,-379,325,325,325,-506,325,325,-510,325,325,325,325,-515,-516,-517,-518,325,325,-521,-522,325,-524,-525,-526,-527,-528,-529,-530,-531,325,-533,325,325,325,-539,-541,-542,325,-544,-545,-546,-547,325,325,325,325,325,325,-652,-653,-654,-655,325,-657,-658,-659,325,325,325,-665,325,325,-669,-670,325,325,-673,325,-675,-676,325,-679,325,-681,325,325,-684,-685,-686,325,-688,325,325,-691,325,325,-694,-695,-696,325,-698,-699,-700,-701,325,325,-746,325,-749,-750,-751,-752,-753,325,-755,-756,-757,-758,-759,325,-766,-767,-769,325,-771,-772,-773,-782,-856,-858,-860,-862,325,325,325,325,-868,325,-870,325,325,325,325,325,325,325,-906,-907,325,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,325,-921,-924,325,-934,325,-385,-386,-387,325,325,-390,-391,-392,-393,325,-396,325,-399,-400,325,-401,325,-406,-407,325,-410,-411,-412,325,-415,325,-416,325,-421,-422,325,-425,325,-428,-429,-1894,-1894,325,-619,-620,-621,-622,-623,-634,-584,-624,-797,325,325,325,325,325,-831,325,325,-806,325,-832,325,325,325,325,-798,325,-853,-799,325,325,325,325,325,325,-854,-855,325,-834,-830,-835,325,-625,325,-626,-627,-628,-629,-574,325,325,-630,-631,-632,325,325,325,325,325,325,-635,-636,-637,-592,-1894,-602,325,-638,-639,-713,-640,-604,325,-572,-577,-580,-583,325,325,325,-598,-601,325,-608,325,325,325,325,325,325,325,325,325,325,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,325,325,325,-995,325,325,325,325,325,325,-306,-325,-319,-296,-375,-452,-453,-454,-458,325,-443,325,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,325,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,325,325,325,325,325,325,325,325,325,-316,-535,-508,-591,-937,-939,-940,-438,325,-440,-380,-381,-383,-507,-509,-511,325,-513,-514,-519,-520,325,-532,-534,-537,-538,-543,-548,-726,325,-727,325,-732,325,-734,325,-739,-656,-660,-661,325,-666,325,-667,325,-672,-674,325,-677,325,325,325,-687,-689,325,-692,325,325,-744,325,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,325,325,325,325,325,-877,325,-880,-908,-920,-925,-388,-389,325,-394,325,-397,325,-402,325,-403,325,-408,325,-413,325,-417,325,-418,325,-423,325,-426,-899,-900,-643,-585,-1894,-901,325,325,325,-800,325,325,-804,325,-807,-833,325,-818,325,-820,325,-822,-808,325,-824,325,-851,-852,325,325,-811,325,-646,-902,-904,-648,-649,-645,325,-705,-706,325,-642,-903,-647,-650,-603,-714,325,325,-605,-586,325,325,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,325,325,-709,-710,325,-716,325,325,325,325,325,325,-938,325,-439,-441,-747,325,-891,325,-715,-1894,325,325,325,325,325,-442,-512,-523,325,-728,-733,325,-735,325,-740,325,-662,-668,325,-678,-680,-682,-683,-690,-693,-697,-745,325,325,-874,325,325,-878,325,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,325,-812,325,-814,-801,325,-802,-805,325,-816,-819,-821,-823,-825,325,-826,325,-809,325,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,325,-282,325,325,325,325,-455,325,325,-729,325,-736,325,-741,325,-663,-671,325,325,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,325,-836,-53,325,325,-730,325,-737,325,-742,-664,325,-873,-54,325,325,-731,-738,-743,325,325,325,-872,]),'INCREMENTAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[326,326,326,326,-1894,326,326,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,326,326,326,326,-275,-276,326,-1425,326,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,326,326,326,-490,326,326,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,326,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,326,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,326,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,326,-172,-173,-174,-175,-993,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-290,-291,-281,326,326,326,326,326,-328,-318,-332,-333,-334,326,326,-982,-983,-984,-985,-986,-987,-988,326,326,326,326,326,326,326,326,326,326,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,326,326,326,-353,-356,326,-323,-324,-141,326,-142,326,-143,326,-430,-935,-936,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-1894,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-1894,326,-1894,326,326,326,326,326,326,326,326,326,326,326,326,-1894,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,326,-1894,326,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,326,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,326,326,326,-191,-192,326,-994,326,326,326,326,326,-277,-278,-279,-280,-365,326,-308,326,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,326,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,326,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,326,326,326,326,326,326,-573,326,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,326,326,-723,-724,-725,326,326,326,326,326,326,-994,326,326,-91,-92,326,326,326,326,-309,-310,-320,326,-307,-293,-294,-295,326,326,326,326,-618,-633,-590,326,326,-436,326,-437,326,-444,-445,-446,-378,-379,326,326,326,-506,326,326,-510,326,326,326,326,-515,-516,-517,-518,326,326,-521,-522,326,-524,-525,-526,-527,-528,-529,-530,-531,326,-533,326,326,326,-539,-541,-542,326,-544,-545,-546,-547,326,326,326,326,326,326,-652,-653,-654,-655,326,-657,-658,-659,326,326,326,-665,326,326,-669,-670,326,326,-673,326,-675,-676,326,-679,326,-681,326,326,-684,-685,-686,326,-688,326,326,-691,326,326,-694,-695,-696,326,-698,-699,-700,-701,326,326,-746,326,-749,-750,-751,-752,-753,326,-755,-756,-757,-758,-759,326,-766,-767,-769,326,-771,-772,-773,-782,-856,-858,-860,-862,326,326,326,326,-868,326,-870,326,326,326,326,326,326,326,-906,-907,326,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,326,-921,-924,326,-934,326,-385,-386,-387,326,326,-390,-391,-392,-393,326,-396,326,-399,-400,326,-401,326,-406,-407,326,-410,-411,-412,326,-415,326,-416,326,-421,-422,326,-425,326,-428,-429,-1894,-1894,326,-619,-620,-621,-622,-623,-634,-584,-624,-797,326,326,326,326,326,-831,326,326,-806,326,-832,326,326,326,326,-798,326,-853,-799,326,326,326,326,326,326,-854,-855,326,-834,-830,-835,326,-625,326,-626,-627,-628,-629,-574,326,326,-630,-631,-632,326,326,326,326,326,326,-635,-636,-637,-592,-1894,-602,326,-638,-639,-713,-640,-604,326,-572,-577,-580,-583,326,326,326,-598,-601,326,-608,326,326,326,326,326,326,326,326,326,326,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,326,326,326,-995,326,326,326,326,326,326,-306,-325,-319,-296,-375,-452,-453,-454,-458,326,-443,326,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,326,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,326,326,326,326,326,326,326,326,326,-316,-535,-508,-591,-937,-939,-940,-438,326,-440,-380,-381,-383,-507,-509,-511,326,-513,-514,-519,-520,326,-532,-534,-537,-538,-543,-548,-726,326,-727,326,-732,326,-734,326,-739,-656,-660,-661,326,-666,326,-667,326,-672,-674,326,-677,326,326,326,-687,-689,326,-692,326,326,-744,326,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,326,326,326,326,326,-877,326,-880,-908,-920,-925,-388,-389,326,-394,326,-397,326,-402,326,-403,326,-408,326,-413,326,-417,326,-418,326,-423,326,-426,-899,-900,-643,-585,-1894,-901,326,326,326,-800,326,326,-804,326,-807,-833,326,-818,326,-820,326,-822,-808,326,-824,326,-851,-852,326,326,-811,326,-646,-902,-904,-648,-649,-645,326,-705,-706,326,-642,-903,-647,-650,-603,-714,326,326,-605,-586,326,326,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,326,326,-709,-710,326,-716,326,326,326,326,326,326,-938,326,-439,-441,-747,326,-891,326,-715,-1894,326,326,326,326,326,-442,-512,-523,326,-728,-733,326,-735,326,-740,326,-662,-668,326,-678,-680,-682,-683,-690,-693,-697,-745,326,326,-874,326,326,-878,326,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,326,-812,326,-814,-801,326,-802,-805,326,-816,-819,-821,-823,-825,326,-826,326,-809,326,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,326,-282,326,326,326,326,-455,326,326,-729,326,-736,326,-741,326,-663,-671,326,326,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,326,-836,-53,326,326,-730,326,-737,326,-742,-664,326,-873,-54,326,326,-731,-738,-743,326,326,326,-872,]),'INDEXES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[327,327,327,327,-1894,327,327,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,327,327,327,327,-275,-276,327,-1425,327,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,327,327,327,-490,327,327,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,327,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,327,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,327,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,327,-172,-173,-174,-175,-993,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-290,-291,-281,327,327,327,327,327,-328,-318,-332,-333,-334,327,327,-982,-983,-984,-985,-986,-987,-988,327,327,327,327,327,327,327,327,327,327,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,327,327,327,-353,-356,327,-323,-324,-141,327,-142,327,-143,327,-430,-935,-936,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-1894,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-1894,327,-1894,327,327,327,327,327,327,327,327,327,327,327,327,-1894,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,327,-1894,327,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,327,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,327,327,327,-191,-192,327,-994,327,327,327,327,327,-277,-278,-279,-280,-365,327,-308,327,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,327,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,327,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,327,327,327,327,327,327,-573,327,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,327,327,-723,-724,-725,327,327,327,327,327,327,-994,327,327,-91,-92,327,327,327,327,-309,-310,-320,327,-307,-293,-294,-295,327,327,327,327,-618,-633,-590,327,327,-436,327,-437,327,-444,-445,-446,-378,-379,327,327,327,-506,327,327,-510,327,327,327,327,-515,-516,-517,-518,327,327,-521,-522,327,-524,-525,-526,-527,-528,-529,-530,-531,327,-533,327,327,327,-539,-541,-542,327,-544,-545,-546,-547,327,327,327,327,327,327,-652,-653,-654,-655,327,-657,-658,-659,327,327,327,-665,327,327,-669,-670,327,327,-673,327,-675,-676,327,-679,327,-681,327,327,-684,-685,-686,327,-688,327,327,-691,327,327,-694,-695,-696,327,-698,-699,-700,-701,327,327,-746,327,-749,-750,-751,-752,-753,327,-755,-756,-757,-758,-759,327,-766,-767,-769,327,-771,-772,-773,-782,-856,-858,-860,-862,327,327,327,327,-868,327,-870,327,327,327,327,327,327,327,-906,-907,327,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,327,-921,-924,327,-934,327,-385,-386,-387,327,327,-390,-391,-392,-393,327,-396,327,-399,-400,327,-401,327,-406,-407,327,-410,-411,-412,327,-415,327,-416,327,-421,-422,327,-425,327,-428,-429,-1894,-1894,327,-619,-620,-621,-622,-623,-634,-584,-624,-797,327,327,327,327,327,-831,327,327,-806,327,-832,327,327,327,327,-798,327,-853,-799,327,327,327,327,327,327,-854,-855,327,-834,-830,-835,327,-625,327,-626,-627,-628,-629,-574,327,327,-630,-631,-632,327,327,327,327,327,327,-635,-636,-637,-592,-1894,-602,327,-638,-639,-713,-640,-604,327,-572,-577,-580,-583,327,327,327,-598,-601,327,-608,327,327,327,327,327,327,327,327,327,327,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,327,327,327,-995,327,327,327,327,327,327,-306,-325,-319,-296,-375,-452,-453,-454,-458,327,-443,327,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,327,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,327,327,327,327,327,327,327,327,327,-316,-535,-508,-591,-937,-939,-940,-438,327,-440,-380,-381,-383,-507,-509,-511,327,-513,-514,-519,-520,327,-532,-534,-537,-538,-543,-548,-726,327,-727,327,-732,327,-734,327,-739,-656,-660,-661,327,-666,327,-667,327,-672,-674,327,-677,327,327,327,-687,-689,327,-692,327,327,-744,327,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,327,327,327,327,327,-877,327,-880,-908,-920,-925,-388,-389,327,-394,327,-397,327,-402,327,-403,327,-408,327,-413,327,-417,327,-418,327,-423,327,-426,-899,-900,-643,-585,-1894,-901,327,327,327,-800,327,327,-804,327,-807,-833,327,-818,327,-820,327,-822,-808,327,-824,327,-851,-852,327,327,-811,327,-646,-902,-904,-648,-649,-645,327,-705,-706,327,-642,-903,-647,-650,-603,-714,327,327,-605,-586,327,327,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,327,327,-709,-710,327,-716,327,327,327,327,327,327,-938,327,-439,-441,-747,327,-891,327,-715,-1894,327,327,327,327,327,-442,-512,-523,327,-728,-733,327,-735,327,-740,327,-662,-668,327,-678,-680,-682,-683,-690,-693,-697,-745,327,327,-874,327,327,-878,327,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,327,-812,327,-814,-801,327,-802,-805,327,-816,-819,-821,-823,-825,327,-826,327,-809,327,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,327,-282,327,327,327,327,-455,327,327,-729,327,-736,327,-741,327,-663,-671,327,327,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,327,-836,-53,327,327,-730,327,-737,327,-742,-664,327,-873,-54,327,327,-731,-738,-743,327,327,327,-872,]),'INDEX_TABLE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[328,328,328,328,-1894,328,328,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,328,328,328,328,-275,-276,328,-1425,328,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,328,328,328,-490,328,328,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,328,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,328,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,328,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,328,-172,-173,-174,-175,-993,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-290,-291,-281,328,328,328,328,328,-328,-318,-332,-333,-334,328,328,-982,-983,-984,-985,-986,-987,-988,328,328,328,328,328,328,328,328,328,328,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,328,328,328,-353,-356,328,-323,-324,-141,328,-142,328,-143,328,-430,-935,-936,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-1894,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-1894,328,-1894,328,328,328,328,328,328,328,328,328,328,328,328,-1894,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,328,-1894,328,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,328,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,328,328,328,-191,-192,328,-994,328,328,328,328,328,-277,-278,-279,-280,-365,328,-308,328,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,328,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,328,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,328,328,328,328,328,328,-573,328,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,328,328,-723,-724,-725,328,328,328,328,328,328,-994,328,328,-91,-92,328,328,328,328,-309,-310,-320,328,-307,-293,-294,-295,328,328,328,328,-618,-633,-590,328,328,-436,328,-437,328,-444,-445,-446,-378,-379,328,328,328,-506,328,328,-510,328,328,328,328,-515,-516,-517,-518,328,328,-521,-522,328,-524,-525,-526,-527,-528,-529,-530,-531,328,-533,328,328,328,-539,-541,-542,328,-544,-545,-546,-547,328,328,328,328,328,328,-652,-653,-654,-655,328,-657,-658,-659,328,328,328,-665,328,328,-669,-670,328,328,-673,328,-675,-676,328,-679,328,-681,328,328,-684,-685,-686,328,-688,328,328,-691,328,328,-694,-695,-696,328,-698,-699,-700,-701,328,328,-746,328,-749,-750,-751,-752,-753,328,-755,-756,-757,-758,-759,328,-766,-767,-769,328,-771,-772,-773,-782,-856,-858,-860,-862,328,328,328,328,-868,328,-870,328,328,328,328,328,328,328,-906,-907,328,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,328,-921,-924,328,-934,328,-385,-386,-387,328,328,-390,-391,-392,-393,328,-396,328,-399,-400,328,-401,328,-406,-407,328,-410,-411,-412,328,-415,328,-416,328,-421,-422,328,-425,328,-428,-429,-1894,-1894,328,-619,-620,-621,-622,-623,-634,-584,-624,-797,328,328,328,328,328,-831,328,328,-806,328,-832,328,328,328,328,-798,328,-853,-799,328,328,328,328,328,328,-854,-855,328,-834,-830,-835,328,-625,328,-626,-627,-628,-629,-574,328,328,-630,-631,-632,328,328,328,328,328,328,-635,-636,-637,-592,-1894,-602,328,-638,-639,-713,-640,-604,328,-572,-577,-580,-583,328,328,328,-598,-601,328,-608,328,328,328,328,328,328,328,328,328,328,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,328,328,328,-995,328,328,328,328,328,328,-306,-325,-319,-296,-375,-452,-453,-454,-458,328,-443,328,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,328,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,328,328,328,328,328,328,328,328,328,-316,-535,-508,-591,-937,-939,-940,-438,328,-440,-380,-381,-383,-507,-509,-511,328,-513,-514,-519,-520,328,-532,-534,-537,-538,-543,-548,-726,328,-727,328,-732,328,-734,328,-739,-656,-660,-661,328,-666,328,-667,328,-672,-674,328,-677,328,328,328,-687,-689,328,-692,328,328,-744,328,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,328,328,328,328,328,-877,328,-880,-908,-920,-925,-388,-389,328,-394,328,-397,328,-402,328,-403,328,-408,328,-413,328,-417,328,-418,328,-423,328,-426,-899,-900,-643,-585,-1894,-901,328,328,328,-800,328,328,-804,328,-807,-833,328,-818,328,-820,328,-822,-808,328,-824,328,-851,-852,328,328,-811,328,-646,-902,-904,-648,-649,-645,328,-705,-706,328,-642,-903,-647,-650,-603,-714,328,328,-605,-586,328,328,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,328,328,-709,-710,328,-716,328,328,328,328,328,328,-938,328,-439,-441,-747,328,-891,328,-715,-1894,328,328,328,328,328,-442,-512,-523,328,-728,-733,328,-735,328,-740,328,-662,-668,328,-678,-680,-682,-683,-690,-693,-697,-745,328,328,-874,328,328,-878,328,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,328,-812,328,-814,-801,328,-802,-805,328,-816,-819,-821,-823,-825,328,-826,328,-809,328,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,328,-282,328,328,328,328,-455,328,328,-729,328,-736,328,-741,328,-663,-671,328,328,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,328,-836,-53,328,328,-730,328,-737,328,-742,-664,328,-873,-54,328,328,-731,-738,-743,328,328,328,-872,]),'INET6_ATON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[329,329,329,1206,-1894,329,329,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,329,329,329,329,-275,-276,1206,-1425,1206,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1206,1206,1206,-490,1206,1206,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1206,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1206,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1889,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,329,-172,-173,-174,-175,-993,329,329,329,329,329,329,329,329,329,329,1206,1206,1206,1206,1206,-290,-291,-281,329,1206,1206,1206,1206,-328,-318,-332,-333,-334,1206,1206,-982,-983,-984,-985,-986,-987,-988,329,329,1206,1206,1206,1206,1206,1206,1206,1206,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1206,1206,1206,-353,-356,329,-323,-324,-141,1206,-142,1206,-143,1206,-430,-935,-936,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1894,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1894,1206,-1894,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1894,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-1894,329,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1206,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1206,329,329,-191,-192,329,-994,1206,329,329,329,329,-277,-278,-279,-280,-365,1206,-308,1206,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1206,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1206,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1206,1206,1206,1206,1206,1206,-573,1206,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1206,1206,-723,-724,-725,1206,1889,329,329,329,329,-994,329,1206,-91,-92,329,329,329,1206,-309,-310,-320,1206,-307,-293,-294,-295,1206,329,1206,1206,-618,-633,-590,1206,329,-436,329,-437,1206,-444,-445,-446,-378,-379,1206,1206,1206,-506,1206,1206,-510,1206,1206,1206,1206,-515,-516,-517,-518,1206,1206,-521,-522,1206,-524,-525,-526,-527,-528,-529,-530,-531,1206,-533,1206,1206,1206,-539,-541,-542,1206,-544,-545,-546,-547,1206,1206,1206,1206,1206,1206,-652,-653,-654,-655,329,-657,-658,-659,1206,1206,1206,-665,1206,1206,-669,-670,1206,1206,-673,1206,-675,-676,1206,-679,1206,-681,1206,1206,-684,-685,-686,1206,-688,1206,1206,-691,1206,1206,-694,-695,-696,1206,-698,-699,-700,-701,1206,1206,-746,1206,-749,-750,-751,-752,-753,1206,-755,-756,-757,-758,-759,1206,-766,-767,-769,1206,-771,-772,-773,-782,-856,-858,-860,-862,1206,1206,1206,1206,-868,1206,-870,1206,1206,1206,1206,1206,1206,1206,-906,-907,1206,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1206,-921,-924,1206,-934,1206,-385,-386,-387,1206,1206,-390,-391,-392,-393,1206,-396,1206,-399,-400,1206,-401,1206,-406,-407,1206,-410,-411,-412,1206,-415,1206,-416,1206,-421,-422,1206,-425,1206,-428,-429,-1894,-1894,1206,-619,-620,-621,-622,-623,-634,-584,-624,-797,1206,1206,1206,1206,1206,-831,1206,1206,-806,1206,-832,1206,1206,1206,1206,-798,1206,-853,-799,1206,1206,1206,1206,1206,1206,-854,-855,1206,-834,-830,-835,1206,-625,1206,-626,-627,-628,-629,-574,1206,1206,-630,-631,-632,1206,1206,1206,1206,1206,1206,-635,-636,-637,-592,-1894,-602,1206,-638,-639,-713,-640,-604,1206,-572,-577,-580,-583,1206,1206,1206,-598,-601,1206,-608,1206,1206,1206,1206,1206,1206,1206,1206,1206,1206,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1206,329,329,-995,329,1206,329,329,329,1206,-306,-325,-319,-296,-375,-452,-453,-454,-458,329,-443,1206,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1206,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,329,329,329,329,329,329,329,329,1206,-316,-535,-508,-591,-937,-939,-940,-438,1206,-440,-380,-381,-383,-507,-509,-511,1206,-513,-514,-519,-520,1206,-532,-534,-537,-538,-543,-548,-726,1206,-727,1206,-732,1206,-734,1206,-739,-656,-660,-661,1206,-666,1206,-667,1206,-672,-674,1206,-677,1206,1206,1206,-687,-689,1206,-692,1206,1206,-744,1206,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1206,1206,1206,1206,1206,-877,1206,-880,-908,-920,-925,-388,-389,1206,-394,1206,-397,1206,-402,1206,-403,1206,-408,1206,-413,1206,-417,1206,-418,1206,-423,1206,-426,-899,-900,-643,-585,-1894,-901,1206,1206,1206,-800,1206,1206,-804,1206,-807,-833,1206,-818,1206,-820,1206,-822,-808,1206,-824,1206,-851,-852,1206,1206,-811,1206,-646,-902,-904,-648,-649,-645,1206,-705,-706,1206,-642,-903,-647,-650,-603,-714,1206,1206,-605,-586,1206,1206,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1206,1206,-709,-710,1206,-716,1206,329,329,329,1206,1206,-938,329,-439,-441,-747,1206,-891,1889,-715,-1894,1206,1206,329,329,1206,-442,-512,-523,1206,-728,-733,1206,-735,1206,-740,1206,-662,-668,1206,-678,-680,-682,-683,-690,-693,-697,-745,1206,1206,-874,1206,1206,-878,1206,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1206,-812,1206,-814,-801,1206,-802,-805,1206,-816,-819,-821,-823,-825,1206,-826,1206,-809,1206,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,329,-282,329,1206,329,1206,-455,1206,1206,-729,1206,-736,1206,-741,1206,-663,-671,1206,1206,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1206,-836,-53,329,1206,-730,1206,-737,1206,-742,-664,1206,-873,-54,329,329,-731,-738,-743,1206,329,1206,-872,]),'INET6_NTOA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[330,330,330,1207,-1894,330,330,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,330,330,330,330,-275,-276,1207,-1425,1207,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1207,1207,1207,-490,1207,1207,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1207,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1207,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1890,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,330,-172,-173,-174,-175,-993,330,330,330,330,330,330,330,330,330,330,1207,1207,1207,1207,1207,-290,-291,-281,330,1207,1207,1207,1207,-328,-318,-332,-333,-334,1207,1207,-982,-983,-984,-985,-986,-987,-988,330,330,1207,1207,1207,1207,1207,1207,1207,1207,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1207,1207,1207,-353,-356,330,-323,-324,-141,1207,-142,1207,-143,1207,-430,-935,-936,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1894,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1894,1207,-1894,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1894,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-1894,330,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1207,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1207,330,330,-191,-192,330,-994,1207,330,330,330,330,-277,-278,-279,-280,-365,1207,-308,1207,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1207,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1207,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1207,1207,1207,1207,1207,1207,-573,1207,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1207,1207,-723,-724,-725,1207,1890,330,330,330,330,-994,330,1207,-91,-92,330,330,330,1207,-309,-310,-320,1207,-307,-293,-294,-295,1207,330,1207,1207,-618,-633,-590,1207,330,-436,330,-437,1207,-444,-445,-446,-378,-379,1207,1207,1207,-506,1207,1207,-510,1207,1207,1207,1207,-515,-516,-517,-518,1207,1207,-521,-522,1207,-524,-525,-526,-527,-528,-529,-530,-531,1207,-533,1207,1207,1207,-539,-541,-542,1207,-544,-545,-546,-547,1207,1207,1207,1207,1207,1207,-652,-653,-654,-655,330,-657,-658,-659,1207,1207,1207,-665,1207,1207,-669,-670,1207,1207,-673,1207,-675,-676,1207,-679,1207,-681,1207,1207,-684,-685,-686,1207,-688,1207,1207,-691,1207,1207,-694,-695,-696,1207,-698,-699,-700,-701,1207,1207,-746,1207,-749,-750,-751,-752,-753,1207,-755,-756,-757,-758,-759,1207,-766,-767,-769,1207,-771,-772,-773,-782,-856,-858,-860,-862,1207,1207,1207,1207,-868,1207,-870,1207,1207,1207,1207,1207,1207,1207,-906,-907,1207,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1207,-921,-924,1207,-934,1207,-385,-386,-387,1207,1207,-390,-391,-392,-393,1207,-396,1207,-399,-400,1207,-401,1207,-406,-407,1207,-410,-411,-412,1207,-415,1207,-416,1207,-421,-422,1207,-425,1207,-428,-429,-1894,-1894,1207,-619,-620,-621,-622,-623,-634,-584,-624,-797,1207,1207,1207,1207,1207,-831,1207,1207,-806,1207,-832,1207,1207,1207,1207,-798,1207,-853,-799,1207,1207,1207,1207,1207,1207,-854,-855,1207,-834,-830,-835,1207,-625,1207,-626,-627,-628,-629,-574,1207,1207,-630,-631,-632,1207,1207,1207,1207,1207,1207,-635,-636,-637,-592,-1894,-602,1207,-638,-639,-713,-640,-604,1207,-572,-577,-580,-583,1207,1207,1207,-598,-601,1207,-608,1207,1207,1207,1207,1207,1207,1207,1207,1207,1207,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1207,330,330,-995,330,1207,330,330,330,1207,-306,-325,-319,-296,-375,-452,-453,-454,-458,330,-443,1207,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1207,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,330,330,330,330,330,330,330,330,1207,-316,-535,-508,-591,-937,-939,-940,-438,1207,-440,-380,-381,-383,-507,-509,-511,1207,-513,-514,-519,-520,1207,-532,-534,-537,-538,-543,-548,-726,1207,-727,1207,-732,1207,-734,1207,-739,-656,-660,-661,1207,-666,1207,-667,1207,-672,-674,1207,-677,1207,1207,1207,-687,-689,1207,-692,1207,1207,-744,1207,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1207,1207,1207,1207,1207,-877,1207,-880,-908,-920,-925,-388,-389,1207,-394,1207,-397,1207,-402,1207,-403,1207,-408,1207,-413,1207,-417,1207,-418,1207,-423,1207,-426,-899,-900,-643,-585,-1894,-901,1207,1207,1207,-800,1207,1207,-804,1207,-807,-833,1207,-818,1207,-820,1207,-822,-808,1207,-824,1207,-851,-852,1207,1207,-811,1207,-646,-902,-904,-648,-649,-645,1207,-705,-706,1207,-642,-903,-647,-650,-603,-714,1207,1207,-605,-586,1207,1207,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1207,1207,-709,-710,1207,-716,1207,330,330,330,1207,1207,-938,330,-439,-441,-747,1207,-891,1890,-715,-1894,1207,1207,330,330,1207,-442,-512,-523,1207,-728,-733,1207,-735,1207,-740,1207,-662,-668,1207,-678,-680,-682,-683,-690,-693,-697,-745,1207,1207,-874,1207,1207,-878,1207,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1207,-812,1207,-814,-801,1207,-802,-805,1207,-816,-819,-821,-823,-825,1207,-826,1207,-809,1207,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,330,-282,330,1207,330,1207,-455,1207,1207,-729,1207,-736,1207,-741,1207,-663,-671,1207,1207,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1207,-836,-53,330,1207,-730,1207,-737,1207,-742,-664,1207,-873,-54,330,330,-731,-738,-743,1207,330,1207,-872,]),'INET_ATON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[331,331,331,1204,-1894,331,331,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,331,331,331,331,-275,-276,1204,-1425,1204,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1204,1204,1204,-490,1204,1204,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1204,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1204,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1891,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,331,-172,-173,-174,-175,-993,331,331,331,331,331,331,331,331,331,331,1204,1204,1204,1204,1204,-290,-291,-281,331,1204,1204,1204,1204,-328,-318,-332,-333,-334,1204,1204,-982,-983,-984,-985,-986,-987,-988,331,331,1204,1204,1204,1204,1204,1204,1204,1204,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1204,1204,1204,-353,-356,331,-323,-324,-141,1204,-142,1204,-143,1204,-430,-935,-936,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1894,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1894,1204,-1894,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1894,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-1894,331,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1204,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1204,331,331,-191,-192,331,-994,1204,331,331,331,331,-277,-278,-279,-280,-365,1204,-308,1204,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1204,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1204,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1204,1204,1204,1204,1204,1204,-573,1204,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1204,1204,-723,-724,-725,1204,1891,331,331,331,331,-994,331,1204,-91,-92,331,331,331,1204,-309,-310,-320,1204,-307,-293,-294,-295,1204,331,1204,1204,-618,-633,-590,1204,331,-436,331,-437,1204,-444,-445,-446,-378,-379,1204,1204,1204,-506,1204,1204,-510,1204,1204,1204,1204,-515,-516,-517,-518,1204,1204,-521,-522,1204,-524,-525,-526,-527,-528,-529,-530,-531,1204,-533,1204,1204,1204,-539,-541,-542,1204,-544,-545,-546,-547,1204,1204,1204,1204,1204,1204,-652,-653,-654,-655,331,-657,-658,-659,1204,1204,1204,-665,1204,1204,-669,-670,1204,1204,-673,1204,-675,-676,1204,-679,1204,-681,1204,1204,-684,-685,-686,1204,-688,1204,1204,-691,1204,1204,-694,-695,-696,1204,-698,-699,-700,-701,1204,1204,-746,1204,-749,-750,-751,-752,-753,1204,-755,-756,-757,-758,-759,1204,-766,-767,-769,1204,-771,-772,-773,-782,-856,-858,-860,-862,1204,1204,1204,1204,-868,1204,-870,1204,1204,1204,1204,1204,1204,1204,-906,-907,1204,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1204,-921,-924,1204,-934,1204,-385,-386,-387,1204,1204,-390,-391,-392,-393,1204,-396,1204,-399,-400,1204,-401,1204,-406,-407,1204,-410,-411,-412,1204,-415,1204,-416,1204,-421,-422,1204,-425,1204,-428,-429,-1894,-1894,1204,-619,-620,-621,-622,-623,-634,-584,-624,-797,1204,1204,1204,1204,1204,-831,1204,1204,-806,1204,-832,1204,1204,1204,1204,-798,1204,-853,-799,1204,1204,1204,1204,1204,1204,-854,-855,1204,-834,-830,-835,1204,-625,1204,-626,-627,-628,-629,-574,1204,1204,-630,-631,-632,1204,1204,1204,1204,1204,1204,-635,-636,-637,-592,-1894,-602,1204,-638,-639,-713,-640,-604,1204,-572,-577,-580,-583,1204,1204,1204,-598,-601,1204,-608,1204,1204,1204,1204,1204,1204,1204,1204,1204,1204,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1204,331,331,-995,331,1204,331,331,331,1204,-306,-325,-319,-296,-375,-452,-453,-454,-458,331,-443,1204,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1204,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,331,331,331,331,331,331,331,331,1204,-316,-535,-508,-591,-937,-939,-940,-438,1204,-440,-380,-381,-383,-507,-509,-511,1204,-513,-514,-519,-520,1204,-532,-534,-537,-538,-543,-548,-726,1204,-727,1204,-732,1204,-734,1204,-739,-656,-660,-661,1204,-666,1204,-667,1204,-672,-674,1204,-677,1204,1204,1204,-687,-689,1204,-692,1204,1204,-744,1204,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1204,1204,1204,1204,1204,-877,1204,-880,-908,-920,-925,-388,-389,1204,-394,1204,-397,1204,-402,1204,-403,1204,-408,1204,-413,1204,-417,1204,-418,1204,-423,1204,-426,-899,-900,-643,-585,-1894,-901,1204,1204,1204,-800,1204,1204,-804,1204,-807,-833,1204,-818,1204,-820,1204,-822,-808,1204,-824,1204,-851,-852,1204,1204,-811,1204,-646,-902,-904,-648,-649,-645,1204,-705,-706,1204,-642,-903,-647,-650,-603,-714,1204,1204,-605,-586,1204,1204,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1204,1204,-709,-710,1204,-716,1204,331,331,331,1204,1204,-938,331,-439,-441,-747,1204,-891,1891,-715,-1894,1204,1204,331,331,1204,-442,-512,-523,1204,-728,-733,1204,-735,1204,-740,1204,-662,-668,1204,-678,-680,-682,-683,-690,-693,-697,-745,1204,1204,-874,1204,1204,-878,1204,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1204,-812,1204,-814,-801,1204,-802,-805,1204,-816,-819,-821,-823,-825,1204,-826,1204,-809,1204,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,331,-282,331,1204,331,1204,-455,1204,1204,-729,1204,-736,1204,-741,1204,-663,-671,1204,1204,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1204,-836,-53,331,1204,-730,1204,-737,1204,-742,-664,1204,-873,-54,331,331,-731,-738,-743,1204,331,1204,-872,]),'INET_NTOA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[332,332,332,1205,-1894,332,332,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,332,332,332,332,-275,-276,1205,-1425,1205,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1205,1205,1205,-490,1205,1205,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1205,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1205,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1892,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,332,-172,-173,-174,-175,-993,332,332,332,332,332,332,332,332,332,332,1205,1205,1205,1205,1205,-290,-291,-281,332,1205,1205,1205,1205,-328,-318,-332,-333,-334,1205,1205,-982,-983,-984,-985,-986,-987,-988,332,332,1205,1205,1205,1205,1205,1205,1205,1205,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1205,1205,1205,-353,-356,332,-323,-324,-141,1205,-142,1205,-143,1205,-430,-935,-936,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1894,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1894,1205,-1894,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1894,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-1894,332,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1205,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1205,332,332,-191,-192,332,-994,1205,332,332,332,332,-277,-278,-279,-280,-365,1205,-308,1205,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1205,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1205,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1205,1205,1205,1205,1205,1205,-573,1205,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1205,1205,-723,-724,-725,1205,1892,332,332,332,332,-994,332,1205,-91,-92,332,332,332,1205,-309,-310,-320,1205,-307,-293,-294,-295,1205,332,1205,1205,-618,-633,-590,1205,332,-436,332,-437,1205,-444,-445,-446,-378,-379,1205,1205,1205,-506,1205,1205,-510,1205,1205,1205,1205,-515,-516,-517,-518,1205,1205,-521,-522,1205,-524,-525,-526,-527,-528,-529,-530,-531,1205,-533,1205,1205,1205,-539,-541,-542,1205,-544,-545,-546,-547,1205,1205,1205,1205,1205,1205,-652,-653,-654,-655,332,-657,-658,-659,1205,1205,1205,-665,1205,1205,-669,-670,1205,1205,-673,1205,-675,-676,1205,-679,1205,-681,1205,1205,-684,-685,-686,1205,-688,1205,1205,-691,1205,1205,-694,-695,-696,1205,-698,-699,-700,-701,1205,1205,-746,1205,-749,-750,-751,-752,-753,1205,-755,-756,-757,-758,-759,1205,-766,-767,-769,1205,-771,-772,-773,-782,-856,-858,-860,-862,1205,1205,1205,1205,-868,1205,-870,1205,1205,1205,1205,1205,1205,1205,-906,-907,1205,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1205,-921,-924,1205,-934,1205,-385,-386,-387,1205,1205,-390,-391,-392,-393,1205,-396,1205,-399,-400,1205,-401,1205,-406,-407,1205,-410,-411,-412,1205,-415,1205,-416,1205,-421,-422,1205,-425,1205,-428,-429,-1894,-1894,1205,-619,-620,-621,-622,-623,-634,-584,-624,-797,1205,1205,1205,1205,1205,-831,1205,1205,-806,1205,-832,1205,1205,1205,1205,-798,1205,-853,-799,1205,1205,1205,1205,1205,1205,-854,-855,1205,-834,-830,-835,1205,-625,1205,-626,-627,-628,-629,-574,1205,1205,-630,-631,-632,1205,1205,1205,1205,1205,1205,-635,-636,-637,-592,-1894,-602,1205,-638,-639,-713,-640,-604,1205,-572,-577,-580,-583,1205,1205,1205,-598,-601,1205,-608,1205,1205,1205,1205,1205,1205,1205,1205,1205,1205,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1205,332,332,-995,332,1205,332,332,332,1205,-306,-325,-319,-296,-375,-452,-453,-454,-458,332,-443,1205,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1205,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,332,332,332,332,332,332,332,332,1205,-316,-535,-508,-591,-937,-939,-940,-438,1205,-440,-380,-381,-383,-507,-509,-511,1205,-513,-514,-519,-520,1205,-532,-534,-537,-538,-543,-548,-726,1205,-727,1205,-732,1205,-734,1205,-739,-656,-660,-661,1205,-666,1205,-667,1205,-672,-674,1205,-677,1205,1205,1205,-687,-689,1205,-692,1205,1205,-744,1205,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1205,1205,1205,1205,1205,-877,1205,-880,-908,-920,-925,-388,-389,1205,-394,1205,-397,1205,-402,1205,-403,1205,-408,1205,-413,1205,-417,1205,-418,1205,-423,1205,-426,-899,-900,-643,-585,-1894,-901,1205,1205,1205,-800,1205,1205,-804,1205,-807,-833,1205,-818,1205,-820,1205,-822,-808,1205,-824,1205,-851,-852,1205,1205,-811,1205,-646,-902,-904,-648,-649,-645,1205,-705,-706,1205,-642,-903,-647,-650,-603,-714,1205,1205,-605,-586,1205,1205,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1205,1205,-709,-710,1205,-716,1205,332,332,332,1205,1205,-938,332,-439,-441,-747,1205,-891,1892,-715,-1894,1205,1205,332,332,1205,-442,-512,-523,1205,-728,-733,1205,-735,1205,-740,1205,-662,-668,1205,-678,-680,-682,-683,-690,-693,-697,-745,1205,1205,-874,1205,1205,-878,1205,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1205,-812,1205,-814,-801,1205,-802,-805,1205,-816,-819,-821,-823,-825,1205,-826,1205,-809,1205,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,332,-282,332,1205,332,1205,-455,1205,1205,-729,1205,-736,1205,-741,1205,-663,-671,1205,1205,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1205,-836,-53,332,1205,-730,1205,-737,1205,-742,-664,1205,-873,-54,332,332,-731,-738,-743,1205,332,1205,-872,]),'INFO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[333,333,333,333,-1894,333,333,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,333,333,333,333,-275,-276,333,-1425,333,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,333,333,333,-490,333,333,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,333,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,333,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,333,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,333,-172,-173,-174,-175,-993,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-290,-291,-281,333,333,333,333,333,-328,-318,-332,-333,-334,333,333,-982,-983,-984,-985,-986,-987,-988,333,333,333,333,333,333,333,333,333,333,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,333,333,333,-353,-356,333,-323,-324,-141,333,-142,333,-143,333,-430,-935,-936,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-1894,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-1894,333,-1894,333,333,333,333,333,333,333,333,333,333,333,333,-1894,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,333,-1894,333,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,333,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,333,333,333,-191,-192,333,-994,333,333,333,333,333,-277,-278,-279,-280,-365,333,-308,333,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,333,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,333,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,333,333,333,333,333,333,-573,333,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,333,333,-723,-724,-725,333,333,333,333,333,333,-994,333,333,-91,-92,333,333,333,333,-309,-310,-320,333,-307,-293,-294,-295,333,333,333,333,-618,-633,-590,333,333,-436,333,-437,333,-444,-445,-446,-378,-379,333,333,333,-506,333,333,-510,333,333,333,333,-515,-516,-517,-518,333,333,-521,-522,333,-524,-525,-526,-527,-528,-529,-530,-531,333,-533,333,333,333,-539,-541,-542,333,-544,-545,-546,-547,333,333,333,333,333,333,-652,-653,-654,-655,333,-657,-658,-659,333,333,333,-665,333,333,-669,-670,333,333,-673,333,-675,-676,333,-679,333,-681,333,333,-684,-685,-686,333,-688,333,333,-691,333,333,-694,-695,-696,333,-698,-699,-700,-701,333,333,-746,333,-749,-750,-751,-752,-753,333,-755,-756,-757,-758,-759,333,-766,-767,-769,333,-771,-772,-773,-782,-856,-858,-860,-862,333,333,333,333,-868,333,-870,333,333,333,333,333,333,333,-906,-907,333,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,333,-921,-924,333,-934,333,-385,-386,-387,333,333,-390,-391,-392,-393,333,-396,333,-399,-400,333,-401,333,-406,-407,333,-410,-411,-412,333,-415,333,-416,333,-421,-422,333,-425,333,-428,-429,-1894,-1894,333,-619,-620,-621,-622,-623,-634,-584,-624,-797,333,333,333,333,333,-831,333,333,-806,333,-832,333,333,333,333,-798,333,-853,-799,333,333,333,333,333,333,-854,-855,333,-834,-830,-835,333,-625,333,-626,-627,-628,-629,-574,333,333,-630,-631,-632,333,333,333,333,333,333,-635,-636,-637,-592,-1894,-602,333,-638,-639,-713,-640,-604,333,-572,-577,-580,-583,333,333,333,-598,-601,333,-608,333,333,333,333,333,333,333,333,333,333,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,333,333,333,-995,333,333,333,333,333,333,-306,-325,-319,-296,-375,-452,-453,-454,-458,333,-443,333,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,333,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,333,333,333,333,333,333,333,333,333,-316,-535,-508,-591,-937,-939,-940,-438,333,-440,-380,-381,-383,-507,-509,-511,333,-513,-514,-519,-520,333,-532,-534,-537,-538,-543,-548,-726,333,-727,333,-732,333,-734,333,-739,-656,-660,-661,333,-666,333,-667,333,-672,-674,333,-677,333,333,333,-687,-689,333,-692,333,333,-744,333,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,333,333,333,333,333,-877,333,-880,-908,-920,-925,-388,-389,333,-394,333,-397,333,-402,333,-403,333,-408,333,-413,333,-417,333,-418,333,-423,333,-426,-899,-900,-643,-585,-1894,-901,333,333,333,-800,333,333,-804,333,-807,-833,333,-818,333,-820,333,-822,-808,333,-824,333,-851,-852,333,333,-811,333,-646,-902,-904,-648,-649,-645,333,-705,-706,333,-642,-903,-647,-650,-603,-714,333,333,-605,-586,333,333,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,333,333,-709,-710,333,-716,333,333,333,333,333,333,-938,333,-439,-441,-747,333,-891,333,-715,-1894,333,333,333,333,333,-442,-512,-523,333,-728,-733,333,-735,333,-740,333,-662,-668,333,-678,-680,-682,-683,-690,-693,-697,-745,333,333,-874,333,333,-878,333,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,333,-812,333,-814,-801,333,-802,-805,333,-816,-819,-821,-823,-825,333,-826,333,-809,333,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,333,-282,333,333,333,333,-455,333,333,-729,333,-736,333,-741,333,-663,-671,333,333,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,333,-836,-53,333,333,-730,333,-737,333,-742,-664,333,-873,-54,333,333,-731,-738,-743,333,333,333,-872,]),'INITIAL_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[334,334,334,334,-1894,334,334,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,334,334,334,334,-275,-276,334,-1425,334,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,334,334,334,-490,334,334,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,334,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,334,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,334,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,334,-172,-173,-174,-175,-993,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-290,-291,-281,334,334,334,334,334,-328,-318,-332,-333,-334,334,334,-982,-983,-984,-985,-986,-987,-988,334,334,334,334,334,334,334,334,334,334,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,334,334,334,-353,-356,334,-323,-324,-141,334,-142,334,-143,334,-430,-935,-936,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-1894,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-1894,334,-1894,334,334,334,334,334,334,334,334,334,334,334,334,-1894,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,334,-1894,334,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,334,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,334,334,334,-191,-192,334,-994,334,334,334,334,334,-277,-278,-279,-280,-365,334,-308,334,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,334,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,334,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,334,334,334,334,334,334,-573,334,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,334,334,-723,-724,-725,334,334,334,334,334,334,-994,334,334,-91,-92,334,334,334,334,-309,-310,-320,334,-307,-293,-294,-295,334,334,334,334,-618,-633,-590,334,334,-436,334,-437,334,-444,-445,-446,-378,-379,334,334,334,-506,334,334,-510,334,334,334,334,-515,-516,-517,-518,334,334,-521,-522,334,-524,-525,-526,-527,-528,-529,-530,-531,334,-533,334,334,334,-539,-541,-542,334,-544,-545,-546,-547,334,334,334,334,334,334,-652,-653,-654,-655,334,-657,-658,-659,334,334,334,-665,334,334,-669,-670,334,334,-673,334,-675,-676,334,-679,334,-681,334,334,-684,-685,-686,334,-688,334,334,-691,334,334,-694,-695,-696,334,-698,-699,-700,-701,334,334,-746,334,-749,-750,-751,-752,-753,334,-755,-756,-757,-758,-759,334,-766,-767,-769,334,-771,-772,-773,-782,-856,-858,-860,-862,334,334,334,334,-868,334,-870,334,334,334,334,334,334,334,-906,-907,334,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,334,-921,-924,334,-934,334,-385,-386,-387,334,334,-390,-391,-392,-393,334,-396,334,-399,-400,334,-401,334,-406,-407,334,-410,-411,-412,334,-415,334,-416,334,-421,-422,334,-425,334,-428,-429,-1894,-1894,334,-619,-620,-621,-622,-623,-634,-584,-624,-797,334,334,334,334,334,-831,334,334,-806,334,-832,334,334,334,334,-798,334,-853,-799,334,334,334,334,334,334,-854,-855,334,-834,-830,-835,334,-625,334,-626,-627,-628,-629,-574,334,334,-630,-631,-632,334,334,334,334,334,334,-635,-636,-637,-592,-1894,-602,334,-638,-639,-713,-640,-604,334,-572,-577,-580,-583,334,334,334,-598,-601,334,-608,334,334,334,334,334,334,334,334,334,334,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,334,334,334,-995,334,334,334,334,334,334,-306,-325,-319,-296,-375,-452,-453,-454,-458,334,-443,334,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,334,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,334,334,334,334,334,334,334,334,334,-316,-535,-508,-591,-937,-939,-940,-438,334,-440,-380,-381,-383,-507,-509,-511,334,-513,-514,-519,-520,334,-532,-534,-537,-538,-543,-548,-726,334,-727,334,-732,334,-734,334,-739,-656,-660,-661,334,-666,334,-667,334,-672,-674,334,-677,334,334,334,-687,-689,334,-692,334,334,-744,334,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,334,334,334,334,334,-877,334,-880,-908,-920,-925,-388,-389,334,-394,334,-397,334,-402,334,-403,334,-408,334,-413,334,-417,334,-418,334,-423,334,-426,-899,-900,-643,-585,-1894,-901,334,334,334,-800,334,334,-804,334,-807,-833,334,-818,334,-820,334,-822,-808,334,-824,334,-851,-852,334,334,-811,334,-646,-902,-904,-648,-649,-645,334,-705,-706,334,-642,-903,-647,-650,-603,-714,334,334,-605,-586,334,334,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,334,334,-709,-710,334,-716,334,334,334,334,334,334,-938,334,-439,-441,-747,334,-891,334,-715,-1894,334,334,334,334,334,-442,-512,-523,334,-728,-733,334,-735,334,-740,334,-662,-668,334,-678,-680,-682,-683,-690,-693,-697,-745,334,334,-874,334,334,-878,334,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,334,-812,334,-814,-801,334,-802,-805,334,-816,-819,-821,-823,-825,334,-826,334,-809,334,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,334,-282,334,334,334,334,-455,334,334,-729,334,-736,334,-741,334,-663,-671,334,334,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,334,-836,-53,334,334,-730,334,-737,334,-742,-664,334,-873,-54,334,334,-731,-738,-743,334,334,334,-872,]),'INTO':([7,16,17,18,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,927,928,929,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[335,335,335,-1894,335,-1894,335,335,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,335,335,335,335,1423,-73,-74,-275,-276,335,-1425,335,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,335,335,335,-490,335,335,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,335,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,335,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,335,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,335,-172,-173,-174,-175,-993,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-290,-291,-281,335,335,335,335,335,-328,-318,-332,-333,-334,335,335,-982,-983,-984,-985,-986,-987,-988,335,335,335,335,335,335,335,335,335,335,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,335,335,335,-353,-356,335,-323,-324,-141,335,-142,335,-143,335,-430,-935,-936,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-1894,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-1894,335,-1894,335,335,335,335,335,335,335,335,335,335,335,335,-1894,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,335,-1894,335,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,335,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,335,335,335,-191,-192,335,-994,335,335,335,335,335,-277,-278,-279,-280,-365,335,-308,335,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,335,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,335,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,335,335,335,335,335,335,-573,335,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,335,335,-723,-724,-725,335,335,335,335,335,335,-994,335,335,-91,-92,335,335,335,335,-309,-310,-320,335,-307,-293,-294,-295,335,335,335,335,-618,-633,-590,335,335,-436,335,-437,335,-444,-445,-446,-378,-379,335,335,335,-506,335,335,-510,335,335,335,335,-515,-516,-517,-518,335,335,-521,-522,335,-524,-525,-526,-527,-528,-529,-530,-531,335,-533,335,335,335,-539,-541,-542,335,-544,-545,-546,-547,335,335,335,335,335,335,-652,-653,-654,-655,335,-657,-658,-659,335,335,335,-665,335,335,-669,-670,335,335,-673,335,-675,-676,335,-679,335,-681,335,335,-684,-685,-686,335,-688,335,335,-691,335,335,-694,-695,-696,335,-698,-699,-700,-701,335,335,-746,335,-749,-750,-751,-752,-753,335,-755,-756,-757,-758,-759,335,-766,-767,-769,335,-771,-772,-773,-782,-856,-858,-860,-862,335,335,335,335,-868,335,-870,335,335,335,335,335,335,335,-906,-907,335,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,335,-921,-924,335,-934,335,-385,-386,-387,335,335,-390,-391,-392,-393,335,-396,335,-399,-400,335,-401,335,-406,-407,335,-410,-411,-412,335,-415,335,-416,335,-421,-422,335,-425,335,-428,-429,-1894,-1894,335,-619,-620,-621,-622,-623,-634,-584,-624,-797,335,335,335,335,335,-831,335,335,-806,335,-832,335,335,335,335,-798,335,-853,-799,335,335,335,335,335,335,-854,-855,335,-834,-830,-835,335,-625,335,-626,-627,-628,-629,-574,335,335,-630,-631,-632,335,335,335,335,335,335,-635,-636,-637,-592,-1894,-602,335,-638,-639,-713,-640,-604,335,-572,-577,-580,-583,335,335,335,-598,-601,335,-608,335,335,335,335,335,335,335,335,335,335,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,335,335,335,-995,335,335,335,335,335,335,-306,-325,-319,-296,-375,-452,-453,-454,-458,335,-443,335,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,335,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,335,335,335,335,335,335,335,335,335,-316,-535,-508,-591,-937,-939,-940,-438,335,-440,-380,-381,-383,-507,-509,-511,335,-513,-514,-519,-520,335,-532,-534,-537,-538,-543,-548,-726,335,-727,335,-732,335,-734,335,-739,-656,-660,-661,335,-666,335,-667,335,-672,-674,335,-677,335,335,335,-687,-689,335,-692,335,335,-744,335,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,335,335,335,335,335,-877,335,-880,-908,-920,-925,-388,-389,335,-394,335,-397,335,-402,335,-403,335,-408,335,-413,335,-417,335,-418,335,-423,335,-426,-899,-900,-643,-585,-1894,-901,335,335,335,-800,335,335,-804,335,-807,-833,335,-818,335,-820,335,-822,-808,335,-824,335,-851,-852,335,335,-811,335,-646,-902,-904,-648,-649,-645,335,-705,-706,335,-642,-903,-647,-650,-603,-714,335,335,-605,-586,335,335,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,335,335,-709,-710,335,-716,335,335,335,335,335,335,-938,335,-439,-441,-747,335,-891,335,-715,-1894,335,335,335,335,335,-442,-512,-523,335,-728,-733,335,-735,335,-740,335,-662,-668,335,-678,-680,-682,-683,-690,-693,-697,-745,335,335,-874,335,335,-878,335,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,335,-812,335,-814,-801,335,-802,-805,335,-816,-819,-821,-823,-825,335,-826,335,-809,335,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,335,-282,335,335,335,335,-455,335,335,-729,335,-736,335,-741,335,-663,-671,335,335,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,335,-836,-53,335,335,-730,335,-737,335,-742,-664,335,-873,-54,335,335,-731,-738,-743,335,335,335,-872,]),'INTERVAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3746,3748,3749,3756,3769,3773,3788,3795,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3851,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[336,336,336,960,-1894,336,336,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,336,336,336,336,-275,-276,960,-1425,960,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1479,1479,960,-490,1479,1479,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,960,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,960,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1893,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,336,-172,-173,-174,-175,-993,336,336,336,336,336,336,336,336,336,336,960,960,960,960,960,-290,-291,-281,336,960,960,960,960,-328,-318,-332,-333,-334,960,960,-982,-983,-984,-985,-986,-987,-988,336,336,960,960,960,960,960,960,960,960,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,960,960,960,-353,-356,336,-323,-324,-141,960,-142,960,-143,960,-430,-935,-936,960,960,960,960,960,960,960,1479,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,-1894,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,-1894,960,-1894,960,960,960,960,960,960,960,960,960,960,960,960,-1894,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,960,-1894,336,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,960,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,960,336,336,-191,-192,336,-994,960,336,336,336,336,-277,-278,-279,-280,-365,960,-308,960,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1479,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,960,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,960,960,960,960,960,960,-573,960,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,960,960,-723,-724,-725,960,1893,336,336,336,336,-994,336,960,-91,-92,336,336,336,960,-309,-310,-320,1479,-307,-293,-294,-295,960,336,960,960,-618,-633,-590,960,336,-436,336,-437,1479,-444,-445,-446,-378,-379,960,960,960,-506,960,960,-510,960,960,960,960,-515,-516,-517,-518,960,960,-521,-522,960,-524,-525,-526,-527,-528,-529,-530,-531,960,-533,960,960,960,-539,-541,-542,960,-544,-545,-546,-547,960,960,960,960,960,960,-652,-653,-654,-655,336,-657,-658,-659,960,960,960,-665,960,960,-669,-670,960,960,-673,960,-675,-676,960,-679,960,-681,960,960,-684,-685,-686,960,-688,960,960,-691,960,960,-694,-695,-696,960,-698,-699,-700,-701,960,960,-746,960,-749,-750,-751,-752,-753,960,-755,-756,-757,-758,-759,960,-766,-767,-769,960,-771,-772,-773,-782,-856,-858,-860,-862,960,960,960,960,-868,960,-870,960,960,960,960,960,960,960,-906,-907,960,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,960,-921,-924,960,-934,960,-385,-386,-387,960,960,-390,-391,-392,-393,960,-396,960,-399,-400,960,-401,960,-406,-407,960,-410,-411,-412,960,-415,960,-416,960,-421,-422,960,-425,960,-428,-429,-1894,-1894,960,-619,-620,-621,-622,-623,-634,-584,-624,-797,960,960,960,960,960,-831,960,960,-806,960,-832,960,960,960,960,-798,960,-853,-799,960,960,960,960,960,960,-854,-855,960,-834,-830,-835,960,-625,960,-626,-627,-628,-629,-574,960,960,-630,-631,-632,960,960,960,960,960,960,-635,-636,-637,-592,-1894,-602,960,-638,-639,-713,-640,-604,960,-572,-577,-580,-583,960,960,960,-598,-601,960,-608,960,960,960,960,960,960,960,960,960,960,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,960,336,336,-995,336,960,336,336,336,960,-306,-325,-319,-296,-375,-452,-453,-454,-458,336,-443,960,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,960,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,336,336,336,336,336,336,336,336,960,-316,-535,-508,-591,-937,-939,-940,-438,960,-440,-380,-381,-383,-507,-509,-511,960,-513,-514,-519,-520,960,-532,-534,-537,-538,-543,-548,-726,960,-727,960,-732,960,-734,960,-739,-656,-660,-661,960,-666,960,-667,960,-672,-674,960,-677,960,960,960,-687,-689,960,-692,960,960,-744,960,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,960,960,960,960,960,-877,960,-880,-908,-920,-925,-388,-389,960,-394,960,-397,960,-402,960,-403,960,-408,960,-413,960,-417,960,-418,960,-423,960,-426,-899,-900,-643,-585,-1894,-901,960,960,960,-800,960,960,-804,960,-807,-833,960,-818,960,-820,960,-822,-808,960,-824,960,-851,-852,960,960,-811,960,-646,-902,-904,-648,-649,-645,960,-705,-706,960,-642,-903,-647,-650,-603,-714,960,960,-605,-586,960,960,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,960,960,-709,-710,960,-716,960,336,336,336,960,960,-938,336,-439,-441,-747,960,-891,1893,-715,-1894,960,960,336,336,960,-442,-512,-523,960,-728,-733,960,-735,960,-740,960,-662,-668,960,-678,-680,-682,-683,-690,-693,-697,-745,960,960,-874,960,960,-878,960,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,960,-812,960,-814,-801,960,-802,-805,960,-816,-819,-821,-823,-825,960,-826,960,-809,960,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,336,-282,336,3798,-468,-469,960,336,960,-455,3798,960,960,-729,960,-736,960,-741,960,-663,-671,960,960,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,960,-836,-53,336,3798,960,-730,960,-737,960,-742,-664,960,-873,-54,336,336,-731,-738,-743,960,336,960,-872,]),'INNER_PARSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[337,337,337,337,-1894,337,337,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,337,337,337,337,-275,-276,337,-1425,337,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,337,337,337,-490,337,337,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,337,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,337,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,337,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,337,-172,-173,-174,-175,-993,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-290,-291,-281,337,337,337,337,337,-328,-318,-332,-333,-334,337,337,-982,-983,-984,-985,-986,-987,-988,337,337,337,337,337,337,337,337,337,337,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,337,337,337,-353,-356,337,-323,-324,-141,337,-142,337,-143,337,-430,-935,-936,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-1894,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-1894,337,-1894,337,337,337,337,337,337,337,337,337,337,337,337,-1894,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,337,-1894,337,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,337,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,337,337,337,-191,-192,337,-994,337,337,337,337,337,-277,-278,-279,-280,-365,337,-308,337,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,337,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,337,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,337,337,337,337,337,337,-573,337,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,337,337,-723,-724,-725,337,337,337,337,337,337,-994,337,337,-91,-92,337,337,337,337,-309,-310,-320,337,-307,-293,-294,-295,337,337,337,337,-618,-633,-590,337,337,-436,337,-437,337,-444,-445,-446,-378,-379,337,337,337,-506,337,337,-510,337,337,337,337,-515,-516,-517,-518,337,337,-521,-522,337,-524,-525,-526,-527,-528,-529,-530,-531,337,-533,337,337,337,-539,-541,-542,337,-544,-545,-546,-547,337,337,337,337,337,337,-652,-653,-654,-655,337,-657,-658,-659,337,337,337,-665,337,337,-669,-670,337,337,-673,337,-675,-676,337,-679,337,-681,337,337,-684,-685,-686,337,-688,337,337,-691,337,337,-694,-695,-696,337,-698,-699,-700,-701,337,337,-746,337,-749,-750,-751,-752,-753,337,-755,-756,-757,-758,-759,337,-766,-767,-769,337,-771,-772,-773,-782,-856,-858,-860,-862,337,337,337,337,-868,337,-870,337,337,337,337,337,337,337,-906,-907,337,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,337,-921,-924,337,-934,337,-385,-386,-387,337,337,-390,-391,-392,-393,337,-396,337,-399,-400,337,-401,337,-406,-407,337,-410,-411,-412,337,-415,337,-416,337,-421,-422,337,-425,337,-428,-429,-1894,-1894,337,-619,-620,-621,-622,-623,-634,-584,-624,-797,337,337,337,337,337,-831,337,337,-806,337,-832,337,337,337,337,-798,337,-853,-799,337,337,337,337,337,337,-854,-855,337,-834,-830,-835,337,-625,337,-626,-627,-628,-629,-574,337,337,-630,-631,-632,337,337,337,337,337,337,-635,-636,-637,-592,-1894,-602,337,-638,-639,-713,-640,-604,337,-572,-577,-580,-583,337,337,337,-598,-601,337,-608,337,337,337,337,337,337,337,337,337,337,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,337,337,337,-995,337,337,337,337,337,337,-306,-325,-319,-296,-375,-452,-453,-454,-458,337,-443,337,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,337,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,337,337,337,337,337,337,337,337,337,-316,-535,-508,-591,-937,-939,-940,-438,337,-440,-380,-381,-383,-507,-509,-511,337,-513,-514,-519,-520,337,-532,-534,-537,-538,-543,-548,-726,337,-727,337,-732,337,-734,337,-739,-656,-660,-661,337,-666,337,-667,337,-672,-674,337,-677,337,337,337,-687,-689,337,-692,337,337,-744,337,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,337,337,337,337,337,-877,337,-880,-908,-920,-925,-388,-389,337,-394,337,-397,337,-402,337,-403,337,-408,337,-413,337,-417,337,-418,337,-423,337,-426,-899,-900,-643,-585,-1894,-901,337,337,337,-800,337,337,-804,337,-807,-833,337,-818,337,-820,337,-822,-808,337,-824,337,-851,-852,337,337,-811,337,-646,-902,-904,-648,-649,-645,337,-705,-706,337,-642,-903,-647,-650,-603,-714,337,337,-605,-586,337,337,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,337,337,-709,-710,337,-716,337,337,337,337,337,337,-938,337,-439,-441,-747,337,-891,337,-715,-1894,337,337,337,337,337,-442,-512,-523,337,-728,-733,337,-735,337,-740,337,-662,-668,337,-678,-680,-682,-683,-690,-693,-697,-745,337,337,-874,337,337,-878,337,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,337,-812,337,-814,-801,337,-802,-805,337,-816,-819,-821,-823,-825,337,-826,337,-809,337,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,337,-282,337,337,337,337,-455,337,337,-729,337,-736,337,-741,337,-663,-671,337,337,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,337,-836,-53,337,337,-730,337,-737,337,-742,-664,337,-873,-54,337,337,-731,-738,-743,337,337,337,-872,]),'INNODB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[338,338,338,338,-1894,338,338,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,338,338,338,338,-275,-276,338,-1425,338,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,338,338,338,-490,338,338,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,338,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,338,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,338,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,338,-172,-173,-174,-175,-993,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-290,-291,-281,338,338,338,338,338,-328,-318,-332,-333,-334,338,338,-982,-983,-984,-985,-986,-987,-988,338,338,338,338,338,338,338,338,338,338,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,338,338,338,-353,-356,338,-323,-324,-141,338,-142,338,-143,338,-430,-935,-936,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-1894,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-1894,338,-1894,338,338,338,338,338,338,338,338,338,338,338,338,-1894,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,338,-1894,338,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,338,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,338,338,338,-191,-192,338,-994,338,338,338,338,338,-277,-278,-279,-280,-365,338,-308,338,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,338,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,338,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,338,338,338,338,338,338,-573,338,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,338,338,-723,-724,-725,338,338,338,338,338,338,-994,338,338,-91,-92,338,338,338,338,-309,-310,-320,338,-307,-293,-294,-295,338,338,338,338,-618,-633,-590,338,338,-436,338,-437,338,-444,-445,-446,-378,-379,338,338,338,-506,338,338,-510,338,338,338,338,-515,-516,-517,-518,338,338,-521,-522,338,-524,-525,-526,-527,-528,-529,-530,-531,338,-533,338,338,338,-539,-541,-542,338,-544,-545,-546,-547,338,338,338,338,338,338,-652,-653,-654,-655,338,-657,-658,-659,338,338,338,-665,338,338,-669,-670,338,338,-673,338,-675,-676,338,-679,338,-681,338,338,-684,-685,-686,338,-688,338,338,-691,338,338,-694,-695,-696,338,-698,-699,-700,-701,338,338,-746,338,-749,-750,-751,-752,-753,338,-755,-756,-757,-758,-759,338,-766,-767,-769,338,-771,-772,-773,-782,-856,-858,-860,-862,338,338,338,338,-868,338,-870,338,338,338,338,338,338,338,-906,-907,338,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,338,-921,-924,338,-934,338,-385,-386,-387,338,338,-390,-391,-392,-393,338,-396,338,-399,-400,338,-401,338,-406,-407,338,-410,-411,-412,338,-415,338,-416,338,-421,-422,338,-425,338,-428,-429,-1894,-1894,338,-619,-620,-621,-622,-623,-634,-584,-624,-797,338,338,338,338,338,-831,338,338,-806,338,-832,338,338,338,338,-798,338,-853,-799,338,338,338,338,338,338,-854,-855,338,-834,-830,-835,338,-625,338,-626,-627,-628,-629,-574,338,338,-630,-631,-632,338,338,338,338,338,338,-635,-636,-637,-592,-1894,-602,338,-638,-639,-713,-640,-604,338,-572,-577,-580,-583,338,338,338,-598,-601,338,-608,338,338,338,338,338,338,338,338,338,338,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,338,338,338,-995,338,338,338,338,338,338,-306,-325,-319,-296,-375,-452,-453,-454,-458,338,-443,338,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,338,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,338,338,338,338,338,338,338,338,338,-316,-535,-508,-591,-937,-939,-940,-438,338,-440,-380,-381,-383,-507,-509,-511,338,-513,-514,-519,-520,338,-532,-534,-537,-538,-543,-548,-726,338,-727,338,-732,338,-734,338,-739,-656,-660,-661,338,-666,338,-667,338,-672,-674,338,-677,338,338,338,-687,-689,338,-692,338,338,-744,338,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,338,338,338,338,338,-877,338,-880,-908,-920,-925,-388,-389,338,-394,338,-397,338,-402,338,-403,338,-408,338,-413,338,-417,338,-418,338,-423,338,-426,-899,-900,-643,-585,-1894,-901,338,338,338,-800,338,338,-804,338,-807,-833,338,-818,338,-820,338,-822,-808,338,-824,338,-851,-852,338,338,-811,338,-646,-902,-904,-648,-649,-645,338,-705,-706,338,-642,-903,-647,-650,-603,-714,338,338,-605,-586,338,338,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,338,338,-709,-710,338,-716,338,338,338,338,338,338,-938,338,-439,-441,-747,338,-891,338,-715,-1894,338,338,338,338,338,-442,-512,-523,338,-728,-733,338,-735,338,-740,338,-662,-668,338,-678,-680,-682,-683,-690,-693,-697,-745,338,338,-874,338,338,-878,338,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,338,-812,338,-814,-801,338,-802,-805,338,-816,-819,-821,-823,-825,338,-826,338,-809,338,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,338,-282,338,338,338,338,-455,338,338,-729,338,-736,338,-741,338,-663,-671,338,338,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,338,-836,-53,338,338,-730,338,-737,338,-742,-664,338,-873,-54,338,338,-731,-738,-743,338,338,338,-872,]),'INSENSITIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[339,339,339,339,-1894,339,339,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,339,339,339,339,-275,-276,339,-1425,339,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,339,339,339,-490,339,339,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,339,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,339,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,339,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,339,-172,-173,-174,-175,-993,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-290,-291,-281,339,339,339,339,339,-328,-318,-332,-333,-334,339,339,-982,-983,-984,-985,-986,-987,-988,339,339,339,339,339,339,339,339,339,339,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,339,339,339,-353,-356,339,-323,-324,-141,339,-142,339,-143,339,-430,-935,-936,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-1894,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-1894,339,-1894,339,339,339,339,339,339,339,339,339,339,339,339,-1894,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,339,-1894,339,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,339,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,339,339,339,-191,-192,339,-994,339,339,339,339,339,-277,-278,-279,-280,-365,339,-308,339,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,339,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,339,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,339,339,339,339,339,339,-573,339,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,339,339,-723,-724,-725,339,339,339,339,339,339,-994,339,339,-91,-92,339,339,339,339,-309,-310,-320,339,-307,-293,-294,-295,339,339,339,339,-618,-633,-590,339,339,-436,339,-437,339,-444,-445,-446,-378,-379,339,339,339,-506,339,339,-510,339,339,339,339,-515,-516,-517,-518,339,339,-521,-522,339,-524,-525,-526,-527,-528,-529,-530,-531,339,-533,339,339,339,-539,-541,-542,339,-544,-545,-546,-547,339,339,339,339,339,339,-652,-653,-654,-655,339,-657,-658,-659,339,339,339,-665,339,339,-669,-670,339,339,-673,339,-675,-676,339,-679,339,-681,339,339,-684,-685,-686,339,-688,339,339,-691,339,339,-694,-695,-696,339,-698,-699,-700,-701,339,339,-746,339,-749,-750,-751,-752,-753,339,-755,-756,-757,-758,-759,339,-766,-767,-769,339,-771,-772,-773,-782,-856,-858,-860,-862,339,339,339,339,-868,339,-870,339,339,339,339,339,339,339,-906,-907,339,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,339,-921,-924,339,-934,339,-385,-386,-387,339,339,-390,-391,-392,-393,339,-396,339,-399,-400,339,-401,339,-406,-407,339,-410,-411,-412,339,-415,339,-416,339,-421,-422,339,-425,339,-428,-429,-1894,-1894,339,-619,-620,-621,-622,-623,-634,-584,-624,-797,339,339,339,339,339,-831,339,339,-806,339,-832,339,339,339,339,-798,339,-853,-799,339,339,339,339,339,339,-854,-855,339,-834,-830,-835,339,-625,339,-626,-627,-628,-629,-574,339,339,-630,-631,-632,339,339,339,339,339,339,-635,-636,-637,-592,-1894,-602,339,-638,-639,-713,-640,-604,339,-572,-577,-580,-583,339,339,339,-598,-601,339,-608,339,339,339,339,339,339,339,339,339,339,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,339,339,339,-995,339,339,339,339,339,339,-306,-325,-319,-296,-375,-452,-453,-454,-458,339,-443,339,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,339,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,339,339,339,339,339,339,339,339,339,-316,-535,-508,-591,-937,-939,-940,-438,339,-440,-380,-381,-383,-507,-509,-511,339,-513,-514,-519,-520,339,-532,-534,-537,-538,-543,-548,-726,339,-727,339,-732,339,-734,339,-739,-656,-660,-661,339,-666,339,-667,339,-672,-674,339,-677,339,339,339,-687,-689,339,-692,339,339,-744,339,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,339,339,339,339,339,-877,339,-880,-908,-920,-925,-388,-389,339,-394,339,-397,339,-402,339,-403,339,-408,339,-413,339,-417,339,-418,339,-423,339,-426,-899,-900,-643,-585,-1894,-901,339,339,339,-800,339,339,-804,339,-807,-833,339,-818,339,-820,339,-822,-808,339,-824,339,-851,-852,339,339,-811,339,-646,-902,-904,-648,-649,-645,339,-705,-706,339,-642,-903,-647,-650,-603,-714,339,339,-605,-586,339,339,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,339,339,-709,-710,339,-716,339,339,339,339,339,339,-938,339,-439,-441,-747,339,-891,339,-715,-1894,339,339,339,339,339,-442,-512,-523,339,-728,-733,339,-735,339,-740,339,-662,-668,339,-678,-680,-682,-683,-690,-693,-697,-745,339,339,-874,339,339,-878,339,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,339,-812,339,-814,-801,339,-802,-805,339,-816,-819,-821,-823,-825,339,-826,339,-809,339,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,339,-282,339,339,339,339,-455,339,339,-729,339,-736,339,-741,339,-663,-671,339,339,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,339,-836,-53,339,339,-730,339,-737,339,-742,-664,339,-873,-54,339,339,-731,-738,-743,339,339,339,-872,]),'INSERT_METHOD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[340,340,340,340,-1894,340,340,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,340,340,340,340,-275,-276,340,-1425,340,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,340,340,340,-490,340,340,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,340,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,340,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,340,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,340,-172,-173,-174,-175,-993,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-290,-291,-281,340,340,340,340,340,-328,-318,-332,-333,-334,340,340,-982,-983,-984,-985,-986,-987,-988,340,340,340,340,340,340,340,340,340,340,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,340,340,340,-353,-356,340,-323,-324,-141,340,-142,340,-143,340,-430,-935,-936,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-1894,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-1894,340,-1894,340,340,340,340,340,340,340,340,340,340,340,340,-1894,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,340,-1894,340,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,340,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,340,340,340,-191,-192,340,-994,340,340,340,340,340,-277,-278,-279,-280,-365,340,-308,340,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,340,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,340,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,340,340,340,340,340,340,-573,340,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,340,340,-723,-724,-725,340,340,340,340,340,340,-994,340,340,-91,-92,340,340,340,340,-309,-310,-320,340,-307,-293,-294,-295,340,340,340,340,-618,-633,-590,340,340,-436,340,-437,340,-444,-445,-446,-378,-379,340,340,340,-506,340,340,-510,340,340,340,340,-515,-516,-517,-518,340,340,-521,-522,340,-524,-525,-526,-527,-528,-529,-530,-531,340,-533,340,340,340,-539,-541,-542,340,-544,-545,-546,-547,340,340,340,340,340,340,-652,-653,-654,-655,340,-657,-658,-659,340,340,340,-665,340,340,-669,-670,340,340,-673,340,-675,-676,340,-679,340,-681,340,340,-684,-685,-686,340,-688,340,340,-691,340,340,-694,-695,-696,340,-698,-699,-700,-701,340,340,-746,340,-749,-750,-751,-752,-753,340,-755,-756,-757,-758,-759,340,-766,-767,-769,340,-771,-772,-773,-782,-856,-858,-860,-862,340,340,340,340,-868,340,-870,340,340,340,340,340,340,340,-906,-907,340,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,340,-921,-924,340,-934,340,-385,-386,-387,340,340,-390,-391,-392,-393,340,-396,340,-399,-400,340,-401,340,-406,-407,340,-410,-411,-412,340,-415,340,-416,340,-421,-422,340,-425,340,-428,-429,-1894,-1894,340,-619,-620,-621,-622,-623,-634,-584,-624,-797,340,340,340,340,340,-831,340,340,-806,340,-832,340,340,340,340,-798,340,-853,-799,340,340,340,340,340,340,-854,-855,340,-834,-830,-835,340,-625,340,-626,-627,-628,-629,-574,340,340,-630,-631,-632,340,340,340,340,340,340,-635,-636,-637,-592,-1894,-602,340,-638,-639,-713,-640,-604,340,-572,-577,-580,-583,340,340,340,-598,-601,340,-608,340,340,340,340,340,340,340,340,340,340,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,340,340,340,-995,340,340,340,340,340,340,-306,-325,-319,-296,-375,-452,-453,-454,-458,340,-443,340,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,340,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,340,340,340,340,340,340,340,340,340,-316,-535,-508,-591,-937,-939,-940,-438,340,-440,-380,-381,-383,-507,-509,-511,340,-513,-514,-519,-520,340,-532,-534,-537,-538,-543,-548,-726,340,-727,340,-732,340,-734,340,-739,-656,-660,-661,340,-666,340,-667,340,-672,-674,340,-677,340,340,340,-687,-689,340,-692,340,340,-744,340,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,340,340,340,340,340,-877,340,-880,-908,-920,-925,-388,-389,340,-394,340,-397,340,-402,340,-403,340,-408,340,-413,340,-417,340,-418,340,-423,340,-426,-899,-900,-643,-585,-1894,-901,340,340,340,-800,340,340,-804,340,-807,-833,340,-818,340,-820,340,-822,-808,340,-824,340,-851,-852,340,340,-811,340,-646,-902,-904,-648,-649,-645,340,-705,-706,340,-642,-903,-647,-650,-603,-714,340,340,-605,-586,340,340,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,340,340,-709,-710,340,-716,340,340,340,340,340,340,-938,340,-439,-441,-747,340,-891,340,-715,-1894,340,340,340,340,340,-442,-512,-523,340,-728,-733,340,-735,340,-740,340,-662,-668,340,-678,-680,-682,-683,-690,-693,-697,-745,340,340,-874,340,340,-878,340,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,340,-812,340,-814,-801,340,-802,-805,340,-816,-819,-821,-823,-825,340,-826,340,-809,340,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,340,-282,340,340,340,340,-455,340,340,-729,340,-736,340,-741,340,-663,-671,340,340,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,340,-836,-53,340,340,-730,340,-737,340,-742,-664,340,-873,-54,340,340,-731,-738,-743,340,340,340,-872,]),'INSTALL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[341,341,341,341,-1894,341,341,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,341,341,341,341,-275,-276,341,-1425,341,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,341,341,341,-490,341,341,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,341,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,341,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,341,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,341,-172,-173,-174,-175,-993,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-290,-291,-281,341,341,341,341,341,-328,-318,-332,-333,-334,341,341,-982,-983,-984,-985,-986,-987,-988,341,341,341,341,341,341,341,341,341,341,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,341,341,341,-353,-356,341,-323,-324,-141,341,-142,341,-143,341,-430,-935,-936,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-1894,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-1894,341,-1894,341,341,341,341,341,341,341,341,341,341,341,341,-1894,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,341,-1894,341,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,341,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,341,341,341,-191,-192,341,-994,341,341,341,341,341,-277,-278,-279,-280,-365,341,-308,341,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,341,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,341,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,341,341,341,341,341,341,-573,341,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,341,341,-723,-724,-725,341,341,341,341,341,341,-994,341,341,-91,-92,341,341,341,341,-309,-310,-320,341,-307,-293,-294,-295,341,341,341,341,-618,-633,-590,341,341,-436,341,-437,341,-444,-445,-446,-378,-379,341,341,341,-506,341,341,-510,341,341,341,341,-515,-516,-517,-518,341,341,-521,-522,341,-524,-525,-526,-527,-528,-529,-530,-531,341,-533,341,341,341,-539,-541,-542,341,-544,-545,-546,-547,341,341,341,341,341,341,-652,-653,-654,-655,341,-657,-658,-659,341,341,341,-665,341,341,-669,-670,341,341,-673,341,-675,-676,341,-679,341,-681,341,341,-684,-685,-686,341,-688,341,341,-691,341,341,-694,-695,-696,341,-698,-699,-700,-701,341,341,-746,341,-749,-750,-751,-752,-753,341,-755,-756,-757,-758,-759,341,-766,-767,-769,341,-771,-772,-773,-782,-856,-858,-860,-862,341,341,341,341,-868,341,-870,341,341,341,341,341,341,341,-906,-907,341,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,341,-921,-924,341,-934,341,-385,-386,-387,341,341,-390,-391,-392,-393,341,-396,341,-399,-400,341,-401,341,-406,-407,341,-410,-411,-412,341,-415,341,-416,341,-421,-422,341,-425,341,-428,-429,-1894,-1894,341,-619,-620,-621,-622,-623,-634,-584,-624,-797,341,341,341,341,341,-831,341,341,-806,341,-832,341,341,341,341,-798,341,-853,-799,341,341,341,341,341,341,-854,-855,341,-834,-830,-835,341,-625,341,-626,-627,-628,-629,-574,341,341,-630,-631,-632,341,341,341,341,341,341,-635,-636,-637,-592,-1894,-602,341,-638,-639,-713,-640,-604,341,-572,-577,-580,-583,341,341,341,-598,-601,341,-608,341,341,341,341,341,341,341,341,341,341,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,341,341,341,-995,341,341,341,341,341,341,-306,-325,-319,-296,-375,-452,-453,-454,-458,341,-443,341,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,341,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,341,341,341,341,341,341,341,341,341,-316,-535,-508,-591,-937,-939,-940,-438,341,-440,-380,-381,-383,-507,-509,-511,341,-513,-514,-519,-520,341,-532,-534,-537,-538,-543,-548,-726,341,-727,341,-732,341,-734,341,-739,-656,-660,-661,341,-666,341,-667,341,-672,-674,341,-677,341,341,341,-687,-689,341,-692,341,341,-744,341,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,341,341,341,341,341,-877,341,-880,-908,-920,-925,-388,-389,341,-394,341,-397,341,-402,341,-403,341,-408,341,-413,341,-417,341,-418,341,-423,341,-426,-899,-900,-643,-585,-1894,-901,341,341,341,-800,341,341,-804,341,-807,-833,341,-818,341,-820,341,-822,-808,341,-824,341,-851,-852,341,341,-811,341,-646,-902,-904,-648,-649,-645,341,-705,-706,341,-642,-903,-647,-650,-603,-714,341,341,-605,-586,341,341,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,341,341,-709,-710,341,-716,341,341,341,341,341,341,-938,341,-439,-441,-747,341,-891,341,-715,-1894,341,341,341,341,341,-442,-512,-523,341,-728,-733,341,-735,341,-740,341,-662,-668,341,-678,-680,-682,-683,-690,-693,-697,-745,341,341,-874,341,341,-878,341,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,341,-812,341,-814,-801,341,-802,-805,341,-816,-819,-821,-823,-825,341,-826,341,-809,341,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,341,-282,341,341,341,341,-455,341,341,-729,341,-736,341,-741,341,-663,-671,341,341,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,341,-836,-53,341,341,-730,341,-737,341,-742,-664,341,-873,-54,341,341,-731,-738,-743,341,341,341,-872,]),'INSTANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[342,342,342,342,-1894,342,342,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,342,342,342,342,-275,-276,342,-1425,342,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,342,342,342,-490,342,342,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,342,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,342,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,342,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,342,-172,-173,-174,-175,-993,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-290,-291,-281,342,342,342,342,342,-328,-318,-332,-333,-334,342,342,-982,-983,-984,-985,-986,-987,-988,342,342,342,342,342,342,342,342,342,342,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,342,342,342,-353,-356,342,-323,-324,-141,342,-142,342,-143,342,-430,-935,-936,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-1894,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-1894,342,-1894,342,342,342,342,342,342,342,342,342,342,342,342,-1894,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,342,-1894,342,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,342,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,342,342,342,-191,-192,342,-994,342,342,342,342,342,-277,-278,-279,-280,-365,342,-308,342,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,342,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,342,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,342,342,342,342,342,342,-573,342,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,342,342,-723,-724,-725,342,342,342,342,342,342,-994,342,342,-91,-92,342,342,342,342,-309,-310,-320,342,-307,-293,-294,-295,342,342,342,342,-618,-633,-590,342,342,-436,342,-437,342,-444,-445,-446,-378,-379,342,342,342,-506,342,342,-510,342,342,342,342,-515,-516,-517,-518,342,342,-521,-522,342,-524,-525,-526,-527,-528,-529,-530,-531,342,-533,342,342,342,-539,-541,-542,342,-544,-545,-546,-547,342,342,342,342,342,342,-652,-653,-654,-655,342,-657,-658,-659,342,342,342,-665,342,342,-669,-670,342,342,-673,342,-675,-676,342,-679,342,-681,342,342,-684,-685,-686,342,-688,342,342,-691,342,342,-694,-695,-696,342,-698,-699,-700,-701,342,342,-746,342,-749,-750,-751,-752,-753,342,-755,-756,-757,-758,-759,342,-766,-767,-769,342,-771,-772,-773,-782,-856,-858,-860,-862,342,342,342,342,-868,342,-870,342,342,342,342,342,342,342,-906,-907,342,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,342,-921,-924,342,-934,342,-385,-386,-387,342,342,-390,-391,-392,-393,342,-396,342,-399,-400,342,-401,342,-406,-407,342,-410,-411,-412,342,-415,342,-416,342,-421,-422,342,-425,342,-428,-429,-1894,-1894,342,-619,-620,-621,-622,-623,-634,-584,-624,-797,342,342,342,342,342,-831,342,342,-806,342,-832,342,342,342,342,-798,342,-853,-799,342,342,342,342,342,342,-854,-855,342,-834,-830,-835,342,-625,342,-626,-627,-628,-629,-574,342,342,-630,-631,-632,342,342,342,342,342,342,-635,-636,-637,-592,-1894,-602,342,-638,-639,-713,-640,-604,342,-572,-577,-580,-583,342,342,342,-598,-601,342,-608,342,342,342,342,342,342,342,342,342,342,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,342,342,342,-995,342,342,342,342,342,342,-306,-325,-319,-296,-375,-452,-453,-454,-458,342,-443,342,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,342,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,342,342,342,342,342,342,342,342,342,-316,-535,-508,-591,-937,-939,-940,-438,342,-440,-380,-381,-383,-507,-509,-511,342,-513,-514,-519,-520,342,-532,-534,-537,-538,-543,-548,-726,342,-727,342,-732,342,-734,342,-739,-656,-660,-661,342,-666,342,-667,342,-672,-674,342,-677,342,342,342,-687,-689,342,-692,342,342,-744,342,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,342,342,342,342,342,-877,342,-880,-908,-920,-925,-388,-389,342,-394,342,-397,342,-402,342,-403,342,-408,342,-413,342,-417,342,-418,342,-423,342,-426,-899,-900,-643,-585,-1894,-901,342,342,342,-800,342,342,-804,342,-807,-833,342,-818,342,-820,342,-822,-808,342,-824,342,-851,-852,342,342,-811,342,-646,-902,-904,-648,-649,-645,342,-705,-706,342,-642,-903,-647,-650,-603,-714,342,342,-605,-586,342,342,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,342,342,-709,-710,342,-716,342,342,342,342,342,342,-938,342,-439,-441,-747,342,-891,342,-715,-1894,342,342,342,342,342,-442,-512,-523,342,-728,-733,342,-735,342,-740,342,-662,-668,342,-678,-680,-682,-683,-690,-693,-697,-745,342,342,-874,342,342,-878,342,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,342,-812,342,-814,-801,342,-802,-805,342,-816,-819,-821,-823,-825,342,-826,342,-809,342,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,342,-282,342,342,342,342,-455,342,342,-729,342,-736,342,-741,342,-663,-671,342,342,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,342,-836,-53,342,342,-730,342,-737,342,-742,-664,342,-873,-54,342,342,-731,-738,-743,342,342,342,-872,]),'INSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[343,343,343,1098,-1894,343,343,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,343,343,343,343,-275,-276,1098,-1425,1098,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1098,1098,1098,-490,1098,1098,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1098,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1098,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1894,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,343,-172,-173,-174,-175,-993,343,343,343,343,343,343,343,343,343,343,1098,1098,1098,1098,1098,-290,-291,-281,343,1098,1098,1098,1098,-328,-318,-332,-333,-334,1098,1098,-982,-983,-984,-985,-986,-987,-988,343,343,1098,1098,1098,1098,1098,1098,1098,1098,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1098,1098,1098,-353,-356,343,-323,-324,-141,1098,-142,1098,-143,1098,-430,-935,-936,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1894,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1894,1098,-1894,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1894,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-1894,343,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1098,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1098,343,343,-191,-192,343,-994,1098,343,343,343,343,-277,-278,-279,-280,-365,1098,-308,1098,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1098,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1098,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1098,1098,1098,1098,1098,1098,-573,1098,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1098,1098,-723,-724,-725,1098,1894,343,343,343,343,-994,343,1098,-91,-92,343,343,343,1098,-309,-310,-320,1098,-307,-293,-294,-295,1098,343,1098,1098,-618,-633,-590,1098,343,-436,343,-437,1098,-444,-445,-446,-378,-379,1098,1098,1098,-506,1098,1098,-510,1098,1098,1098,1098,-515,-516,-517,-518,1098,1098,-521,-522,1098,-524,-525,-526,-527,-528,-529,-530,-531,1098,-533,1098,1098,1098,-539,-541,-542,1098,-544,-545,-546,-547,1098,1098,1098,1098,1098,1098,-652,-653,-654,-655,343,-657,-658,-659,1098,1098,1098,-665,1098,1098,-669,-670,1098,1098,-673,1098,-675,-676,1098,-679,1098,-681,1098,1098,-684,-685,-686,1098,-688,1098,1098,-691,1098,1098,-694,-695,-696,1098,-698,-699,-700,-701,1098,1098,-746,1098,-749,-750,-751,-752,-753,1098,-755,-756,-757,-758,-759,1098,-766,-767,-769,1098,-771,-772,-773,-782,-856,-858,-860,-862,1098,1098,1098,1098,-868,1098,-870,1098,1098,1098,1098,1098,1098,1098,-906,-907,1098,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1098,-921,-924,1098,-934,1098,-385,-386,-387,1098,1098,-390,-391,-392,-393,1098,-396,1098,-399,-400,1098,-401,1098,-406,-407,1098,-410,-411,-412,1098,-415,1098,-416,1098,-421,-422,1098,-425,1098,-428,-429,-1894,-1894,1098,-619,-620,-621,-622,-623,-634,-584,-624,-797,1098,1098,1098,1098,1098,-831,1098,1098,-806,1098,-832,1098,1098,1098,1098,-798,1098,-853,-799,1098,1098,1098,1098,1098,1098,-854,-855,1098,-834,-830,-835,1098,-625,1098,-626,-627,-628,-629,-574,1098,1098,-630,-631,-632,1098,1098,1098,1098,1098,1098,-635,-636,-637,-592,-1894,-602,1098,-638,-639,-713,-640,-604,1098,-572,-577,-580,-583,1098,1098,1098,-598,-601,1098,-608,1098,1098,1098,1098,1098,1098,1098,1098,1098,1098,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1098,343,343,-995,343,1098,343,343,343,1098,-306,-325,-319,-296,-375,-452,-453,-454,-458,343,-443,1098,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1098,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,343,343,343,343,343,343,343,343,1098,-316,-535,-508,-591,-937,-939,-940,-438,1098,-440,-380,-381,-383,-507,-509,-511,1098,-513,-514,-519,-520,1098,-532,-534,-537,-538,-543,-548,-726,1098,-727,1098,-732,1098,-734,1098,-739,-656,-660,-661,1098,-666,1098,-667,1098,-672,-674,1098,-677,1098,1098,1098,-687,-689,1098,-692,1098,1098,-744,1098,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1098,1098,1098,1098,1098,-877,1098,-880,-908,-920,-925,-388,-389,1098,-394,1098,-397,1098,-402,1098,-403,1098,-408,1098,-413,1098,-417,1098,-418,1098,-423,1098,-426,-899,-900,-643,-585,-1894,-901,1098,1098,1098,-800,1098,1098,-804,1098,-807,-833,1098,-818,1098,-820,1098,-822,-808,1098,-824,1098,-851,-852,1098,1098,-811,1098,-646,-902,-904,-648,-649,-645,1098,-705,-706,1098,-642,-903,-647,-650,-603,-714,1098,1098,-605,-586,1098,1098,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1098,1098,-709,-710,1098,-716,1098,343,343,343,1098,1098,-938,343,-439,-441,-747,1098,-891,1894,-715,-1894,1098,1098,343,343,1098,-442,-512,-523,1098,-728,-733,1098,-735,1098,-740,1098,-662,-668,1098,-678,-680,-682,-683,-690,-693,-697,-745,1098,1098,-874,1098,1098,-878,1098,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1098,-812,1098,-814,-801,1098,-802,-805,1098,-816,-819,-821,-823,-825,1098,-826,1098,-809,1098,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,343,-282,343,1098,343,1098,-455,1098,1098,-729,1098,-736,1098,-741,1098,-663,-671,1098,1098,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1098,-836,-53,343,1098,-730,1098,-737,1098,-742,-664,1098,-873,-54,343,343,-731,-738,-743,1098,343,1098,-872,]),'INVISIBLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[344,344,344,344,-1894,344,344,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,344,344,344,344,-275,-276,344,-1425,344,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,344,344,344,-490,344,344,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,344,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,344,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,344,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,344,-172,-173,-174,-175,-993,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-290,-291,-281,344,344,344,344,344,-328,-318,-332,-333,-334,344,344,-982,-983,-984,-985,-986,-987,-988,344,344,344,344,344,344,344,344,344,344,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,344,344,344,-353,-356,344,-323,-324,-141,344,-142,344,-143,344,-430,-935,-936,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-1894,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-1894,344,-1894,344,344,344,344,344,344,344,344,344,344,344,344,-1894,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,344,-1894,344,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,344,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,344,344,344,-191,-192,344,-994,344,344,344,344,344,-277,-278,-279,-280,-365,344,-308,344,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,344,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,344,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,344,344,344,344,344,344,-573,344,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,344,344,-723,-724,-725,344,344,344,344,344,344,-994,344,344,-91,-92,344,344,344,344,-309,-310,-320,344,-307,-293,-294,-295,344,344,344,344,-618,-633,-590,344,344,-436,344,-437,344,-444,-445,-446,-378,-379,344,344,344,-506,344,344,-510,344,344,344,344,-515,-516,-517,-518,344,344,-521,-522,344,-524,-525,-526,-527,-528,-529,-530,-531,344,-533,344,344,344,-539,-541,-542,344,-544,-545,-546,-547,344,344,344,344,344,344,-652,-653,-654,-655,344,-657,-658,-659,344,344,344,-665,344,344,-669,-670,344,344,-673,344,-675,-676,344,-679,344,-681,344,344,-684,-685,-686,344,-688,344,344,-691,344,344,-694,-695,-696,344,-698,-699,-700,-701,344,344,-746,344,-749,-750,-751,-752,-753,344,-755,-756,-757,-758,-759,344,-766,-767,-769,344,-771,-772,-773,-782,-856,-858,-860,-862,344,344,344,344,-868,344,-870,344,344,344,344,344,344,344,-906,-907,344,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,344,-921,-924,344,-934,344,-385,-386,-387,344,344,-390,-391,-392,-393,344,-396,344,-399,-400,344,-401,344,-406,-407,344,-410,-411,-412,344,-415,344,-416,344,-421,-422,344,-425,344,-428,-429,-1894,-1894,344,-619,-620,-621,-622,-623,-634,-584,-624,-797,344,344,344,344,344,-831,344,344,-806,344,-832,344,344,344,344,-798,344,-853,-799,344,344,344,344,344,344,-854,-855,344,-834,-830,-835,344,-625,344,-626,-627,-628,-629,-574,344,344,-630,-631,-632,344,344,344,344,344,344,-635,-636,-637,-592,-1894,-602,344,-638,-639,-713,-640,-604,344,-572,-577,-580,-583,344,344,344,-598,-601,344,-608,344,344,344,344,344,344,344,344,344,344,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,344,344,344,-995,344,344,344,344,344,344,-306,-325,-319,-296,-375,-452,-453,-454,-458,344,-443,344,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,344,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,344,344,344,344,344,344,344,344,344,-316,-535,-508,-591,-937,-939,-940,-438,344,-440,-380,-381,-383,-507,-509,-511,344,-513,-514,-519,-520,344,-532,-534,-537,-538,-543,-548,-726,344,-727,344,-732,344,-734,344,-739,-656,-660,-661,344,-666,344,-667,344,-672,-674,344,-677,344,344,344,-687,-689,344,-692,344,344,-744,344,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,344,344,344,344,344,-877,344,-880,-908,-920,-925,-388,-389,344,-394,344,-397,344,-402,344,-403,344,-408,344,-413,344,-417,344,-418,344,-423,344,-426,-899,-900,-643,-585,-1894,-901,344,344,344,-800,344,344,-804,344,-807,-833,344,-818,344,-820,344,-822,-808,344,-824,344,-851,-852,344,344,-811,344,-646,-902,-904,-648,-649,-645,344,-705,-706,344,-642,-903,-647,-650,-603,-714,344,344,-605,-586,344,344,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,344,344,-709,-710,344,-716,344,344,344,344,344,344,-938,344,-439,-441,-747,344,-891,344,-715,-1894,344,344,344,344,344,-442,-512,-523,344,-728,-733,344,-735,344,-740,344,-662,-668,344,-678,-680,-682,-683,-690,-693,-697,-745,344,344,-874,344,344,-878,344,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,344,-812,344,-814,-801,344,-802,-805,344,-816,-819,-821,-823,-825,344,-826,344,-809,344,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,344,-282,344,344,344,344,-455,344,344,-729,344,-736,344,-741,344,-663,-671,344,344,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,344,-836,-53,344,344,-730,344,-737,344,-742,-664,344,-873,-54,344,344,-731,-738,-743,344,344,344,-872,]),'INVOKER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[345,345,345,345,-1894,345,345,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,345,345,345,345,-275,-276,345,-1425,345,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,345,345,345,-490,345,345,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,345,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,345,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,345,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,345,-172,-173,-174,-175,-993,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-290,-291,-281,345,345,345,345,345,-328,-318,-332,-333,-334,345,345,-982,-983,-984,-985,-986,-987,-988,345,345,345,345,345,345,345,345,345,345,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,345,345,345,-353,-356,345,-323,-324,-141,345,-142,345,-143,345,-430,-935,-936,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-1894,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-1894,345,-1894,345,345,345,345,345,345,345,345,345,345,345,345,-1894,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,345,-1894,345,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,345,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,345,345,345,-191,-192,345,-994,345,345,345,345,345,-277,-278,-279,-280,-365,345,-308,345,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,345,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,345,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,345,345,345,345,345,345,-573,345,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,345,345,-723,-724,-725,345,345,345,345,345,345,-994,345,345,-91,-92,345,345,345,345,-309,-310,-320,345,-307,-293,-294,-295,345,345,345,345,-618,-633,-590,345,345,-436,345,-437,345,-444,-445,-446,-378,-379,345,345,345,-506,345,345,-510,345,345,345,345,-515,-516,-517,-518,345,345,-521,-522,345,-524,-525,-526,-527,-528,-529,-530,-531,345,-533,345,345,345,-539,-541,-542,345,-544,-545,-546,-547,345,345,345,345,345,345,-652,-653,-654,-655,345,-657,-658,-659,345,345,345,-665,345,345,-669,-670,345,345,-673,345,-675,-676,345,-679,345,-681,345,345,-684,-685,-686,345,-688,345,345,-691,345,345,-694,-695,-696,345,-698,-699,-700,-701,345,345,-746,345,-749,-750,-751,-752,-753,345,-755,-756,-757,-758,-759,345,-766,-767,-769,345,-771,-772,-773,-782,-856,-858,-860,-862,345,345,345,345,-868,345,-870,345,345,345,345,345,345,345,-906,-907,345,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,345,-921,-924,345,-934,345,-385,-386,-387,345,345,-390,-391,-392,-393,345,-396,345,-399,-400,345,-401,345,-406,-407,345,-410,-411,-412,345,-415,345,-416,345,-421,-422,345,-425,345,-428,-429,-1894,-1894,345,-619,-620,-621,-622,-623,-634,-584,-624,-797,345,345,345,345,345,-831,345,345,-806,345,-832,345,345,345,345,-798,345,-853,-799,345,345,345,345,345,345,-854,-855,345,-834,-830,-835,345,-625,345,-626,-627,-628,-629,-574,345,345,-630,-631,-632,345,345,345,345,345,345,-635,-636,-637,-592,-1894,-602,345,-638,-639,-713,-640,-604,345,-572,-577,-580,-583,345,345,345,-598,-601,345,-608,345,345,345,345,345,345,345,345,345,345,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,345,345,345,-995,345,345,345,345,345,345,-306,-325,-319,-296,-375,-452,-453,-454,-458,345,-443,345,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,345,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,345,345,345,345,345,345,345,345,345,-316,-535,-508,-591,-937,-939,-940,-438,345,-440,-380,-381,-383,-507,-509,-511,345,-513,-514,-519,-520,345,-532,-534,-537,-538,-543,-548,-726,345,-727,345,-732,345,-734,345,-739,-656,-660,-661,345,-666,345,-667,345,-672,-674,345,-677,345,345,345,-687,-689,345,-692,345,345,-744,345,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,345,345,345,345,345,-877,345,-880,-908,-920,-925,-388,-389,345,-394,345,-397,345,-402,345,-403,345,-408,345,-413,345,-417,345,-418,345,-423,345,-426,-899,-900,-643,-585,-1894,-901,345,345,345,-800,345,345,-804,345,-807,-833,345,-818,345,-820,345,-822,-808,345,-824,345,-851,-852,345,345,-811,345,-646,-902,-904,-648,-649,-645,345,-705,-706,345,-642,-903,-647,-650,-603,-714,345,345,-605,-586,345,345,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,345,345,-709,-710,345,-716,345,345,345,345,345,345,-938,345,-439,-441,-747,345,-891,345,-715,-1894,345,345,345,345,345,-442,-512,-523,345,-728,-733,345,-735,345,-740,345,-662,-668,345,-678,-680,-682,-683,-690,-693,-697,-745,345,345,-874,345,345,-878,345,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,345,-812,345,-814,-801,345,-802,-805,345,-816,-819,-821,-823,-825,345,-826,345,-809,345,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,345,-282,345,345,345,345,-455,345,345,-729,345,-736,345,-741,345,-663,-671,345,345,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,345,-836,-53,345,345,-730,345,-737,345,-742,-664,345,-873,-54,345,345,-731,-738,-743,345,345,345,-872,]),'IO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[346,346,346,346,-1894,346,346,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,346,346,346,346,-275,-276,346,-1425,346,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,346,346,346,-490,346,346,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,346,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,346,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,346,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,346,-172,-173,-174,-175,-993,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-290,-291,-281,346,346,346,346,346,-328,-318,-332,-333,-334,346,346,-982,-983,-984,-985,-986,-987,-988,346,346,346,346,346,346,346,346,346,346,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,346,346,346,-353,-356,346,-323,-324,-141,346,-142,346,-143,346,-430,-935,-936,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-1894,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-1894,346,-1894,346,346,346,346,346,346,346,346,346,346,346,346,-1894,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,346,-1894,346,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,346,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,346,346,346,-191,-192,346,-994,346,346,346,346,346,-277,-278,-279,-280,-365,346,-308,346,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,346,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,346,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,346,346,346,346,346,346,-573,346,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,346,346,-723,-724,-725,346,346,346,346,346,346,-994,346,346,-91,-92,346,346,346,346,-309,-310,-320,346,-307,-293,-294,-295,346,346,346,346,-618,-633,-590,346,346,-436,346,-437,346,-444,-445,-446,-378,-379,346,346,346,-506,346,346,-510,346,346,346,346,-515,-516,-517,-518,346,346,-521,-522,346,-524,-525,-526,-527,-528,-529,-530,-531,346,-533,346,346,346,-539,-541,-542,346,-544,-545,-546,-547,346,346,346,346,346,346,-652,-653,-654,-655,346,-657,-658,-659,346,346,346,-665,346,346,-669,-670,346,346,-673,346,-675,-676,346,-679,346,-681,346,346,-684,-685,-686,346,-688,346,346,-691,346,346,-694,-695,-696,346,-698,-699,-700,-701,346,346,-746,346,-749,-750,-751,-752,-753,346,-755,-756,-757,-758,-759,346,-766,-767,-769,346,-771,-772,-773,-782,-856,-858,-860,-862,346,346,346,346,-868,346,-870,346,346,346,346,346,346,346,-906,-907,346,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,346,-921,-924,346,-934,346,-385,-386,-387,346,346,-390,-391,-392,-393,346,-396,346,-399,-400,346,-401,346,-406,-407,346,-410,-411,-412,346,-415,346,-416,346,-421,-422,346,-425,346,-428,-429,-1894,-1894,346,-619,-620,-621,-622,-623,-634,-584,-624,-797,346,346,346,346,346,-831,346,346,-806,346,-832,346,346,346,346,-798,346,-853,-799,346,346,346,346,346,346,-854,-855,346,-834,-830,-835,346,-625,346,-626,-627,-628,-629,-574,346,346,-630,-631,-632,346,346,346,346,346,346,-635,-636,-637,-592,-1894,-602,346,-638,-639,-713,-640,-604,346,-572,-577,-580,-583,346,346,346,-598,-601,346,-608,346,346,346,346,346,346,346,346,346,346,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,346,346,346,-995,346,346,346,346,346,346,-306,-325,-319,-296,-375,-452,-453,-454,-458,346,-443,346,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,346,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,346,346,346,346,346,346,346,346,346,-316,-535,-508,-591,-937,-939,-940,-438,346,-440,-380,-381,-383,-507,-509,-511,346,-513,-514,-519,-520,346,-532,-534,-537,-538,-543,-548,-726,346,-727,346,-732,346,-734,346,-739,-656,-660,-661,346,-666,346,-667,346,-672,-674,346,-677,346,346,346,-687,-689,346,-692,346,346,-744,346,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,346,346,346,346,346,-877,346,-880,-908,-920,-925,-388,-389,346,-394,346,-397,346,-402,346,-403,346,-408,346,-413,346,-417,346,-418,346,-423,346,-426,-899,-900,-643,-585,-1894,-901,346,346,346,-800,346,346,-804,346,-807,-833,346,-818,346,-820,346,-822,-808,346,-824,346,-851,-852,346,346,-811,346,-646,-902,-904,-648,-649,-645,346,-705,-706,346,-642,-903,-647,-650,-603,-714,346,346,-605,-586,346,346,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,346,346,-709,-710,346,-716,346,346,346,346,346,346,-938,346,-439,-441,-747,346,-891,346,-715,-1894,346,346,346,346,346,-442,-512,-523,346,-728,-733,346,-735,346,-740,346,-662,-668,346,-678,-680,-682,-683,-690,-693,-697,-745,346,346,-874,346,346,-878,346,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,346,-812,346,-814,-801,346,-802,-805,346,-816,-819,-821,-823,-825,346,-826,346,-809,346,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,346,-282,346,346,346,346,-455,346,346,-729,346,-736,346,-741,346,-663,-671,346,346,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,346,-836,-53,346,346,-730,346,-737,346,-742,-664,346,-873,-54,346,346,-731,-738,-743,346,346,346,-872,]),'IO_AFTER_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[347,347,347,347,-1894,347,347,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,347,347,347,347,-275,-276,347,-1425,347,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,347,347,347,-490,347,347,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,347,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,347,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,347,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,347,-172,-173,-174,-175,-993,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-290,-291,-281,347,347,347,347,347,-328,-318,-332,-333,-334,347,347,-982,-983,-984,-985,-986,-987,-988,347,347,347,347,347,347,347,347,347,347,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,347,347,347,-353,-356,347,-323,-324,-141,347,-142,347,-143,347,-430,-935,-936,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-1894,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-1894,347,-1894,347,347,347,347,347,347,347,347,347,347,347,347,-1894,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,347,-1894,347,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,347,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,347,347,347,-191,-192,347,-994,347,347,347,347,347,-277,-278,-279,-280,-365,347,-308,347,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,347,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,347,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,347,347,347,347,347,347,-573,347,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,347,347,-723,-724,-725,347,347,347,347,347,347,-994,347,347,-91,-92,347,347,347,347,-309,-310,-320,347,-307,-293,-294,-295,347,347,347,347,-618,-633,-590,347,347,-436,347,-437,347,-444,-445,-446,-378,-379,347,347,347,-506,347,347,-510,347,347,347,347,-515,-516,-517,-518,347,347,-521,-522,347,-524,-525,-526,-527,-528,-529,-530,-531,347,-533,347,347,347,-539,-541,-542,347,-544,-545,-546,-547,347,347,347,347,347,347,-652,-653,-654,-655,347,-657,-658,-659,347,347,347,-665,347,347,-669,-670,347,347,-673,347,-675,-676,347,-679,347,-681,347,347,-684,-685,-686,347,-688,347,347,-691,347,347,-694,-695,-696,347,-698,-699,-700,-701,347,347,-746,347,-749,-750,-751,-752,-753,347,-755,-756,-757,-758,-759,347,-766,-767,-769,347,-771,-772,-773,-782,-856,-858,-860,-862,347,347,347,347,-868,347,-870,347,347,347,347,347,347,347,-906,-907,347,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,347,-921,-924,347,-934,347,-385,-386,-387,347,347,-390,-391,-392,-393,347,-396,347,-399,-400,347,-401,347,-406,-407,347,-410,-411,-412,347,-415,347,-416,347,-421,-422,347,-425,347,-428,-429,-1894,-1894,347,-619,-620,-621,-622,-623,-634,-584,-624,-797,347,347,347,347,347,-831,347,347,-806,347,-832,347,347,347,347,-798,347,-853,-799,347,347,347,347,347,347,-854,-855,347,-834,-830,-835,347,-625,347,-626,-627,-628,-629,-574,347,347,-630,-631,-632,347,347,347,347,347,347,-635,-636,-637,-592,-1894,-602,347,-638,-639,-713,-640,-604,347,-572,-577,-580,-583,347,347,347,-598,-601,347,-608,347,347,347,347,347,347,347,347,347,347,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,347,347,347,-995,347,347,347,347,347,347,-306,-325,-319,-296,-375,-452,-453,-454,-458,347,-443,347,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,347,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,347,347,347,347,347,347,347,347,347,-316,-535,-508,-591,-937,-939,-940,-438,347,-440,-380,-381,-383,-507,-509,-511,347,-513,-514,-519,-520,347,-532,-534,-537,-538,-543,-548,-726,347,-727,347,-732,347,-734,347,-739,-656,-660,-661,347,-666,347,-667,347,-672,-674,347,-677,347,347,347,-687,-689,347,-692,347,347,-744,347,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,347,347,347,347,347,-877,347,-880,-908,-920,-925,-388,-389,347,-394,347,-397,347,-402,347,-403,347,-408,347,-413,347,-417,347,-418,347,-423,347,-426,-899,-900,-643,-585,-1894,-901,347,347,347,-800,347,347,-804,347,-807,-833,347,-818,347,-820,347,-822,-808,347,-824,347,-851,-852,347,347,-811,347,-646,-902,-904,-648,-649,-645,347,-705,-706,347,-642,-903,-647,-650,-603,-714,347,347,-605,-586,347,347,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,347,347,-709,-710,347,-716,347,347,347,347,347,347,-938,347,-439,-441,-747,347,-891,347,-715,-1894,347,347,347,347,347,-442,-512,-523,347,-728,-733,347,-735,347,-740,347,-662,-668,347,-678,-680,-682,-683,-690,-693,-697,-745,347,347,-874,347,347,-878,347,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,347,-812,347,-814,-801,347,-802,-805,347,-816,-819,-821,-823,-825,347,-826,347,-809,347,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,347,-282,347,347,347,347,-455,347,347,-729,347,-736,347,-741,347,-663,-671,347,347,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,347,-836,-53,347,347,-730,347,-737,347,-742,-664,347,-873,-54,347,347,-731,-738,-743,347,347,347,-872,]),'IO_BEFORE_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[348,348,348,348,-1894,348,348,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,348,348,348,348,-275,-276,348,-1425,348,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,348,348,348,-490,348,348,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,348,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,348,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,348,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,348,-172,-173,-174,-175,-993,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-290,-291,-281,348,348,348,348,348,-328,-318,-332,-333,-334,348,348,-982,-983,-984,-985,-986,-987,-988,348,348,348,348,348,348,348,348,348,348,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,348,348,348,-353,-356,348,-323,-324,-141,348,-142,348,-143,348,-430,-935,-936,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-1894,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-1894,348,-1894,348,348,348,348,348,348,348,348,348,348,348,348,-1894,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,348,-1894,348,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,348,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,348,348,348,-191,-192,348,-994,348,348,348,348,348,-277,-278,-279,-280,-365,348,-308,348,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,348,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,348,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,348,348,348,348,348,348,-573,348,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,348,348,-723,-724,-725,348,348,348,348,348,348,-994,348,348,-91,-92,348,348,348,348,-309,-310,-320,348,-307,-293,-294,-295,348,348,348,348,-618,-633,-590,348,348,-436,348,-437,348,-444,-445,-446,-378,-379,348,348,348,-506,348,348,-510,348,348,348,348,-515,-516,-517,-518,348,348,-521,-522,348,-524,-525,-526,-527,-528,-529,-530,-531,348,-533,348,348,348,-539,-541,-542,348,-544,-545,-546,-547,348,348,348,348,348,348,-652,-653,-654,-655,348,-657,-658,-659,348,348,348,-665,348,348,-669,-670,348,348,-673,348,-675,-676,348,-679,348,-681,348,348,-684,-685,-686,348,-688,348,348,-691,348,348,-694,-695,-696,348,-698,-699,-700,-701,348,348,-746,348,-749,-750,-751,-752,-753,348,-755,-756,-757,-758,-759,348,-766,-767,-769,348,-771,-772,-773,-782,-856,-858,-860,-862,348,348,348,348,-868,348,-870,348,348,348,348,348,348,348,-906,-907,348,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,348,-921,-924,348,-934,348,-385,-386,-387,348,348,-390,-391,-392,-393,348,-396,348,-399,-400,348,-401,348,-406,-407,348,-410,-411,-412,348,-415,348,-416,348,-421,-422,348,-425,348,-428,-429,-1894,-1894,348,-619,-620,-621,-622,-623,-634,-584,-624,-797,348,348,348,348,348,-831,348,348,-806,348,-832,348,348,348,348,-798,348,-853,-799,348,348,348,348,348,348,-854,-855,348,-834,-830,-835,348,-625,348,-626,-627,-628,-629,-574,348,348,-630,-631,-632,348,348,348,348,348,348,-635,-636,-637,-592,-1894,-602,348,-638,-639,-713,-640,-604,348,-572,-577,-580,-583,348,348,348,-598,-601,348,-608,348,348,348,348,348,348,348,348,348,348,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,348,348,348,-995,348,348,348,348,348,348,-306,-325,-319,-296,-375,-452,-453,-454,-458,348,-443,348,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,348,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,348,348,348,348,348,348,348,348,348,-316,-535,-508,-591,-937,-939,-940,-438,348,-440,-380,-381,-383,-507,-509,-511,348,-513,-514,-519,-520,348,-532,-534,-537,-538,-543,-548,-726,348,-727,348,-732,348,-734,348,-739,-656,-660,-661,348,-666,348,-667,348,-672,-674,348,-677,348,348,348,-687,-689,348,-692,348,348,-744,348,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,348,348,348,348,348,-877,348,-880,-908,-920,-925,-388,-389,348,-394,348,-397,348,-402,348,-403,348,-408,348,-413,348,-417,348,-418,348,-423,348,-426,-899,-900,-643,-585,-1894,-901,348,348,348,-800,348,348,-804,348,-807,-833,348,-818,348,-820,348,-822,-808,348,-824,348,-851,-852,348,348,-811,348,-646,-902,-904,-648,-649,-645,348,-705,-706,348,-642,-903,-647,-650,-603,-714,348,348,-605,-586,348,348,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,348,348,-709,-710,348,-716,348,348,348,348,348,348,-938,348,-439,-441,-747,348,-891,348,-715,-1894,348,348,348,348,348,-442,-512,-523,348,-728,-733,348,-735,348,-740,348,-662,-668,348,-678,-680,-682,-683,-690,-693,-697,-745,348,348,-874,348,348,-878,348,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,348,-812,348,-814,-801,348,-802,-805,348,-816,-819,-821,-823,-825,348,-826,348,-809,348,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,348,-282,348,348,348,348,-455,348,348,-729,348,-736,348,-741,348,-663,-671,348,348,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,348,-836,-53,348,348,-730,348,-737,348,-742,-664,348,-873,-54,348,348,-731,-738,-743,348,348,348,-872,]),'IO_THREAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[349,349,349,349,-1894,349,349,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,349,349,349,349,-275,-276,349,-1425,349,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,349,349,349,-490,349,349,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,349,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,349,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,349,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,349,-172,-173,-174,-175,-993,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-290,-291,-281,349,349,349,349,349,-328,-318,-332,-333,-334,349,349,-982,-983,-984,-985,-986,-987,-988,349,349,349,349,349,349,349,349,349,349,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,349,349,349,-353,-356,349,-323,-324,-141,349,-142,349,-143,349,-430,-935,-936,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-1894,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-1894,349,-1894,349,349,349,349,349,349,349,349,349,349,349,349,-1894,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,349,-1894,349,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,349,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,349,349,349,-191,-192,349,-994,349,349,349,349,349,-277,-278,-279,-280,-365,349,-308,349,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,349,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,349,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,349,349,349,349,349,349,-573,349,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,349,349,-723,-724,-725,349,349,349,349,349,349,-994,349,349,-91,-92,349,349,349,349,-309,-310,-320,349,-307,-293,-294,-295,349,349,349,349,-618,-633,-590,349,349,-436,349,-437,349,-444,-445,-446,-378,-379,349,349,349,-506,349,349,-510,349,349,349,349,-515,-516,-517,-518,349,349,-521,-522,349,-524,-525,-526,-527,-528,-529,-530,-531,349,-533,349,349,349,-539,-541,-542,349,-544,-545,-546,-547,349,349,349,349,349,349,-652,-653,-654,-655,349,-657,-658,-659,349,349,349,-665,349,349,-669,-670,349,349,-673,349,-675,-676,349,-679,349,-681,349,349,-684,-685,-686,349,-688,349,349,-691,349,349,-694,-695,-696,349,-698,-699,-700,-701,349,349,-746,349,-749,-750,-751,-752,-753,349,-755,-756,-757,-758,-759,349,-766,-767,-769,349,-771,-772,-773,-782,-856,-858,-860,-862,349,349,349,349,-868,349,-870,349,349,349,349,349,349,349,-906,-907,349,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,349,-921,-924,349,-934,349,-385,-386,-387,349,349,-390,-391,-392,-393,349,-396,349,-399,-400,349,-401,349,-406,-407,349,-410,-411,-412,349,-415,349,-416,349,-421,-422,349,-425,349,-428,-429,-1894,-1894,349,-619,-620,-621,-622,-623,-634,-584,-624,-797,349,349,349,349,349,-831,349,349,-806,349,-832,349,349,349,349,-798,349,-853,-799,349,349,349,349,349,349,-854,-855,349,-834,-830,-835,349,-625,349,-626,-627,-628,-629,-574,349,349,-630,-631,-632,349,349,349,349,349,349,-635,-636,-637,-592,-1894,-602,349,-638,-639,-713,-640,-604,349,-572,-577,-580,-583,349,349,349,-598,-601,349,-608,349,349,349,349,349,349,349,349,349,349,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,349,349,349,-995,349,349,349,349,349,349,-306,-325,-319,-296,-375,-452,-453,-454,-458,349,-443,349,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,349,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,349,349,349,349,349,349,349,349,349,-316,-535,-508,-591,-937,-939,-940,-438,349,-440,-380,-381,-383,-507,-509,-511,349,-513,-514,-519,-520,349,-532,-534,-537,-538,-543,-548,-726,349,-727,349,-732,349,-734,349,-739,-656,-660,-661,349,-666,349,-667,349,-672,-674,349,-677,349,349,349,-687,-689,349,-692,349,349,-744,349,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,349,349,349,349,349,-877,349,-880,-908,-920,-925,-388,-389,349,-394,349,-397,349,-402,349,-403,349,-408,349,-413,349,-417,349,-418,349,-423,349,-426,-899,-900,-643,-585,-1894,-901,349,349,349,-800,349,349,-804,349,-807,-833,349,-818,349,-820,349,-822,-808,349,-824,349,-851,-852,349,349,-811,349,-646,-902,-904,-648,-649,-645,349,-705,-706,349,-642,-903,-647,-650,-603,-714,349,349,-605,-586,349,349,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,349,349,-709,-710,349,-716,349,349,349,349,349,349,-938,349,-439,-441,-747,349,-891,349,-715,-1894,349,349,349,349,349,-442,-512,-523,349,-728,-733,349,-735,349,-740,349,-662,-668,349,-678,-680,-682,-683,-690,-693,-697,-745,349,349,-874,349,349,-878,349,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,349,-812,349,-814,-801,349,-802,-805,349,-816,-819,-821,-823,-825,349,-826,349,-809,349,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,349,-282,349,349,349,349,-455,349,349,-729,349,-736,349,-741,349,-663,-671,349,349,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,349,-836,-53,349,349,-730,349,-737,349,-742,-664,349,-873,-54,349,349,-731,-738,-743,349,349,349,-872,]),'IPC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[350,350,350,350,-1894,350,350,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,350,350,350,350,-275,-276,350,-1425,350,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,350,350,350,-490,350,350,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,350,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,350,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,350,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,350,-172,-173,-174,-175,-993,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-290,-291,-281,350,350,350,350,350,-328,-318,-332,-333,-334,350,350,-982,-983,-984,-985,-986,-987,-988,350,350,350,350,350,350,350,350,350,350,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,350,350,350,-353,-356,350,-323,-324,-141,350,-142,350,-143,350,-430,-935,-936,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-1894,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-1894,350,-1894,350,350,350,350,350,350,350,350,350,350,350,350,-1894,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,350,-1894,350,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,350,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,350,350,350,-191,-192,350,-994,350,350,350,350,350,-277,-278,-279,-280,-365,350,-308,350,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,350,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,350,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,350,350,350,350,350,350,-573,350,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,350,350,-723,-724,-725,350,350,350,350,350,350,-994,350,350,-91,-92,350,350,350,350,-309,-310,-320,350,-307,-293,-294,-295,350,350,350,350,-618,-633,-590,350,350,-436,350,-437,350,-444,-445,-446,-378,-379,350,350,350,-506,350,350,-510,350,350,350,350,-515,-516,-517,-518,350,350,-521,-522,350,-524,-525,-526,-527,-528,-529,-530,-531,350,-533,350,350,350,-539,-541,-542,350,-544,-545,-546,-547,350,350,350,350,350,350,-652,-653,-654,-655,350,-657,-658,-659,350,350,350,-665,350,350,-669,-670,350,350,-673,350,-675,-676,350,-679,350,-681,350,350,-684,-685,-686,350,-688,350,350,-691,350,350,-694,-695,-696,350,-698,-699,-700,-701,350,350,-746,350,-749,-750,-751,-752,-753,350,-755,-756,-757,-758,-759,350,-766,-767,-769,350,-771,-772,-773,-782,-856,-858,-860,-862,350,350,350,350,-868,350,-870,350,350,350,350,350,350,350,-906,-907,350,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,350,-921,-924,350,-934,350,-385,-386,-387,350,350,-390,-391,-392,-393,350,-396,350,-399,-400,350,-401,350,-406,-407,350,-410,-411,-412,350,-415,350,-416,350,-421,-422,350,-425,350,-428,-429,-1894,-1894,350,-619,-620,-621,-622,-623,-634,-584,-624,-797,350,350,350,350,350,-831,350,350,-806,350,-832,350,350,350,350,-798,350,-853,-799,350,350,350,350,350,350,-854,-855,350,-834,-830,-835,350,-625,350,-626,-627,-628,-629,-574,350,350,-630,-631,-632,350,350,350,350,350,350,-635,-636,-637,-592,-1894,-602,350,-638,-639,-713,-640,-604,350,-572,-577,-580,-583,350,350,350,-598,-601,350,-608,350,350,350,350,350,350,350,350,350,350,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,350,350,350,-995,350,350,350,350,350,350,-306,-325,-319,-296,-375,-452,-453,-454,-458,350,-443,350,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,350,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,350,350,350,350,350,350,350,350,350,-316,-535,-508,-591,-937,-939,-940,-438,350,-440,-380,-381,-383,-507,-509,-511,350,-513,-514,-519,-520,350,-532,-534,-537,-538,-543,-548,-726,350,-727,350,-732,350,-734,350,-739,-656,-660,-661,350,-666,350,-667,350,-672,-674,350,-677,350,350,350,-687,-689,350,-692,350,350,-744,350,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,350,350,350,350,350,-877,350,-880,-908,-920,-925,-388,-389,350,-394,350,-397,350,-402,350,-403,350,-408,350,-413,350,-417,350,-418,350,-423,350,-426,-899,-900,-643,-585,-1894,-901,350,350,350,-800,350,350,-804,350,-807,-833,350,-818,350,-820,350,-822,-808,350,-824,350,-851,-852,350,350,-811,350,-646,-902,-904,-648,-649,-645,350,-705,-706,350,-642,-903,-647,-650,-603,-714,350,350,-605,-586,350,350,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,350,350,-709,-710,350,-716,350,350,350,350,350,350,-938,350,-439,-441,-747,350,-891,350,-715,-1894,350,350,350,350,350,-442,-512,-523,350,-728,-733,350,-735,350,-740,350,-662,-668,350,-678,-680,-682,-683,-690,-693,-697,-745,350,350,-874,350,350,-878,350,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,350,-812,350,-814,-801,350,-802,-805,350,-816,-819,-821,-823,-825,350,-826,350,-809,350,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,350,-282,350,350,350,350,-455,350,350,-729,350,-736,350,-741,350,-663,-671,350,350,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,350,-836,-53,350,350,-730,350,-737,350,-742,-664,350,-873,-54,350,350,-731,-738,-743,350,350,350,-872,]),'IS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[351,351,351,351,-1894,351,351,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,351,351,351,351,-275,-276,351,-1425,351,1449,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,351,351,351,-490,351,351,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,351,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,351,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,351,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,351,-172,-173,-174,-175,-993,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-290,-291,-281,351,351,-363,351,351,351,-328,-318,-332,-333,-334,351,351,-982,-983,-984,-985,-986,-987,-988,351,351,351,351,351,351,351,351,351,351,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,351,351,351,-353,-356,351,-323,-324,-141,351,-142,351,-143,351,-430,-935,-936,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-1894,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-1894,351,-1894,351,351,351,351,351,351,351,351,351,351,351,351,-1894,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,351,-1894,351,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,351,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,351,351,351,-191,-192,351,-994,351,351,351,351,351,-277,-278,-279,-280,-365,351,-308,351,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,351,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,351,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,351,351,351,351,351,351,-573,351,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,351,351,-723,-724,-725,351,351,351,351,351,351,-994,351,351,-91,-92,351,351,351,351,-309,-310,-320,351,-307,-293,-294,-295,351,351,351,351,-618,-633,-590,351,351,-436,351,-437,351,-444,-445,-446,-378,-379,351,351,351,-506,351,351,-510,351,351,351,351,-515,-516,-517,-518,351,351,-521,-522,351,-524,-525,-526,-527,-528,-529,-530,-531,351,-533,351,351,351,-539,-541,-542,351,-544,-545,-546,-547,351,351,351,351,351,351,-652,-653,-654,-655,351,-657,-658,-659,351,351,351,-665,351,351,-669,-670,351,351,-673,351,-675,-676,351,-679,351,-681,351,351,-684,-685,-686,351,-688,351,351,-691,351,351,-694,-695,-696,351,-698,-699,-700,-701,351,351,-746,351,-749,-750,-751,-752,-753,351,-755,-756,-757,-758,-759,351,-766,-767,-769,351,-771,-772,-773,-782,-856,-858,-860,-862,351,351,351,351,-868,351,-870,351,351,351,351,351,351,351,-906,-907,351,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,351,-921,-924,351,-934,351,-385,-386,-387,351,351,-390,-391,-392,-393,351,-396,351,-399,-400,351,-401,351,-406,-407,351,-410,-411,-412,351,-415,351,-416,351,-421,-422,351,-425,351,-428,-429,-1894,-1894,351,-619,-620,-621,-622,-623,-634,-584,-624,-797,351,351,351,351,351,-831,351,351,-806,351,-832,351,351,351,351,-798,351,-853,-799,351,351,351,351,351,351,-854,-855,351,-834,-830,-835,351,-625,351,-626,-627,-628,-629,-574,351,351,-630,-631,-632,351,351,351,351,351,351,-635,-636,-637,-592,-1894,-602,351,-638,-639,-713,-640,-604,351,-572,-577,-580,-583,351,351,351,-598,-601,351,-608,351,351,351,351,351,351,351,351,351,351,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,351,351,351,-995,351,351,351,351,351,351,-306,-325,-319,-296,-375,-452,-453,-454,-458,351,-443,351,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,351,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,351,351,351,351,351,351,351,351,351,-316,-535,-508,-591,-937,-939,-940,-438,351,-440,-380,-381,-383,-507,-509,-511,351,-513,-514,-519,-520,351,-532,-534,-537,-538,-543,-548,-726,351,-727,351,-732,351,-734,351,-739,-656,-660,-661,351,-666,351,-667,351,-672,-674,351,-677,351,351,351,-687,-689,351,-692,351,351,-744,351,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,351,351,351,351,351,-877,351,-880,-908,-920,-925,-388,-389,351,-394,351,-397,351,-402,351,-403,351,-408,351,-413,351,-417,351,-418,351,-423,351,-426,-899,-900,-643,-585,-1894,-901,351,351,351,-800,351,351,-804,351,-807,-833,351,-818,351,-820,351,-822,-808,351,-824,351,-851,-852,351,351,-811,351,-646,-902,-904,-648,-649,-645,351,-705,-706,351,-642,-903,-647,-650,-603,-714,351,351,-605,-586,351,351,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,351,351,-709,-710,351,-716,351,351,351,351,351,351,-938,351,-439,-441,-747,351,-891,351,-715,-1894,351,351,351,351,351,-442,-512,-523,351,-728,-733,351,-735,351,-740,351,-662,-668,351,-678,-680,-682,-683,-690,-693,-697,-745,351,351,-874,351,351,-878,351,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,351,-812,351,-814,-801,351,-802,-805,351,-816,-819,-821,-823,-825,351,-826,351,-809,351,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,351,-282,351,351,351,351,-455,351,351,-729,351,-736,351,-741,351,-663,-671,351,351,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,351,-836,-53,351,351,-730,351,-737,351,-742,-664,351,-873,-54,351,351,-731,-738,-743,351,351,351,-872,]),'ISNULL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[352,352,352,1041,-1894,352,352,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,352,352,352,352,-275,-276,1041,-1425,1041,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1041,1041,1041,-490,1041,1041,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1041,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1041,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1895,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,352,-172,-173,-174,-175,-993,352,352,352,352,352,352,352,352,352,352,1041,1041,1041,1041,1041,-290,-291,-281,352,1041,1041,1041,1041,-328,-318,-332,-333,-334,1041,1041,-982,-983,-984,-985,-986,-987,-988,352,352,1041,1041,1041,1041,1041,1041,1041,1041,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1041,1041,1041,-353,-356,352,-323,-324,-141,1041,-142,1041,-143,1041,-430,-935,-936,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1894,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1894,1041,-1894,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1894,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-1894,352,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1041,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1041,352,352,-191,-192,352,-994,1041,352,352,352,352,-277,-278,-279,-280,-365,1041,-308,1041,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1041,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1041,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1041,1041,1041,1041,1041,1041,-573,1041,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1041,1041,-723,-724,-725,1041,1895,352,352,352,352,-994,352,1041,-91,-92,352,352,352,1041,-309,-310,-320,1041,-307,-293,-294,-295,1041,352,1041,1041,-618,-633,-590,1041,352,-436,352,-437,1041,-444,-445,-446,-378,-379,1041,1041,1041,-506,1041,1041,-510,1041,1041,1041,1041,-515,-516,-517,-518,1041,1041,-521,-522,1041,-524,-525,-526,-527,-528,-529,-530,-531,1041,-533,1041,1041,1041,-539,-541,-542,1041,-544,-545,-546,-547,1041,1041,1041,1041,1041,1041,-652,-653,-654,-655,352,-657,-658,-659,1041,1041,1041,-665,1041,1041,-669,-670,1041,1041,-673,1041,-675,-676,1041,-679,1041,-681,1041,1041,-684,-685,-686,1041,-688,1041,1041,-691,1041,1041,-694,-695,-696,1041,-698,-699,-700,-701,1041,1041,-746,1041,-749,-750,-751,-752,-753,1041,-755,-756,-757,-758,-759,1041,-766,-767,-769,1041,-771,-772,-773,-782,-856,-858,-860,-862,1041,1041,1041,1041,-868,1041,-870,1041,1041,1041,1041,1041,1041,1041,-906,-907,1041,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1041,-921,-924,1041,-934,1041,-385,-386,-387,1041,1041,-390,-391,-392,-393,1041,-396,1041,-399,-400,1041,-401,1041,-406,-407,1041,-410,-411,-412,1041,-415,1041,-416,1041,-421,-422,1041,-425,1041,-428,-429,-1894,-1894,1041,-619,-620,-621,-622,-623,-634,-584,-624,-797,1041,1041,1041,1041,1041,-831,1041,1041,-806,1041,-832,1041,1041,1041,1041,-798,1041,-853,-799,1041,1041,1041,1041,1041,1041,-854,-855,1041,-834,-830,-835,1041,-625,1041,-626,-627,-628,-629,-574,1041,1041,-630,-631,-632,1041,1041,1041,1041,1041,1041,-635,-636,-637,-592,-1894,-602,1041,-638,-639,-713,-640,-604,1041,-572,-577,-580,-583,1041,1041,1041,-598,-601,1041,-608,1041,1041,1041,1041,1041,1041,1041,1041,1041,1041,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1041,352,352,-995,352,1041,352,352,352,1041,-306,-325,-319,-296,-375,-452,-453,-454,-458,352,-443,1041,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1041,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,352,352,352,352,352,352,352,352,1041,-316,-535,-508,-591,-937,-939,-940,-438,1041,-440,-380,-381,-383,-507,-509,-511,1041,-513,-514,-519,-520,1041,-532,-534,-537,-538,-543,-548,-726,1041,-727,1041,-732,1041,-734,1041,-739,-656,-660,-661,1041,-666,1041,-667,1041,-672,-674,1041,-677,1041,1041,1041,-687,-689,1041,-692,1041,1041,-744,1041,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1041,1041,1041,1041,1041,-877,1041,-880,-908,-920,-925,-388,-389,1041,-394,1041,-397,1041,-402,1041,-403,1041,-408,1041,-413,1041,-417,1041,-418,1041,-423,1041,-426,-899,-900,-643,-585,-1894,-901,1041,1041,1041,-800,1041,1041,-804,1041,-807,-833,1041,-818,1041,-820,1041,-822,-808,1041,-824,1041,-851,-852,1041,1041,-811,1041,-646,-902,-904,-648,-649,-645,1041,-705,-706,1041,-642,-903,-647,-650,-603,-714,1041,1041,-605,-586,1041,1041,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1041,1041,-709,-710,1041,-716,1041,352,352,352,1041,1041,-938,352,-439,-441,-747,1041,-891,1895,-715,-1894,1041,1041,352,352,1041,-442,-512,-523,1041,-728,-733,1041,-735,1041,-740,1041,-662,-668,1041,-678,-680,-682,-683,-690,-693,-697,-745,1041,1041,-874,1041,1041,-878,1041,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1041,-812,1041,-814,-801,1041,-802,-805,1041,-816,-819,-821,-823,-825,1041,-826,1041,-809,1041,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,352,-282,352,1041,352,1041,-455,1041,1041,-729,1041,-736,1041,-741,1041,-663,-671,1041,1041,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1041,-836,-53,352,1041,-730,1041,-737,1041,-742,-664,1041,-873,-54,352,352,-731,-738,-743,1041,352,1041,-872,]),'ISOLATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[353,353,353,353,-1894,353,353,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,353,353,353,353,-275,-276,353,-1425,353,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,353,353,353,-490,353,353,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,353,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,353,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,353,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,353,-172,-173,-174,-175,-993,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-290,-291,-281,353,353,353,353,353,-328,-318,-332,-333,-334,353,353,-982,-983,-984,-985,-986,-987,-988,353,353,353,353,353,353,353,353,353,353,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,353,353,353,-353,-356,353,-323,-324,-141,353,-142,353,-143,353,-430,-935,-936,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-1894,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-1894,353,-1894,353,353,353,353,353,353,353,353,353,353,353,353,-1894,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,353,-1894,353,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,353,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,353,353,353,-191,-192,353,-994,353,353,353,353,353,-277,-278,-279,-280,-365,353,-308,353,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,353,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,353,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,353,353,353,353,353,353,-573,353,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,353,353,-723,-724,-725,353,353,353,353,353,353,-994,353,353,-91,-92,353,353,353,353,-309,-310,-320,353,-307,-293,-294,-295,353,353,353,353,-618,-633,-590,353,353,-436,353,-437,353,-444,-445,-446,-378,-379,353,353,353,-506,353,353,-510,353,353,353,353,-515,-516,-517,-518,353,353,-521,-522,353,-524,-525,-526,-527,-528,-529,-530,-531,353,-533,353,353,353,-539,-541,-542,353,-544,-545,-546,-547,353,353,353,353,353,353,-652,-653,-654,-655,353,-657,-658,-659,353,353,353,-665,353,353,-669,-670,353,353,-673,353,-675,-676,353,-679,353,-681,353,353,-684,-685,-686,353,-688,353,353,-691,353,353,-694,-695,-696,353,-698,-699,-700,-701,353,353,-746,353,-749,-750,-751,-752,-753,353,-755,-756,-757,-758,-759,353,-766,-767,-769,353,-771,-772,-773,-782,-856,-858,-860,-862,353,353,353,353,-868,353,-870,353,353,353,353,353,353,353,-906,-907,353,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,353,-921,-924,353,-934,353,-385,-386,-387,353,353,-390,-391,-392,-393,353,-396,353,-399,-400,353,-401,353,-406,-407,353,-410,-411,-412,353,-415,353,-416,353,-421,-422,353,-425,353,-428,-429,-1894,-1894,353,-619,-620,-621,-622,-623,-634,-584,-624,-797,353,353,353,353,353,-831,353,353,-806,353,-832,353,353,353,353,-798,353,-853,-799,353,353,353,353,353,353,-854,-855,353,-834,-830,-835,353,-625,353,-626,-627,-628,-629,-574,353,353,-630,-631,-632,353,353,353,353,353,353,-635,-636,-637,-592,-1894,-602,353,-638,-639,-713,-640,-604,353,-572,-577,-580,-583,353,353,353,-598,-601,353,-608,353,353,353,353,353,353,353,353,353,353,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,353,353,353,-995,353,353,353,353,353,353,-306,-325,-319,-296,-375,-452,-453,-454,-458,353,-443,353,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,353,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,353,353,353,353,353,353,353,353,353,-316,-535,-508,-591,-937,-939,-940,-438,353,-440,-380,-381,-383,-507,-509,-511,353,-513,-514,-519,-520,353,-532,-534,-537,-538,-543,-548,-726,353,-727,353,-732,353,-734,353,-739,-656,-660,-661,353,-666,353,-667,353,-672,-674,353,-677,353,353,353,-687,-689,353,-692,353,353,-744,353,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,353,353,353,353,353,-877,353,-880,-908,-920,-925,-388,-389,353,-394,353,-397,353,-402,353,-403,353,-408,353,-413,353,-417,353,-418,353,-423,353,-426,-899,-900,-643,-585,-1894,-901,353,353,353,-800,353,353,-804,353,-807,-833,353,-818,353,-820,353,-822,-808,353,-824,353,-851,-852,353,353,-811,353,-646,-902,-904,-648,-649,-645,353,-705,-706,353,-642,-903,-647,-650,-603,-714,353,353,-605,-586,353,353,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,353,353,-709,-710,353,-716,353,353,353,353,353,353,-938,353,-439,-441,-747,353,-891,353,-715,-1894,353,353,353,353,353,-442,-512,-523,353,-728,-733,353,-735,353,-740,353,-662,-668,353,-678,-680,-682,-683,-690,-693,-697,-745,353,353,-874,353,353,-878,353,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,353,-812,353,-814,-801,353,-802,-805,353,-816,-819,-821,-823,-825,353,-826,353,-809,353,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,353,-282,353,353,353,353,-455,353,353,-729,353,-736,353,-741,353,-663,-671,353,353,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,353,-836,-53,353,353,-730,353,-737,353,-742,-664,353,-873,-54,353,353,-731,-738,-743,353,353,353,-872,]),'ISSUER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[354,354,354,354,-1894,354,354,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,354,354,354,354,-275,-276,354,-1425,354,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,354,354,354,-490,354,354,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,354,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,354,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,354,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,354,-172,-173,-174,-175,-993,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-290,-291,-281,354,354,354,354,354,-328,-318,-332,-333,-334,354,354,-982,-983,-984,-985,-986,-987,-988,354,354,354,354,354,354,354,354,354,354,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,354,354,354,-353,-356,354,-323,-324,-141,354,-142,354,-143,354,-430,-935,-936,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-1894,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-1894,354,-1894,354,354,354,354,354,354,354,354,354,354,354,354,-1894,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,354,-1894,354,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,354,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,354,354,354,-191,-192,354,-994,354,354,354,354,354,-277,-278,-279,-280,-365,354,-308,354,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,354,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,354,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,354,354,354,354,354,354,-573,354,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,354,354,-723,-724,-725,354,354,354,354,354,354,-994,354,354,-91,-92,354,354,354,354,-309,-310,-320,354,-307,-293,-294,-295,354,354,354,354,-618,-633,-590,354,354,-436,354,-437,354,-444,-445,-446,-378,-379,354,354,354,-506,354,354,-510,354,354,354,354,-515,-516,-517,-518,354,354,-521,-522,354,-524,-525,-526,-527,-528,-529,-530,-531,354,-533,354,354,354,-539,-541,-542,354,-544,-545,-546,-547,354,354,354,354,354,354,-652,-653,-654,-655,354,-657,-658,-659,354,354,354,-665,354,354,-669,-670,354,354,-673,354,-675,-676,354,-679,354,-681,354,354,-684,-685,-686,354,-688,354,354,-691,354,354,-694,-695,-696,354,-698,-699,-700,-701,354,354,-746,354,-749,-750,-751,-752,-753,354,-755,-756,-757,-758,-759,354,-766,-767,-769,354,-771,-772,-773,-782,-856,-858,-860,-862,354,354,354,354,-868,354,-870,354,354,354,354,354,354,354,-906,-907,354,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,354,-921,-924,354,-934,354,-385,-386,-387,354,354,-390,-391,-392,-393,354,-396,354,-399,-400,354,-401,354,-406,-407,354,-410,-411,-412,354,-415,354,-416,354,-421,-422,354,-425,354,-428,-429,-1894,-1894,354,-619,-620,-621,-622,-623,-634,-584,-624,-797,354,354,354,354,354,-831,354,354,-806,354,-832,354,354,354,354,-798,354,-853,-799,354,354,354,354,354,354,-854,-855,354,-834,-830,-835,354,-625,354,-626,-627,-628,-629,-574,354,354,-630,-631,-632,354,354,354,354,354,354,-635,-636,-637,-592,-1894,-602,354,-638,-639,-713,-640,-604,354,-572,-577,-580,-583,354,354,354,-598,-601,354,-608,354,354,354,354,354,354,354,354,354,354,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,354,354,354,-995,354,354,354,354,354,354,-306,-325,-319,-296,-375,-452,-453,-454,-458,354,-443,354,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,354,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,354,354,354,354,354,354,354,354,354,-316,-535,-508,-591,-937,-939,-940,-438,354,-440,-380,-381,-383,-507,-509,-511,354,-513,-514,-519,-520,354,-532,-534,-537,-538,-543,-548,-726,354,-727,354,-732,354,-734,354,-739,-656,-660,-661,354,-666,354,-667,354,-672,-674,354,-677,354,354,354,-687,-689,354,-692,354,354,-744,354,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,354,354,354,354,354,-877,354,-880,-908,-920,-925,-388,-389,354,-394,354,-397,354,-402,354,-403,354,-408,354,-413,354,-417,354,-418,354,-423,354,-426,-899,-900,-643,-585,-1894,-901,354,354,354,-800,354,354,-804,354,-807,-833,354,-818,354,-820,354,-822,-808,354,-824,354,-851,-852,354,354,-811,354,-646,-902,-904,-648,-649,-645,354,-705,-706,354,-642,-903,-647,-650,-603,-714,354,354,-605,-586,354,354,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,354,354,-709,-710,354,-716,354,354,354,354,354,354,-938,354,-439,-441,-747,354,-891,354,-715,-1894,354,354,354,354,354,-442,-512,-523,354,-728,-733,354,-735,354,-740,354,-662,-668,354,-678,-680,-682,-683,-690,-693,-697,-745,354,354,-874,354,354,-878,354,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,354,-812,354,-814,-801,354,-802,-805,354,-816,-819,-821,-823,-825,354,-826,354,-809,354,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,354,-282,354,354,354,354,-455,354,354,-729,354,-736,354,-741,354,-663,-671,354,354,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,354,-836,-53,354,354,-730,354,-737,354,-742,-664,354,-873,-54,354,354,-731,-738,-743,354,354,354,-872,]),'IS_FREE_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[355,355,355,1147,-1894,355,355,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,355,355,355,355,-275,-276,1147,-1425,1147,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1147,1147,1147,-490,1147,1147,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1147,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1147,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1896,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,355,-172,-173,-174,-175,-993,355,355,355,355,355,355,355,355,355,355,1147,1147,1147,1147,1147,-290,-291,-281,355,1147,1147,1147,1147,-328,-318,-332,-333,-334,1147,1147,-982,-983,-984,-985,-986,-987,-988,355,355,1147,1147,1147,1147,1147,1147,1147,1147,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1147,1147,1147,-353,-356,355,-323,-324,-141,1147,-142,1147,-143,1147,-430,-935,-936,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1894,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1894,1147,-1894,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1894,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-1894,355,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1147,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1147,355,355,-191,-192,355,-994,1147,355,355,355,355,-277,-278,-279,-280,-365,1147,-308,1147,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1147,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1147,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1147,1147,1147,1147,1147,1147,-573,1147,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1147,1147,-723,-724,-725,1147,1896,355,355,355,355,-994,355,1147,-91,-92,355,355,355,1147,-309,-310,-320,1147,-307,-293,-294,-295,1147,355,1147,1147,-618,-633,-590,1147,355,-436,355,-437,1147,-444,-445,-446,-378,-379,1147,1147,1147,-506,1147,1147,-510,1147,1147,1147,1147,-515,-516,-517,-518,1147,1147,-521,-522,1147,-524,-525,-526,-527,-528,-529,-530,-531,1147,-533,1147,1147,1147,-539,-541,-542,1147,-544,-545,-546,-547,1147,1147,1147,1147,1147,1147,-652,-653,-654,-655,355,-657,-658,-659,1147,1147,1147,-665,1147,1147,-669,-670,1147,1147,-673,1147,-675,-676,1147,-679,1147,-681,1147,1147,-684,-685,-686,1147,-688,1147,1147,-691,1147,1147,-694,-695,-696,1147,-698,-699,-700,-701,1147,1147,-746,1147,-749,-750,-751,-752,-753,1147,-755,-756,-757,-758,-759,1147,-766,-767,-769,1147,-771,-772,-773,-782,-856,-858,-860,-862,1147,1147,1147,1147,-868,1147,-870,1147,1147,1147,1147,1147,1147,1147,-906,-907,1147,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1147,-921,-924,1147,-934,1147,-385,-386,-387,1147,1147,-390,-391,-392,-393,1147,-396,1147,-399,-400,1147,-401,1147,-406,-407,1147,-410,-411,-412,1147,-415,1147,-416,1147,-421,-422,1147,-425,1147,-428,-429,-1894,-1894,1147,-619,-620,-621,-622,-623,-634,-584,-624,-797,1147,1147,1147,1147,1147,-831,1147,1147,-806,1147,-832,1147,1147,1147,1147,-798,1147,-853,-799,1147,1147,1147,1147,1147,1147,-854,-855,1147,-834,-830,-835,1147,-625,1147,-626,-627,-628,-629,-574,1147,1147,-630,-631,-632,1147,1147,1147,1147,1147,1147,-635,-636,-637,-592,-1894,-602,1147,-638,-639,-713,-640,-604,1147,-572,-577,-580,-583,1147,1147,1147,-598,-601,1147,-608,1147,1147,1147,1147,1147,1147,1147,1147,1147,1147,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1147,355,355,-995,355,1147,355,355,355,1147,-306,-325,-319,-296,-375,-452,-453,-454,-458,355,-443,1147,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1147,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,355,355,355,355,355,355,355,355,1147,-316,-535,-508,-591,-937,-939,-940,-438,1147,-440,-380,-381,-383,-507,-509,-511,1147,-513,-514,-519,-520,1147,-532,-534,-537,-538,-543,-548,-726,1147,-727,1147,-732,1147,-734,1147,-739,-656,-660,-661,1147,-666,1147,-667,1147,-672,-674,1147,-677,1147,1147,1147,-687,-689,1147,-692,1147,1147,-744,1147,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1147,1147,1147,1147,1147,-877,1147,-880,-908,-920,-925,-388,-389,1147,-394,1147,-397,1147,-402,1147,-403,1147,-408,1147,-413,1147,-417,1147,-418,1147,-423,1147,-426,-899,-900,-643,-585,-1894,-901,1147,1147,1147,-800,1147,1147,-804,1147,-807,-833,1147,-818,1147,-820,1147,-822,-808,1147,-824,1147,-851,-852,1147,1147,-811,1147,-646,-902,-904,-648,-649,-645,1147,-705,-706,1147,-642,-903,-647,-650,-603,-714,1147,1147,-605,-586,1147,1147,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1147,1147,-709,-710,1147,-716,1147,355,355,355,1147,1147,-938,355,-439,-441,-747,1147,-891,1896,-715,-1894,1147,1147,355,355,1147,-442,-512,-523,1147,-728,-733,1147,-735,1147,-740,1147,-662,-668,1147,-678,-680,-682,-683,-690,-693,-697,-745,1147,1147,-874,1147,1147,-878,1147,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1147,-812,1147,-814,-801,1147,-802,-805,1147,-816,-819,-821,-823,-825,1147,-826,1147,-809,1147,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,355,-282,355,1147,355,1147,-455,1147,1147,-729,1147,-736,1147,-741,1147,-663,-671,1147,1147,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1147,-836,-53,355,1147,-730,1147,-737,1147,-742,-664,1147,-873,-54,355,355,-731,-738,-743,1147,355,1147,-872,]),'IS_IPV4':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[356,356,356,1208,-1894,356,356,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,356,356,356,356,-275,-276,1208,-1425,1208,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1208,1208,1208,-490,1208,1208,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1208,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1208,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1897,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,356,-172,-173,-174,-175,-993,356,356,356,356,356,356,356,356,356,356,1208,1208,1208,1208,1208,-290,-291,-281,356,1208,1208,1208,1208,-328,-318,-332,-333,-334,1208,1208,-982,-983,-984,-985,-986,-987,-988,356,356,1208,1208,1208,1208,1208,1208,1208,1208,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1208,1208,1208,-353,-356,356,-323,-324,-141,1208,-142,1208,-143,1208,-430,-935,-936,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1894,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1894,1208,-1894,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1894,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-1894,356,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1208,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1208,356,356,-191,-192,356,-994,1208,356,356,356,356,-277,-278,-279,-280,-365,1208,-308,1208,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1208,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1208,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1208,1208,1208,1208,1208,1208,-573,1208,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1208,1208,-723,-724,-725,1208,1897,356,356,356,356,-994,356,1208,-91,-92,356,356,356,1208,-309,-310,-320,1208,-307,-293,-294,-295,1208,356,1208,1208,-618,-633,-590,1208,356,-436,356,-437,1208,-444,-445,-446,-378,-379,1208,1208,1208,-506,1208,1208,-510,1208,1208,1208,1208,-515,-516,-517,-518,1208,1208,-521,-522,1208,-524,-525,-526,-527,-528,-529,-530,-531,1208,-533,1208,1208,1208,-539,-541,-542,1208,-544,-545,-546,-547,1208,1208,1208,1208,1208,1208,-652,-653,-654,-655,356,-657,-658,-659,1208,1208,1208,-665,1208,1208,-669,-670,1208,1208,-673,1208,-675,-676,1208,-679,1208,-681,1208,1208,-684,-685,-686,1208,-688,1208,1208,-691,1208,1208,-694,-695,-696,1208,-698,-699,-700,-701,1208,1208,-746,1208,-749,-750,-751,-752,-753,1208,-755,-756,-757,-758,-759,1208,-766,-767,-769,1208,-771,-772,-773,-782,-856,-858,-860,-862,1208,1208,1208,1208,-868,1208,-870,1208,1208,1208,1208,1208,1208,1208,-906,-907,1208,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1208,-921,-924,1208,-934,1208,-385,-386,-387,1208,1208,-390,-391,-392,-393,1208,-396,1208,-399,-400,1208,-401,1208,-406,-407,1208,-410,-411,-412,1208,-415,1208,-416,1208,-421,-422,1208,-425,1208,-428,-429,-1894,-1894,1208,-619,-620,-621,-622,-623,-634,-584,-624,-797,1208,1208,1208,1208,1208,-831,1208,1208,-806,1208,-832,1208,1208,1208,1208,-798,1208,-853,-799,1208,1208,1208,1208,1208,1208,-854,-855,1208,-834,-830,-835,1208,-625,1208,-626,-627,-628,-629,-574,1208,1208,-630,-631,-632,1208,1208,1208,1208,1208,1208,-635,-636,-637,-592,-1894,-602,1208,-638,-639,-713,-640,-604,1208,-572,-577,-580,-583,1208,1208,1208,-598,-601,1208,-608,1208,1208,1208,1208,1208,1208,1208,1208,1208,1208,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1208,356,356,-995,356,1208,356,356,356,1208,-306,-325,-319,-296,-375,-452,-453,-454,-458,356,-443,1208,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1208,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,356,356,356,356,356,356,356,356,1208,-316,-535,-508,-591,-937,-939,-940,-438,1208,-440,-380,-381,-383,-507,-509,-511,1208,-513,-514,-519,-520,1208,-532,-534,-537,-538,-543,-548,-726,1208,-727,1208,-732,1208,-734,1208,-739,-656,-660,-661,1208,-666,1208,-667,1208,-672,-674,1208,-677,1208,1208,1208,-687,-689,1208,-692,1208,1208,-744,1208,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1208,1208,1208,1208,1208,-877,1208,-880,-908,-920,-925,-388,-389,1208,-394,1208,-397,1208,-402,1208,-403,1208,-408,1208,-413,1208,-417,1208,-418,1208,-423,1208,-426,-899,-900,-643,-585,-1894,-901,1208,1208,1208,-800,1208,1208,-804,1208,-807,-833,1208,-818,1208,-820,1208,-822,-808,1208,-824,1208,-851,-852,1208,1208,-811,1208,-646,-902,-904,-648,-649,-645,1208,-705,-706,1208,-642,-903,-647,-650,-603,-714,1208,1208,-605,-586,1208,1208,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1208,1208,-709,-710,1208,-716,1208,356,356,356,1208,1208,-938,356,-439,-441,-747,1208,-891,1897,-715,-1894,1208,1208,356,356,1208,-442,-512,-523,1208,-728,-733,1208,-735,1208,-740,1208,-662,-668,1208,-678,-680,-682,-683,-690,-693,-697,-745,1208,1208,-874,1208,1208,-878,1208,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1208,-812,1208,-814,-801,1208,-802,-805,1208,-816,-819,-821,-823,-825,1208,-826,1208,-809,1208,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,356,-282,356,1208,356,1208,-455,1208,1208,-729,1208,-736,1208,-741,1208,-663,-671,1208,1208,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1208,-836,-53,356,1208,-730,1208,-737,1208,-742,-664,1208,-873,-54,356,356,-731,-738,-743,1208,356,1208,-872,]),'IS_IPV4_COMPAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[357,357,357,1209,-1894,357,357,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,357,357,357,357,-275,-276,1209,-1425,1209,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1209,1209,1209,-490,1209,1209,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1209,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1209,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1898,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,357,-172,-173,-174,-175,-993,357,357,357,357,357,357,357,357,357,357,1209,1209,1209,1209,1209,-290,-291,-281,357,1209,1209,1209,1209,-328,-318,-332,-333,-334,1209,1209,-982,-983,-984,-985,-986,-987,-988,357,357,1209,1209,1209,1209,1209,1209,1209,1209,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1209,1209,1209,-353,-356,357,-323,-324,-141,1209,-142,1209,-143,1209,-430,-935,-936,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1894,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1894,1209,-1894,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1894,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-1894,357,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1209,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1209,357,357,-191,-192,357,-994,1209,357,357,357,357,-277,-278,-279,-280,-365,1209,-308,1209,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1209,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1209,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1209,1209,1209,1209,1209,1209,-573,1209,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1209,1209,-723,-724,-725,1209,1898,357,357,357,357,-994,357,1209,-91,-92,357,357,357,1209,-309,-310,-320,1209,-307,-293,-294,-295,1209,357,1209,1209,-618,-633,-590,1209,357,-436,357,-437,1209,-444,-445,-446,-378,-379,1209,1209,1209,-506,1209,1209,-510,1209,1209,1209,1209,-515,-516,-517,-518,1209,1209,-521,-522,1209,-524,-525,-526,-527,-528,-529,-530,-531,1209,-533,1209,1209,1209,-539,-541,-542,1209,-544,-545,-546,-547,1209,1209,1209,1209,1209,1209,-652,-653,-654,-655,357,-657,-658,-659,1209,1209,1209,-665,1209,1209,-669,-670,1209,1209,-673,1209,-675,-676,1209,-679,1209,-681,1209,1209,-684,-685,-686,1209,-688,1209,1209,-691,1209,1209,-694,-695,-696,1209,-698,-699,-700,-701,1209,1209,-746,1209,-749,-750,-751,-752,-753,1209,-755,-756,-757,-758,-759,1209,-766,-767,-769,1209,-771,-772,-773,-782,-856,-858,-860,-862,1209,1209,1209,1209,-868,1209,-870,1209,1209,1209,1209,1209,1209,1209,-906,-907,1209,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1209,-921,-924,1209,-934,1209,-385,-386,-387,1209,1209,-390,-391,-392,-393,1209,-396,1209,-399,-400,1209,-401,1209,-406,-407,1209,-410,-411,-412,1209,-415,1209,-416,1209,-421,-422,1209,-425,1209,-428,-429,-1894,-1894,1209,-619,-620,-621,-622,-623,-634,-584,-624,-797,1209,1209,1209,1209,1209,-831,1209,1209,-806,1209,-832,1209,1209,1209,1209,-798,1209,-853,-799,1209,1209,1209,1209,1209,1209,-854,-855,1209,-834,-830,-835,1209,-625,1209,-626,-627,-628,-629,-574,1209,1209,-630,-631,-632,1209,1209,1209,1209,1209,1209,-635,-636,-637,-592,-1894,-602,1209,-638,-639,-713,-640,-604,1209,-572,-577,-580,-583,1209,1209,1209,-598,-601,1209,-608,1209,1209,1209,1209,1209,1209,1209,1209,1209,1209,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1209,357,357,-995,357,1209,357,357,357,1209,-306,-325,-319,-296,-375,-452,-453,-454,-458,357,-443,1209,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1209,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,357,357,357,357,357,357,357,357,1209,-316,-535,-508,-591,-937,-939,-940,-438,1209,-440,-380,-381,-383,-507,-509,-511,1209,-513,-514,-519,-520,1209,-532,-534,-537,-538,-543,-548,-726,1209,-727,1209,-732,1209,-734,1209,-739,-656,-660,-661,1209,-666,1209,-667,1209,-672,-674,1209,-677,1209,1209,1209,-687,-689,1209,-692,1209,1209,-744,1209,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1209,1209,1209,1209,1209,-877,1209,-880,-908,-920,-925,-388,-389,1209,-394,1209,-397,1209,-402,1209,-403,1209,-408,1209,-413,1209,-417,1209,-418,1209,-423,1209,-426,-899,-900,-643,-585,-1894,-901,1209,1209,1209,-800,1209,1209,-804,1209,-807,-833,1209,-818,1209,-820,1209,-822,-808,1209,-824,1209,-851,-852,1209,1209,-811,1209,-646,-902,-904,-648,-649,-645,1209,-705,-706,1209,-642,-903,-647,-650,-603,-714,1209,1209,-605,-586,1209,1209,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1209,1209,-709,-710,1209,-716,1209,357,357,357,1209,1209,-938,357,-439,-441,-747,1209,-891,1898,-715,-1894,1209,1209,357,357,1209,-442,-512,-523,1209,-728,-733,1209,-735,1209,-740,1209,-662,-668,1209,-678,-680,-682,-683,-690,-693,-697,-745,1209,1209,-874,1209,1209,-878,1209,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1209,-812,1209,-814,-801,1209,-802,-805,1209,-816,-819,-821,-823,-825,1209,-826,1209,-809,1209,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,357,-282,357,1209,357,1209,-455,1209,1209,-729,1209,-736,1209,-741,1209,-663,-671,1209,1209,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1209,-836,-53,357,1209,-730,1209,-737,1209,-742,-664,1209,-873,-54,357,357,-731,-738,-743,1209,357,1209,-872,]),'IS_IPV4_MAPPED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[358,358,358,1210,-1894,358,358,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,358,358,358,358,-275,-276,1210,-1425,1210,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1210,1210,1210,-490,1210,1210,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1210,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1210,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1899,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,358,-172,-173,-174,-175,-993,358,358,358,358,358,358,358,358,358,358,1210,1210,1210,1210,1210,-290,-291,-281,358,1210,1210,1210,1210,-328,-318,-332,-333,-334,1210,1210,-982,-983,-984,-985,-986,-987,-988,358,358,1210,1210,1210,1210,1210,1210,1210,1210,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1210,1210,1210,-353,-356,358,-323,-324,-141,1210,-142,1210,-143,1210,-430,-935,-936,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1894,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1894,1210,-1894,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1894,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-1894,358,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1210,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1210,358,358,-191,-192,358,-994,1210,358,358,358,358,-277,-278,-279,-280,-365,1210,-308,1210,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1210,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1210,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1210,1210,1210,1210,1210,1210,-573,1210,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1210,1210,-723,-724,-725,1210,1899,358,358,358,358,-994,358,1210,-91,-92,358,358,358,1210,-309,-310,-320,1210,-307,-293,-294,-295,1210,358,1210,1210,-618,-633,-590,1210,358,-436,358,-437,1210,-444,-445,-446,-378,-379,1210,1210,1210,-506,1210,1210,-510,1210,1210,1210,1210,-515,-516,-517,-518,1210,1210,-521,-522,1210,-524,-525,-526,-527,-528,-529,-530,-531,1210,-533,1210,1210,1210,-539,-541,-542,1210,-544,-545,-546,-547,1210,1210,1210,1210,1210,1210,-652,-653,-654,-655,358,-657,-658,-659,1210,1210,1210,-665,1210,1210,-669,-670,1210,1210,-673,1210,-675,-676,1210,-679,1210,-681,1210,1210,-684,-685,-686,1210,-688,1210,1210,-691,1210,1210,-694,-695,-696,1210,-698,-699,-700,-701,1210,1210,-746,1210,-749,-750,-751,-752,-753,1210,-755,-756,-757,-758,-759,1210,-766,-767,-769,1210,-771,-772,-773,-782,-856,-858,-860,-862,1210,1210,1210,1210,-868,1210,-870,1210,1210,1210,1210,1210,1210,1210,-906,-907,1210,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1210,-921,-924,1210,-934,1210,-385,-386,-387,1210,1210,-390,-391,-392,-393,1210,-396,1210,-399,-400,1210,-401,1210,-406,-407,1210,-410,-411,-412,1210,-415,1210,-416,1210,-421,-422,1210,-425,1210,-428,-429,-1894,-1894,1210,-619,-620,-621,-622,-623,-634,-584,-624,-797,1210,1210,1210,1210,1210,-831,1210,1210,-806,1210,-832,1210,1210,1210,1210,-798,1210,-853,-799,1210,1210,1210,1210,1210,1210,-854,-855,1210,-834,-830,-835,1210,-625,1210,-626,-627,-628,-629,-574,1210,1210,-630,-631,-632,1210,1210,1210,1210,1210,1210,-635,-636,-637,-592,-1894,-602,1210,-638,-639,-713,-640,-604,1210,-572,-577,-580,-583,1210,1210,1210,-598,-601,1210,-608,1210,1210,1210,1210,1210,1210,1210,1210,1210,1210,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1210,358,358,-995,358,1210,358,358,358,1210,-306,-325,-319,-296,-375,-452,-453,-454,-458,358,-443,1210,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1210,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,358,358,358,358,358,358,358,358,1210,-316,-535,-508,-591,-937,-939,-940,-438,1210,-440,-380,-381,-383,-507,-509,-511,1210,-513,-514,-519,-520,1210,-532,-534,-537,-538,-543,-548,-726,1210,-727,1210,-732,1210,-734,1210,-739,-656,-660,-661,1210,-666,1210,-667,1210,-672,-674,1210,-677,1210,1210,1210,-687,-689,1210,-692,1210,1210,-744,1210,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1210,1210,1210,1210,1210,-877,1210,-880,-908,-920,-925,-388,-389,1210,-394,1210,-397,1210,-402,1210,-403,1210,-408,1210,-413,1210,-417,1210,-418,1210,-423,1210,-426,-899,-900,-643,-585,-1894,-901,1210,1210,1210,-800,1210,1210,-804,1210,-807,-833,1210,-818,1210,-820,1210,-822,-808,1210,-824,1210,-851,-852,1210,1210,-811,1210,-646,-902,-904,-648,-649,-645,1210,-705,-706,1210,-642,-903,-647,-650,-603,-714,1210,1210,-605,-586,1210,1210,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1210,1210,-709,-710,1210,-716,1210,358,358,358,1210,1210,-938,358,-439,-441,-747,1210,-891,1899,-715,-1894,1210,1210,358,358,1210,-442,-512,-523,1210,-728,-733,1210,-735,1210,-740,1210,-662,-668,1210,-678,-680,-682,-683,-690,-693,-697,-745,1210,1210,-874,1210,1210,-878,1210,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1210,-812,1210,-814,-801,1210,-802,-805,1210,-816,-819,-821,-823,-825,1210,-826,1210,-809,1210,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,358,-282,358,1210,358,1210,-455,1210,1210,-729,1210,-736,1210,-741,1210,-663,-671,1210,1210,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1210,-836,-53,358,1210,-730,1210,-737,1210,-742,-664,1210,-873,-54,358,358,-731,-738,-743,1210,358,1210,-872,]),'IS_IPV6':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[359,359,359,1211,-1894,359,359,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,359,359,359,359,-275,-276,1211,-1425,1211,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1211,1211,1211,-490,1211,1211,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1211,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1211,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1900,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,359,-172,-173,-174,-175,-993,359,359,359,359,359,359,359,359,359,359,1211,1211,1211,1211,1211,-290,-291,-281,359,1211,1211,1211,1211,-328,-318,-332,-333,-334,1211,1211,-982,-983,-984,-985,-986,-987,-988,359,359,1211,1211,1211,1211,1211,1211,1211,1211,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1211,1211,1211,-353,-356,359,-323,-324,-141,1211,-142,1211,-143,1211,-430,-935,-936,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1894,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1894,1211,-1894,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1894,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-1894,359,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1211,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1211,359,359,-191,-192,359,-994,1211,359,359,359,359,-277,-278,-279,-280,-365,1211,-308,1211,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1211,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1211,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1211,1211,1211,1211,1211,1211,-573,1211,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1211,1211,-723,-724,-725,1211,1900,359,359,359,359,-994,359,1211,-91,-92,359,359,359,1211,-309,-310,-320,1211,-307,-293,-294,-295,1211,359,1211,1211,-618,-633,-590,1211,359,-436,359,-437,1211,-444,-445,-446,-378,-379,1211,1211,1211,-506,1211,1211,-510,1211,1211,1211,1211,-515,-516,-517,-518,1211,1211,-521,-522,1211,-524,-525,-526,-527,-528,-529,-530,-531,1211,-533,1211,1211,1211,-539,-541,-542,1211,-544,-545,-546,-547,1211,1211,1211,1211,1211,1211,-652,-653,-654,-655,359,-657,-658,-659,1211,1211,1211,-665,1211,1211,-669,-670,1211,1211,-673,1211,-675,-676,1211,-679,1211,-681,1211,1211,-684,-685,-686,1211,-688,1211,1211,-691,1211,1211,-694,-695,-696,1211,-698,-699,-700,-701,1211,1211,-746,1211,-749,-750,-751,-752,-753,1211,-755,-756,-757,-758,-759,1211,-766,-767,-769,1211,-771,-772,-773,-782,-856,-858,-860,-862,1211,1211,1211,1211,-868,1211,-870,1211,1211,1211,1211,1211,1211,1211,-906,-907,1211,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1211,-921,-924,1211,-934,1211,-385,-386,-387,1211,1211,-390,-391,-392,-393,1211,-396,1211,-399,-400,1211,-401,1211,-406,-407,1211,-410,-411,-412,1211,-415,1211,-416,1211,-421,-422,1211,-425,1211,-428,-429,-1894,-1894,1211,-619,-620,-621,-622,-623,-634,-584,-624,-797,1211,1211,1211,1211,1211,-831,1211,1211,-806,1211,-832,1211,1211,1211,1211,-798,1211,-853,-799,1211,1211,1211,1211,1211,1211,-854,-855,1211,-834,-830,-835,1211,-625,1211,-626,-627,-628,-629,-574,1211,1211,-630,-631,-632,1211,1211,1211,1211,1211,1211,-635,-636,-637,-592,-1894,-602,1211,-638,-639,-713,-640,-604,1211,-572,-577,-580,-583,1211,1211,1211,-598,-601,1211,-608,1211,1211,1211,1211,1211,1211,1211,1211,1211,1211,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1211,359,359,-995,359,1211,359,359,359,1211,-306,-325,-319,-296,-375,-452,-453,-454,-458,359,-443,1211,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1211,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,359,359,359,359,359,359,359,359,1211,-316,-535,-508,-591,-937,-939,-940,-438,1211,-440,-380,-381,-383,-507,-509,-511,1211,-513,-514,-519,-520,1211,-532,-534,-537,-538,-543,-548,-726,1211,-727,1211,-732,1211,-734,1211,-739,-656,-660,-661,1211,-666,1211,-667,1211,-672,-674,1211,-677,1211,1211,1211,-687,-689,1211,-692,1211,1211,-744,1211,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1211,1211,1211,1211,1211,-877,1211,-880,-908,-920,-925,-388,-389,1211,-394,1211,-397,1211,-402,1211,-403,1211,-408,1211,-413,1211,-417,1211,-418,1211,-423,1211,-426,-899,-900,-643,-585,-1894,-901,1211,1211,1211,-800,1211,1211,-804,1211,-807,-833,1211,-818,1211,-820,1211,-822,-808,1211,-824,1211,-851,-852,1211,1211,-811,1211,-646,-902,-904,-648,-649,-645,1211,-705,-706,1211,-642,-903,-647,-650,-603,-714,1211,1211,-605,-586,1211,1211,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1211,1211,-709,-710,1211,-716,1211,359,359,359,1211,1211,-938,359,-439,-441,-747,1211,-891,1900,-715,-1894,1211,1211,359,359,1211,-442,-512,-523,1211,-728,-733,1211,-735,1211,-740,1211,-662,-668,1211,-678,-680,-682,-683,-690,-693,-697,-745,1211,1211,-874,1211,1211,-878,1211,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1211,-812,1211,-814,-801,1211,-802,-805,1211,-816,-819,-821,-823,-825,1211,-826,1211,-809,1211,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,359,-282,359,1211,359,1211,-455,1211,1211,-729,1211,-736,1211,-741,1211,-663,-671,1211,1211,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1211,-836,-53,359,1211,-730,1211,-737,1211,-742,-664,1211,-873,-54,359,359,-731,-738,-743,1211,359,1211,-872,]),'IS_TENANT_SYS_POOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[360,360,360,360,-1894,360,360,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,360,360,360,360,-275,-276,360,-1425,360,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,360,360,360,-490,360,360,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,360,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,360,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,360,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,360,-172,-173,-174,-175,-993,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-290,-291,-281,360,360,360,360,360,-328,-318,-332,-333,-334,360,360,-982,-983,-984,-985,-986,-987,-988,360,360,360,360,360,360,360,360,360,360,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,360,360,360,-353,-356,360,-323,-324,-141,360,-142,360,-143,360,-430,-935,-936,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-1894,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-1894,360,-1894,360,360,360,360,360,360,360,360,360,360,360,360,-1894,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,360,-1894,360,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,360,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,360,360,360,-191,-192,360,-994,360,360,360,360,360,-277,-278,-279,-280,-365,360,-308,360,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,360,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,360,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,360,360,360,360,360,360,-573,360,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,360,360,-723,-724,-725,360,360,360,360,360,360,-994,360,360,-91,-92,360,360,360,360,-309,-310,-320,360,-307,-293,-294,-295,360,360,360,360,-618,-633,-590,360,360,-436,360,-437,360,-444,-445,-446,-378,-379,360,360,360,-506,360,360,-510,360,360,360,360,-515,-516,-517,-518,360,360,-521,-522,360,-524,-525,-526,-527,-528,-529,-530,-531,360,-533,360,360,360,-539,-541,-542,360,-544,-545,-546,-547,360,360,360,360,360,360,-652,-653,-654,-655,360,-657,-658,-659,360,360,360,-665,360,360,-669,-670,360,360,-673,360,-675,-676,360,-679,360,-681,360,360,-684,-685,-686,360,-688,360,360,-691,360,360,-694,-695,-696,360,-698,-699,-700,-701,360,360,-746,360,-749,-750,-751,-752,-753,360,-755,-756,-757,-758,-759,360,-766,-767,-769,360,-771,-772,-773,-782,-856,-858,-860,-862,360,360,360,360,-868,360,-870,360,360,360,360,360,360,360,-906,-907,360,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,360,-921,-924,360,-934,360,-385,-386,-387,360,360,-390,-391,-392,-393,360,-396,360,-399,-400,360,-401,360,-406,-407,360,-410,-411,-412,360,-415,360,-416,360,-421,-422,360,-425,360,-428,-429,-1894,-1894,360,-619,-620,-621,-622,-623,-634,-584,-624,-797,360,360,360,360,360,-831,360,360,-806,360,-832,360,360,360,360,-798,360,-853,-799,360,360,360,360,360,360,-854,-855,360,-834,-830,-835,360,-625,360,-626,-627,-628,-629,-574,360,360,-630,-631,-632,360,360,360,360,360,360,-635,-636,-637,-592,-1894,-602,360,-638,-639,-713,-640,-604,360,-572,-577,-580,-583,360,360,360,-598,-601,360,-608,360,360,360,360,360,360,360,360,360,360,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,360,360,360,-995,360,360,360,360,360,360,-306,-325,-319,-296,-375,-452,-453,-454,-458,360,-443,360,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,360,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,360,360,360,360,360,360,360,360,360,-316,-535,-508,-591,-937,-939,-940,-438,360,-440,-380,-381,-383,-507,-509,-511,360,-513,-514,-519,-520,360,-532,-534,-537,-538,-543,-548,-726,360,-727,360,-732,360,-734,360,-739,-656,-660,-661,360,-666,360,-667,360,-672,-674,360,-677,360,360,360,-687,-689,360,-692,360,360,-744,360,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,360,360,360,360,360,-877,360,-880,-908,-920,-925,-388,-389,360,-394,360,-397,360,-402,360,-403,360,-408,360,-413,360,-417,360,-418,360,-423,360,-426,-899,-900,-643,-585,-1894,-901,360,360,360,-800,360,360,-804,360,-807,-833,360,-818,360,-820,360,-822,-808,360,-824,360,-851,-852,360,360,-811,360,-646,-902,-904,-648,-649,-645,360,-705,-706,360,-642,-903,-647,-650,-603,-714,360,360,-605,-586,360,360,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,360,360,-709,-710,360,-716,360,360,360,360,360,360,-938,360,-439,-441,-747,360,-891,360,-715,-1894,360,360,360,360,360,-442,-512,-523,360,-728,-733,360,-735,360,-740,360,-662,-668,360,-678,-680,-682,-683,-690,-693,-697,-745,360,360,-874,360,360,-878,360,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,360,-812,360,-814,-801,360,-802,-805,360,-816,-819,-821,-823,-825,360,-826,360,-809,360,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,360,-282,360,360,360,360,-455,360,360,-729,360,-736,360,-741,360,-663,-671,360,360,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,360,-836,-53,360,360,-730,360,-737,360,-742,-664,360,-873,-54,360,360,-731,-738,-743,360,360,360,-872,]),'IS_USED_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[361,361,361,1148,-1894,361,361,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,361,361,361,361,-275,-276,1148,-1425,1148,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1148,1148,1148,-490,1148,1148,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1148,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1148,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1901,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,361,-172,-173,-174,-175,-993,361,361,361,361,361,361,361,361,361,361,1148,1148,1148,1148,1148,-290,-291,-281,361,1148,1148,1148,1148,-328,-318,-332,-333,-334,1148,1148,-982,-983,-984,-985,-986,-987,-988,361,361,1148,1148,1148,1148,1148,1148,1148,1148,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1148,1148,1148,-353,-356,361,-323,-324,-141,1148,-142,1148,-143,1148,-430,-935,-936,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1894,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1894,1148,-1894,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1894,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-1894,361,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1148,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1148,361,361,-191,-192,361,-994,1148,361,361,361,361,-277,-278,-279,-280,-365,1148,-308,1148,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1148,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1148,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1148,1148,1148,1148,1148,1148,-573,1148,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1148,1148,-723,-724,-725,1148,1901,361,361,361,361,-994,361,1148,-91,-92,361,361,361,1148,-309,-310,-320,1148,-307,-293,-294,-295,1148,361,1148,1148,-618,-633,-590,1148,361,-436,361,-437,1148,-444,-445,-446,-378,-379,1148,1148,1148,-506,1148,1148,-510,1148,1148,1148,1148,-515,-516,-517,-518,1148,1148,-521,-522,1148,-524,-525,-526,-527,-528,-529,-530,-531,1148,-533,1148,1148,1148,-539,-541,-542,1148,-544,-545,-546,-547,1148,1148,1148,1148,1148,1148,-652,-653,-654,-655,361,-657,-658,-659,1148,1148,1148,-665,1148,1148,-669,-670,1148,1148,-673,1148,-675,-676,1148,-679,1148,-681,1148,1148,-684,-685,-686,1148,-688,1148,1148,-691,1148,1148,-694,-695,-696,1148,-698,-699,-700,-701,1148,1148,-746,1148,-749,-750,-751,-752,-753,1148,-755,-756,-757,-758,-759,1148,-766,-767,-769,1148,-771,-772,-773,-782,-856,-858,-860,-862,1148,1148,1148,1148,-868,1148,-870,1148,1148,1148,1148,1148,1148,1148,-906,-907,1148,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1148,-921,-924,1148,-934,1148,-385,-386,-387,1148,1148,-390,-391,-392,-393,1148,-396,1148,-399,-400,1148,-401,1148,-406,-407,1148,-410,-411,-412,1148,-415,1148,-416,1148,-421,-422,1148,-425,1148,-428,-429,-1894,-1894,1148,-619,-620,-621,-622,-623,-634,-584,-624,-797,1148,1148,1148,1148,1148,-831,1148,1148,-806,1148,-832,1148,1148,1148,1148,-798,1148,-853,-799,1148,1148,1148,1148,1148,1148,-854,-855,1148,-834,-830,-835,1148,-625,1148,-626,-627,-628,-629,-574,1148,1148,-630,-631,-632,1148,1148,1148,1148,1148,1148,-635,-636,-637,-592,-1894,-602,1148,-638,-639,-713,-640,-604,1148,-572,-577,-580,-583,1148,1148,1148,-598,-601,1148,-608,1148,1148,1148,1148,1148,1148,1148,1148,1148,1148,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1148,361,361,-995,361,1148,361,361,361,1148,-306,-325,-319,-296,-375,-452,-453,-454,-458,361,-443,1148,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1148,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,361,361,361,361,361,361,361,361,1148,-316,-535,-508,-591,-937,-939,-940,-438,1148,-440,-380,-381,-383,-507,-509,-511,1148,-513,-514,-519,-520,1148,-532,-534,-537,-538,-543,-548,-726,1148,-727,1148,-732,1148,-734,1148,-739,-656,-660,-661,1148,-666,1148,-667,1148,-672,-674,1148,-677,1148,1148,1148,-687,-689,1148,-692,1148,1148,-744,1148,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1148,1148,1148,1148,1148,-877,1148,-880,-908,-920,-925,-388,-389,1148,-394,1148,-397,1148,-402,1148,-403,1148,-408,1148,-413,1148,-417,1148,-418,1148,-423,1148,-426,-899,-900,-643,-585,-1894,-901,1148,1148,1148,-800,1148,1148,-804,1148,-807,-833,1148,-818,1148,-820,1148,-822,-808,1148,-824,1148,-851,-852,1148,1148,-811,1148,-646,-902,-904,-648,-649,-645,1148,-705,-706,1148,-642,-903,-647,-650,-603,-714,1148,1148,-605,-586,1148,1148,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1148,1148,-709,-710,1148,-716,1148,361,361,361,1148,1148,-938,361,-439,-441,-747,1148,-891,1901,-715,-1894,1148,1148,361,361,1148,-442,-512,-523,1148,-728,-733,1148,-735,1148,-740,1148,-662,-668,1148,-678,-680,-682,-683,-690,-693,-697,-745,1148,1148,-874,1148,1148,-878,1148,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1148,-812,1148,-814,-801,1148,-802,-805,1148,-816,-819,-821,-823,-825,1148,-826,1148,-809,1148,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,361,-282,361,1148,361,1148,-455,1148,1148,-729,1148,-736,1148,-741,1148,-663,-671,1148,1148,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1148,-836,-53,361,1148,-730,1148,-737,1148,-742,-664,1148,-873,-54,361,361,-731,-738,-743,1148,361,1148,-872,]),'IS_UUID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[362,362,362,1212,-1894,362,362,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,362,362,362,362,-275,-276,1212,-1425,1212,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1212,1212,1212,-490,1212,1212,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1212,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1212,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1902,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,362,-172,-173,-174,-175,-993,362,362,362,362,362,362,362,362,362,362,1212,1212,1212,1212,1212,-290,-291,-281,362,1212,1212,1212,1212,-328,-318,-332,-333,-334,1212,1212,-982,-983,-984,-985,-986,-987,-988,362,362,1212,1212,1212,1212,1212,1212,1212,1212,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1212,1212,1212,-353,-356,362,-323,-324,-141,1212,-142,1212,-143,1212,-430,-935,-936,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1894,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1894,1212,-1894,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1894,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-1894,362,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1212,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1212,362,362,-191,-192,362,-994,1212,362,362,362,362,-277,-278,-279,-280,-365,1212,-308,1212,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1212,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1212,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1212,1212,1212,1212,1212,1212,-573,1212,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1212,1212,-723,-724,-725,1212,1902,362,362,362,362,-994,362,1212,-91,-92,362,362,362,1212,-309,-310,-320,1212,-307,-293,-294,-295,1212,362,1212,1212,-618,-633,-590,1212,362,-436,362,-437,1212,-444,-445,-446,-378,-379,1212,1212,1212,-506,1212,1212,-510,1212,1212,1212,1212,-515,-516,-517,-518,1212,1212,-521,-522,1212,-524,-525,-526,-527,-528,-529,-530,-531,1212,-533,1212,1212,1212,-539,-541,-542,1212,-544,-545,-546,-547,1212,1212,1212,1212,1212,1212,-652,-653,-654,-655,362,-657,-658,-659,1212,1212,1212,-665,1212,1212,-669,-670,1212,1212,-673,1212,-675,-676,1212,-679,1212,-681,1212,1212,-684,-685,-686,1212,-688,1212,1212,-691,1212,1212,-694,-695,-696,1212,-698,-699,-700,-701,1212,1212,-746,1212,-749,-750,-751,-752,-753,1212,-755,-756,-757,-758,-759,1212,-766,-767,-769,1212,-771,-772,-773,-782,-856,-858,-860,-862,1212,1212,1212,1212,-868,1212,-870,1212,1212,1212,1212,1212,1212,1212,-906,-907,1212,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1212,-921,-924,1212,-934,1212,-385,-386,-387,1212,1212,-390,-391,-392,-393,1212,-396,1212,-399,-400,1212,-401,1212,-406,-407,1212,-410,-411,-412,1212,-415,1212,-416,1212,-421,-422,1212,-425,1212,-428,-429,-1894,-1894,1212,-619,-620,-621,-622,-623,-634,-584,-624,-797,1212,1212,1212,1212,1212,-831,1212,1212,-806,1212,-832,1212,1212,1212,1212,-798,1212,-853,-799,1212,1212,1212,1212,1212,1212,-854,-855,1212,-834,-830,-835,1212,-625,1212,-626,-627,-628,-629,-574,1212,1212,-630,-631,-632,1212,1212,1212,1212,1212,1212,-635,-636,-637,-592,-1894,-602,1212,-638,-639,-713,-640,-604,1212,-572,-577,-580,-583,1212,1212,1212,-598,-601,1212,-608,1212,1212,1212,1212,1212,1212,1212,1212,1212,1212,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1212,362,362,-995,362,1212,362,362,362,1212,-306,-325,-319,-296,-375,-452,-453,-454,-458,362,-443,1212,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1212,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,362,362,362,362,362,362,362,362,1212,-316,-535,-508,-591,-937,-939,-940,-438,1212,-440,-380,-381,-383,-507,-509,-511,1212,-513,-514,-519,-520,1212,-532,-534,-537,-538,-543,-548,-726,1212,-727,1212,-732,1212,-734,1212,-739,-656,-660,-661,1212,-666,1212,-667,1212,-672,-674,1212,-677,1212,1212,1212,-687,-689,1212,-692,1212,1212,-744,1212,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1212,1212,1212,1212,1212,-877,1212,-880,-908,-920,-925,-388,-389,1212,-394,1212,-397,1212,-402,1212,-403,1212,-408,1212,-413,1212,-417,1212,-418,1212,-423,1212,-426,-899,-900,-643,-585,-1894,-901,1212,1212,1212,-800,1212,1212,-804,1212,-807,-833,1212,-818,1212,-820,1212,-822,-808,1212,-824,1212,-851,-852,1212,1212,-811,1212,-646,-902,-904,-648,-649,-645,1212,-705,-706,1212,-642,-903,-647,-650,-603,-714,1212,1212,-605,-586,1212,1212,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1212,1212,-709,-710,1212,-716,1212,362,362,362,1212,1212,-938,362,-439,-441,-747,1212,-891,1902,-715,-1894,1212,1212,362,362,1212,-442,-512,-523,1212,-728,-733,1212,-735,1212,-740,1212,-662,-668,1212,-678,-680,-682,-683,-690,-693,-697,-745,1212,1212,-874,1212,1212,-878,1212,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1212,-812,1212,-814,-801,1212,-802,-805,1212,-816,-819,-821,-823,-825,1212,-826,1212,-809,1212,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,362,-282,362,1212,362,1212,-455,1212,1212,-729,1212,-736,1212,-741,1212,-663,-671,1212,1212,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1212,-836,-53,362,1212,-730,1212,-737,1212,-742,-664,1212,-873,-54,362,362,-731,-738,-743,1212,362,1212,-872,]),'ITERATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[363,363,363,363,-1894,363,363,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,363,363,363,363,-275,-276,363,-1425,363,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,363,363,363,-490,363,363,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,363,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,363,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,363,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,363,-172,-173,-174,-175,-993,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-290,-291,-281,363,363,363,363,363,-328,-318,-332,-333,-334,363,363,-982,-983,-984,-985,-986,-987,-988,363,363,363,363,363,363,363,363,363,363,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,363,363,363,-353,-356,363,-323,-324,-141,363,-142,363,-143,363,-430,-935,-936,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-1894,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-1894,363,-1894,363,363,363,363,363,363,363,363,363,363,363,363,-1894,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,363,-1894,363,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,363,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,363,363,363,-191,-192,363,-994,363,363,363,363,363,-277,-278,-279,-280,-365,363,-308,363,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,363,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,363,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,363,363,363,363,363,363,-573,363,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,363,363,-723,-724,-725,363,363,363,363,363,363,-994,363,363,-91,-92,363,363,363,363,-309,-310,-320,363,-307,-293,-294,-295,363,363,363,363,-618,-633,-590,363,363,-436,363,-437,363,-444,-445,-446,-378,-379,363,363,363,-506,363,363,-510,363,363,363,363,-515,-516,-517,-518,363,363,-521,-522,363,-524,-525,-526,-527,-528,-529,-530,-531,363,-533,363,363,363,-539,-541,-542,363,-544,-545,-546,-547,363,363,363,363,363,363,-652,-653,-654,-655,363,-657,-658,-659,363,363,363,-665,363,363,-669,-670,363,363,-673,363,-675,-676,363,-679,363,-681,363,363,-684,-685,-686,363,-688,363,363,-691,363,363,-694,-695,-696,363,-698,-699,-700,-701,363,363,-746,363,-749,-750,-751,-752,-753,363,-755,-756,-757,-758,-759,363,-766,-767,-769,363,-771,-772,-773,-782,-856,-858,-860,-862,363,363,363,363,-868,363,-870,363,363,363,363,363,363,363,-906,-907,363,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,363,-921,-924,363,-934,363,-385,-386,-387,363,363,-390,-391,-392,-393,363,-396,363,-399,-400,363,-401,363,-406,-407,363,-410,-411,-412,363,-415,363,-416,363,-421,-422,363,-425,363,-428,-429,-1894,-1894,363,-619,-620,-621,-622,-623,-634,-584,-624,-797,363,363,363,363,363,-831,363,363,-806,363,-832,363,363,363,363,-798,363,-853,-799,363,363,363,363,363,363,-854,-855,363,-834,-830,-835,363,-625,363,-626,-627,-628,-629,-574,363,363,-630,-631,-632,363,363,363,363,363,363,-635,-636,-637,-592,-1894,-602,363,-638,-639,-713,-640,-604,363,-572,-577,-580,-583,363,363,363,-598,-601,363,-608,363,363,363,363,363,363,363,363,363,363,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,363,363,363,-995,363,363,363,363,363,363,-306,-325,-319,-296,-375,-452,-453,-454,-458,363,-443,363,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,363,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,363,363,363,363,363,363,363,363,363,-316,-535,-508,-591,-937,-939,-940,-438,363,-440,-380,-381,-383,-507,-509,-511,363,-513,-514,-519,-520,363,-532,-534,-537,-538,-543,-548,-726,363,-727,363,-732,363,-734,363,-739,-656,-660,-661,363,-666,363,-667,363,-672,-674,363,-677,363,363,363,-687,-689,363,-692,363,363,-744,363,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,363,363,363,363,363,-877,363,-880,-908,-920,-925,-388,-389,363,-394,363,-397,363,-402,363,-403,363,-408,363,-413,363,-417,363,-418,363,-423,363,-426,-899,-900,-643,-585,-1894,-901,363,363,363,-800,363,363,-804,363,-807,-833,363,-818,363,-820,363,-822,-808,363,-824,363,-851,-852,363,363,-811,363,-646,-902,-904,-648,-649,-645,363,-705,-706,363,-642,-903,-647,-650,-603,-714,363,363,-605,-586,363,363,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,363,363,-709,-710,363,-716,363,363,363,363,363,363,-938,363,-439,-441,-747,363,-891,363,-715,-1894,363,363,363,363,363,-442,-512,-523,363,-728,-733,363,-735,363,-740,363,-662,-668,363,-678,-680,-682,-683,-690,-693,-697,-745,363,363,-874,363,363,-878,363,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,363,-812,363,-814,-801,363,-802,-805,363,-816,-819,-821,-823,-825,363,-826,363,-809,363,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,363,-282,363,363,363,363,-455,363,363,-729,363,-736,363,-741,363,-663,-671,363,363,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,363,-836,-53,363,363,-730,363,-737,363,-742,-664,363,-873,-54,363,363,-731,-738,-743,363,363,363,-872,]),'JOB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[364,364,364,364,-1894,364,364,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,364,364,364,364,-275,-276,364,-1425,364,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,364,364,364,-490,364,364,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,364,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,364,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,364,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,364,-172,-173,-174,-175,-993,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-290,-291,-281,364,364,364,364,364,-328,-318,-332,-333,-334,364,364,-982,-983,-984,-985,-986,-987,-988,364,364,364,364,364,364,364,364,364,364,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,364,364,364,-353,-356,364,-323,-324,-141,364,-142,364,-143,364,-430,-935,-936,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-1894,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-1894,364,-1894,364,364,364,364,364,364,364,364,364,364,364,364,-1894,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,364,-1894,364,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,364,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,364,364,364,-191,-192,364,-994,364,364,364,364,364,-277,-278,-279,-280,-365,364,-308,364,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,364,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,364,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,364,364,364,364,364,364,-573,364,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,364,364,-723,-724,-725,364,364,364,364,364,364,-994,364,364,-91,-92,364,364,364,364,-309,-310,-320,364,-307,-293,-294,-295,364,364,364,364,-618,-633,-590,364,364,-436,364,-437,364,-444,-445,-446,-378,-379,364,364,364,-506,364,364,-510,364,364,364,364,-515,-516,-517,-518,364,364,-521,-522,364,-524,-525,-526,-527,-528,-529,-530,-531,364,-533,364,364,364,-539,-541,-542,364,-544,-545,-546,-547,364,364,364,364,364,364,-652,-653,-654,-655,364,-657,-658,-659,364,364,364,-665,364,364,-669,-670,364,364,-673,364,-675,-676,364,-679,364,-681,364,364,-684,-685,-686,364,-688,364,364,-691,364,364,-694,-695,-696,364,-698,-699,-700,-701,364,364,-746,364,-749,-750,-751,-752,-753,364,-755,-756,-757,-758,-759,364,-766,-767,-769,364,-771,-772,-773,-782,-856,-858,-860,-862,364,364,364,364,-868,364,-870,364,364,364,364,364,364,364,-906,-907,364,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,364,-921,-924,364,-934,364,-385,-386,-387,364,364,-390,-391,-392,-393,364,-396,364,-399,-400,364,-401,364,-406,-407,364,-410,-411,-412,364,-415,364,-416,364,-421,-422,364,-425,364,-428,-429,-1894,-1894,364,-619,-620,-621,-622,-623,-634,-584,-624,-797,364,364,364,364,364,-831,364,364,-806,364,-832,364,364,364,364,-798,364,-853,-799,364,364,364,364,364,364,-854,-855,364,-834,-830,-835,364,-625,364,-626,-627,-628,-629,-574,364,364,-630,-631,-632,364,364,364,364,364,364,-635,-636,-637,-592,-1894,-602,364,-638,-639,-713,-640,-604,364,-572,-577,-580,-583,364,364,364,-598,-601,364,-608,364,364,364,364,364,364,364,364,364,364,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,364,364,364,-995,364,364,364,364,364,364,-306,-325,-319,-296,-375,-452,-453,-454,-458,364,-443,364,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,364,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,364,364,364,364,364,364,364,364,364,-316,-535,-508,-591,-937,-939,-940,-438,364,-440,-380,-381,-383,-507,-509,-511,364,-513,-514,-519,-520,364,-532,-534,-537,-538,-543,-548,-726,364,-727,364,-732,364,-734,364,-739,-656,-660,-661,364,-666,364,-667,364,-672,-674,364,-677,364,364,364,-687,-689,364,-692,364,364,-744,364,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,364,364,364,364,364,-877,364,-880,-908,-920,-925,-388,-389,364,-394,364,-397,364,-402,364,-403,364,-408,364,-413,364,-417,364,-418,364,-423,364,-426,-899,-900,-643,-585,-1894,-901,364,364,364,-800,364,364,-804,364,-807,-833,364,-818,364,-820,364,-822,-808,364,-824,364,-851,-852,364,364,-811,364,-646,-902,-904,-648,-649,-645,364,-705,-706,364,-642,-903,-647,-650,-603,-714,364,364,-605,-586,364,364,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,364,364,-709,-710,364,-716,364,364,364,364,364,364,-938,364,-439,-441,-747,364,-891,364,-715,-1894,364,364,364,364,364,-442,-512,-523,364,-728,-733,364,-735,364,-740,364,-662,-668,364,-678,-680,-682,-683,-690,-693,-697,-745,364,364,-874,364,364,-878,364,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,364,-812,364,-814,-801,364,-802,-805,364,-816,-819,-821,-823,-825,364,-826,364,-809,364,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,364,-282,364,364,364,364,-455,364,364,-729,364,-736,364,-741,364,-663,-671,364,364,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,364,-836,-53,364,364,-730,364,-737,364,-742,-664,364,-873,-54,364,364,-731,-738,-743,364,364,364,-872,]),'JSON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[365,365,365,365,-1894,365,365,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,365,365,365,365,-275,-276,365,-1425,365,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,365,365,365,-490,365,365,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,365,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,365,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,365,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,365,-172,-173,-174,-175,-993,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-290,-291,-281,365,365,365,365,365,-328,-318,-332,-333,-334,365,365,-982,-983,-984,-985,-986,-987,-988,365,365,365,365,365,365,365,365,365,365,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,365,365,365,-353,-356,365,-323,-324,-141,365,-142,365,-143,365,-430,-935,-936,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-1894,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-1894,365,-1894,365,365,365,365,365,365,365,365,365,365,365,365,-1894,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,365,-1894,365,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,365,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,365,365,365,-191,-192,365,-994,365,365,365,365,365,-277,-278,-279,-280,-365,365,-308,365,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,365,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,365,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,365,365,365,365,365,365,-573,365,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,365,365,-723,-724,-725,365,365,365,365,365,365,-994,365,365,-91,-92,365,365,365,365,-309,-310,-320,365,-307,-293,-294,-295,365,365,365,365,-618,-633,-590,365,2969,2969,365,-436,365,-437,365,-444,-445,-446,-378,-379,365,365,365,-506,365,365,-510,365,365,365,365,-515,-516,-517,-518,365,365,-521,-522,365,-524,-525,-526,-527,-528,-529,-530,-531,365,-533,365,365,365,-539,-541,-542,365,-544,-545,-546,-547,365,365,365,365,365,365,-652,-653,-654,-655,365,-657,-658,-659,365,365,365,-665,365,365,-669,-670,365,365,-673,365,-675,-676,365,-679,365,-681,365,365,-684,-685,-686,365,-688,365,365,-691,365,365,-694,-695,-696,365,-698,-699,-700,-701,365,365,-746,365,-749,-750,-751,-752,-753,365,-755,-756,-757,-758,-759,365,-766,-767,-769,365,-771,-772,-773,-782,-856,-858,-860,-862,365,365,365,365,-868,365,-870,365,365,365,365,365,365,365,-906,-907,365,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,365,-921,-924,365,-934,365,-385,-386,-387,365,365,-390,-391,-392,-393,365,-396,365,-399,-400,365,-401,365,-406,-407,365,-410,-411,-412,365,-415,365,-416,365,-421,-422,365,-425,365,-428,-429,-1894,-1894,365,-619,-620,-621,-622,-623,-634,-584,-624,-797,365,365,365,365,365,-831,365,365,-806,365,-832,365,365,365,365,-798,365,-853,-799,365,365,365,365,365,365,-854,-855,365,-834,-830,-835,365,-625,365,-626,-627,-628,-629,-574,365,365,-630,-631,-632,365,365,365,365,365,365,-635,-636,-637,-592,-1894,-602,365,-638,-639,-713,-640,-604,365,-572,-577,-580,-583,365,365,365,-598,-601,365,-608,365,365,365,365,365,365,365,365,365,365,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,365,365,365,-995,365,365,365,365,365,365,-306,-325,-319,-296,-375,-452,-453,-454,-458,365,-443,365,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,365,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,365,365,365,365,365,365,365,365,365,-316,-535,-508,-591,-937,-939,-940,-438,365,-440,-380,-381,-383,-507,-509,-511,365,-513,-514,-519,-520,365,-532,-534,-537,-538,-543,-548,-726,365,-727,365,-732,365,-734,365,-739,-656,-660,-661,365,-666,365,-667,365,-672,-674,365,-677,365,365,365,-687,-689,365,-692,365,365,-744,365,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,365,365,365,365,365,-877,365,-880,-908,-920,-925,-388,-389,365,-394,365,-397,365,-402,365,-403,365,-408,365,-413,365,-417,365,-418,365,-423,365,-426,-899,-900,-643,-585,-1894,-901,365,365,365,-800,365,365,-804,365,-807,-833,365,-818,365,-820,365,-822,-808,365,-824,365,-851,-852,365,365,-811,365,-646,-902,-904,-648,-649,-645,365,-705,-706,365,-642,-903,-647,-650,-603,-714,365,365,-605,-586,365,365,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,365,365,-709,-710,365,-716,365,365,365,365,365,365,-938,365,-439,-441,-747,365,-891,365,-715,-1894,365,365,365,365,365,-442,-512,-523,365,-728,-733,365,-735,365,-740,365,-662,-668,365,-678,-680,-682,-683,-690,-693,-697,-745,365,365,-874,365,365,-878,365,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,365,-812,365,-814,-801,365,-802,-805,365,-816,-819,-821,-823,-825,365,-826,365,-809,365,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,365,-282,365,365,365,365,-455,365,365,-729,365,-736,365,-741,365,-663,-671,365,365,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,365,-836,-53,365,365,-730,365,-737,365,-742,-664,365,-873,-54,365,365,-731,-738,-743,365,365,365,-872,]),'JSON_ARRAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[366,366,366,1254,-1894,366,366,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,366,366,366,366,-275,-276,1254,-1425,1254,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1254,1254,1254,-490,1254,1254,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1254,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1254,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1254,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,366,-172,-173,-174,-175,-993,366,366,366,366,366,366,366,366,366,366,1254,1254,1254,1254,1254,-290,-291,-281,366,1254,1254,1254,1254,-328,-318,-332,-333,-334,1254,1254,-982,-983,-984,-985,-986,-987,-988,366,366,1254,1254,1254,1254,1254,1254,1254,1254,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1254,1254,1254,-353,-356,366,-323,-324,-141,1254,-142,1254,-143,1254,-430,-935,-936,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1894,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1894,1254,-1894,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1894,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-1894,366,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1254,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1254,366,366,-191,-192,366,-994,1254,366,366,366,366,-277,-278,-279,-280,-365,1254,-308,1254,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1254,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1254,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1254,1254,1254,1254,1254,1254,-573,1254,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1254,1254,-723,-724,-725,1254,1254,366,366,366,366,-994,366,1254,-91,-92,366,366,366,1254,-309,-310,-320,1254,-307,-293,-294,-295,1254,366,1254,1254,-618,-633,-590,1254,366,-436,366,-437,1254,-444,-445,-446,-378,-379,1254,1254,1254,-506,1254,1254,-510,1254,1254,1254,1254,-515,-516,-517,-518,1254,1254,-521,-522,1254,-524,-525,-526,-527,-528,-529,-530,-531,1254,-533,1254,1254,1254,-539,-541,-542,1254,-544,-545,-546,-547,1254,1254,1254,1254,1254,1254,-652,-653,-654,-655,366,-657,-658,-659,1254,1254,1254,-665,1254,1254,-669,-670,1254,1254,-673,1254,-675,-676,1254,-679,1254,-681,1254,1254,-684,-685,-686,1254,-688,1254,1254,-691,1254,1254,-694,-695,-696,1254,-698,-699,-700,-701,1254,1254,-746,1254,-749,-750,-751,-752,-753,1254,-755,-756,-757,-758,-759,1254,-766,-767,-769,1254,-771,-772,-773,-782,-856,-858,-860,-862,1254,1254,1254,1254,-868,1254,-870,1254,1254,1254,1254,1254,1254,1254,-906,-907,1254,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1254,-921,-924,1254,-934,1254,-385,-386,-387,1254,1254,-390,-391,-392,-393,1254,-396,1254,-399,-400,1254,-401,1254,-406,-407,1254,-410,-411,-412,1254,-415,1254,-416,1254,-421,-422,1254,-425,1254,-428,-429,-1894,-1894,1254,-619,-620,-621,-622,-623,-634,-584,-624,-797,1254,1254,1254,1254,1254,-831,1254,1254,-806,1254,-832,1254,1254,1254,1254,-798,1254,-853,-799,1254,1254,1254,1254,1254,1254,-854,-855,1254,-834,-830,-835,1254,-625,1254,-626,-627,-628,-629,-574,1254,1254,-630,-631,-632,1254,1254,1254,1254,1254,1254,-635,-636,-637,-592,-1894,-602,1254,-638,-639,-713,-640,-604,1254,-572,-577,-580,-583,1254,1254,1254,-598,-601,1254,-608,1254,1254,1254,1254,1254,1254,1254,1254,1254,1254,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1254,366,366,-995,366,1254,366,366,366,1254,-306,-325,-319,-296,-375,-452,-453,-454,-458,366,-443,1254,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1254,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,366,366,366,366,366,366,366,366,1254,-316,-535,-508,-591,-937,-939,-940,-438,1254,-440,-380,-381,-383,-507,-509,-511,1254,-513,-514,-519,-520,1254,-532,-534,-537,-538,-543,-548,-726,1254,-727,1254,-732,1254,-734,1254,-739,-656,-660,-661,1254,-666,1254,-667,1254,-672,-674,1254,-677,1254,1254,1254,-687,-689,1254,-692,1254,1254,-744,1254,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1254,1254,1254,1254,1254,-877,1254,-880,-908,-920,-925,-388,-389,1254,-394,1254,-397,1254,-402,1254,-403,1254,-408,1254,-413,1254,-417,1254,-418,1254,-423,1254,-426,-899,-900,-643,-585,-1894,-901,1254,1254,1254,-800,1254,1254,-804,1254,-807,-833,1254,-818,1254,-820,1254,-822,-808,1254,-824,1254,-851,-852,1254,1254,-811,1254,-646,-902,-904,-648,-649,-645,1254,-705,-706,1254,-642,-903,-647,-650,-603,-714,1254,1254,-605,-586,1254,1254,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1254,1254,-709,-710,1254,-716,1254,366,366,366,1254,1254,-938,366,-439,-441,-747,1254,-891,1254,-715,-1894,1254,1254,366,366,1254,-442,-512,-523,1254,-728,-733,1254,-735,1254,-740,1254,-662,-668,1254,-678,-680,-682,-683,-690,-693,-697,-745,1254,1254,-874,1254,1254,-878,1254,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1254,-812,1254,-814,-801,1254,-802,-805,1254,-816,-819,-821,-823,-825,1254,-826,1254,-809,1254,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,366,-282,366,1254,366,1254,-455,1254,1254,-729,1254,-736,1254,-741,1254,-663,-671,1254,1254,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1254,-836,-53,366,1254,-730,1254,-737,1254,-742,-664,1254,-873,-54,366,366,-731,-738,-743,1254,366,1254,-872,]),'JSON_ARRAYAGG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[367,367,367,1255,-1894,367,367,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,367,367,367,367,-275,-276,1255,-1425,1255,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1255,1255,1255,-490,1255,1255,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1255,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1255,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1255,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,367,-172,-173,-174,-175,-993,367,367,367,367,367,367,367,367,367,367,1255,1255,1255,1255,1255,-290,-291,-281,367,1255,1255,1255,1255,-328,-318,-332,-333,-334,1255,1255,-982,-983,-984,-985,-986,-987,-988,367,367,1255,1255,1255,1255,1255,1255,1255,1255,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1255,1255,1255,-353,-356,367,-323,-324,-141,1255,-142,1255,-143,1255,-430,-935,-936,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1894,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1894,1255,-1894,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1894,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-1894,367,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1255,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1255,367,367,-191,-192,367,-994,1255,367,367,367,367,-277,-278,-279,-280,-365,1255,-308,1255,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1255,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1255,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1255,1255,1255,1255,1255,1255,-573,1255,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1255,1255,-723,-724,-725,1255,1255,367,367,367,367,-994,367,1255,-91,-92,367,367,367,1255,-309,-310,-320,1255,-307,-293,-294,-295,1255,367,1255,1255,-618,-633,-590,1255,367,-436,367,-437,1255,-444,-445,-446,-378,-379,1255,1255,1255,-506,1255,1255,-510,1255,1255,1255,1255,-515,-516,-517,-518,1255,1255,-521,-522,1255,-524,-525,-526,-527,-528,-529,-530,-531,1255,-533,1255,1255,1255,-539,-541,-542,1255,-544,-545,-546,-547,1255,1255,1255,1255,1255,1255,-652,-653,-654,-655,367,-657,-658,-659,1255,1255,1255,-665,1255,1255,-669,-670,1255,1255,-673,1255,-675,-676,1255,-679,1255,-681,1255,1255,-684,-685,-686,1255,-688,1255,1255,-691,1255,1255,-694,-695,-696,1255,-698,-699,-700,-701,1255,1255,-746,1255,-749,-750,-751,-752,-753,1255,-755,-756,-757,-758,-759,1255,-766,-767,-769,1255,-771,-772,-773,-782,-856,-858,-860,-862,1255,1255,1255,1255,-868,1255,-870,1255,1255,1255,1255,1255,1255,1255,-906,-907,1255,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1255,-921,-924,1255,-934,1255,-385,-386,-387,1255,1255,-390,-391,-392,-393,1255,-396,1255,-399,-400,1255,-401,1255,-406,-407,1255,-410,-411,-412,1255,-415,1255,-416,1255,-421,-422,1255,-425,1255,-428,-429,-1894,-1894,1255,-619,-620,-621,-622,-623,-634,-584,-624,-797,1255,1255,1255,1255,1255,-831,1255,1255,-806,1255,-832,1255,1255,1255,1255,-798,1255,-853,-799,1255,1255,1255,1255,1255,1255,-854,-855,1255,-834,-830,-835,1255,-625,1255,-626,-627,-628,-629,-574,1255,1255,-630,-631,-632,1255,1255,1255,1255,1255,1255,-635,-636,-637,-592,-1894,-602,1255,-638,-639,-713,-640,-604,1255,-572,-577,-580,-583,1255,1255,1255,-598,-601,1255,-608,1255,1255,1255,1255,1255,1255,1255,1255,1255,1255,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1255,367,367,-995,367,1255,367,367,367,1255,-306,-325,-319,-296,-375,-452,-453,-454,-458,367,-443,1255,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1255,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,367,367,367,367,367,367,367,367,1255,-316,-535,-508,-591,-937,-939,-940,-438,1255,-440,-380,-381,-383,-507,-509,-511,1255,-513,-514,-519,-520,1255,-532,-534,-537,-538,-543,-548,-726,1255,-727,1255,-732,1255,-734,1255,-739,-656,-660,-661,1255,-666,1255,-667,1255,-672,-674,1255,-677,1255,1255,1255,-687,-689,1255,-692,1255,1255,-744,1255,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1255,1255,1255,1255,1255,-877,1255,-880,-908,-920,-925,-388,-389,1255,-394,1255,-397,1255,-402,1255,-403,1255,-408,1255,-413,1255,-417,1255,-418,1255,-423,1255,-426,-899,-900,-643,-585,-1894,-901,1255,1255,1255,-800,1255,1255,-804,1255,-807,-833,1255,-818,1255,-820,1255,-822,-808,1255,-824,1255,-851,-852,1255,1255,-811,1255,-646,-902,-904,-648,-649,-645,1255,-705,-706,1255,-642,-903,-647,-650,-603,-714,1255,1255,-605,-586,1255,1255,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1255,1255,-709,-710,1255,-716,1255,367,367,367,1255,1255,-938,367,-439,-441,-747,1255,-891,1255,-715,-1894,1255,1255,367,367,1255,-442,-512,-523,1255,-728,-733,1255,-735,1255,-740,1255,-662,-668,1255,-678,-680,-682,-683,-690,-693,-697,-745,1255,1255,-874,1255,1255,-878,1255,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1255,-812,1255,-814,-801,1255,-802,-805,1255,-816,-819,-821,-823,-825,1255,-826,1255,-809,1255,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,367,-282,367,1255,367,1255,-455,1255,1255,-729,1255,-736,1255,-741,1255,-663,-671,1255,1255,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1255,-836,-53,367,1255,-730,1255,-737,1255,-742,-664,1255,-873,-54,367,367,-731,-738,-743,1255,367,1255,-872,]),'JSON_ARRAY_APPEND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[368,368,368,1256,-1894,368,368,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,368,368,368,368,-275,-276,1256,-1425,1256,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1256,1256,1256,-490,1256,1256,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1256,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1256,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1256,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,368,-172,-173,-174,-175,-993,368,368,368,368,368,368,368,368,368,368,1256,1256,1256,1256,1256,-290,-291,-281,368,1256,1256,1256,1256,-328,-318,-332,-333,-334,1256,1256,-982,-983,-984,-985,-986,-987,-988,368,368,1256,1256,1256,1256,1256,1256,1256,1256,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1256,1256,1256,-353,-356,368,-323,-324,-141,1256,-142,1256,-143,1256,-430,-935,-936,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1894,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1894,1256,-1894,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1894,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-1894,368,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1256,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1256,368,368,-191,-192,368,-994,1256,368,368,368,368,-277,-278,-279,-280,-365,1256,-308,1256,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1256,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1256,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1256,1256,1256,1256,1256,1256,-573,1256,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1256,1256,-723,-724,-725,1256,1256,368,368,368,368,-994,368,1256,-91,-92,368,368,368,1256,-309,-310,-320,1256,-307,-293,-294,-295,1256,368,1256,1256,-618,-633,-590,1256,368,-436,368,-437,1256,-444,-445,-446,-378,-379,1256,1256,1256,-506,1256,1256,-510,1256,1256,1256,1256,-515,-516,-517,-518,1256,1256,-521,-522,1256,-524,-525,-526,-527,-528,-529,-530,-531,1256,-533,1256,1256,1256,-539,-541,-542,1256,-544,-545,-546,-547,1256,1256,1256,1256,1256,1256,-652,-653,-654,-655,368,-657,-658,-659,1256,1256,1256,-665,1256,1256,-669,-670,1256,1256,-673,1256,-675,-676,1256,-679,1256,-681,1256,1256,-684,-685,-686,1256,-688,1256,1256,-691,1256,1256,-694,-695,-696,1256,-698,-699,-700,-701,1256,1256,-746,1256,-749,-750,-751,-752,-753,1256,-755,-756,-757,-758,-759,1256,-766,-767,-769,1256,-771,-772,-773,-782,-856,-858,-860,-862,1256,1256,1256,1256,-868,1256,-870,1256,1256,1256,1256,1256,1256,1256,-906,-907,1256,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1256,-921,-924,1256,-934,1256,-385,-386,-387,1256,1256,-390,-391,-392,-393,1256,-396,1256,-399,-400,1256,-401,1256,-406,-407,1256,-410,-411,-412,1256,-415,1256,-416,1256,-421,-422,1256,-425,1256,-428,-429,-1894,-1894,1256,-619,-620,-621,-622,-623,-634,-584,-624,-797,1256,1256,1256,1256,1256,-831,1256,1256,-806,1256,-832,1256,1256,1256,1256,-798,1256,-853,-799,1256,1256,1256,1256,1256,1256,-854,-855,1256,-834,-830,-835,1256,-625,1256,-626,-627,-628,-629,-574,1256,1256,-630,-631,-632,1256,1256,1256,1256,1256,1256,-635,-636,-637,-592,-1894,-602,1256,-638,-639,-713,-640,-604,1256,-572,-577,-580,-583,1256,1256,1256,-598,-601,1256,-608,1256,1256,1256,1256,1256,1256,1256,1256,1256,1256,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1256,368,368,-995,368,1256,368,368,368,1256,-306,-325,-319,-296,-375,-452,-453,-454,-458,368,-443,1256,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1256,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,368,368,368,368,368,368,368,368,1256,-316,-535,-508,-591,-937,-939,-940,-438,1256,-440,-380,-381,-383,-507,-509,-511,1256,-513,-514,-519,-520,1256,-532,-534,-537,-538,-543,-548,-726,1256,-727,1256,-732,1256,-734,1256,-739,-656,-660,-661,1256,-666,1256,-667,1256,-672,-674,1256,-677,1256,1256,1256,-687,-689,1256,-692,1256,1256,-744,1256,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1256,1256,1256,1256,1256,-877,1256,-880,-908,-920,-925,-388,-389,1256,-394,1256,-397,1256,-402,1256,-403,1256,-408,1256,-413,1256,-417,1256,-418,1256,-423,1256,-426,-899,-900,-643,-585,-1894,-901,1256,1256,1256,-800,1256,1256,-804,1256,-807,-833,1256,-818,1256,-820,1256,-822,-808,1256,-824,1256,-851,-852,1256,1256,-811,1256,-646,-902,-904,-648,-649,-645,1256,-705,-706,1256,-642,-903,-647,-650,-603,-714,1256,1256,-605,-586,1256,1256,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1256,1256,-709,-710,1256,-716,1256,368,368,368,1256,1256,-938,368,-439,-441,-747,1256,-891,1256,-715,-1894,1256,1256,368,368,1256,-442,-512,-523,1256,-728,-733,1256,-735,1256,-740,1256,-662,-668,1256,-678,-680,-682,-683,-690,-693,-697,-745,1256,1256,-874,1256,1256,-878,1256,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1256,-812,1256,-814,-801,1256,-802,-805,1256,-816,-819,-821,-823,-825,1256,-826,1256,-809,1256,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,368,-282,368,1256,368,1256,-455,1256,1256,-729,1256,-736,1256,-741,1256,-663,-671,1256,1256,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1256,-836,-53,368,1256,-730,1256,-737,1256,-742,-664,1256,-873,-54,368,368,-731,-738,-743,1256,368,1256,-872,]),'JSON_ARRAY_INSERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[369,369,369,1257,-1894,369,369,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,369,369,369,369,-275,-276,1257,-1425,1257,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1257,1257,1257,-490,1257,1257,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1257,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1257,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1257,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,369,-172,-173,-174,-175,-993,369,369,369,369,369,369,369,369,369,369,1257,1257,1257,1257,1257,-290,-291,-281,369,1257,1257,1257,1257,-328,-318,-332,-333,-334,1257,1257,-982,-983,-984,-985,-986,-987,-988,369,369,1257,1257,1257,1257,1257,1257,1257,1257,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1257,1257,1257,-353,-356,369,-323,-324,-141,1257,-142,1257,-143,1257,-430,-935,-936,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1894,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1894,1257,-1894,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1894,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-1894,369,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1257,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1257,369,369,-191,-192,369,-994,1257,369,369,369,369,-277,-278,-279,-280,-365,1257,-308,1257,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1257,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1257,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1257,1257,1257,1257,1257,1257,-573,1257,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1257,1257,-723,-724,-725,1257,1257,369,369,369,369,-994,369,1257,-91,-92,369,369,369,1257,-309,-310,-320,1257,-307,-293,-294,-295,1257,369,1257,1257,-618,-633,-590,1257,369,-436,369,-437,1257,-444,-445,-446,-378,-379,1257,1257,1257,-506,1257,1257,-510,1257,1257,1257,1257,-515,-516,-517,-518,1257,1257,-521,-522,1257,-524,-525,-526,-527,-528,-529,-530,-531,1257,-533,1257,1257,1257,-539,-541,-542,1257,-544,-545,-546,-547,1257,1257,1257,1257,1257,1257,-652,-653,-654,-655,369,-657,-658,-659,1257,1257,1257,-665,1257,1257,-669,-670,1257,1257,-673,1257,-675,-676,1257,-679,1257,-681,1257,1257,-684,-685,-686,1257,-688,1257,1257,-691,1257,1257,-694,-695,-696,1257,-698,-699,-700,-701,1257,1257,-746,1257,-749,-750,-751,-752,-753,1257,-755,-756,-757,-758,-759,1257,-766,-767,-769,1257,-771,-772,-773,-782,-856,-858,-860,-862,1257,1257,1257,1257,-868,1257,-870,1257,1257,1257,1257,1257,1257,1257,-906,-907,1257,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1257,-921,-924,1257,-934,1257,-385,-386,-387,1257,1257,-390,-391,-392,-393,1257,-396,1257,-399,-400,1257,-401,1257,-406,-407,1257,-410,-411,-412,1257,-415,1257,-416,1257,-421,-422,1257,-425,1257,-428,-429,-1894,-1894,1257,-619,-620,-621,-622,-623,-634,-584,-624,-797,1257,1257,1257,1257,1257,-831,1257,1257,-806,1257,-832,1257,1257,1257,1257,-798,1257,-853,-799,1257,1257,1257,1257,1257,1257,-854,-855,1257,-834,-830,-835,1257,-625,1257,-626,-627,-628,-629,-574,1257,1257,-630,-631,-632,1257,1257,1257,1257,1257,1257,-635,-636,-637,-592,-1894,-602,1257,-638,-639,-713,-640,-604,1257,-572,-577,-580,-583,1257,1257,1257,-598,-601,1257,-608,1257,1257,1257,1257,1257,1257,1257,1257,1257,1257,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1257,369,369,-995,369,1257,369,369,369,1257,-306,-325,-319,-296,-375,-452,-453,-454,-458,369,-443,1257,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1257,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,369,369,369,369,369,369,369,369,1257,-316,-535,-508,-591,-937,-939,-940,-438,1257,-440,-380,-381,-383,-507,-509,-511,1257,-513,-514,-519,-520,1257,-532,-534,-537,-538,-543,-548,-726,1257,-727,1257,-732,1257,-734,1257,-739,-656,-660,-661,1257,-666,1257,-667,1257,-672,-674,1257,-677,1257,1257,1257,-687,-689,1257,-692,1257,1257,-744,1257,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1257,1257,1257,1257,1257,-877,1257,-880,-908,-920,-925,-388,-389,1257,-394,1257,-397,1257,-402,1257,-403,1257,-408,1257,-413,1257,-417,1257,-418,1257,-423,1257,-426,-899,-900,-643,-585,-1894,-901,1257,1257,1257,-800,1257,1257,-804,1257,-807,-833,1257,-818,1257,-820,1257,-822,-808,1257,-824,1257,-851,-852,1257,1257,-811,1257,-646,-902,-904,-648,-649,-645,1257,-705,-706,1257,-642,-903,-647,-650,-603,-714,1257,1257,-605,-586,1257,1257,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1257,1257,-709,-710,1257,-716,1257,369,369,369,1257,1257,-938,369,-439,-441,-747,1257,-891,1257,-715,-1894,1257,1257,369,369,1257,-442,-512,-523,1257,-728,-733,1257,-735,1257,-740,1257,-662,-668,1257,-678,-680,-682,-683,-690,-693,-697,-745,1257,1257,-874,1257,1257,-878,1257,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1257,-812,1257,-814,-801,1257,-802,-805,1257,-816,-819,-821,-823,-825,1257,-826,1257,-809,1257,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,369,-282,369,1257,369,1257,-455,1257,1257,-729,1257,-736,1257,-741,1257,-663,-671,1257,1257,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1257,-836,-53,369,1257,-730,1257,-737,1257,-742,-664,1257,-873,-54,369,369,-731,-738,-743,1257,369,1257,-872,]),'JSON_CONTAINS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[370,370,370,1258,-1894,370,370,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,370,370,370,370,-275,-276,1258,-1425,1258,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1258,1258,1258,-490,1258,1258,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1258,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1258,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1258,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,370,-172,-173,-174,-175,-993,370,370,370,370,370,370,370,370,370,370,1258,1258,1258,1258,1258,-290,-291,-281,370,1258,1258,1258,1258,-328,-318,-332,-333,-334,1258,1258,-982,-983,-984,-985,-986,-987,-988,370,370,1258,1258,1258,1258,1258,1258,1258,1258,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1258,1258,1258,-353,-356,370,-323,-324,-141,1258,-142,1258,-143,1258,-430,-935,-936,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1894,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1894,1258,-1894,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1894,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-1894,370,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1258,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1258,370,370,-191,-192,370,-994,1258,370,370,370,370,-277,-278,-279,-280,-365,1258,-308,1258,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1258,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1258,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1258,1258,1258,1258,1258,1258,-573,1258,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1258,1258,-723,-724,-725,1258,1258,370,370,370,370,-994,370,1258,-91,-92,370,370,370,1258,-309,-310,-320,1258,-307,-293,-294,-295,1258,370,1258,1258,-618,-633,-590,1258,370,-436,370,-437,1258,-444,-445,-446,-378,-379,1258,1258,1258,-506,1258,1258,-510,1258,1258,1258,1258,-515,-516,-517,-518,1258,1258,-521,-522,1258,-524,-525,-526,-527,-528,-529,-530,-531,1258,-533,1258,1258,1258,-539,-541,-542,1258,-544,-545,-546,-547,1258,1258,1258,1258,1258,1258,-652,-653,-654,-655,370,-657,-658,-659,1258,1258,1258,-665,1258,1258,-669,-670,1258,1258,-673,1258,-675,-676,1258,-679,1258,-681,1258,1258,-684,-685,-686,1258,-688,1258,1258,-691,1258,1258,-694,-695,-696,1258,-698,-699,-700,-701,1258,1258,-746,1258,-749,-750,-751,-752,-753,1258,-755,-756,-757,-758,-759,1258,-766,-767,-769,1258,-771,-772,-773,-782,-856,-858,-860,-862,1258,1258,1258,1258,-868,1258,-870,1258,1258,1258,1258,1258,1258,1258,-906,-907,1258,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1258,-921,-924,1258,-934,1258,-385,-386,-387,1258,1258,-390,-391,-392,-393,1258,-396,1258,-399,-400,1258,-401,1258,-406,-407,1258,-410,-411,-412,1258,-415,1258,-416,1258,-421,-422,1258,-425,1258,-428,-429,-1894,-1894,1258,-619,-620,-621,-622,-623,-634,-584,-624,-797,1258,1258,1258,1258,1258,-831,1258,1258,-806,1258,-832,1258,1258,1258,1258,-798,1258,-853,-799,1258,1258,1258,1258,1258,1258,-854,-855,1258,-834,-830,-835,1258,-625,1258,-626,-627,-628,-629,-574,1258,1258,-630,-631,-632,1258,1258,1258,1258,1258,1258,-635,-636,-637,-592,-1894,-602,1258,-638,-639,-713,-640,-604,1258,-572,-577,-580,-583,1258,1258,1258,-598,-601,1258,-608,1258,1258,1258,1258,1258,1258,1258,1258,1258,1258,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1258,370,370,-995,370,1258,370,370,370,1258,-306,-325,-319,-296,-375,-452,-453,-454,-458,370,-443,1258,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1258,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,370,370,370,370,370,370,370,370,1258,-316,-535,-508,-591,-937,-939,-940,-438,1258,-440,-380,-381,-383,-507,-509,-511,1258,-513,-514,-519,-520,1258,-532,-534,-537,-538,-543,-548,-726,1258,-727,1258,-732,1258,-734,1258,-739,-656,-660,-661,1258,-666,1258,-667,1258,-672,-674,1258,-677,1258,1258,1258,-687,-689,1258,-692,1258,1258,-744,1258,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1258,1258,1258,1258,1258,-877,1258,-880,-908,-920,-925,-388,-389,1258,-394,1258,-397,1258,-402,1258,-403,1258,-408,1258,-413,1258,-417,1258,-418,1258,-423,1258,-426,-899,-900,-643,-585,-1894,-901,1258,1258,1258,-800,1258,1258,-804,1258,-807,-833,1258,-818,1258,-820,1258,-822,-808,1258,-824,1258,-851,-852,1258,1258,-811,1258,-646,-902,-904,-648,-649,-645,1258,-705,-706,1258,-642,-903,-647,-650,-603,-714,1258,1258,-605,-586,1258,1258,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1258,1258,-709,-710,1258,-716,1258,370,370,370,1258,1258,-938,370,-439,-441,-747,1258,-891,1258,-715,-1894,1258,1258,370,370,1258,-442,-512,-523,1258,-728,-733,1258,-735,1258,-740,1258,-662,-668,1258,-678,-680,-682,-683,-690,-693,-697,-745,1258,1258,-874,1258,1258,-878,1258,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1258,-812,1258,-814,-801,1258,-802,-805,1258,-816,-819,-821,-823,-825,1258,-826,1258,-809,1258,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,370,-282,370,1258,370,1258,-455,1258,1258,-729,1258,-736,1258,-741,1258,-663,-671,1258,1258,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1258,-836,-53,370,1258,-730,1258,-737,1258,-742,-664,1258,-873,-54,370,370,-731,-738,-743,1258,370,1258,-872,]),'JSON_CONTAINS_PATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[371,371,371,1259,-1894,371,371,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,371,371,371,371,-275,-276,1259,-1425,1259,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1259,1259,1259,-490,1259,1259,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1259,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1259,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1259,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,371,-172,-173,-174,-175,-993,371,371,371,371,371,371,371,371,371,371,1259,1259,1259,1259,1259,-290,-291,-281,371,1259,1259,1259,1259,-328,-318,-332,-333,-334,1259,1259,-982,-983,-984,-985,-986,-987,-988,371,371,1259,1259,1259,1259,1259,1259,1259,1259,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1259,1259,1259,-353,-356,371,-323,-324,-141,1259,-142,1259,-143,1259,-430,-935,-936,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1894,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1894,1259,-1894,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1894,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-1894,371,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1259,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1259,371,371,-191,-192,371,-994,1259,371,371,371,371,-277,-278,-279,-280,-365,1259,-308,1259,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1259,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1259,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1259,1259,1259,1259,1259,1259,-573,1259,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1259,1259,-723,-724,-725,1259,1259,371,371,371,371,-994,371,1259,-91,-92,371,371,371,1259,-309,-310,-320,1259,-307,-293,-294,-295,1259,371,1259,1259,-618,-633,-590,1259,371,-436,371,-437,1259,-444,-445,-446,-378,-379,1259,1259,1259,-506,1259,1259,-510,1259,1259,1259,1259,-515,-516,-517,-518,1259,1259,-521,-522,1259,-524,-525,-526,-527,-528,-529,-530,-531,1259,-533,1259,1259,1259,-539,-541,-542,1259,-544,-545,-546,-547,1259,1259,1259,1259,1259,1259,-652,-653,-654,-655,371,-657,-658,-659,1259,1259,1259,-665,1259,1259,-669,-670,1259,1259,-673,1259,-675,-676,1259,-679,1259,-681,1259,1259,-684,-685,-686,1259,-688,1259,1259,-691,1259,1259,-694,-695,-696,1259,-698,-699,-700,-701,1259,1259,-746,1259,-749,-750,-751,-752,-753,1259,-755,-756,-757,-758,-759,1259,-766,-767,-769,1259,-771,-772,-773,-782,-856,-858,-860,-862,1259,1259,1259,1259,-868,1259,-870,1259,1259,1259,1259,1259,1259,1259,-906,-907,1259,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1259,-921,-924,1259,-934,1259,-385,-386,-387,1259,1259,-390,-391,-392,-393,1259,-396,1259,-399,-400,1259,-401,1259,-406,-407,1259,-410,-411,-412,1259,-415,1259,-416,1259,-421,-422,1259,-425,1259,-428,-429,-1894,-1894,1259,-619,-620,-621,-622,-623,-634,-584,-624,-797,1259,1259,1259,1259,1259,-831,1259,1259,-806,1259,-832,1259,1259,1259,1259,-798,1259,-853,-799,1259,1259,1259,1259,1259,1259,-854,-855,1259,-834,-830,-835,1259,-625,1259,-626,-627,-628,-629,-574,1259,1259,-630,-631,-632,1259,1259,1259,1259,1259,1259,-635,-636,-637,-592,-1894,-602,1259,-638,-639,-713,-640,-604,1259,-572,-577,-580,-583,1259,1259,1259,-598,-601,1259,-608,1259,1259,1259,1259,1259,1259,1259,1259,1259,1259,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1259,371,371,-995,371,1259,371,371,371,1259,-306,-325,-319,-296,-375,-452,-453,-454,-458,371,-443,1259,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1259,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,371,371,371,371,371,371,371,371,1259,-316,-535,-508,-591,-937,-939,-940,-438,1259,-440,-380,-381,-383,-507,-509,-511,1259,-513,-514,-519,-520,1259,-532,-534,-537,-538,-543,-548,-726,1259,-727,1259,-732,1259,-734,1259,-739,-656,-660,-661,1259,-666,1259,-667,1259,-672,-674,1259,-677,1259,1259,1259,-687,-689,1259,-692,1259,1259,-744,1259,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1259,1259,1259,1259,1259,-877,1259,-880,-908,-920,-925,-388,-389,1259,-394,1259,-397,1259,-402,1259,-403,1259,-408,1259,-413,1259,-417,1259,-418,1259,-423,1259,-426,-899,-900,-643,-585,-1894,-901,1259,1259,1259,-800,1259,1259,-804,1259,-807,-833,1259,-818,1259,-820,1259,-822,-808,1259,-824,1259,-851,-852,1259,1259,-811,1259,-646,-902,-904,-648,-649,-645,1259,-705,-706,1259,-642,-903,-647,-650,-603,-714,1259,1259,-605,-586,1259,1259,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1259,1259,-709,-710,1259,-716,1259,371,371,371,1259,1259,-938,371,-439,-441,-747,1259,-891,1259,-715,-1894,1259,1259,371,371,1259,-442,-512,-523,1259,-728,-733,1259,-735,1259,-740,1259,-662,-668,1259,-678,-680,-682,-683,-690,-693,-697,-745,1259,1259,-874,1259,1259,-878,1259,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1259,-812,1259,-814,-801,1259,-802,-805,1259,-816,-819,-821,-823,-825,1259,-826,1259,-809,1259,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,371,-282,371,1259,371,1259,-455,1259,1259,-729,1259,-736,1259,-741,1259,-663,-671,1259,1259,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1259,-836,-53,371,1259,-730,1259,-737,1259,-742,-664,1259,-873,-54,371,371,-731,-738,-743,1259,371,1259,-872,]),'JSON_DEPTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[372,372,372,1260,-1894,372,372,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,372,372,372,372,-275,-276,1260,-1425,1260,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1260,1260,1260,-490,1260,1260,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1260,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1260,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1260,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,372,-172,-173,-174,-175,-993,372,372,372,372,372,372,372,372,372,372,1260,1260,1260,1260,1260,-290,-291,-281,372,1260,1260,1260,1260,-328,-318,-332,-333,-334,1260,1260,-982,-983,-984,-985,-986,-987,-988,372,372,1260,1260,1260,1260,1260,1260,1260,1260,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1260,1260,1260,-353,-356,372,-323,-324,-141,1260,-142,1260,-143,1260,-430,-935,-936,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1894,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1894,1260,-1894,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1894,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-1894,372,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1260,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1260,372,372,-191,-192,372,-994,1260,372,372,372,372,-277,-278,-279,-280,-365,1260,-308,1260,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1260,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1260,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1260,1260,1260,1260,1260,1260,-573,1260,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1260,1260,-723,-724,-725,1260,1260,372,372,372,372,-994,372,1260,-91,-92,372,372,372,1260,-309,-310,-320,1260,-307,-293,-294,-295,1260,372,1260,1260,-618,-633,-590,1260,372,-436,372,-437,1260,-444,-445,-446,-378,-379,1260,1260,1260,-506,1260,1260,-510,1260,1260,1260,1260,-515,-516,-517,-518,1260,1260,-521,-522,1260,-524,-525,-526,-527,-528,-529,-530,-531,1260,-533,1260,1260,1260,-539,-541,-542,1260,-544,-545,-546,-547,1260,1260,1260,1260,1260,1260,-652,-653,-654,-655,372,-657,-658,-659,1260,1260,1260,-665,1260,1260,-669,-670,1260,1260,-673,1260,-675,-676,1260,-679,1260,-681,1260,1260,-684,-685,-686,1260,-688,1260,1260,-691,1260,1260,-694,-695,-696,1260,-698,-699,-700,-701,1260,1260,-746,1260,-749,-750,-751,-752,-753,1260,-755,-756,-757,-758,-759,1260,-766,-767,-769,1260,-771,-772,-773,-782,-856,-858,-860,-862,1260,1260,1260,1260,-868,1260,-870,1260,1260,1260,1260,1260,1260,1260,-906,-907,1260,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1260,-921,-924,1260,-934,1260,-385,-386,-387,1260,1260,-390,-391,-392,-393,1260,-396,1260,-399,-400,1260,-401,1260,-406,-407,1260,-410,-411,-412,1260,-415,1260,-416,1260,-421,-422,1260,-425,1260,-428,-429,-1894,-1894,1260,-619,-620,-621,-622,-623,-634,-584,-624,-797,1260,1260,1260,1260,1260,-831,1260,1260,-806,1260,-832,1260,1260,1260,1260,-798,1260,-853,-799,1260,1260,1260,1260,1260,1260,-854,-855,1260,-834,-830,-835,1260,-625,1260,-626,-627,-628,-629,-574,1260,1260,-630,-631,-632,1260,1260,1260,1260,1260,1260,-635,-636,-637,-592,-1894,-602,1260,-638,-639,-713,-640,-604,1260,-572,-577,-580,-583,1260,1260,1260,-598,-601,1260,-608,1260,1260,1260,1260,1260,1260,1260,1260,1260,1260,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1260,372,372,-995,372,1260,372,372,372,1260,-306,-325,-319,-296,-375,-452,-453,-454,-458,372,-443,1260,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1260,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,372,372,372,372,372,372,372,372,1260,-316,-535,-508,-591,-937,-939,-940,-438,1260,-440,-380,-381,-383,-507,-509,-511,1260,-513,-514,-519,-520,1260,-532,-534,-537,-538,-543,-548,-726,1260,-727,1260,-732,1260,-734,1260,-739,-656,-660,-661,1260,-666,1260,-667,1260,-672,-674,1260,-677,1260,1260,1260,-687,-689,1260,-692,1260,1260,-744,1260,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1260,1260,1260,1260,1260,-877,1260,-880,-908,-920,-925,-388,-389,1260,-394,1260,-397,1260,-402,1260,-403,1260,-408,1260,-413,1260,-417,1260,-418,1260,-423,1260,-426,-899,-900,-643,-585,-1894,-901,1260,1260,1260,-800,1260,1260,-804,1260,-807,-833,1260,-818,1260,-820,1260,-822,-808,1260,-824,1260,-851,-852,1260,1260,-811,1260,-646,-902,-904,-648,-649,-645,1260,-705,-706,1260,-642,-903,-647,-650,-603,-714,1260,1260,-605,-586,1260,1260,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1260,1260,-709,-710,1260,-716,1260,372,372,372,1260,1260,-938,372,-439,-441,-747,1260,-891,1260,-715,-1894,1260,1260,372,372,1260,-442,-512,-523,1260,-728,-733,1260,-735,1260,-740,1260,-662,-668,1260,-678,-680,-682,-683,-690,-693,-697,-745,1260,1260,-874,1260,1260,-878,1260,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1260,-812,1260,-814,-801,1260,-802,-805,1260,-816,-819,-821,-823,-825,1260,-826,1260,-809,1260,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,372,-282,372,1260,372,1260,-455,1260,1260,-729,1260,-736,1260,-741,1260,-663,-671,1260,1260,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1260,-836,-53,372,1260,-730,1260,-737,1260,-742,-664,1260,-873,-54,372,372,-731,-738,-743,1260,372,1260,-872,]),'JSON_EXTRACT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[373,373,373,1261,-1894,373,373,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,373,373,373,373,-275,-276,1261,-1425,1261,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1261,1261,1261,-490,1261,1261,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1261,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1261,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1261,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,373,-172,-173,-174,-175,-993,373,373,373,373,373,373,373,373,373,373,1261,1261,1261,1261,1261,-290,-291,-281,373,1261,1261,1261,1261,-328,-318,-332,-333,-334,1261,1261,-982,-983,-984,-985,-986,-987,-988,373,373,1261,1261,1261,1261,1261,1261,1261,1261,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1261,1261,1261,-353,-356,373,-323,-324,-141,1261,-142,1261,-143,1261,-430,-935,-936,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1894,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1894,1261,-1894,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1894,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-1894,373,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1261,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1261,373,373,-191,-192,373,-994,1261,373,373,373,373,-277,-278,-279,-280,-365,1261,-308,1261,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1261,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1261,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1261,1261,1261,1261,1261,1261,-573,1261,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1261,1261,-723,-724,-725,1261,1261,373,373,373,373,-994,373,1261,-91,-92,373,373,373,1261,-309,-310,-320,1261,-307,-293,-294,-295,1261,373,1261,1261,-618,-633,-590,1261,373,-436,373,-437,1261,-444,-445,-446,-378,-379,1261,1261,1261,-506,1261,1261,-510,1261,1261,1261,1261,-515,-516,-517,-518,1261,1261,-521,-522,1261,-524,-525,-526,-527,-528,-529,-530,-531,1261,-533,1261,1261,1261,-539,-541,-542,1261,-544,-545,-546,-547,1261,1261,1261,1261,1261,1261,-652,-653,-654,-655,373,-657,-658,-659,1261,1261,1261,-665,1261,1261,-669,-670,1261,1261,-673,1261,-675,-676,1261,-679,1261,-681,1261,1261,-684,-685,-686,1261,-688,1261,1261,-691,1261,1261,-694,-695,-696,1261,-698,-699,-700,-701,1261,1261,-746,1261,-749,-750,-751,-752,-753,1261,-755,-756,-757,-758,-759,1261,-766,-767,-769,1261,-771,-772,-773,-782,-856,-858,-860,-862,1261,1261,1261,1261,-868,1261,-870,1261,1261,1261,1261,1261,1261,1261,-906,-907,1261,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1261,-921,-924,1261,-934,1261,-385,-386,-387,1261,1261,-390,-391,-392,-393,1261,-396,1261,-399,-400,1261,-401,1261,-406,-407,1261,-410,-411,-412,1261,-415,1261,-416,1261,-421,-422,1261,-425,1261,-428,-429,-1894,-1894,1261,-619,-620,-621,-622,-623,-634,-584,-624,-797,1261,1261,1261,1261,1261,-831,1261,1261,-806,1261,-832,1261,1261,1261,1261,-798,1261,-853,-799,1261,1261,1261,1261,1261,1261,-854,-855,1261,-834,-830,-835,1261,-625,1261,-626,-627,-628,-629,-574,1261,1261,-630,-631,-632,1261,1261,1261,1261,1261,1261,-635,-636,-637,-592,-1894,-602,1261,-638,-639,-713,-640,-604,1261,-572,-577,-580,-583,1261,1261,1261,-598,-601,1261,-608,1261,1261,1261,1261,1261,1261,1261,1261,1261,1261,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1261,373,373,-995,373,1261,373,373,373,1261,-306,-325,-319,-296,-375,-452,-453,-454,-458,373,-443,1261,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1261,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,373,373,373,373,373,373,373,373,1261,-316,-535,-508,-591,-937,-939,-940,-438,1261,-440,-380,-381,-383,-507,-509,-511,1261,-513,-514,-519,-520,1261,-532,-534,-537,-538,-543,-548,-726,1261,-727,1261,-732,1261,-734,1261,-739,-656,-660,-661,1261,-666,1261,-667,1261,-672,-674,1261,-677,1261,1261,1261,-687,-689,1261,-692,1261,1261,-744,1261,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1261,1261,1261,1261,1261,-877,1261,-880,-908,-920,-925,-388,-389,1261,-394,1261,-397,1261,-402,1261,-403,1261,-408,1261,-413,1261,-417,1261,-418,1261,-423,1261,-426,-899,-900,-643,-585,-1894,-901,1261,1261,1261,-800,1261,1261,-804,1261,-807,-833,1261,-818,1261,-820,1261,-822,-808,1261,-824,1261,-851,-852,1261,1261,-811,1261,-646,-902,-904,-648,-649,-645,1261,-705,-706,1261,-642,-903,-647,-650,-603,-714,1261,1261,-605,-586,1261,1261,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1261,1261,-709,-710,1261,-716,1261,373,373,373,1261,1261,-938,373,-439,-441,-747,1261,-891,1261,-715,-1894,1261,1261,373,373,1261,-442,-512,-523,1261,-728,-733,1261,-735,1261,-740,1261,-662,-668,1261,-678,-680,-682,-683,-690,-693,-697,-745,1261,1261,-874,1261,1261,-878,1261,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1261,-812,1261,-814,-801,1261,-802,-805,1261,-816,-819,-821,-823,-825,1261,-826,1261,-809,1261,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,373,-282,373,1261,373,1261,-455,1261,1261,-729,1261,-736,1261,-741,1261,-663,-671,1261,1261,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1261,-836,-53,373,1261,-730,1261,-737,1261,-742,-664,1261,-873,-54,373,373,-731,-738,-743,1261,373,1261,-872,]),'JSON_INSERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[374,374,374,1262,-1894,374,374,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,374,374,374,374,-275,-276,1262,-1425,1262,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1262,1262,1262,-490,1262,1262,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1262,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1262,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1262,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,374,-172,-173,-174,-175,-993,374,374,374,374,374,374,374,374,374,374,1262,1262,1262,1262,1262,-290,-291,-281,374,1262,1262,1262,1262,-328,-318,-332,-333,-334,1262,1262,-982,-983,-984,-985,-986,-987,-988,374,374,1262,1262,1262,1262,1262,1262,1262,1262,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1262,1262,1262,-353,-356,374,-323,-324,-141,1262,-142,1262,-143,1262,-430,-935,-936,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1894,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1894,1262,-1894,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1894,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-1894,374,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1262,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1262,374,374,-191,-192,374,-994,1262,374,374,374,374,-277,-278,-279,-280,-365,1262,-308,1262,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1262,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1262,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1262,1262,1262,1262,1262,1262,-573,1262,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1262,1262,-723,-724,-725,1262,1262,374,374,374,374,-994,374,1262,-91,-92,374,374,374,1262,-309,-310,-320,1262,-307,-293,-294,-295,1262,374,1262,1262,-618,-633,-590,1262,374,-436,374,-437,1262,-444,-445,-446,-378,-379,1262,1262,1262,-506,1262,1262,-510,1262,1262,1262,1262,-515,-516,-517,-518,1262,1262,-521,-522,1262,-524,-525,-526,-527,-528,-529,-530,-531,1262,-533,1262,1262,1262,-539,-541,-542,1262,-544,-545,-546,-547,1262,1262,1262,1262,1262,1262,-652,-653,-654,-655,374,-657,-658,-659,1262,1262,1262,-665,1262,1262,-669,-670,1262,1262,-673,1262,-675,-676,1262,-679,1262,-681,1262,1262,-684,-685,-686,1262,-688,1262,1262,-691,1262,1262,-694,-695,-696,1262,-698,-699,-700,-701,1262,1262,-746,1262,-749,-750,-751,-752,-753,1262,-755,-756,-757,-758,-759,1262,-766,-767,-769,1262,-771,-772,-773,-782,-856,-858,-860,-862,1262,1262,1262,1262,-868,1262,-870,1262,1262,1262,1262,1262,1262,1262,-906,-907,1262,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1262,-921,-924,1262,-934,1262,-385,-386,-387,1262,1262,-390,-391,-392,-393,1262,-396,1262,-399,-400,1262,-401,1262,-406,-407,1262,-410,-411,-412,1262,-415,1262,-416,1262,-421,-422,1262,-425,1262,-428,-429,-1894,-1894,1262,-619,-620,-621,-622,-623,-634,-584,-624,-797,1262,1262,1262,1262,1262,-831,1262,1262,-806,1262,-832,1262,1262,1262,1262,-798,1262,-853,-799,1262,1262,1262,1262,1262,1262,-854,-855,1262,-834,-830,-835,1262,-625,1262,-626,-627,-628,-629,-574,1262,1262,-630,-631,-632,1262,1262,1262,1262,1262,1262,-635,-636,-637,-592,-1894,-602,1262,-638,-639,-713,-640,-604,1262,-572,-577,-580,-583,1262,1262,1262,-598,-601,1262,-608,1262,1262,1262,1262,1262,1262,1262,1262,1262,1262,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1262,374,374,-995,374,1262,374,374,374,1262,-306,-325,-319,-296,-375,-452,-453,-454,-458,374,-443,1262,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1262,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,374,374,374,374,374,374,374,374,1262,-316,-535,-508,-591,-937,-939,-940,-438,1262,-440,-380,-381,-383,-507,-509,-511,1262,-513,-514,-519,-520,1262,-532,-534,-537,-538,-543,-548,-726,1262,-727,1262,-732,1262,-734,1262,-739,-656,-660,-661,1262,-666,1262,-667,1262,-672,-674,1262,-677,1262,1262,1262,-687,-689,1262,-692,1262,1262,-744,1262,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1262,1262,1262,1262,1262,-877,1262,-880,-908,-920,-925,-388,-389,1262,-394,1262,-397,1262,-402,1262,-403,1262,-408,1262,-413,1262,-417,1262,-418,1262,-423,1262,-426,-899,-900,-643,-585,-1894,-901,1262,1262,1262,-800,1262,1262,-804,1262,-807,-833,1262,-818,1262,-820,1262,-822,-808,1262,-824,1262,-851,-852,1262,1262,-811,1262,-646,-902,-904,-648,-649,-645,1262,-705,-706,1262,-642,-903,-647,-650,-603,-714,1262,1262,-605,-586,1262,1262,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1262,1262,-709,-710,1262,-716,1262,374,374,374,1262,1262,-938,374,-439,-441,-747,1262,-891,1262,-715,-1894,1262,1262,374,374,1262,-442,-512,-523,1262,-728,-733,1262,-735,1262,-740,1262,-662,-668,1262,-678,-680,-682,-683,-690,-693,-697,-745,1262,1262,-874,1262,1262,-878,1262,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1262,-812,1262,-814,-801,1262,-802,-805,1262,-816,-819,-821,-823,-825,1262,-826,1262,-809,1262,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,374,-282,374,1262,374,1262,-455,1262,1262,-729,1262,-736,1262,-741,1262,-663,-671,1262,1262,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1262,-836,-53,374,1262,-730,1262,-737,1262,-742,-664,1262,-873,-54,374,374,-731,-738,-743,1262,374,1262,-872,]),'JSON_KEYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[375,375,375,1263,-1894,375,375,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,375,375,375,375,-275,-276,1263,-1425,1263,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1263,1263,1263,-490,1263,1263,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1263,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1263,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1263,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,375,-172,-173,-174,-175,-993,375,375,375,375,375,375,375,375,375,375,1263,1263,1263,1263,1263,-290,-291,-281,375,1263,1263,1263,1263,-328,-318,-332,-333,-334,1263,1263,-982,-983,-984,-985,-986,-987,-988,375,375,1263,1263,1263,1263,1263,1263,1263,1263,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1263,1263,1263,-353,-356,375,-323,-324,-141,1263,-142,1263,-143,1263,-430,-935,-936,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1894,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1894,1263,-1894,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1894,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-1894,375,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1263,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1263,375,375,-191,-192,375,-994,1263,375,375,375,375,-277,-278,-279,-280,-365,1263,-308,1263,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1263,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1263,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1263,1263,1263,1263,1263,1263,-573,1263,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1263,1263,-723,-724,-725,1263,1263,375,375,375,375,-994,375,1263,-91,-92,375,375,375,1263,-309,-310,-320,1263,-307,-293,-294,-295,1263,375,1263,1263,-618,-633,-590,1263,375,-436,375,-437,1263,-444,-445,-446,-378,-379,1263,1263,1263,-506,1263,1263,-510,1263,1263,1263,1263,-515,-516,-517,-518,1263,1263,-521,-522,1263,-524,-525,-526,-527,-528,-529,-530,-531,1263,-533,1263,1263,1263,-539,-541,-542,1263,-544,-545,-546,-547,1263,1263,1263,1263,1263,1263,-652,-653,-654,-655,375,-657,-658,-659,1263,1263,1263,-665,1263,1263,-669,-670,1263,1263,-673,1263,-675,-676,1263,-679,1263,-681,1263,1263,-684,-685,-686,1263,-688,1263,1263,-691,1263,1263,-694,-695,-696,1263,-698,-699,-700,-701,1263,1263,-746,1263,-749,-750,-751,-752,-753,1263,-755,-756,-757,-758,-759,1263,-766,-767,-769,1263,-771,-772,-773,-782,-856,-858,-860,-862,1263,1263,1263,1263,-868,1263,-870,1263,1263,1263,1263,1263,1263,1263,-906,-907,1263,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1263,-921,-924,1263,-934,1263,-385,-386,-387,1263,1263,-390,-391,-392,-393,1263,-396,1263,-399,-400,1263,-401,1263,-406,-407,1263,-410,-411,-412,1263,-415,1263,-416,1263,-421,-422,1263,-425,1263,-428,-429,-1894,-1894,1263,-619,-620,-621,-622,-623,-634,-584,-624,-797,1263,1263,1263,1263,1263,-831,1263,1263,-806,1263,-832,1263,1263,1263,1263,-798,1263,-853,-799,1263,1263,1263,1263,1263,1263,-854,-855,1263,-834,-830,-835,1263,-625,1263,-626,-627,-628,-629,-574,1263,1263,-630,-631,-632,1263,1263,1263,1263,1263,1263,-635,-636,-637,-592,-1894,-602,1263,-638,-639,-713,-640,-604,1263,-572,-577,-580,-583,1263,1263,1263,-598,-601,1263,-608,1263,1263,1263,1263,1263,1263,1263,1263,1263,1263,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1263,375,375,-995,375,1263,375,375,375,1263,-306,-325,-319,-296,-375,-452,-453,-454,-458,375,-443,1263,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1263,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,375,375,375,375,375,375,375,375,1263,-316,-535,-508,-591,-937,-939,-940,-438,1263,-440,-380,-381,-383,-507,-509,-511,1263,-513,-514,-519,-520,1263,-532,-534,-537,-538,-543,-548,-726,1263,-727,1263,-732,1263,-734,1263,-739,-656,-660,-661,1263,-666,1263,-667,1263,-672,-674,1263,-677,1263,1263,1263,-687,-689,1263,-692,1263,1263,-744,1263,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1263,1263,1263,1263,1263,-877,1263,-880,-908,-920,-925,-388,-389,1263,-394,1263,-397,1263,-402,1263,-403,1263,-408,1263,-413,1263,-417,1263,-418,1263,-423,1263,-426,-899,-900,-643,-585,-1894,-901,1263,1263,1263,-800,1263,1263,-804,1263,-807,-833,1263,-818,1263,-820,1263,-822,-808,1263,-824,1263,-851,-852,1263,1263,-811,1263,-646,-902,-904,-648,-649,-645,1263,-705,-706,1263,-642,-903,-647,-650,-603,-714,1263,1263,-605,-586,1263,1263,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1263,1263,-709,-710,1263,-716,1263,375,375,375,1263,1263,-938,375,-439,-441,-747,1263,-891,1263,-715,-1894,1263,1263,375,375,1263,-442,-512,-523,1263,-728,-733,1263,-735,1263,-740,1263,-662,-668,1263,-678,-680,-682,-683,-690,-693,-697,-745,1263,1263,-874,1263,1263,-878,1263,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1263,-812,1263,-814,-801,1263,-802,-805,1263,-816,-819,-821,-823,-825,1263,-826,1263,-809,1263,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,375,-282,375,1263,375,1263,-455,1263,1263,-729,1263,-736,1263,-741,1263,-663,-671,1263,1263,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1263,-836,-53,375,1263,-730,1263,-737,1263,-742,-664,1263,-873,-54,375,375,-731,-738,-743,1263,375,1263,-872,]),'JSON_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[376,376,376,1264,-1894,376,376,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,376,376,376,376,-275,-276,1264,-1425,1264,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1264,1264,1264,-490,1264,1264,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1264,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1264,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1264,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,376,-172,-173,-174,-175,-993,376,376,376,376,376,376,376,376,376,376,1264,1264,1264,1264,1264,-290,-291,-281,376,1264,1264,1264,1264,-328,-318,-332,-333,-334,1264,1264,-982,-983,-984,-985,-986,-987,-988,376,376,1264,1264,1264,1264,1264,1264,1264,1264,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1264,1264,1264,-353,-356,376,-323,-324,-141,1264,-142,1264,-143,1264,-430,-935,-936,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1894,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1894,1264,-1894,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1894,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-1894,376,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1264,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1264,376,376,-191,-192,376,-994,1264,376,376,376,376,-277,-278,-279,-280,-365,1264,-308,1264,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1264,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1264,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1264,1264,1264,1264,1264,1264,-573,1264,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1264,1264,-723,-724,-725,1264,1264,376,376,376,376,-994,376,1264,-91,-92,376,376,376,1264,-309,-310,-320,1264,-307,-293,-294,-295,1264,376,1264,1264,-618,-633,-590,1264,376,-436,376,-437,1264,-444,-445,-446,-378,-379,1264,1264,1264,-506,1264,1264,-510,1264,1264,1264,1264,-515,-516,-517,-518,1264,1264,-521,-522,1264,-524,-525,-526,-527,-528,-529,-530,-531,1264,-533,1264,1264,1264,-539,-541,-542,1264,-544,-545,-546,-547,1264,1264,1264,1264,1264,1264,-652,-653,-654,-655,376,-657,-658,-659,1264,1264,1264,-665,1264,1264,-669,-670,1264,1264,-673,1264,-675,-676,1264,-679,1264,-681,1264,1264,-684,-685,-686,1264,-688,1264,1264,-691,1264,1264,-694,-695,-696,1264,-698,-699,-700,-701,1264,1264,-746,1264,-749,-750,-751,-752,-753,1264,-755,-756,-757,-758,-759,1264,-766,-767,-769,1264,-771,-772,-773,-782,-856,-858,-860,-862,1264,1264,1264,1264,-868,1264,-870,1264,1264,1264,1264,1264,1264,1264,-906,-907,1264,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1264,-921,-924,1264,-934,1264,-385,-386,-387,1264,1264,-390,-391,-392,-393,1264,-396,1264,-399,-400,1264,-401,1264,-406,-407,1264,-410,-411,-412,1264,-415,1264,-416,1264,-421,-422,1264,-425,1264,-428,-429,-1894,-1894,1264,-619,-620,-621,-622,-623,-634,-584,-624,-797,1264,1264,1264,1264,1264,-831,1264,1264,-806,1264,-832,1264,1264,1264,1264,-798,1264,-853,-799,1264,1264,1264,1264,1264,1264,-854,-855,1264,-834,-830,-835,1264,-625,1264,-626,-627,-628,-629,-574,1264,1264,-630,-631,-632,1264,1264,1264,1264,1264,1264,-635,-636,-637,-592,-1894,-602,1264,-638,-639,-713,-640,-604,1264,-572,-577,-580,-583,1264,1264,1264,-598,-601,1264,-608,1264,1264,1264,1264,1264,1264,1264,1264,1264,1264,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1264,376,376,-995,376,1264,376,376,376,1264,-306,-325,-319,-296,-375,-452,-453,-454,-458,376,-443,1264,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1264,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,376,376,376,376,376,376,376,376,1264,-316,-535,-508,-591,-937,-939,-940,-438,1264,-440,-380,-381,-383,-507,-509,-511,1264,-513,-514,-519,-520,1264,-532,-534,-537,-538,-543,-548,-726,1264,-727,1264,-732,1264,-734,1264,-739,-656,-660,-661,1264,-666,1264,-667,1264,-672,-674,1264,-677,1264,1264,1264,-687,-689,1264,-692,1264,1264,-744,1264,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1264,1264,1264,1264,1264,-877,1264,-880,-908,-920,-925,-388,-389,1264,-394,1264,-397,1264,-402,1264,-403,1264,-408,1264,-413,1264,-417,1264,-418,1264,-423,1264,-426,-899,-900,-643,-585,-1894,-901,1264,1264,1264,-800,1264,1264,-804,1264,-807,-833,1264,-818,1264,-820,1264,-822,-808,1264,-824,1264,-851,-852,1264,1264,-811,1264,-646,-902,-904,-648,-649,-645,1264,-705,-706,1264,-642,-903,-647,-650,-603,-714,1264,1264,-605,-586,1264,1264,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1264,1264,-709,-710,1264,-716,1264,376,376,376,1264,1264,-938,376,-439,-441,-747,1264,-891,1264,-715,-1894,1264,1264,376,376,1264,-442,-512,-523,1264,-728,-733,1264,-735,1264,-740,1264,-662,-668,1264,-678,-680,-682,-683,-690,-693,-697,-745,1264,1264,-874,1264,1264,-878,1264,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1264,-812,1264,-814,-801,1264,-802,-805,1264,-816,-819,-821,-823,-825,1264,-826,1264,-809,1264,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,376,-282,376,1264,376,1264,-455,1264,1264,-729,1264,-736,1264,-741,1264,-663,-671,1264,1264,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1264,-836,-53,376,1264,-730,1264,-737,1264,-742,-664,1264,-873,-54,376,376,-731,-738,-743,1264,376,1264,-872,]),'JSON_MERGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[377,377,377,1265,-1894,377,377,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,377,377,377,377,-275,-276,1265,-1425,1265,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1265,1265,1265,-490,1265,1265,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1265,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1265,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1265,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,377,-172,-173,-174,-175,-993,377,377,377,377,377,377,377,377,377,377,1265,1265,1265,1265,1265,-290,-291,-281,377,1265,1265,1265,1265,-328,-318,-332,-333,-334,1265,1265,-982,-983,-984,-985,-986,-987,-988,377,377,1265,1265,1265,1265,1265,1265,1265,1265,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1265,1265,1265,-353,-356,377,-323,-324,-141,1265,-142,1265,-143,1265,-430,-935,-936,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1894,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1894,1265,-1894,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1894,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-1894,377,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1265,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1265,377,377,-191,-192,377,-994,1265,377,377,377,377,-277,-278,-279,-280,-365,1265,-308,1265,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1265,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1265,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1265,1265,1265,1265,1265,1265,-573,1265,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1265,1265,-723,-724,-725,1265,1265,377,377,377,377,-994,377,1265,-91,-92,377,377,377,1265,-309,-310,-320,1265,-307,-293,-294,-295,1265,377,1265,1265,-618,-633,-590,1265,377,-436,377,-437,1265,-444,-445,-446,-378,-379,1265,1265,1265,-506,1265,1265,-510,1265,1265,1265,1265,-515,-516,-517,-518,1265,1265,-521,-522,1265,-524,-525,-526,-527,-528,-529,-530,-531,1265,-533,1265,1265,1265,-539,-541,-542,1265,-544,-545,-546,-547,1265,1265,1265,1265,1265,1265,-652,-653,-654,-655,377,-657,-658,-659,1265,1265,1265,-665,1265,1265,-669,-670,1265,1265,-673,1265,-675,-676,1265,-679,1265,-681,1265,1265,-684,-685,-686,1265,-688,1265,1265,-691,1265,1265,-694,-695,-696,1265,-698,-699,-700,-701,1265,1265,-746,1265,-749,-750,-751,-752,-753,1265,-755,-756,-757,-758,-759,1265,-766,-767,-769,1265,-771,-772,-773,-782,-856,-858,-860,-862,1265,1265,1265,1265,-868,1265,-870,1265,1265,1265,1265,1265,1265,1265,-906,-907,1265,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1265,-921,-924,1265,-934,1265,-385,-386,-387,1265,1265,-390,-391,-392,-393,1265,-396,1265,-399,-400,1265,-401,1265,-406,-407,1265,-410,-411,-412,1265,-415,1265,-416,1265,-421,-422,1265,-425,1265,-428,-429,-1894,-1894,1265,-619,-620,-621,-622,-623,-634,-584,-624,-797,1265,1265,1265,1265,1265,-831,1265,1265,-806,1265,-832,1265,1265,1265,1265,-798,1265,-853,-799,1265,1265,1265,1265,1265,1265,-854,-855,1265,-834,-830,-835,1265,-625,1265,-626,-627,-628,-629,-574,1265,1265,-630,-631,-632,1265,1265,1265,1265,1265,1265,-635,-636,-637,-592,-1894,-602,1265,-638,-639,-713,-640,-604,1265,-572,-577,-580,-583,1265,1265,1265,-598,-601,1265,-608,1265,1265,1265,1265,1265,1265,1265,1265,1265,1265,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1265,377,377,-995,377,1265,377,377,377,1265,-306,-325,-319,-296,-375,-452,-453,-454,-458,377,-443,1265,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1265,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,377,377,377,377,377,377,377,377,1265,-316,-535,-508,-591,-937,-939,-940,-438,1265,-440,-380,-381,-383,-507,-509,-511,1265,-513,-514,-519,-520,1265,-532,-534,-537,-538,-543,-548,-726,1265,-727,1265,-732,1265,-734,1265,-739,-656,-660,-661,1265,-666,1265,-667,1265,-672,-674,1265,-677,1265,1265,1265,-687,-689,1265,-692,1265,1265,-744,1265,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1265,1265,1265,1265,1265,-877,1265,-880,-908,-920,-925,-388,-389,1265,-394,1265,-397,1265,-402,1265,-403,1265,-408,1265,-413,1265,-417,1265,-418,1265,-423,1265,-426,-899,-900,-643,-585,-1894,-901,1265,1265,1265,-800,1265,1265,-804,1265,-807,-833,1265,-818,1265,-820,1265,-822,-808,1265,-824,1265,-851,-852,1265,1265,-811,1265,-646,-902,-904,-648,-649,-645,1265,-705,-706,1265,-642,-903,-647,-650,-603,-714,1265,1265,-605,-586,1265,1265,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1265,1265,-709,-710,1265,-716,1265,377,377,377,1265,1265,-938,377,-439,-441,-747,1265,-891,1265,-715,-1894,1265,1265,377,377,1265,-442,-512,-523,1265,-728,-733,1265,-735,1265,-740,1265,-662,-668,1265,-678,-680,-682,-683,-690,-693,-697,-745,1265,1265,-874,1265,1265,-878,1265,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1265,-812,1265,-814,-801,1265,-802,-805,1265,-816,-819,-821,-823,-825,1265,-826,1265,-809,1265,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,377,-282,377,1265,377,1265,-455,1265,1265,-729,1265,-736,1265,-741,1265,-663,-671,1265,1265,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1265,-836,-53,377,1265,-730,1265,-737,1265,-742,-664,1265,-873,-54,377,377,-731,-738,-743,1265,377,1265,-872,]),'JSON_MERGE_PATCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[378,378,378,1266,-1894,378,378,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,378,378,378,378,-275,-276,1266,-1425,1266,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1266,1266,1266,-490,1266,1266,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1266,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1266,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1266,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,378,-172,-173,-174,-175,-993,378,378,378,378,378,378,378,378,378,378,1266,1266,1266,1266,1266,-290,-291,-281,378,1266,1266,1266,1266,-328,-318,-332,-333,-334,1266,1266,-982,-983,-984,-985,-986,-987,-988,378,378,1266,1266,1266,1266,1266,1266,1266,1266,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1266,1266,1266,-353,-356,378,-323,-324,-141,1266,-142,1266,-143,1266,-430,-935,-936,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1894,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1894,1266,-1894,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1894,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-1894,378,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1266,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1266,378,378,-191,-192,378,-994,1266,378,378,378,378,-277,-278,-279,-280,-365,1266,-308,1266,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1266,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1266,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1266,1266,1266,1266,1266,1266,-573,1266,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1266,1266,-723,-724,-725,1266,1266,378,378,378,378,-994,378,1266,-91,-92,378,378,378,1266,-309,-310,-320,1266,-307,-293,-294,-295,1266,378,1266,1266,-618,-633,-590,1266,378,-436,378,-437,1266,-444,-445,-446,-378,-379,1266,1266,1266,-506,1266,1266,-510,1266,1266,1266,1266,-515,-516,-517,-518,1266,1266,-521,-522,1266,-524,-525,-526,-527,-528,-529,-530,-531,1266,-533,1266,1266,1266,-539,-541,-542,1266,-544,-545,-546,-547,1266,1266,1266,1266,1266,1266,-652,-653,-654,-655,378,-657,-658,-659,1266,1266,1266,-665,1266,1266,-669,-670,1266,1266,-673,1266,-675,-676,1266,-679,1266,-681,1266,1266,-684,-685,-686,1266,-688,1266,1266,-691,1266,1266,-694,-695,-696,1266,-698,-699,-700,-701,1266,1266,-746,1266,-749,-750,-751,-752,-753,1266,-755,-756,-757,-758,-759,1266,-766,-767,-769,1266,-771,-772,-773,-782,-856,-858,-860,-862,1266,1266,1266,1266,-868,1266,-870,1266,1266,1266,1266,1266,1266,1266,-906,-907,1266,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1266,-921,-924,1266,-934,1266,-385,-386,-387,1266,1266,-390,-391,-392,-393,1266,-396,1266,-399,-400,1266,-401,1266,-406,-407,1266,-410,-411,-412,1266,-415,1266,-416,1266,-421,-422,1266,-425,1266,-428,-429,-1894,-1894,1266,-619,-620,-621,-622,-623,-634,-584,-624,-797,1266,1266,1266,1266,1266,-831,1266,1266,-806,1266,-832,1266,1266,1266,1266,-798,1266,-853,-799,1266,1266,1266,1266,1266,1266,-854,-855,1266,-834,-830,-835,1266,-625,1266,-626,-627,-628,-629,-574,1266,1266,-630,-631,-632,1266,1266,1266,1266,1266,1266,-635,-636,-637,-592,-1894,-602,1266,-638,-639,-713,-640,-604,1266,-572,-577,-580,-583,1266,1266,1266,-598,-601,1266,-608,1266,1266,1266,1266,1266,1266,1266,1266,1266,1266,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1266,378,378,-995,378,1266,378,378,378,1266,-306,-325,-319,-296,-375,-452,-453,-454,-458,378,-443,1266,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1266,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,378,378,378,378,378,378,378,378,1266,-316,-535,-508,-591,-937,-939,-940,-438,1266,-440,-380,-381,-383,-507,-509,-511,1266,-513,-514,-519,-520,1266,-532,-534,-537,-538,-543,-548,-726,1266,-727,1266,-732,1266,-734,1266,-739,-656,-660,-661,1266,-666,1266,-667,1266,-672,-674,1266,-677,1266,1266,1266,-687,-689,1266,-692,1266,1266,-744,1266,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1266,1266,1266,1266,1266,-877,1266,-880,-908,-920,-925,-388,-389,1266,-394,1266,-397,1266,-402,1266,-403,1266,-408,1266,-413,1266,-417,1266,-418,1266,-423,1266,-426,-899,-900,-643,-585,-1894,-901,1266,1266,1266,-800,1266,1266,-804,1266,-807,-833,1266,-818,1266,-820,1266,-822,-808,1266,-824,1266,-851,-852,1266,1266,-811,1266,-646,-902,-904,-648,-649,-645,1266,-705,-706,1266,-642,-903,-647,-650,-603,-714,1266,1266,-605,-586,1266,1266,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1266,1266,-709,-710,1266,-716,1266,378,378,378,1266,1266,-938,378,-439,-441,-747,1266,-891,1266,-715,-1894,1266,1266,378,378,1266,-442,-512,-523,1266,-728,-733,1266,-735,1266,-740,1266,-662,-668,1266,-678,-680,-682,-683,-690,-693,-697,-745,1266,1266,-874,1266,1266,-878,1266,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1266,-812,1266,-814,-801,1266,-802,-805,1266,-816,-819,-821,-823,-825,1266,-826,1266,-809,1266,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,378,-282,378,1266,378,1266,-455,1266,1266,-729,1266,-736,1266,-741,1266,-663,-671,1266,1266,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1266,-836,-53,378,1266,-730,1266,-737,1266,-742,-664,1266,-873,-54,378,378,-731,-738,-743,1266,378,1266,-872,]),'JSON_MERGE_PRESERVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[379,379,379,1267,-1894,379,379,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,379,379,379,379,-275,-276,1267,-1425,1267,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1267,1267,1267,-490,1267,1267,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1267,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1267,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1267,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,379,-172,-173,-174,-175,-993,379,379,379,379,379,379,379,379,379,379,1267,1267,1267,1267,1267,-290,-291,-281,379,1267,1267,1267,1267,-328,-318,-332,-333,-334,1267,1267,-982,-983,-984,-985,-986,-987,-988,379,379,1267,1267,1267,1267,1267,1267,1267,1267,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1267,1267,1267,-353,-356,379,-323,-324,-141,1267,-142,1267,-143,1267,-430,-935,-936,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1894,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1894,1267,-1894,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1894,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-1894,379,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1267,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1267,379,379,-191,-192,379,-994,1267,379,379,379,379,-277,-278,-279,-280,-365,1267,-308,1267,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1267,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1267,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1267,1267,1267,1267,1267,1267,-573,1267,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1267,1267,-723,-724,-725,1267,1267,379,379,379,379,-994,379,1267,-91,-92,379,379,379,1267,-309,-310,-320,1267,-307,-293,-294,-295,1267,379,1267,1267,-618,-633,-590,1267,379,-436,379,-437,1267,-444,-445,-446,-378,-379,1267,1267,1267,-506,1267,1267,-510,1267,1267,1267,1267,-515,-516,-517,-518,1267,1267,-521,-522,1267,-524,-525,-526,-527,-528,-529,-530,-531,1267,-533,1267,1267,1267,-539,-541,-542,1267,-544,-545,-546,-547,1267,1267,1267,1267,1267,1267,-652,-653,-654,-655,379,-657,-658,-659,1267,1267,1267,-665,1267,1267,-669,-670,1267,1267,-673,1267,-675,-676,1267,-679,1267,-681,1267,1267,-684,-685,-686,1267,-688,1267,1267,-691,1267,1267,-694,-695,-696,1267,-698,-699,-700,-701,1267,1267,-746,1267,-749,-750,-751,-752,-753,1267,-755,-756,-757,-758,-759,1267,-766,-767,-769,1267,-771,-772,-773,-782,-856,-858,-860,-862,1267,1267,1267,1267,-868,1267,-870,1267,1267,1267,1267,1267,1267,1267,-906,-907,1267,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1267,-921,-924,1267,-934,1267,-385,-386,-387,1267,1267,-390,-391,-392,-393,1267,-396,1267,-399,-400,1267,-401,1267,-406,-407,1267,-410,-411,-412,1267,-415,1267,-416,1267,-421,-422,1267,-425,1267,-428,-429,-1894,-1894,1267,-619,-620,-621,-622,-623,-634,-584,-624,-797,1267,1267,1267,1267,1267,-831,1267,1267,-806,1267,-832,1267,1267,1267,1267,-798,1267,-853,-799,1267,1267,1267,1267,1267,1267,-854,-855,1267,-834,-830,-835,1267,-625,1267,-626,-627,-628,-629,-574,1267,1267,-630,-631,-632,1267,1267,1267,1267,1267,1267,-635,-636,-637,-592,-1894,-602,1267,-638,-639,-713,-640,-604,1267,-572,-577,-580,-583,1267,1267,1267,-598,-601,1267,-608,1267,1267,1267,1267,1267,1267,1267,1267,1267,1267,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1267,379,379,-995,379,1267,379,379,379,1267,-306,-325,-319,-296,-375,-452,-453,-454,-458,379,-443,1267,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1267,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,379,379,379,379,379,379,379,379,1267,-316,-535,-508,-591,-937,-939,-940,-438,1267,-440,-380,-381,-383,-507,-509,-511,1267,-513,-514,-519,-520,1267,-532,-534,-537,-538,-543,-548,-726,1267,-727,1267,-732,1267,-734,1267,-739,-656,-660,-661,1267,-666,1267,-667,1267,-672,-674,1267,-677,1267,1267,1267,-687,-689,1267,-692,1267,1267,-744,1267,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1267,1267,1267,1267,1267,-877,1267,-880,-908,-920,-925,-388,-389,1267,-394,1267,-397,1267,-402,1267,-403,1267,-408,1267,-413,1267,-417,1267,-418,1267,-423,1267,-426,-899,-900,-643,-585,-1894,-901,1267,1267,1267,-800,1267,1267,-804,1267,-807,-833,1267,-818,1267,-820,1267,-822,-808,1267,-824,1267,-851,-852,1267,1267,-811,1267,-646,-902,-904,-648,-649,-645,1267,-705,-706,1267,-642,-903,-647,-650,-603,-714,1267,1267,-605,-586,1267,1267,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1267,1267,-709,-710,1267,-716,1267,379,379,379,1267,1267,-938,379,-439,-441,-747,1267,-891,1267,-715,-1894,1267,1267,379,379,1267,-442,-512,-523,1267,-728,-733,1267,-735,1267,-740,1267,-662,-668,1267,-678,-680,-682,-683,-690,-693,-697,-745,1267,1267,-874,1267,1267,-878,1267,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1267,-812,1267,-814,-801,1267,-802,-805,1267,-816,-819,-821,-823,-825,1267,-826,1267,-809,1267,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,379,-282,379,1267,379,1267,-455,1267,1267,-729,1267,-736,1267,-741,1267,-663,-671,1267,1267,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1267,-836,-53,379,1267,-730,1267,-737,1267,-742,-664,1267,-873,-54,379,379,-731,-738,-743,1267,379,1267,-872,]),'JSON_OBJECT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[380,380,380,1268,-1894,380,380,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,380,380,380,380,-275,-276,1268,-1425,1268,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1268,1268,1268,-490,1268,1268,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1268,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1268,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1268,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,380,-172,-173,-174,-175,-993,380,380,380,380,380,380,380,380,380,380,1268,1268,1268,1268,1268,-290,-291,-281,380,1268,1268,1268,1268,-328,-318,-332,-333,-334,1268,1268,-982,-983,-984,-985,-986,-987,-988,380,380,1268,1268,1268,1268,1268,1268,1268,1268,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1268,1268,1268,-353,-356,380,-323,-324,-141,1268,-142,1268,-143,1268,-430,-935,-936,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1894,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1894,1268,-1894,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1894,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-1894,380,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1268,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1268,380,380,-191,-192,380,-994,1268,380,380,380,380,-277,-278,-279,-280,-365,1268,-308,1268,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1268,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1268,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1268,1268,1268,1268,1268,1268,-573,1268,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1268,1268,-723,-724,-725,1268,1268,380,380,380,380,-994,380,1268,-91,-92,380,380,380,1268,-309,-310,-320,1268,-307,-293,-294,-295,1268,380,1268,1268,-618,-633,-590,1268,380,-436,380,-437,1268,-444,-445,-446,-378,-379,1268,1268,1268,-506,1268,1268,-510,1268,1268,1268,1268,-515,-516,-517,-518,1268,1268,-521,-522,1268,-524,-525,-526,-527,-528,-529,-530,-531,1268,-533,1268,1268,1268,-539,-541,-542,1268,-544,-545,-546,-547,1268,1268,1268,1268,1268,1268,-652,-653,-654,-655,380,-657,-658,-659,1268,1268,1268,-665,1268,1268,-669,-670,1268,1268,-673,1268,-675,-676,1268,-679,1268,-681,1268,1268,-684,-685,-686,1268,-688,1268,1268,-691,1268,1268,-694,-695,-696,1268,-698,-699,-700,-701,1268,1268,-746,1268,-749,-750,-751,-752,-753,1268,-755,-756,-757,-758,-759,1268,-766,-767,-769,1268,-771,-772,-773,-782,-856,-858,-860,-862,1268,1268,1268,1268,-868,1268,-870,1268,1268,1268,1268,1268,1268,1268,-906,-907,1268,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1268,-921,-924,1268,-934,1268,-385,-386,-387,1268,1268,-390,-391,-392,-393,1268,-396,1268,-399,-400,1268,-401,1268,-406,-407,1268,-410,-411,-412,1268,-415,1268,-416,1268,-421,-422,1268,-425,1268,-428,-429,-1894,-1894,1268,-619,-620,-621,-622,-623,-634,-584,-624,-797,1268,1268,1268,1268,1268,-831,1268,1268,-806,1268,-832,1268,1268,1268,1268,-798,1268,-853,-799,1268,1268,1268,1268,1268,1268,-854,-855,1268,-834,-830,-835,1268,-625,1268,-626,-627,-628,-629,-574,1268,1268,-630,-631,-632,1268,1268,1268,1268,1268,1268,-635,-636,-637,-592,-1894,-602,1268,-638,-639,-713,-640,-604,1268,-572,-577,-580,-583,1268,1268,1268,-598,-601,1268,-608,1268,1268,1268,1268,1268,1268,1268,1268,1268,1268,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1268,380,380,-995,380,1268,380,380,380,1268,-306,-325,-319,-296,-375,-452,-453,-454,-458,380,-443,1268,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1268,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,380,380,380,380,380,380,380,380,1268,-316,-535,-508,-591,-937,-939,-940,-438,1268,-440,-380,-381,-383,-507,-509,-511,1268,-513,-514,-519,-520,1268,-532,-534,-537,-538,-543,-548,-726,1268,-727,1268,-732,1268,-734,1268,-739,-656,-660,-661,1268,-666,1268,-667,1268,-672,-674,1268,-677,1268,1268,1268,-687,-689,1268,-692,1268,1268,-744,1268,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1268,1268,1268,1268,1268,-877,1268,-880,-908,-920,-925,-388,-389,1268,-394,1268,-397,1268,-402,1268,-403,1268,-408,1268,-413,1268,-417,1268,-418,1268,-423,1268,-426,-899,-900,-643,-585,-1894,-901,1268,1268,1268,-800,1268,1268,-804,1268,-807,-833,1268,-818,1268,-820,1268,-822,-808,1268,-824,1268,-851,-852,1268,1268,-811,1268,-646,-902,-904,-648,-649,-645,1268,-705,-706,1268,-642,-903,-647,-650,-603,-714,1268,1268,-605,-586,1268,1268,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1268,1268,-709,-710,1268,-716,1268,380,380,380,1268,1268,-938,380,-439,-441,-747,1268,-891,1268,-715,-1894,1268,1268,380,380,1268,-442,-512,-523,1268,-728,-733,1268,-735,1268,-740,1268,-662,-668,1268,-678,-680,-682,-683,-690,-693,-697,-745,1268,1268,-874,1268,1268,-878,1268,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1268,-812,1268,-814,-801,1268,-802,-805,1268,-816,-819,-821,-823,-825,1268,-826,1268,-809,1268,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,380,-282,380,1268,380,1268,-455,1268,1268,-729,1268,-736,1268,-741,1268,-663,-671,1268,1268,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1268,-836,-53,380,1268,-730,1268,-737,1268,-742,-664,1268,-873,-54,380,380,-731,-738,-743,1268,380,1268,-872,]),'JSON_OVERLAPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[381,381,381,1269,-1894,381,381,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,381,381,381,381,-275,-276,1269,-1425,1269,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1269,1269,1269,-490,1269,1269,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1269,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1269,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1269,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,381,-172,-173,-174,-175,-993,381,381,381,381,381,381,381,381,381,381,1269,1269,1269,1269,1269,-290,-291,-281,381,1269,1269,1269,1269,-328,-318,-332,-333,-334,1269,1269,-982,-983,-984,-985,-986,-987,-988,381,381,1269,1269,1269,1269,1269,1269,1269,1269,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1269,1269,1269,-353,-356,381,-323,-324,-141,1269,-142,1269,-143,1269,-430,-935,-936,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1894,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1894,1269,-1894,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1894,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-1894,381,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1269,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1269,381,381,-191,-192,381,-994,1269,381,381,381,381,-277,-278,-279,-280,-365,1269,-308,1269,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1269,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1269,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1269,1269,1269,1269,1269,1269,-573,1269,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1269,1269,-723,-724,-725,1269,1269,381,381,381,381,-994,381,1269,-91,-92,381,381,381,1269,-309,-310,-320,1269,-307,-293,-294,-295,1269,381,1269,1269,-618,-633,-590,1269,381,-436,381,-437,1269,-444,-445,-446,-378,-379,1269,1269,1269,-506,1269,1269,-510,1269,1269,1269,1269,-515,-516,-517,-518,1269,1269,-521,-522,1269,-524,-525,-526,-527,-528,-529,-530,-531,1269,-533,1269,1269,1269,-539,-541,-542,1269,-544,-545,-546,-547,1269,1269,1269,1269,1269,1269,-652,-653,-654,-655,381,-657,-658,-659,1269,1269,1269,-665,1269,1269,-669,-670,1269,1269,-673,1269,-675,-676,1269,-679,1269,-681,1269,1269,-684,-685,-686,1269,-688,1269,1269,-691,1269,1269,-694,-695,-696,1269,-698,-699,-700,-701,1269,1269,-746,1269,-749,-750,-751,-752,-753,1269,-755,-756,-757,-758,-759,1269,-766,-767,-769,1269,-771,-772,-773,-782,-856,-858,-860,-862,1269,1269,1269,1269,-868,1269,-870,1269,1269,1269,1269,1269,1269,1269,-906,-907,1269,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1269,-921,-924,1269,-934,1269,-385,-386,-387,1269,1269,-390,-391,-392,-393,1269,-396,1269,-399,-400,1269,-401,1269,-406,-407,1269,-410,-411,-412,1269,-415,1269,-416,1269,-421,-422,1269,-425,1269,-428,-429,-1894,-1894,1269,-619,-620,-621,-622,-623,-634,-584,-624,-797,1269,1269,1269,1269,1269,-831,1269,1269,-806,1269,-832,1269,1269,1269,1269,-798,1269,-853,-799,1269,1269,1269,1269,1269,1269,-854,-855,1269,-834,-830,-835,1269,-625,1269,-626,-627,-628,-629,-574,1269,1269,-630,-631,-632,1269,1269,1269,1269,1269,1269,-635,-636,-637,-592,-1894,-602,1269,-638,-639,-713,-640,-604,1269,-572,-577,-580,-583,1269,1269,1269,-598,-601,1269,-608,1269,1269,1269,1269,1269,1269,1269,1269,1269,1269,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1269,381,381,-995,381,1269,381,381,381,1269,-306,-325,-319,-296,-375,-452,-453,-454,-458,381,-443,1269,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1269,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,381,381,381,381,381,381,381,381,1269,-316,-535,-508,-591,-937,-939,-940,-438,1269,-440,-380,-381,-383,-507,-509,-511,1269,-513,-514,-519,-520,1269,-532,-534,-537,-538,-543,-548,-726,1269,-727,1269,-732,1269,-734,1269,-739,-656,-660,-661,1269,-666,1269,-667,1269,-672,-674,1269,-677,1269,1269,1269,-687,-689,1269,-692,1269,1269,-744,1269,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1269,1269,1269,1269,1269,-877,1269,-880,-908,-920,-925,-388,-389,1269,-394,1269,-397,1269,-402,1269,-403,1269,-408,1269,-413,1269,-417,1269,-418,1269,-423,1269,-426,-899,-900,-643,-585,-1894,-901,1269,1269,1269,-800,1269,1269,-804,1269,-807,-833,1269,-818,1269,-820,1269,-822,-808,1269,-824,1269,-851,-852,1269,1269,-811,1269,-646,-902,-904,-648,-649,-645,1269,-705,-706,1269,-642,-903,-647,-650,-603,-714,1269,1269,-605,-586,1269,1269,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1269,1269,-709,-710,1269,-716,1269,381,381,381,1269,1269,-938,381,-439,-441,-747,1269,-891,1269,-715,-1894,1269,1269,381,381,1269,-442,-512,-523,1269,-728,-733,1269,-735,1269,-740,1269,-662,-668,1269,-678,-680,-682,-683,-690,-693,-697,-745,1269,1269,-874,1269,1269,-878,1269,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1269,-812,1269,-814,-801,1269,-802,-805,1269,-816,-819,-821,-823,-825,1269,-826,1269,-809,1269,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,381,-282,381,1269,381,1269,-455,1269,1269,-729,1269,-736,1269,-741,1269,-663,-671,1269,1269,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1269,-836,-53,381,1269,-730,1269,-737,1269,-742,-664,1269,-873,-54,381,381,-731,-738,-743,1269,381,1269,-872,]),'JSON_PERTTY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[382,382,382,1270,-1894,382,382,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,382,382,382,382,-275,-276,1270,-1425,1270,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1270,1270,1270,-490,1270,1270,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1270,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1270,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1270,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,382,-172,-173,-174,-175,-993,382,382,382,382,382,382,382,382,382,382,1270,1270,1270,1270,1270,-290,-291,-281,382,1270,1270,1270,1270,-328,-318,-332,-333,-334,1270,1270,-982,-983,-984,-985,-986,-987,-988,382,382,1270,1270,1270,1270,1270,1270,1270,1270,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1270,1270,1270,-353,-356,382,-323,-324,-141,1270,-142,1270,-143,1270,-430,-935,-936,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1894,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1894,1270,-1894,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1894,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-1894,382,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1270,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1270,382,382,-191,-192,382,-994,1270,382,382,382,382,-277,-278,-279,-280,-365,1270,-308,1270,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1270,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1270,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1270,1270,1270,1270,1270,1270,-573,1270,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1270,1270,-723,-724,-725,1270,1270,382,382,382,382,-994,382,1270,-91,-92,382,382,382,1270,-309,-310,-320,1270,-307,-293,-294,-295,1270,382,1270,1270,-618,-633,-590,1270,382,-436,382,-437,1270,-444,-445,-446,-378,-379,1270,1270,1270,-506,1270,1270,-510,1270,1270,1270,1270,-515,-516,-517,-518,1270,1270,-521,-522,1270,-524,-525,-526,-527,-528,-529,-530,-531,1270,-533,1270,1270,1270,-539,-541,-542,1270,-544,-545,-546,-547,1270,1270,1270,1270,1270,1270,-652,-653,-654,-655,382,-657,-658,-659,1270,1270,1270,-665,1270,1270,-669,-670,1270,1270,-673,1270,-675,-676,1270,-679,1270,-681,1270,1270,-684,-685,-686,1270,-688,1270,1270,-691,1270,1270,-694,-695,-696,1270,-698,-699,-700,-701,1270,1270,-746,1270,-749,-750,-751,-752,-753,1270,-755,-756,-757,-758,-759,1270,-766,-767,-769,1270,-771,-772,-773,-782,-856,-858,-860,-862,1270,1270,1270,1270,-868,1270,-870,1270,1270,1270,1270,1270,1270,1270,-906,-907,1270,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1270,-921,-924,1270,-934,1270,-385,-386,-387,1270,1270,-390,-391,-392,-393,1270,-396,1270,-399,-400,1270,-401,1270,-406,-407,1270,-410,-411,-412,1270,-415,1270,-416,1270,-421,-422,1270,-425,1270,-428,-429,-1894,-1894,1270,-619,-620,-621,-622,-623,-634,-584,-624,-797,1270,1270,1270,1270,1270,-831,1270,1270,-806,1270,-832,1270,1270,1270,1270,-798,1270,-853,-799,1270,1270,1270,1270,1270,1270,-854,-855,1270,-834,-830,-835,1270,-625,1270,-626,-627,-628,-629,-574,1270,1270,-630,-631,-632,1270,1270,1270,1270,1270,1270,-635,-636,-637,-592,-1894,-602,1270,-638,-639,-713,-640,-604,1270,-572,-577,-580,-583,1270,1270,1270,-598,-601,1270,-608,1270,1270,1270,1270,1270,1270,1270,1270,1270,1270,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1270,382,382,-995,382,1270,382,382,382,1270,-306,-325,-319,-296,-375,-452,-453,-454,-458,382,-443,1270,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1270,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,382,382,382,382,382,382,382,382,1270,-316,-535,-508,-591,-937,-939,-940,-438,1270,-440,-380,-381,-383,-507,-509,-511,1270,-513,-514,-519,-520,1270,-532,-534,-537,-538,-543,-548,-726,1270,-727,1270,-732,1270,-734,1270,-739,-656,-660,-661,1270,-666,1270,-667,1270,-672,-674,1270,-677,1270,1270,1270,-687,-689,1270,-692,1270,1270,-744,1270,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1270,1270,1270,1270,1270,-877,1270,-880,-908,-920,-925,-388,-389,1270,-394,1270,-397,1270,-402,1270,-403,1270,-408,1270,-413,1270,-417,1270,-418,1270,-423,1270,-426,-899,-900,-643,-585,-1894,-901,1270,1270,1270,-800,1270,1270,-804,1270,-807,-833,1270,-818,1270,-820,1270,-822,-808,1270,-824,1270,-851,-852,1270,1270,-811,1270,-646,-902,-904,-648,-649,-645,1270,-705,-706,1270,-642,-903,-647,-650,-603,-714,1270,1270,-605,-586,1270,1270,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1270,1270,-709,-710,1270,-716,1270,382,382,382,1270,1270,-938,382,-439,-441,-747,1270,-891,1270,-715,-1894,1270,1270,382,382,1270,-442,-512,-523,1270,-728,-733,1270,-735,1270,-740,1270,-662,-668,1270,-678,-680,-682,-683,-690,-693,-697,-745,1270,1270,-874,1270,1270,-878,1270,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1270,-812,1270,-814,-801,1270,-802,-805,1270,-816,-819,-821,-823,-825,1270,-826,1270,-809,1270,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,382,-282,382,1270,382,1270,-455,1270,1270,-729,1270,-736,1270,-741,1270,-663,-671,1270,1270,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1270,-836,-53,382,1270,-730,1270,-737,1270,-742,-664,1270,-873,-54,382,382,-731,-738,-743,1270,382,1270,-872,]),'JSON_QUOTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[383,383,383,1271,-1894,383,383,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,383,383,383,383,-275,-276,1271,-1425,1271,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1271,1271,1271,-490,1271,1271,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1271,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1271,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1271,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,383,-172,-173,-174,-175,-993,383,383,383,383,383,383,383,383,383,383,1271,1271,1271,1271,1271,-290,-291,-281,383,1271,1271,1271,1271,-328,-318,-332,-333,-334,1271,1271,-982,-983,-984,-985,-986,-987,-988,383,383,1271,1271,1271,1271,1271,1271,1271,1271,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1271,1271,1271,-353,-356,383,-323,-324,-141,1271,-142,1271,-143,1271,-430,-935,-936,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1894,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1894,1271,-1894,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1894,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-1894,383,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1271,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1271,383,383,-191,-192,383,-994,1271,383,383,383,383,-277,-278,-279,-280,-365,1271,-308,1271,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1271,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1271,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1271,1271,1271,1271,1271,1271,-573,1271,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1271,1271,-723,-724,-725,1271,1271,383,383,383,383,-994,383,1271,-91,-92,383,383,383,1271,-309,-310,-320,1271,-307,-293,-294,-295,1271,383,1271,1271,-618,-633,-590,1271,383,-436,383,-437,1271,-444,-445,-446,-378,-379,1271,1271,1271,-506,1271,1271,-510,1271,1271,1271,1271,-515,-516,-517,-518,1271,1271,-521,-522,1271,-524,-525,-526,-527,-528,-529,-530,-531,1271,-533,1271,1271,1271,-539,-541,-542,1271,-544,-545,-546,-547,1271,1271,1271,1271,1271,1271,-652,-653,-654,-655,383,-657,-658,-659,1271,1271,1271,-665,1271,1271,-669,-670,1271,1271,-673,1271,-675,-676,1271,-679,1271,-681,1271,1271,-684,-685,-686,1271,-688,1271,1271,-691,1271,1271,-694,-695,-696,1271,-698,-699,-700,-701,1271,1271,-746,1271,-749,-750,-751,-752,-753,1271,-755,-756,-757,-758,-759,1271,-766,-767,-769,1271,-771,-772,-773,-782,-856,-858,-860,-862,1271,1271,1271,1271,-868,1271,-870,1271,1271,1271,1271,1271,1271,1271,-906,-907,1271,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1271,-921,-924,1271,-934,1271,-385,-386,-387,1271,1271,-390,-391,-392,-393,1271,-396,1271,-399,-400,1271,-401,1271,-406,-407,1271,-410,-411,-412,1271,-415,1271,-416,1271,-421,-422,1271,-425,1271,-428,-429,-1894,-1894,1271,-619,-620,-621,-622,-623,-634,-584,-624,-797,1271,1271,1271,1271,1271,-831,1271,1271,-806,1271,-832,1271,1271,1271,1271,-798,1271,-853,-799,1271,1271,1271,1271,1271,1271,-854,-855,1271,-834,-830,-835,1271,-625,1271,-626,-627,-628,-629,-574,1271,1271,-630,-631,-632,1271,1271,1271,1271,1271,1271,-635,-636,-637,-592,-1894,-602,1271,-638,-639,-713,-640,-604,1271,-572,-577,-580,-583,1271,1271,1271,-598,-601,1271,-608,1271,1271,1271,1271,1271,1271,1271,1271,1271,1271,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1271,383,383,-995,383,1271,383,383,383,1271,-306,-325,-319,-296,-375,-452,-453,-454,-458,383,-443,1271,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1271,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,383,383,383,383,383,383,383,383,1271,-316,-535,-508,-591,-937,-939,-940,-438,1271,-440,-380,-381,-383,-507,-509,-511,1271,-513,-514,-519,-520,1271,-532,-534,-537,-538,-543,-548,-726,1271,-727,1271,-732,1271,-734,1271,-739,-656,-660,-661,1271,-666,1271,-667,1271,-672,-674,1271,-677,1271,1271,1271,-687,-689,1271,-692,1271,1271,-744,1271,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1271,1271,1271,1271,1271,-877,1271,-880,-908,-920,-925,-388,-389,1271,-394,1271,-397,1271,-402,1271,-403,1271,-408,1271,-413,1271,-417,1271,-418,1271,-423,1271,-426,-899,-900,-643,-585,-1894,-901,1271,1271,1271,-800,1271,1271,-804,1271,-807,-833,1271,-818,1271,-820,1271,-822,-808,1271,-824,1271,-851,-852,1271,1271,-811,1271,-646,-902,-904,-648,-649,-645,1271,-705,-706,1271,-642,-903,-647,-650,-603,-714,1271,1271,-605,-586,1271,1271,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1271,1271,-709,-710,1271,-716,1271,383,383,383,1271,1271,-938,383,-439,-441,-747,1271,-891,1271,-715,-1894,1271,1271,383,383,1271,-442,-512,-523,1271,-728,-733,1271,-735,1271,-740,1271,-662,-668,1271,-678,-680,-682,-683,-690,-693,-697,-745,1271,1271,-874,1271,1271,-878,1271,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1271,-812,1271,-814,-801,1271,-802,-805,1271,-816,-819,-821,-823,-825,1271,-826,1271,-809,1271,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,383,-282,383,1271,383,1271,-455,1271,1271,-729,1271,-736,1271,-741,1271,-663,-671,1271,1271,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1271,-836,-53,383,1271,-730,1271,-737,1271,-742,-664,1271,-873,-54,383,383,-731,-738,-743,1271,383,1271,-872,]),'JSON_REMOVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[384,384,384,1272,-1894,384,384,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,384,384,384,384,-275,-276,1272,-1425,1272,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1272,1272,1272,-490,1272,1272,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1272,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1272,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1272,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,384,-172,-173,-174,-175,-993,384,384,384,384,384,384,384,384,384,384,1272,1272,1272,1272,1272,-290,-291,-281,384,1272,1272,1272,1272,-328,-318,-332,-333,-334,1272,1272,-982,-983,-984,-985,-986,-987,-988,384,384,1272,1272,1272,1272,1272,1272,1272,1272,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1272,1272,1272,-353,-356,384,-323,-324,-141,1272,-142,1272,-143,1272,-430,-935,-936,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1894,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1894,1272,-1894,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1894,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-1894,384,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1272,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1272,384,384,-191,-192,384,-994,1272,384,384,384,384,-277,-278,-279,-280,-365,1272,-308,1272,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1272,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1272,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1272,1272,1272,1272,1272,1272,-573,1272,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1272,1272,-723,-724,-725,1272,1272,384,384,384,384,-994,384,1272,-91,-92,384,384,384,1272,-309,-310,-320,1272,-307,-293,-294,-295,1272,384,1272,1272,-618,-633,-590,1272,384,-436,384,-437,1272,-444,-445,-446,-378,-379,1272,1272,1272,-506,1272,1272,-510,1272,1272,1272,1272,-515,-516,-517,-518,1272,1272,-521,-522,1272,-524,-525,-526,-527,-528,-529,-530,-531,1272,-533,1272,1272,1272,-539,-541,-542,1272,-544,-545,-546,-547,1272,1272,1272,1272,1272,1272,-652,-653,-654,-655,384,-657,-658,-659,1272,1272,1272,-665,1272,1272,-669,-670,1272,1272,-673,1272,-675,-676,1272,-679,1272,-681,1272,1272,-684,-685,-686,1272,-688,1272,1272,-691,1272,1272,-694,-695,-696,1272,-698,-699,-700,-701,1272,1272,-746,1272,-749,-750,-751,-752,-753,1272,-755,-756,-757,-758,-759,1272,-766,-767,-769,1272,-771,-772,-773,-782,-856,-858,-860,-862,1272,1272,1272,1272,-868,1272,-870,1272,1272,1272,1272,1272,1272,1272,-906,-907,1272,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1272,-921,-924,1272,-934,1272,-385,-386,-387,1272,1272,-390,-391,-392,-393,1272,-396,1272,-399,-400,1272,-401,1272,-406,-407,1272,-410,-411,-412,1272,-415,1272,-416,1272,-421,-422,1272,-425,1272,-428,-429,-1894,-1894,1272,-619,-620,-621,-622,-623,-634,-584,-624,-797,1272,1272,1272,1272,1272,-831,1272,1272,-806,1272,-832,1272,1272,1272,1272,-798,1272,-853,-799,1272,1272,1272,1272,1272,1272,-854,-855,1272,-834,-830,-835,1272,-625,1272,-626,-627,-628,-629,-574,1272,1272,-630,-631,-632,1272,1272,1272,1272,1272,1272,-635,-636,-637,-592,-1894,-602,1272,-638,-639,-713,-640,-604,1272,-572,-577,-580,-583,1272,1272,1272,-598,-601,1272,-608,1272,1272,1272,1272,1272,1272,1272,1272,1272,1272,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1272,384,384,-995,384,1272,384,384,384,1272,-306,-325,-319,-296,-375,-452,-453,-454,-458,384,-443,1272,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1272,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,384,384,384,384,384,384,384,384,1272,-316,-535,-508,-591,-937,-939,-940,-438,1272,-440,-380,-381,-383,-507,-509,-511,1272,-513,-514,-519,-520,1272,-532,-534,-537,-538,-543,-548,-726,1272,-727,1272,-732,1272,-734,1272,-739,-656,-660,-661,1272,-666,1272,-667,1272,-672,-674,1272,-677,1272,1272,1272,-687,-689,1272,-692,1272,1272,-744,1272,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1272,1272,1272,1272,1272,-877,1272,-880,-908,-920,-925,-388,-389,1272,-394,1272,-397,1272,-402,1272,-403,1272,-408,1272,-413,1272,-417,1272,-418,1272,-423,1272,-426,-899,-900,-643,-585,-1894,-901,1272,1272,1272,-800,1272,1272,-804,1272,-807,-833,1272,-818,1272,-820,1272,-822,-808,1272,-824,1272,-851,-852,1272,1272,-811,1272,-646,-902,-904,-648,-649,-645,1272,-705,-706,1272,-642,-903,-647,-650,-603,-714,1272,1272,-605,-586,1272,1272,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1272,1272,-709,-710,1272,-716,1272,384,384,384,1272,1272,-938,384,-439,-441,-747,1272,-891,1272,-715,-1894,1272,1272,384,384,1272,-442,-512,-523,1272,-728,-733,1272,-735,1272,-740,1272,-662,-668,1272,-678,-680,-682,-683,-690,-693,-697,-745,1272,1272,-874,1272,1272,-878,1272,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1272,-812,1272,-814,-801,1272,-802,-805,1272,-816,-819,-821,-823,-825,1272,-826,1272,-809,1272,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,384,-282,384,1272,384,1272,-455,1272,1272,-729,1272,-736,1272,-741,1272,-663,-671,1272,1272,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1272,-836,-53,384,1272,-730,1272,-737,1272,-742,-664,1272,-873,-54,384,384,-731,-738,-743,1272,384,1272,-872,]),'JSON_REPLACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[385,385,385,1273,-1894,385,385,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,385,385,385,385,-275,-276,1273,-1425,1273,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1273,1273,1273,-490,1273,1273,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1273,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1273,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1273,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,385,-172,-173,-174,-175,-993,385,385,385,385,385,385,385,385,385,385,1273,1273,1273,1273,1273,-290,-291,-281,385,1273,1273,1273,1273,-328,-318,-332,-333,-334,1273,1273,-982,-983,-984,-985,-986,-987,-988,385,385,1273,1273,1273,1273,1273,1273,1273,1273,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1273,1273,1273,-353,-356,385,-323,-324,-141,1273,-142,1273,-143,1273,-430,-935,-936,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1894,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1894,1273,-1894,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1894,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-1894,385,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1273,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1273,385,385,-191,-192,385,-994,1273,385,385,385,385,-277,-278,-279,-280,-365,1273,-308,1273,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1273,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1273,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1273,1273,1273,1273,1273,1273,-573,1273,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1273,1273,-723,-724,-725,1273,1273,385,385,385,385,-994,385,1273,-91,-92,385,385,385,1273,-309,-310,-320,1273,-307,-293,-294,-295,1273,385,1273,1273,-618,-633,-590,1273,385,-436,385,-437,1273,-444,-445,-446,-378,-379,1273,1273,1273,-506,1273,1273,-510,1273,1273,1273,1273,-515,-516,-517,-518,1273,1273,-521,-522,1273,-524,-525,-526,-527,-528,-529,-530,-531,1273,-533,1273,1273,1273,-539,-541,-542,1273,-544,-545,-546,-547,1273,1273,1273,1273,1273,1273,-652,-653,-654,-655,385,-657,-658,-659,1273,1273,1273,-665,1273,1273,-669,-670,1273,1273,-673,1273,-675,-676,1273,-679,1273,-681,1273,1273,-684,-685,-686,1273,-688,1273,1273,-691,1273,1273,-694,-695,-696,1273,-698,-699,-700,-701,1273,1273,-746,1273,-749,-750,-751,-752,-753,1273,-755,-756,-757,-758,-759,1273,-766,-767,-769,1273,-771,-772,-773,-782,-856,-858,-860,-862,1273,1273,1273,1273,-868,1273,-870,1273,1273,1273,1273,1273,1273,1273,-906,-907,1273,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1273,-921,-924,1273,-934,1273,-385,-386,-387,1273,1273,-390,-391,-392,-393,1273,-396,1273,-399,-400,1273,-401,1273,-406,-407,1273,-410,-411,-412,1273,-415,1273,-416,1273,-421,-422,1273,-425,1273,-428,-429,-1894,-1894,1273,-619,-620,-621,-622,-623,-634,-584,-624,-797,1273,1273,1273,1273,1273,-831,1273,1273,-806,1273,-832,1273,1273,1273,1273,-798,1273,-853,-799,1273,1273,1273,1273,1273,1273,-854,-855,1273,-834,-830,-835,1273,-625,1273,-626,-627,-628,-629,-574,1273,1273,-630,-631,-632,1273,1273,1273,1273,1273,1273,-635,-636,-637,-592,-1894,-602,1273,-638,-639,-713,-640,-604,1273,-572,-577,-580,-583,1273,1273,1273,-598,-601,1273,-608,1273,1273,1273,1273,1273,1273,1273,1273,1273,1273,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1273,385,385,-995,385,1273,385,385,385,1273,-306,-325,-319,-296,-375,-452,-453,-454,-458,385,-443,1273,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1273,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,385,385,385,385,385,385,385,385,1273,-316,-535,-508,-591,-937,-939,-940,-438,1273,-440,-380,-381,-383,-507,-509,-511,1273,-513,-514,-519,-520,1273,-532,-534,-537,-538,-543,-548,-726,1273,-727,1273,-732,1273,-734,1273,-739,-656,-660,-661,1273,-666,1273,-667,1273,-672,-674,1273,-677,1273,1273,1273,-687,-689,1273,-692,1273,1273,-744,1273,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1273,1273,1273,1273,1273,-877,1273,-880,-908,-920,-925,-388,-389,1273,-394,1273,-397,1273,-402,1273,-403,1273,-408,1273,-413,1273,-417,1273,-418,1273,-423,1273,-426,-899,-900,-643,-585,-1894,-901,1273,1273,1273,-800,1273,1273,-804,1273,-807,-833,1273,-818,1273,-820,1273,-822,-808,1273,-824,1273,-851,-852,1273,1273,-811,1273,-646,-902,-904,-648,-649,-645,1273,-705,-706,1273,-642,-903,-647,-650,-603,-714,1273,1273,-605,-586,1273,1273,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1273,1273,-709,-710,1273,-716,1273,385,385,385,1273,1273,-938,385,-439,-441,-747,1273,-891,1273,-715,-1894,1273,1273,385,385,1273,-442,-512,-523,1273,-728,-733,1273,-735,1273,-740,1273,-662,-668,1273,-678,-680,-682,-683,-690,-693,-697,-745,1273,1273,-874,1273,1273,-878,1273,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1273,-812,1273,-814,-801,1273,-802,-805,1273,-816,-819,-821,-823,-825,1273,-826,1273,-809,1273,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,385,-282,385,1273,385,1273,-455,1273,1273,-729,1273,-736,1273,-741,1273,-663,-671,1273,1273,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1273,-836,-53,385,1273,-730,1273,-737,1273,-742,-664,1273,-873,-54,385,385,-731,-738,-743,1273,385,1273,-872,]),'JSON_SCHEMA_VALID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[386,386,386,1274,-1894,386,386,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,386,386,386,386,-275,-276,1274,-1425,1274,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1274,1274,1274,-490,1274,1274,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1274,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1274,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1274,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,386,-172,-173,-174,-175,-993,386,386,386,386,386,386,386,386,386,386,1274,1274,1274,1274,1274,-290,-291,-281,386,1274,1274,1274,1274,-328,-318,-332,-333,-334,1274,1274,-982,-983,-984,-985,-986,-987,-988,386,386,1274,1274,1274,1274,1274,1274,1274,1274,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1274,1274,1274,-353,-356,386,-323,-324,-141,1274,-142,1274,-143,1274,-430,-935,-936,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1894,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1894,1274,-1894,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1894,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-1894,386,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1274,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1274,386,386,-191,-192,386,-994,1274,386,386,386,386,-277,-278,-279,-280,-365,1274,-308,1274,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1274,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1274,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1274,1274,1274,1274,1274,1274,-573,1274,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1274,1274,-723,-724,-725,1274,1274,386,386,386,386,-994,386,1274,-91,-92,386,386,386,1274,-309,-310,-320,1274,-307,-293,-294,-295,1274,386,1274,1274,-618,-633,-590,1274,386,-436,386,-437,1274,-444,-445,-446,-378,-379,1274,1274,1274,-506,1274,1274,-510,1274,1274,1274,1274,-515,-516,-517,-518,1274,1274,-521,-522,1274,-524,-525,-526,-527,-528,-529,-530,-531,1274,-533,1274,1274,1274,-539,-541,-542,1274,-544,-545,-546,-547,1274,1274,1274,1274,1274,1274,-652,-653,-654,-655,386,-657,-658,-659,1274,1274,1274,-665,1274,1274,-669,-670,1274,1274,-673,1274,-675,-676,1274,-679,1274,-681,1274,1274,-684,-685,-686,1274,-688,1274,1274,-691,1274,1274,-694,-695,-696,1274,-698,-699,-700,-701,1274,1274,-746,1274,-749,-750,-751,-752,-753,1274,-755,-756,-757,-758,-759,1274,-766,-767,-769,1274,-771,-772,-773,-782,-856,-858,-860,-862,1274,1274,1274,1274,-868,1274,-870,1274,1274,1274,1274,1274,1274,1274,-906,-907,1274,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1274,-921,-924,1274,-934,1274,-385,-386,-387,1274,1274,-390,-391,-392,-393,1274,-396,1274,-399,-400,1274,-401,1274,-406,-407,1274,-410,-411,-412,1274,-415,1274,-416,1274,-421,-422,1274,-425,1274,-428,-429,-1894,-1894,1274,-619,-620,-621,-622,-623,-634,-584,-624,-797,1274,1274,1274,1274,1274,-831,1274,1274,-806,1274,-832,1274,1274,1274,1274,-798,1274,-853,-799,1274,1274,1274,1274,1274,1274,-854,-855,1274,-834,-830,-835,1274,-625,1274,-626,-627,-628,-629,-574,1274,1274,-630,-631,-632,1274,1274,1274,1274,1274,1274,-635,-636,-637,-592,-1894,-602,1274,-638,-639,-713,-640,-604,1274,-572,-577,-580,-583,1274,1274,1274,-598,-601,1274,-608,1274,1274,1274,1274,1274,1274,1274,1274,1274,1274,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1274,386,386,-995,386,1274,386,386,386,1274,-306,-325,-319,-296,-375,-452,-453,-454,-458,386,-443,1274,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1274,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,386,386,386,386,386,386,386,386,1274,-316,-535,-508,-591,-937,-939,-940,-438,1274,-440,-380,-381,-383,-507,-509,-511,1274,-513,-514,-519,-520,1274,-532,-534,-537,-538,-543,-548,-726,1274,-727,1274,-732,1274,-734,1274,-739,-656,-660,-661,1274,-666,1274,-667,1274,-672,-674,1274,-677,1274,1274,1274,-687,-689,1274,-692,1274,1274,-744,1274,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1274,1274,1274,1274,1274,-877,1274,-880,-908,-920,-925,-388,-389,1274,-394,1274,-397,1274,-402,1274,-403,1274,-408,1274,-413,1274,-417,1274,-418,1274,-423,1274,-426,-899,-900,-643,-585,-1894,-901,1274,1274,1274,-800,1274,1274,-804,1274,-807,-833,1274,-818,1274,-820,1274,-822,-808,1274,-824,1274,-851,-852,1274,1274,-811,1274,-646,-902,-904,-648,-649,-645,1274,-705,-706,1274,-642,-903,-647,-650,-603,-714,1274,1274,-605,-586,1274,1274,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1274,1274,-709,-710,1274,-716,1274,386,386,386,1274,1274,-938,386,-439,-441,-747,1274,-891,1274,-715,-1894,1274,1274,386,386,1274,-442,-512,-523,1274,-728,-733,1274,-735,1274,-740,1274,-662,-668,1274,-678,-680,-682,-683,-690,-693,-697,-745,1274,1274,-874,1274,1274,-878,1274,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1274,-812,1274,-814,-801,1274,-802,-805,1274,-816,-819,-821,-823,-825,1274,-826,1274,-809,1274,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,386,-282,386,1274,386,1274,-455,1274,1274,-729,1274,-736,1274,-741,1274,-663,-671,1274,1274,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1274,-836,-53,386,1274,-730,1274,-737,1274,-742,-664,1274,-873,-54,386,386,-731,-738,-743,1274,386,1274,-872,]),'JSON_SCHEMA_VALIDATION_REPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[387,387,387,1275,-1894,387,387,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,387,387,387,387,-275,-276,1275,-1425,1275,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1275,1275,1275,-490,1275,1275,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1275,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1275,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1275,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,387,-172,-173,-174,-175,-993,387,387,387,387,387,387,387,387,387,387,1275,1275,1275,1275,1275,-290,-291,-281,387,1275,1275,1275,1275,-328,-318,-332,-333,-334,1275,1275,-982,-983,-984,-985,-986,-987,-988,387,387,1275,1275,1275,1275,1275,1275,1275,1275,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1275,1275,1275,-353,-356,387,-323,-324,-141,1275,-142,1275,-143,1275,-430,-935,-936,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1894,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1894,1275,-1894,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1894,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-1894,387,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1275,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1275,387,387,-191,-192,387,-994,1275,387,387,387,387,-277,-278,-279,-280,-365,1275,-308,1275,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1275,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1275,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1275,1275,1275,1275,1275,1275,-573,1275,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1275,1275,-723,-724,-725,1275,1275,387,387,387,387,-994,387,1275,-91,-92,387,387,387,1275,-309,-310,-320,1275,-307,-293,-294,-295,1275,387,1275,1275,-618,-633,-590,1275,387,-436,387,-437,1275,-444,-445,-446,-378,-379,1275,1275,1275,-506,1275,1275,-510,1275,1275,1275,1275,-515,-516,-517,-518,1275,1275,-521,-522,1275,-524,-525,-526,-527,-528,-529,-530,-531,1275,-533,1275,1275,1275,-539,-541,-542,1275,-544,-545,-546,-547,1275,1275,1275,1275,1275,1275,-652,-653,-654,-655,387,-657,-658,-659,1275,1275,1275,-665,1275,1275,-669,-670,1275,1275,-673,1275,-675,-676,1275,-679,1275,-681,1275,1275,-684,-685,-686,1275,-688,1275,1275,-691,1275,1275,-694,-695,-696,1275,-698,-699,-700,-701,1275,1275,-746,1275,-749,-750,-751,-752,-753,1275,-755,-756,-757,-758,-759,1275,-766,-767,-769,1275,-771,-772,-773,-782,-856,-858,-860,-862,1275,1275,1275,1275,-868,1275,-870,1275,1275,1275,1275,1275,1275,1275,-906,-907,1275,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1275,-921,-924,1275,-934,1275,-385,-386,-387,1275,1275,-390,-391,-392,-393,1275,-396,1275,-399,-400,1275,-401,1275,-406,-407,1275,-410,-411,-412,1275,-415,1275,-416,1275,-421,-422,1275,-425,1275,-428,-429,-1894,-1894,1275,-619,-620,-621,-622,-623,-634,-584,-624,-797,1275,1275,1275,1275,1275,-831,1275,1275,-806,1275,-832,1275,1275,1275,1275,-798,1275,-853,-799,1275,1275,1275,1275,1275,1275,-854,-855,1275,-834,-830,-835,1275,-625,1275,-626,-627,-628,-629,-574,1275,1275,-630,-631,-632,1275,1275,1275,1275,1275,1275,-635,-636,-637,-592,-1894,-602,1275,-638,-639,-713,-640,-604,1275,-572,-577,-580,-583,1275,1275,1275,-598,-601,1275,-608,1275,1275,1275,1275,1275,1275,1275,1275,1275,1275,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1275,387,387,-995,387,1275,387,387,387,1275,-306,-325,-319,-296,-375,-452,-453,-454,-458,387,-443,1275,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1275,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,387,387,387,387,387,387,387,387,1275,-316,-535,-508,-591,-937,-939,-940,-438,1275,-440,-380,-381,-383,-507,-509,-511,1275,-513,-514,-519,-520,1275,-532,-534,-537,-538,-543,-548,-726,1275,-727,1275,-732,1275,-734,1275,-739,-656,-660,-661,1275,-666,1275,-667,1275,-672,-674,1275,-677,1275,1275,1275,-687,-689,1275,-692,1275,1275,-744,1275,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1275,1275,1275,1275,1275,-877,1275,-880,-908,-920,-925,-388,-389,1275,-394,1275,-397,1275,-402,1275,-403,1275,-408,1275,-413,1275,-417,1275,-418,1275,-423,1275,-426,-899,-900,-643,-585,-1894,-901,1275,1275,1275,-800,1275,1275,-804,1275,-807,-833,1275,-818,1275,-820,1275,-822,-808,1275,-824,1275,-851,-852,1275,1275,-811,1275,-646,-902,-904,-648,-649,-645,1275,-705,-706,1275,-642,-903,-647,-650,-603,-714,1275,1275,-605,-586,1275,1275,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1275,1275,-709,-710,1275,-716,1275,387,387,387,1275,1275,-938,387,-439,-441,-747,1275,-891,1275,-715,-1894,1275,1275,387,387,1275,-442,-512,-523,1275,-728,-733,1275,-735,1275,-740,1275,-662,-668,1275,-678,-680,-682,-683,-690,-693,-697,-745,1275,1275,-874,1275,1275,-878,1275,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1275,-812,1275,-814,-801,1275,-802,-805,1275,-816,-819,-821,-823,-825,1275,-826,1275,-809,1275,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,387,-282,387,1275,387,1275,-455,1275,1275,-729,1275,-736,1275,-741,1275,-663,-671,1275,1275,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1275,-836,-53,387,1275,-730,1275,-737,1275,-742,-664,1275,-873,-54,387,387,-731,-738,-743,1275,387,1275,-872,]),'JSON_SEARCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[388,388,388,1276,-1894,388,388,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,388,388,388,388,-275,-276,1276,-1425,1276,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1276,1276,1276,-490,1276,1276,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1276,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1276,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1276,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,388,-172,-173,-174,-175,-993,388,388,388,388,388,388,388,388,388,388,1276,1276,1276,1276,1276,-290,-291,-281,388,1276,1276,1276,1276,-328,-318,-332,-333,-334,1276,1276,-982,-983,-984,-985,-986,-987,-988,388,388,1276,1276,1276,1276,1276,1276,1276,1276,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1276,1276,1276,-353,-356,388,-323,-324,-141,1276,-142,1276,-143,1276,-430,-935,-936,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1894,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1894,1276,-1894,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1894,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-1894,388,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1276,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1276,388,388,-191,-192,388,-994,1276,388,388,388,388,-277,-278,-279,-280,-365,1276,-308,1276,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1276,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1276,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1276,1276,1276,1276,1276,1276,-573,1276,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1276,1276,-723,-724,-725,1276,1276,388,388,388,388,-994,388,1276,-91,-92,388,388,388,1276,-309,-310,-320,1276,-307,-293,-294,-295,1276,388,1276,1276,-618,-633,-590,1276,388,-436,388,-437,1276,-444,-445,-446,-378,-379,1276,1276,1276,-506,1276,1276,-510,1276,1276,1276,1276,-515,-516,-517,-518,1276,1276,-521,-522,1276,-524,-525,-526,-527,-528,-529,-530,-531,1276,-533,1276,1276,1276,-539,-541,-542,1276,-544,-545,-546,-547,1276,1276,1276,1276,1276,1276,-652,-653,-654,-655,388,-657,-658,-659,1276,1276,1276,-665,1276,1276,-669,-670,1276,1276,-673,1276,-675,-676,1276,-679,1276,-681,1276,1276,-684,-685,-686,1276,-688,1276,1276,-691,1276,1276,-694,-695,-696,1276,-698,-699,-700,-701,1276,1276,-746,1276,-749,-750,-751,-752,-753,1276,-755,-756,-757,-758,-759,1276,-766,-767,-769,1276,-771,-772,-773,-782,-856,-858,-860,-862,1276,1276,1276,1276,-868,1276,-870,1276,1276,1276,1276,1276,1276,1276,-906,-907,1276,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1276,-921,-924,1276,-934,1276,-385,-386,-387,1276,1276,-390,-391,-392,-393,1276,-396,1276,-399,-400,1276,-401,1276,-406,-407,1276,-410,-411,-412,1276,-415,1276,-416,1276,-421,-422,1276,-425,1276,-428,-429,-1894,-1894,1276,-619,-620,-621,-622,-623,-634,-584,-624,-797,1276,1276,1276,1276,1276,-831,1276,1276,-806,1276,-832,1276,1276,1276,1276,-798,1276,-853,-799,1276,1276,1276,1276,1276,1276,-854,-855,1276,-834,-830,-835,1276,-625,1276,-626,-627,-628,-629,-574,1276,1276,-630,-631,-632,1276,1276,1276,1276,1276,1276,-635,-636,-637,-592,-1894,-602,1276,-638,-639,-713,-640,-604,1276,-572,-577,-580,-583,1276,1276,1276,-598,-601,1276,-608,1276,1276,1276,1276,1276,1276,1276,1276,1276,1276,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1276,388,388,-995,388,1276,388,388,388,1276,-306,-325,-319,-296,-375,-452,-453,-454,-458,388,-443,1276,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1276,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,388,388,388,388,388,388,388,388,1276,-316,-535,-508,-591,-937,-939,-940,-438,1276,-440,-380,-381,-383,-507,-509,-511,1276,-513,-514,-519,-520,1276,-532,-534,-537,-538,-543,-548,-726,1276,-727,1276,-732,1276,-734,1276,-739,-656,-660,-661,1276,-666,1276,-667,1276,-672,-674,1276,-677,1276,1276,1276,-687,-689,1276,-692,1276,1276,-744,1276,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1276,1276,1276,1276,1276,-877,1276,-880,-908,-920,-925,-388,-389,1276,-394,1276,-397,1276,-402,1276,-403,1276,-408,1276,-413,1276,-417,1276,-418,1276,-423,1276,-426,-899,-900,-643,-585,-1894,-901,1276,1276,1276,-800,1276,1276,-804,1276,-807,-833,1276,-818,1276,-820,1276,-822,-808,1276,-824,1276,-851,-852,1276,1276,-811,1276,-646,-902,-904,-648,-649,-645,1276,-705,-706,1276,-642,-903,-647,-650,-603,-714,1276,1276,-605,-586,1276,1276,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1276,1276,-709,-710,1276,-716,1276,388,388,388,1276,1276,-938,388,-439,-441,-747,1276,-891,1276,-715,-1894,1276,1276,388,388,1276,-442,-512,-523,1276,-728,-733,1276,-735,1276,-740,1276,-662,-668,1276,-678,-680,-682,-683,-690,-693,-697,-745,1276,1276,-874,1276,1276,-878,1276,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1276,-812,1276,-814,-801,1276,-802,-805,1276,-816,-819,-821,-823,-825,1276,-826,1276,-809,1276,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,388,-282,388,1276,388,1276,-455,1276,1276,-729,1276,-736,1276,-741,1276,-663,-671,1276,1276,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1276,-836,-53,388,1276,-730,1276,-737,1276,-742,-664,1276,-873,-54,388,388,-731,-738,-743,1276,388,1276,-872,]),'JSON_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[389,389,389,1277,-1894,389,389,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,389,389,389,389,-275,-276,1277,-1425,1277,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1277,1277,1277,-490,1277,1277,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1277,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1277,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1277,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,389,-172,-173,-174,-175,-993,389,389,389,389,389,389,389,389,389,389,1277,1277,1277,1277,1277,-290,-291,-281,389,1277,1277,1277,1277,-328,-318,-332,-333,-334,1277,1277,-982,-983,-984,-985,-986,-987,-988,389,389,1277,1277,1277,1277,1277,1277,1277,1277,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1277,1277,1277,-353,-356,389,-323,-324,-141,1277,-142,1277,-143,1277,-430,-935,-936,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1894,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1894,1277,-1894,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1894,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-1894,389,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1277,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1277,389,389,-191,-192,389,-994,1277,389,389,389,389,-277,-278,-279,-280,-365,1277,-308,1277,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1277,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1277,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1277,1277,1277,1277,1277,1277,-573,1277,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1277,1277,-723,-724,-725,1277,1277,389,389,389,389,-994,389,1277,-91,-92,389,389,389,1277,-309,-310,-320,1277,-307,-293,-294,-295,1277,389,1277,1277,-618,-633,-590,1277,389,-436,389,-437,1277,-444,-445,-446,-378,-379,1277,1277,1277,-506,1277,1277,-510,1277,1277,1277,1277,-515,-516,-517,-518,1277,1277,-521,-522,1277,-524,-525,-526,-527,-528,-529,-530,-531,1277,-533,1277,1277,1277,-539,-541,-542,1277,-544,-545,-546,-547,1277,1277,1277,1277,1277,1277,-652,-653,-654,-655,389,-657,-658,-659,1277,1277,1277,-665,1277,1277,-669,-670,1277,1277,-673,1277,-675,-676,1277,-679,1277,-681,1277,1277,-684,-685,-686,1277,-688,1277,1277,-691,1277,1277,-694,-695,-696,1277,-698,-699,-700,-701,1277,1277,-746,1277,-749,-750,-751,-752,-753,1277,-755,-756,-757,-758,-759,1277,-766,-767,-769,1277,-771,-772,-773,-782,-856,-858,-860,-862,1277,1277,1277,1277,-868,1277,-870,1277,1277,1277,1277,1277,1277,1277,-906,-907,1277,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1277,-921,-924,1277,-934,1277,-385,-386,-387,1277,1277,-390,-391,-392,-393,1277,-396,1277,-399,-400,1277,-401,1277,-406,-407,1277,-410,-411,-412,1277,-415,1277,-416,1277,-421,-422,1277,-425,1277,-428,-429,-1894,-1894,1277,-619,-620,-621,-622,-623,-634,-584,-624,-797,1277,1277,1277,1277,1277,-831,1277,1277,-806,1277,-832,1277,1277,1277,1277,-798,1277,-853,-799,1277,1277,1277,1277,1277,1277,-854,-855,1277,-834,-830,-835,1277,-625,1277,-626,-627,-628,-629,-574,1277,1277,-630,-631,-632,1277,1277,1277,1277,1277,1277,-635,-636,-637,-592,-1894,-602,1277,-638,-639,-713,-640,-604,1277,-572,-577,-580,-583,1277,1277,1277,-598,-601,1277,-608,1277,1277,1277,1277,1277,1277,1277,1277,1277,1277,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1277,389,389,-995,389,1277,389,389,389,1277,-306,-325,-319,-296,-375,-452,-453,-454,-458,389,-443,1277,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1277,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,389,389,389,389,389,389,389,389,1277,-316,-535,-508,-591,-937,-939,-940,-438,1277,-440,-380,-381,-383,-507,-509,-511,1277,-513,-514,-519,-520,1277,-532,-534,-537,-538,-543,-548,-726,1277,-727,1277,-732,1277,-734,1277,-739,-656,-660,-661,1277,-666,1277,-667,1277,-672,-674,1277,-677,1277,1277,1277,-687,-689,1277,-692,1277,1277,-744,1277,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1277,1277,1277,1277,1277,-877,1277,-880,-908,-920,-925,-388,-389,1277,-394,1277,-397,1277,-402,1277,-403,1277,-408,1277,-413,1277,-417,1277,-418,1277,-423,1277,-426,-899,-900,-643,-585,-1894,-901,1277,1277,1277,-800,1277,1277,-804,1277,-807,-833,1277,-818,1277,-820,1277,-822,-808,1277,-824,1277,-851,-852,1277,1277,-811,1277,-646,-902,-904,-648,-649,-645,1277,-705,-706,1277,-642,-903,-647,-650,-603,-714,1277,1277,-605,-586,1277,1277,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1277,1277,-709,-710,1277,-716,1277,389,389,389,1277,1277,-938,389,-439,-441,-747,1277,-891,1277,-715,-1894,1277,1277,389,389,1277,-442,-512,-523,1277,-728,-733,1277,-735,1277,-740,1277,-662,-668,1277,-678,-680,-682,-683,-690,-693,-697,-745,1277,1277,-874,1277,1277,-878,1277,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1277,-812,1277,-814,-801,1277,-802,-805,1277,-816,-819,-821,-823,-825,1277,-826,1277,-809,1277,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,389,-282,389,1277,389,1277,-455,1277,1277,-729,1277,-736,1277,-741,1277,-663,-671,1277,1277,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1277,-836,-53,389,1277,-730,1277,-737,1277,-742,-664,1277,-873,-54,389,389,-731,-738,-743,1277,389,1277,-872,]),'JSON_STORAGE_FREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[390,390,390,1278,-1894,390,390,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,390,390,390,390,-275,-276,1278,-1425,1278,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1278,1278,1278,-490,1278,1278,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1278,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1278,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1278,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,390,-172,-173,-174,-175,-993,390,390,390,390,390,390,390,390,390,390,1278,1278,1278,1278,1278,-290,-291,-281,390,1278,1278,1278,1278,-328,-318,-332,-333,-334,1278,1278,-982,-983,-984,-985,-986,-987,-988,390,390,1278,1278,1278,1278,1278,1278,1278,1278,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1278,1278,1278,-353,-356,390,-323,-324,-141,1278,-142,1278,-143,1278,-430,-935,-936,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1894,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1894,1278,-1894,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1894,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-1894,390,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1278,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1278,390,390,-191,-192,390,-994,1278,390,390,390,390,-277,-278,-279,-280,-365,1278,-308,1278,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1278,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1278,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1278,1278,1278,1278,1278,1278,-573,1278,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1278,1278,-723,-724,-725,1278,1278,390,390,390,390,-994,390,1278,-91,-92,390,390,390,1278,-309,-310,-320,1278,-307,-293,-294,-295,1278,390,1278,1278,-618,-633,-590,1278,390,-436,390,-437,1278,-444,-445,-446,-378,-379,1278,1278,1278,-506,1278,1278,-510,1278,1278,1278,1278,-515,-516,-517,-518,1278,1278,-521,-522,1278,-524,-525,-526,-527,-528,-529,-530,-531,1278,-533,1278,1278,1278,-539,-541,-542,1278,-544,-545,-546,-547,1278,1278,1278,1278,1278,1278,-652,-653,-654,-655,390,-657,-658,-659,1278,1278,1278,-665,1278,1278,-669,-670,1278,1278,-673,1278,-675,-676,1278,-679,1278,-681,1278,1278,-684,-685,-686,1278,-688,1278,1278,-691,1278,1278,-694,-695,-696,1278,-698,-699,-700,-701,1278,1278,-746,1278,-749,-750,-751,-752,-753,1278,-755,-756,-757,-758,-759,1278,-766,-767,-769,1278,-771,-772,-773,-782,-856,-858,-860,-862,1278,1278,1278,1278,-868,1278,-870,1278,1278,1278,1278,1278,1278,1278,-906,-907,1278,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1278,-921,-924,1278,-934,1278,-385,-386,-387,1278,1278,-390,-391,-392,-393,1278,-396,1278,-399,-400,1278,-401,1278,-406,-407,1278,-410,-411,-412,1278,-415,1278,-416,1278,-421,-422,1278,-425,1278,-428,-429,-1894,-1894,1278,-619,-620,-621,-622,-623,-634,-584,-624,-797,1278,1278,1278,1278,1278,-831,1278,1278,-806,1278,-832,1278,1278,1278,1278,-798,1278,-853,-799,1278,1278,1278,1278,1278,1278,-854,-855,1278,-834,-830,-835,1278,-625,1278,-626,-627,-628,-629,-574,1278,1278,-630,-631,-632,1278,1278,1278,1278,1278,1278,-635,-636,-637,-592,-1894,-602,1278,-638,-639,-713,-640,-604,1278,-572,-577,-580,-583,1278,1278,1278,-598,-601,1278,-608,1278,1278,1278,1278,1278,1278,1278,1278,1278,1278,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1278,390,390,-995,390,1278,390,390,390,1278,-306,-325,-319,-296,-375,-452,-453,-454,-458,390,-443,1278,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1278,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,390,390,390,390,390,390,390,390,1278,-316,-535,-508,-591,-937,-939,-940,-438,1278,-440,-380,-381,-383,-507,-509,-511,1278,-513,-514,-519,-520,1278,-532,-534,-537,-538,-543,-548,-726,1278,-727,1278,-732,1278,-734,1278,-739,-656,-660,-661,1278,-666,1278,-667,1278,-672,-674,1278,-677,1278,1278,1278,-687,-689,1278,-692,1278,1278,-744,1278,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1278,1278,1278,1278,1278,-877,1278,-880,-908,-920,-925,-388,-389,1278,-394,1278,-397,1278,-402,1278,-403,1278,-408,1278,-413,1278,-417,1278,-418,1278,-423,1278,-426,-899,-900,-643,-585,-1894,-901,1278,1278,1278,-800,1278,1278,-804,1278,-807,-833,1278,-818,1278,-820,1278,-822,-808,1278,-824,1278,-851,-852,1278,1278,-811,1278,-646,-902,-904,-648,-649,-645,1278,-705,-706,1278,-642,-903,-647,-650,-603,-714,1278,1278,-605,-586,1278,1278,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1278,1278,-709,-710,1278,-716,1278,390,390,390,1278,1278,-938,390,-439,-441,-747,1278,-891,1278,-715,-1894,1278,1278,390,390,1278,-442,-512,-523,1278,-728,-733,1278,-735,1278,-740,1278,-662,-668,1278,-678,-680,-682,-683,-690,-693,-697,-745,1278,1278,-874,1278,1278,-878,1278,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1278,-812,1278,-814,-801,1278,-802,-805,1278,-816,-819,-821,-823,-825,1278,-826,1278,-809,1278,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,390,-282,390,1278,390,1278,-455,1278,1278,-729,1278,-736,1278,-741,1278,-663,-671,1278,1278,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1278,-836,-53,390,1278,-730,1278,-737,1278,-742,-664,1278,-873,-54,390,390,-731,-738,-743,1278,390,1278,-872,]),'JSON_STORAGE_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[391,391,391,1279,-1894,391,391,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,391,391,391,391,-275,-276,1279,-1425,1279,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1279,1279,1279,-490,1279,1279,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1279,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1279,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1279,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,391,-172,-173,-174,-175,-993,391,391,391,391,391,391,391,391,391,391,1279,1279,1279,1279,1279,-290,-291,-281,391,1279,1279,1279,1279,-328,-318,-332,-333,-334,1279,1279,-982,-983,-984,-985,-986,-987,-988,391,391,1279,1279,1279,1279,1279,1279,1279,1279,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1279,1279,1279,-353,-356,391,-323,-324,-141,1279,-142,1279,-143,1279,-430,-935,-936,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1894,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1894,1279,-1894,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1894,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-1894,391,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1279,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1279,391,391,-191,-192,391,-994,1279,391,391,391,391,-277,-278,-279,-280,-365,1279,-308,1279,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1279,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1279,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1279,1279,1279,1279,1279,1279,-573,1279,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1279,1279,-723,-724,-725,1279,1279,391,391,391,391,-994,391,1279,-91,-92,391,391,391,1279,-309,-310,-320,1279,-307,-293,-294,-295,1279,391,1279,1279,-618,-633,-590,1279,391,-436,391,-437,1279,-444,-445,-446,-378,-379,1279,1279,1279,-506,1279,1279,-510,1279,1279,1279,1279,-515,-516,-517,-518,1279,1279,-521,-522,1279,-524,-525,-526,-527,-528,-529,-530,-531,1279,-533,1279,1279,1279,-539,-541,-542,1279,-544,-545,-546,-547,1279,1279,1279,1279,1279,1279,-652,-653,-654,-655,391,-657,-658,-659,1279,1279,1279,-665,1279,1279,-669,-670,1279,1279,-673,1279,-675,-676,1279,-679,1279,-681,1279,1279,-684,-685,-686,1279,-688,1279,1279,-691,1279,1279,-694,-695,-696,1279,-698,-699,-700,-701,1279,1279,-746,1279,-749,-750,-751,-752,-753,1279,-755,-756,-757,-758,-759,1279,-766,-767,-769,1279,-771,-772,-773,-782,-856,-858,-860,-862,1279,1279,1279,1279,-868,1279,-870,1279,1279,1279,1279,1279,1279,1279,-906,-907,1279,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1279,-921,-924,1279,-934,1279,-385,-386,-387,1279,1279,-390,-391,-392,-393,1279,-396,1279,-399,-400,1279,-401,1279,-406,-407,1279,-410,-411,-412,1279,-415,1279,-416,1279,-421,-422,1279,-425,1279,-428,-429,-1894,-1894,1279,-619,-620,-621,-622,-623,-634,-584,-624,-797,1279,1279,1279,1279,1279,-831,1279,1279,-806,1279,-832,1279,1279,1279,1279,-798,1279,-853,-799,1279,1279,1279,1279,1279,1279,-854,-855,1279,-834,-830,-835,1279,-625,1279,-626,-627,-628,-629,-574,1279,1279,-630,-631,-632,1279,1279,1279,1279,1279,1279,-635,-636,-637,-592,-1894,-602,1279,-638,-639,-713,-640,-604,1279,-572,-577,-580,-583,1279,1279,1279,-598,-601,1279,-608,1279,1279,1279,1279,1279,1279,1279,1279,1279,1279,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1279,391,391,-995,391,1279,391,391,391,1279,-306,-325,-319,-296,-375,-452,-453,-454,-458,391,-443,1279,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1279,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,391,391,391,391,391,391,391,391,1279,-316,-535,-508,-591,-937,-939,-940,-438,1279,-440,-380,-381,-383,-507,-509,-511,1279,-513,-514,-519,-520,1279,-532,-534,-537,-538,-543,-548,-726,1279,-727,1279,-732,1279,-734,1279,-739,-656,-660,-661,1279,-666,1279,-667,1279,-672,-674,1279,-677,1279,1279,1279,-687,-689,1279,-692,1279,1279,-744,1279,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1279,1279,1279,1279,1279,-877,1279,-880,-908,-920,-925,-388,-389,1279,-394,1279,-397,1279,-402,1279,-403,1279,-408,1279,-413,1279,-417,1279,-418,1279,-423,1279,-426,-899,-900,-643,-585,-1894,-901,1279,1279,1279,-800,1279,1279,-804,1279,-807,-833,1279,-818,1279,-820,1279,-822,-808,1279,-824,1279,-851,-852,1279,1279,-811,1279,-646,-902,-904,-648,-649,-645,1279,-705,-706,1279,-642,-903,-647,-650,-603,-714,1279,1279,-605,-586,1279,1279,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1279,1279,-709,-710,1279,-716,1279,391,391,391,1279,1279,-938,391,-439,-441,-747,1279,-891,1279,-715,-1894,1279,1279,391,391,1279,-442,-512,-523,1279,-728,-733,1279,-735,1279,-740,1279,-662,-668,1279,-678,-680,-682,-683,-690,-693,-697,-745,1279,1279,-874,1279,1279,-878,1279,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1279,-812,1279,-814,-801,1279,-802,-805,1279,-816,-819,-821,-823,-825,1279,-826,1279,-809,1279,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,391,-282,391,1279,391,1279,-455,1279,1279,-729,1279,-736,1279,-741,1279,-663,-671,1279,1279,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1279,-836,-53,391,1279,-730,1279,-737,1279,-742,-664,1279,-873,-54,391,391,-731,-738,-743,1279,391,1279,-872,]),'JSON_TABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[392,392,392,1280,-1894,392,392,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,392,392,392,392,-275,-276,1280,-1425,1280,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1280,1280,1280,-490,1280,1280,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1280,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1280,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1280,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,392,-172,-173,-174,-175,-993,392,392,392,392,392,392,392,392,392,392,1280,1280,1280,1280,1280,-290,-291,-281,392,1280,1280,1280,1280,-328,-318,-332,-333,-334,1280,1280,-982,-983,-984,-985,-986,-987,-988,392,392,1280,1280,1280,1280,1280,1280,1280,1280,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1280,1280,1280,-353,-356,392,-323,-324,-141,1280,-142,1280,-143,1280,-430,-935,-936,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1894,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1894,1280,-1894,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1894,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-1894,392,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1280,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1280,392,392,-191,-192,392,-994,1280,392,392,392,392,-277,-278,-279,-280,-365,1280,-308,1280,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1280,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1280,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1280,1280,1280,1280,1280,1280,-573,1280,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1280,1280,-723,-724,-725,1280,1280,392,392,392,392,-994,392,1280,-91,-92,392,392,392,1280,-309,-310,-320,1280,-307,-293,-294,-295,1280,392,1280,1280,-618,-633,-590,1280,392,-436,392,-437,1280,-444,-445,-446,-378,-379,1280,1280,1280,-506,1280,1280,-510,1280,1280,1280,1280,-515,-516,-517,-518,1280,1280,-521,-522,1280,-524,-525,-526,-527,-528,-529,-530,-531,1280,-533,1280,1280,1280,-539,-541,-542,1280,-544,-545,-546,-547,1280,1280,1280,1280,1280,1280,-652,-653,-654,-655,392,-657,-658,-659,1280,1280,1280,-665,1280,1280,-669,-670,1280,1280,-673,1280,-675,-676,1280,-679,1280,-681,1280,1280,-684,-685,-686,1280,-688,1280,1280,-691,1280,1280,-694,-695,-696,1280,-698,-699,-700,-701,1280,1280,-746,1280,-749,-750,-751,-752,-753,1280,-755,-756,-757,-758,-759,1280,-766,-767,-769,1280,-771,-772,-773,-782,-856,-858,-860,-862,1280,1280,1280,1280,-868,1280,-870,1280,1280,1280,1280,1280,1280,1280,-906,-907,1280,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1280,-921,-924,1280,-934,1280,-385,-386,-387,1280,1280,-390,-391,-392,-393,1280,-396,1280,-399,-400,1280,-401,1280,-406,-407,1280,-410,-411,-412,1280,-415,1280,-416,1280,-421,-422,1280,-425,1280,-428,-429,-1894,-1894,1280,-619,-620,-621,-622,-623,-634,-584,-624,-797,1280,1280,1280,1280,1280,-831,1280,1280,-806,1280,-832,1280,1280,1280,1280,-798,1280,-853,-799,1280,1280,1280,1280,1280,1280,-854,-855,1280,-834,-830,-835,1280,-625,1280,-626,-627,-628,-629,-574,1280,1280,-630,-631,-632,1280,1280,1280,1280,1280,1280,-635,-636,-637,-592,-1894,-602,1280,-638,-639,-713,-640,-604,1280,-572,-577,-580,-583,1280,1280,1280,-598,-601,1280,-608,1280,1280,1280,1280,1280,1280,1280,1280,1280,1280,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1280,392,392,-995,392,1280,392,392,392,1280,-306,-325,-319,-296,-375,-452,-453,-454,-458,392,-443,1280,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1280,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,392,392,392,392,392,392,392,392,1280,-316,-535,-508,-591,-937,-939,-940,-438,1280,-440,-380,-381,-383,-507,-509,-511,1280,-513,-514,-519,-520,1280,-532,-534,-537,-538,-543,-548,-726,1280,-727,1280,-732,1280,-734,1280,-739,-656,-660,-661,1280,-666,1280,-667,1280,-672,-674,1280,-677,1280,1280,1280,-687,-689,1280,-692,1280,1280,-744,1280,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1280,1280,1280,1280,1280,-877,1280,-880,-908,-920,-925,-388,-389,1280,-394,1280,-397,1280,-402,1280,-403,1280,-408,1280,-413,1280,-417,1280,-418,1280,-423,1280,-426,-899,-900,-643,-585,-1894,-901,1280,1280,1280,-800,1280,1280,-804,1280,-807,-833,1280,-818,1280,-820,1280,-822,-808,1280,-824,1280,-851,-852,1280,1280,-811,1280,-646,-902,-904,-648,-649,-645,1280,-705,-706,1280,-642,-903,-647,-650,-603,-714,1280,1280,-605,-586,1280,1280,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1280,1280,-709,-710,1280,-716,1280,392,392,392,1280,1280,-938,392,-439,-441,-747,1280,-891,1280,-715,-1894,1280,1280,392,392,1280,-442,-512,-523,1280,-728,-733,1280,-735,1280,-740,1280,-662,-668,1280,-678,-680,-682,-683,-690,-693,-697,-745,1280,1280,-874,1280,1280,-878,1280,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1280,-812,1280,-814,-801,1280,-802,-805,1280,-816,-819,-821,-823,-825,1280,-826,1280,-809,1280,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,392,-282,392,1280,392,1280,-455,1280,1280,-729,1280,-736,1280,-741,1280,-663,-671,1280,1280,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1280,-836,-53,392,1280,-730,1280,-737,1280,-742,-664,1280,-873,-54,392,392,-731,-738,-743,1280,392,1280,-872,]),'JSON_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[393,393,393,1281,-1894,393,393,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,393,393,393,393,-275,-276,1281,-1425,1281,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1281,1281,1281,-490,1281,1281,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1281,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1281,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1281,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,393,-172,-173,-174,-175,-993,393,393,393,393,393,393,393,393,393,393,1281,1281,1281,1281,1281,-290,-291,-281,393,1281,1281,1281,1281,-328,-318,-332,-333,-334,1281,1281,-982,-983,-984,-985,-986,-987,-988,393,393,1281,1281,1281,1281,1281,1281,1281,1281,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1281,1281,1281,-353,-356,393,-323,-324,-141,1281,-142,1281,-143,1281,-430,-935,-936,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1894,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1894,1281,-1894,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1894,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-1894,393,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1281,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1281,393,393,-191,-192,393,-994,1281,393,393,393,393,-277,-278,-279,-280,-365,1281,-308,1281,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1281,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1281,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1281,1281,1281,1281,1281,1281,-573,1281,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1281,1281,-723,-724,-725,1281,1281,393,393,393,393,-994,393,1281,-91,-92,393,393,393,1281,-309,-310,-320,1281,-307,-293,-294,-295,1281,393,1281,1281,-618,-633,-590,1281,393,-436,393,-437,1281,-444,-445,-446,-378,-379,1281,1281,1281,-506,1281,1281,-510,1281,1281,1281,1281,-515,-516,-517,-518,1281,1281,-521,-522,1281,-524,-525,-526,-527,-528,-529,-530,-531,1281,-533,1281,1281,1281,-539,-541,-542,1281,-544,-545,-546,-547,1281,1281,1281,1281,1281,1281,-652,-653,-654,-655,393,-657,-658,-659,1281,1281,1281,-665,1281,1281,-669,-670,1281,1281,-673,1281,-675,-676,1281,-679,1281,-681,1281,1281,-684,-685,-686,1281,-688,1281,1281,-691,1281,1281,-694,-695,-696,1281,-698,-699,-700,-701,1281,1281,-746,1281,-749,-750,-751,-752,-753,1281,-755,-756,-757,-758,-759,1281,-766,-767,-769,1281,-771,-772,-773,-782,-856,-858,-860,-862,1281,1281,1281,1281,-868,1281,-870,1281,1281,1281,1281,1281,1281,1281,-906,-907,1281,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1281,-921,-924,1281,-934,1281,-385,-386,-387,1281,1281,-390,-391,-392,-393,1281,-396,1281,-399,-400,1281,-401,1281,-406,-407,1281,-410,-411,-412,1281,-415,1281,-416,1281,-421,-422,1281,-425,1281,-428,-429,-1894,-1894,1281,-619,-620,-621,-622,-623,-634,-584,-624,-797,1281,1281,1281,1281,1281,-831,1281,1281,-806,1281,-832,1281,1281,1281,1281,-798,1281,-853,-799,1281,1281,1281,1281,1281,1281,-854,-855,1281,-834,-830,-835,1281,-625,1281,-626,-627,-628,-629,-574,1281,1281,-630,-631,-632,1281,1281,1281,1281,1281,1281,-635,-636,-637,-592,-1894,-602,1281,-638,-639,-713,-640,-604,1281,-572,-577,-580,-583,1281,1281,1281,-598,-601,1281,-608,1281,1281,1281,1281,1281,1281,1281,1281,1281,1281,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1281,393,393,-995,393,1281,393,393,393,1281,-306,-325,-319,-296,-375,-452,-453,-454,-458,393,-443,1281,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1281,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,393,393,393,393,393,393,393,393,1281,-316,-535,-508,-591,-937,-939,-940,-438,1281,-440,-380,-381,-383,-507,-509,-511,1281,-513,-514,-519,-520,1281,-532,-534,-537,-538,-543,-548,-726,1281,-727,1281,-732,1281,-734,1281,-739,-656,-660,-661,1281,-666,1281,-667,1281,-672,-674,1281,-677,1281,1281,1281,-687,-689,1281,-692,1281,1281,-744,1281,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1281,1281,1281,1281,1281,-877,1281,-880,-908,-920,-925,-388,-389,1281,-394,1281,-397,1281,-402,1281,-403,1281,-408,1281,-413,1281,-417,1281,-418,1281,-423,1281,-426,-899,-900,-643,-585,-1894,-901,1281,1281,1281,-800,1281,1281,-804,1281,-807,-833,1281,-818,1281,-820,1281,-822,-808,1281,-824,1281,-851,-852,1281,1281,-811,1281,-646,-902,-904,-648,-649,-645,1281,-705,-706,1281,-642,-903,-647,-650,-603,-714,1281,1281,-605,-586,1281,1281,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1281,1281,-709,-710,1281,-716,1281,393,393,393,1281,1281,-938,393,-439,-441,-747,1281,-891,1281,-715,-1894,1281,1281,393,393,1281,-442,-512,-523,1281,-728,-733,1281,-735,1281,-740,1281,-662,-668,1281,-678,-680,-682,-683,-690,-693,-697,-745,1281,1281,-874,1281,1281,-878,1281,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1281,-812,1281,-814,-801,1281,-802,-805,1281,-816,-819,-821,-823,-825,1281,-826,1281,-809,1281,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,393,-282,393,1281,393,1281,-455,1281,1281,-729,1281,-736,1281,-741,1281,-663,-671,1281,1281,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1281,-836,-53,393,1281,-730,1281,-737,1281,-742,-664,1281,-873,-54,393,393,-731,-738,-743,1281,393,1281,-872,]),'JSON_UNQUOTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[394,394,394,1282,-1894,394,394,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,394,394,394,394,-275,-276,1282,-1425,1282,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1282,1282,1282,-490,1282,1282,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1282,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1282,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1282,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,394,-172,-173,-174,-175,-993,394,394,394,394,394,394,394,394,394,394,1282,1282,1282,1282,1282,-290,-291,-281,394,1282,1282,1282,1282,-328,-318,-332,-333,-334,1282,1282,-982,-983,-984,-985,-986,-987,-988,394,394,1282,1282,1282,1282,1282,1282,1282,1282,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1282,1282,1282,-353,-356,394,-323,-324,-141,1282,-142,1282,-143,1282,-430,-935,-936,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1894,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1894,1282,-1894,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1894,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-1894,394,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1282,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1282,394,394,-191,-192,394,-994,1282,394,394,394,394,-277,-278,-279,-280,-365,1282,-308,1282,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1282,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1282,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1282,1282,1282,1282,1282,1282,-573,1282,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1282,1282,-723,-724,-725,1282,1282,394,394,394,394,-994,394,1282,-91,-92,394,394,394,1282,-309,-310,-320,1282,-307,-293,-294,-295,1282,394,1282,1282,-618,-633,-590,1282,394,-436,394,-437,1282,-444,-445,-446,-378,-379,1282,1282,1282,-506,1282,1282,-510,1282,1282,1282,1282,-515,-516,-517,-518,1282,1282,-521,-522,1282,-524,-525,-526,-527,-528,-529,-530,-531,1282,-533,1282,1282,1282,-539,-541,-542,1282,-544,-545,-546,-547,1282,1282,1282,1282,1282,1282,-652,-653,-654,-655,394,-657,-658,-659,1282,1282,1282,-665,1282,1282,-669,-670,1282,1282,-673,1282,-675,-676,1282,-679,1282,-681,1282,1282,-684,-685,-686,1282,-688,1282,1282,-691,1282,1282,-694,-695,-696,1282,-698,-699,-700,-701,1282,1282,-746,1282,-749,-750,-751,-752,-753,1282,-755,-756,-757,-758,-759,1282,-766,-767,-769,1282,-771,-772,-773,-782,-856,-858,-860,-862,1282,1282,1282,1282,-868,1282,-870,1282,1282,1282,1282,1282,1282,1282,-906,-907,1282,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1282,-921,-924,1282,-934,1282,-385,-386,-387,1282,1282,-390,-391,-392,-393,1282,-396,1282,-399,-400,1282,-401,1282,-406,-407,1282,-410,-411,-412,1282,-415,1282,-416,1282,-421,-422,1282,-425,1282,-428,-429,-1894,-1894,1282,-619,-620,-621,-622,-623,-634,-584,-624,-797,1282,1282,1282,1282,1282,-831,1282,1282,-806,1282,-832,1282,1282,1282,1282,-798,1282,-853,-799,1282,1282,1282,1282,1282,1282,-854,-855,1282,-834,-830,-835,1282,-625,1282,-626,-627,-628,-629,-574,1282,1282,-630,-631,-632,1282,1282,1282,1282,1282,1282,-635,-636,-637,-592,-1894,-602,1282,-638,-639,-713,-640,-604,1282,-572,-577,-580,-583,1282,1282,1282,-598,-601,1282,-608,1282,1282,1282,1282,1282,1282,1282,1282,1282,1282,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1282,394,394,-995,394,1282,394,394,394,1282,-306,-325,-319,-296,-375,-452,-453,-454,-458,394,-443,1282,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1282,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,394,394,394,394,394,394,394,394,1282,-316,-535,-508,-591,-937,-939,-940,-438,1282,-440,-380,-381,-383,-507,-509,-511,1282,-513,-514,-519,-520,1282,-532,-534,-537,-538,-543,-548,-726,1282,-727,1282,-732,1282,-734,1282,-739,-656,-660,-661,1282,-666,1282,-667,1282,-672,-674,1282,-677,1282,1282,1282,-687,-689,1282,-692,1282,1282,-744,1282,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1282,1282,1282,1282,1282,-877,1282,-880,-908,-920,-925,-388,-389,1282,-394,1282,-397,1282,-402,1282,-403,1282,-408,1282,-413,1282,-417,1282,-418,1282,-423,1282,-426,-899,-900,-643,-585,-1894,-901,1282,1282,1282,-800,1282,1282,-804,1282,-807,-833,1282,-818,1282,-820,1282,-822,-808,1282,-824,1282,-851,-852,1282,1282,-811,1282,-646,-902,-904,-648,-649,-645,1282,-705,-706,1282,-642,-903,-647,-650,-603,-714,1282,1282,-605,-586,1282,1282,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1282,1282,-709,-710,1282,-716,1282,394,394,394,1282,1282,-938,394,-439,-441,-747,1282,-891,1282,-715,-1894,1282,1282,394,394,1282,-442,-512,-523,1282,-728,-733,1282,-735,1282,-740,1282,-662,-668,1282,-678,-680,-682,-683,-690,-693,-697,-745,1282,1282,-874,1282,1282,-878,1282,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1282,-812,1282,-814,-801,1282,-802,-805,1282,-816,-819,-821,-823,-825,1282,-826,1282,-809,1282,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,394,-282,394,1282,394,1282,-455,1282,1282,-729,1282,-736,1282,-741,1282,-663,-671,1282,1282,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1282,-836,-53,394,1282,-730,1282,-737,1282,-742,-664,1282,-873,-54,394,394,-731,-738,-743,1282,394,1282,-872,]),'JSON_VAILD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[395,395,395,1283,-1894,395,395,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,395,395,395,395,-275,-276,1283,-1425,1283,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1283,1283,1283,-490,1283,1283,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1283,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1283,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1283,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,395,-172,-173,-174,-175,-993,395,395,395,395,395,395,395,395,395,395,1283,1283,1283,1283,1283,-290,-291,-281,395,1283,1283,1283,1283,-328,-318,-332,-333,-334,1283,1283,-982,-983,-984,-985,-986,-987,-988,395,395,1283,1283,1283,1283,1283,1283,1283,1283,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1283,1283,1283,-353,-356,395,-323,-324,-141,1283,-142,1283,-143,1283,-430,-935,-936,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1894,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1894,1283,-1894,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1894,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-1894,395,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1283,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1283,395,395,-191,-192,395,-994,1283,395,395,395,395,-277,-278,-279,-280,-365,1283,-308,1283,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1283,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1283,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1283,1283,1283,1283,1283,1283,-573,1283,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1283,1283,-723,-724,-725,1283,1283,395,395,395,395,-994,395,1283,-91,-92,395,395,395,1283,-309,-310,-320,1283,-307,-293,-294,-295,1283,395,1283,1283,-618,-633,-590,1283,395,-436,395,-437,1283,-444,-445,-446,-378,-379,1283,1283,1283,-506,1283,1283,-510,1283,1283,1283,1283,-515,-516,-517,-518,1283,1283,-521,-522,1283,-524,-525,-526,-527,-528,-529,-530,-531,1283,-533,1283,1283,1283,-539,-541,-542,1283,-544,-545,-546,-547,1283,1283,1283,1283,1283,1283,-652,-653,-654,-655,395,-657,-658,-659,1283,1283,1283,-665,1283,1283,-669,-670,1283,1283,-673,1283,-675,-676,1283,-679,1283,-681,1283,1283,-684,-685,-686,1283,-688,1283,1283,-691,1283,1283,-694,-695,-696,1283,-698,-699,-700,-701,1283,1283,-746,1283,-749,-750,-751,-752,-753,1283,-755,-756,-757,-758,-759,1283,-766,-767,-769,1283,-771,-772,-773,-782,-856,-858,-860,-862,1283,1283,1283,1283,-868,1283,-870,1283,1283,1283,1283,1283,1283,1283,-906,-907,1283,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1283,-921,-924,1283,-934,1283,-385,-386,-387,1283,1283,-390,-391,-392,-393,1283,-396,1283,-399,-400,1283,-401,1283,-406,-407,1283,-410,-411,-412,1283,-415,1283,-416,1283,-421,-422,1283,-425,1283,-428,-429,-1894,-1894,1283,-619,-620,-621,-622,-623,-634,-584,-624,-797,1283,1283,1283,1283,1283,-831,1283,1283,-806,1283,-832,1283,1283,1283,1283,-798,1283,-853,-799,1283,1283,1283,1283,1283,1283,-854,-855,1283,-834,-830,-835,1283,-625,1283,-626,-627,-628,-629,-574,1283,1283,-630,-631,-632,1283,1283,1283,1283,1283,1283,-635,-636,-637,-592,-1894,-602,1283,-638,-639,-713,-640,-604,1283,-572,-577,-580,-583,1283,1283,1283,-598,-601,1283,-608,1283,1283,1283,1283,1283,1283,1283,1283,1283,1283,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1283,395,395,-995,395,1283,395,395,395,1283,-306,-325,-319,-296,-375,-452,-453,-454,-458,395,-443,1283,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1283,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,395,395,395,395,395,395,395,395,1283,-316,-535,-508,-591,-937,-939,-940,-438,1283,-440,-380,-381,-383,-507,-509,-511,1283,-513,-514,-519,-520,1283,-532,-534,-537,-538,-543,-548,-726,1283,-727,1283,-732,1283,-734,1283,-739,-656,-660,-661,1283,-666,1283,-667,1283,-672,-674,1283,-677,1283,1283,1283,-687,-689,1283,-692,1283,1283,-744,1283,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1283,1283,1283,1283,1283,-877,1283,-880,-908,-920,-925,-388,-389,1283,-394,1283,-397,1283,-402,1283,-403,1283,-408,1283,-413,1283,-417,1283,-418,1283,-423,1283,-426,-899,-900,-643,-585,-1894,-901,1283,1283,1283,-800,1283,1283,-804,1283,-807,-833,1283,-818,1283,-820,1283,-822,-808,1283,-824,1283,-851,-852,1283,1283,-811,1283,-646,-902,-904,-648,-649,-645,1283,-705,-706,1283,-642,-903,-647,-650,-603,-714,1283,1283,-605,-586,1283,1283,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1283,1283,-709,-710,1283,-716,1283,395,395,395,1283,1283,-938,395,-439,-441,-747,1283,-891,1283,-715,-1894,1283,1283,395,395,1283,-442,-512,-523,1283,-728,-733,1283,-735,1283,-740,1283,-662,-668,1283,-678,-680,-682,-683,-690,-693,-697,-745,1283,1283,-874,1283,1283,-878,1283,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1283,-812,1283,-814,-801,1283,-802,-805,1283,-816,-819,-821,-823,-825,1283,-826,1283,-809,1283,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,395,-282,395,1283,395,1283,-455,1283,1283,-729,1283,-736,1283,-741,1283,-663,-671,1283,1283,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1283,-836,-53,395,1283,-730,1283,-737,1283,-742,-664,1283,-873,-54,395,395,-731,-738,-743,1283,395,1283,-872,]),'JSON_VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[396,396,396,1284,-1894,396,396,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,396,396,396,396,-275,-276,1284,-1425,1284,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1284,1284,1284,-490,1284,1284,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1284,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1284,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1284,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,396,-172,-173,-174,-175,-993,396,396,396,396,396,396,396,396,396,396,1284,1284,1284,1284,1284,-290,-291,-281,396,1284,1284,1284,1284,-328,-318,-332,-333,-334,1284,1284,-982,-983,-984,-985,-986,-987,-988,396,396,1284,1284,1284,1284,1284,1284,1284,1284,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1284,1284,1284,-353,-356,396,-323,-324,-141,1284,-142,1284,-143,1284,-430,-935,-936,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1894,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1894,1284,-1894,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1894,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-1894,396,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1284,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1284,396,396,-191,-192,396,-994,1284,396,396,396,396,-277,-278,-279,-280,-365,1284,-308,1284,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1284,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1284,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1284,1284,1284,1284,1284,1284,-573,1284,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1284,1284,-723,-724,-725,1284,1284,396,396,396,396,-994,396,1284,-91,-92,396,396,396,1284,-309,-310,-320,1284,-307,-293,-294,-295,1284,396,1284,1284,-618,-633,-590,1284,396,-436,396,-437,1284,-444,-445,-446,-378,-379,1284,1284,1284,-506,1284,1284,-510,1284,1284,1284,1284,-515,-516,-517,-518,1284,1284,-521,-522,1284,-524,-525,-526,-527,-528,-529,-530,-531,1284,-533,1284,1284,1284,-539,-541,-542,1284,-544,-545,-546,-547,1284,1284,1284,1284,1284,1284,-652,-653,-654,-655,396,-657,-658,-659,1284,1284,1284,-665,1284,1284,-669,-670,1284,1284,-673,1284,-675,-676,1284,-679,1284,-681,1284,1284,-684,-685,-686,1284,-688,1284,1284,-691,1284,1284,-694,-695,-696,1284,-698,-699,-700,-701,1284,1284,-746,1284,-749,-750,-751,-752,-753,1284,-755,-756,-757,-758,-759,1284,-766,-767,-769,1284,-771,-772,-773,-782,-856,-858,-860,-862,1284,1284,1284,1284,-868,1284,-870,1284,1284,1284,1284,1284,1284,1284,-906,-907,1284,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1284,-921,-924,1284,-934,1284,-385,-386,-387,1284,1284,-390,-391,-392,-393,1284,-396,1284,-399,-400,1284,-401,1284,-406,-407,1284,-410,-411,-412,1284,-415,1284,-416,1284,-421,-422,1284,-425,1284,-428,-429,-1894,-1894,1284,-619,-620,-621,-622,-623,-634,-584,-624,-797,1284,1284,1284,1284,1284,-831,1284,1284,-806,1284,-832,1284,1284,1284,1284,-798,1284,-853,-799,1284,1284,1284,1284,1284,1284,-854,-855,1284,-834,-830,-835,1284,-625,1284,-626,-627,-628,-629,-574,1284,1284,-630,-631,-632,1284,1284,1284,1284,1284,1284,-635,-636,-637,-592,-1894,-602,1284,-638,-639,-713,-640,-604,1284,-572,-577,-580,-583,1284,1284,1284,-598,-601,1284,-608,1284,1284,1284,1284,1284,1284,1284,1284,1284,1284,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1284,396,396,-995,396,1284,396,396,396,1284,-306,-325,-319,-296,-375,-452,-453,-454,-458,396,-443,1284,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1284,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,396,396,396,396,396,396,396,396,1284,-316,-535,-508,-591,-937,-939,-940,-438,1284,-440,-380,-381,-383,-507,-509,-511,1284,-513,-514,-519,-520,1284,-532,-534,-537,-538,-543,-548,-726,1284,-727,1284,-732,1284,-734,1284,-739,-656,-660,-661,1284,-666,1284,-667,1284,-672,-674,1284,-677,1284,1284,1284,-687,-689,1284,-692,1284,1284,-744,1284,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1284,1284,1284,1284,1284,-877,1284,-880,-908,-920,-925,-388,-389,1284,-394,1284,-397,1284,-402,1284,-403,1284,-408,1284,-413,1284,-417,1284,-418,1284,-423,1284,-426,-899,-900,-643,-585,-1894,-901,1284,1284,1284,-800,1284,1284,-804,1284,-807,-833,1284,-818,1284,-820,1284,-822,-808,1284,-824,1284,-851,-852,1284,1284,-811,1284,-646,-902,-904,-648,-649,-645,1284,-705,-706,1284,-642,-903,-647,-650,-603,-714,1284,1284,-605,-586,1284,1284,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1284,1284,-709,-710,1284,-716,1284,396,396,396,1284,1284,-938,396,-439,-441,-747,1284,-891,1284,-715,-1894,1284,1284,396,396,1284,-442,-512,-523,1284,-728,-733,1284,-735,1284,-740,1284,-662,-668,1284,-678,-680,-682,-683,-690,-693,-697,-745,1284,1284,-874,1284,1284,-878,1284,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1284,-812,1284,-814,-801,1284,-802,-805,1284,-816,-819,-821,-823,-825,1284,-826,1284,-809,1284,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,396,-282,396,1284,396,1284,-455,1284,1284,-729,1284,-736,1284,-741,1284,-663,-671,1284,1284,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1284,-836,-53,396,1284,-730,1284,-737,1284,-742,-664,1284,-873,-54,396,396,-731,-738,-743,1284,396,1284,-872,]),'KEY_BLOCK_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[397,397,397,397,-1894,397,397,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,397,397,397,397,-275,-276,397,-1425,397,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,397,397,397,-490,397,397,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,397,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,397,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,397,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,397,-172,-173,-174,-175,-993,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-290,-291,-281,397,397,397,397,397,-328,-318,-332,-333,-334,397,397,-982,-983,-984,-985,-986,-987,-988,397,397,397,397,397,397,397,397,397,397,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,397,397,397,-353,-356,397,-323,-324,-141,397,-142,397,-143,397,-430,-935,-936,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-1894,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-1894,397,-1894,397,397,397,397,397,397,397,397,397,397,397,397,-1894,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,397,-1894,397,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,397,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,397,397,397,-191,-192,397,-994,397,397,397,397,397,-277,-278,-279,-280,-365,397,-308,397,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,397,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,397,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,397,397,397,397,397,397,-573,397,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,397,397,-723,-724,-725,397,397,397,397,397,397,-994,397,397,-91,-92,397,397,397,397,-309,-310,-320,397,-307,-293,-294,-295,397,397,397,397,-618,-633,-590,397,397,-436,397,-437,397,-444,-445,-446,-378,-379,397,397,397,-506,397,397,-510,397,397,397,397,-515,-516,-517,-518,397,397,-521,-522,397,-524,-525,-526,-527,-528,-529,-530,-531,397,-533,397,397,397,-539,-541,-542,397,-544,-545,-546,-547,397,397,397,397,397,397,-652,-653,-654,-655,397,-657,-658,-659,397,397,397,-665,397,397,-669,-670,397,397,-673,397,-675,-676,397,-679,397,-681,397,397,-684,-685,-686,397,-688,397,397,-691,397,397,-694,-695,-696,397,-698,-699,-700,-701,397,397,-746,397,-749,-750,-751,-752,-753,397,-755,-756,-757,-758,-759,397,-766,-767,-769,397,-771,-772,-773,-782,-856,-858,-860,-862,397,397,397,397,-868,397,-870,397,397,397,397,397,397,397,-906,-907,397,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,397,-921,-924,397,-934,397,-385,-386,-387,397,397,-390,-391,-392,-393,397,-396,397,-399,-400,397,-401,397,-406,-407,397,-410,-411,-412,397,-415,397,-416,397,-421,-422,397,-425,397,-428,-429,-1894,-1894,397,-619,-620,-621,-622,-623,-634,-584,-624,-797,397,397,397,397,397,-831,397,397,-806,397,-832,397,397,397,397,-798,397,-853,-799,397,397,397,397,397,397,-854,-855,397,-834,-830,-835,397,-625,397,-626,-627,-628,-629,-574,397,397,-630,-631,-632,397,397,397,397,397,397,-635,-636,-637,-592,-1894,-602,397,-638,-639,-713,-640,-604,397,-572,-577,-580,-583,397,397,397,-598,-601,397,-608,397,397,397,397,397,397,397,397,397,397,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,397,397,397,-995,397,397,397,397,397,397,-306,-325,-319,-296,-375,-452,-453,-454,-458,397,-443,397,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,397,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,397,397,397,397,397,397,397,397,397,-316,-535,-508,-591,-937,-939,-940,-438,397,-440,-380,-381,-383,-507,-509,-511,397,-513,-514,-519,-520,397,-532,-534,-537,-538,-543,-548,-726,397,-727,397,-732,397,-734,397,-739,-656,-660,-661,397,-666,397,-667,397,-672,-674,397,-677,397,397,397,-687,-689,397,-692,397,397,-744,397,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,397,397,397,397,397,-877,397,-880,-908,-920,-925,-388,-389,397,-394,397,-397,397,-402,397,-403,397,-408,397,-413,397,-417,397,-418,397,-423,397,-426,-899,-900,-643,-585,-1894,-901,397,397,397,-800,397,397,-804,397,-807,-833,397,-818,397,-820,397,-822,-808,397,-824,397,-851,-852,397,397,-811,397,-646,-902,-904,-648,-649,-645,397,-705,-706,397,-642,-903,-647,-650,-603,-714,397,397,-605,-586,397,397,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,397,397,-709,-710,397,-716,397,397,397,397,397,397,-938,397,-439,-441,-747,397,-891,397,-715,-1894,397,397,397,397,397,-442,-512,-523,397,-728,-733,397,-735,397,-740,397,-662,-668,397,-678,-680,-682,-683,-690,-693,-697,-745,397,397,-874,397,397,-878,397,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,397,-812,397,-814,-801,397,-802,-805,397,-816,-819,-821,-823,-825,397,-826,397,-809,397,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,397,-282,397,397,397,397,-455,397,397,-729,397,-736,397,-741,397,-663,-671,397,397,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,397,-836,-53,397,397,-730,397,-737,397,-742,-664,397,-873,-54,397,397,-731,-738,-743,397,397,397,-872,]),'KEY_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[398,398,398,398,-1894,398,398,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,398,398,398,398,-275,-276,398,-1425,398,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,398,398,398,-490,398,398,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,398,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,398,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,398,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,398,-172,-173,-174,-175,-993,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-290,-291,-281,398,398,398,398,398,-328,-318,-332,-333,-334,398,398,-982,-983,-984,-985,-986,-987,-988,398,398,398,398,398,398,398,398,398,398,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,398,398,398,-353,-356,398,-323,-324,-141,398,-142,398,-143,398,-430,-935,-936,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-1894,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-1894,398,-1894,398,398,398,398,398,398,398,398,398,398,398,398,-1894,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,398,-1894,398,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,398,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,398,398,398,-191,-192,398,-994,398,398,398,398,398,-277,-278,-279,-280,-365,398,-308,398,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,398,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,398,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,398,398,398,398,398,398,-573,398,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,398,398,-723,-724,-725,398,398,398,398,398,398,-994,398,398,-91,-92,398,398,398,398,-309,-310,-320,398,-307,-293,-294,-295,398,398,398,398,-618,-633,-590,398,398,-436,398,-437,398,-444,-445,-446,-378,-379,398,398,398,-506,398,398,-510,398,398,398,398,-515,-516,-517,-518,398,398,-521,-522,398,-524,-525,-526,-527,-528,-529,-530,-531,398,-533,398,398,398,-539,-541,-542,398,-544,-545,-546,-547,398,398,398,398,398,398,-652,-653,-654,-655,398,-657,-658,-659,398,398,398,-665,398,398,-669,-670,398,398,-673,398,-675,-676,398,-679,398,-681,398,398,-684,-685,-686,398,-688,398,398,-691,398,398,-694,-695,-696,398,-698,-699,-700,-701,398,398,-746,398,-749,-750,-751,-752,-753,398,-755,-756,-757,-758,-759,398,-766,-767,-769,398,-771,-772,-773,-782,-856,-858,-860,-862,398,398,398,398,-868,398,-870,398,398,398,398,398,398,398,-906,-907,398,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,398,-921,-924,398,-934,398,-385,-386,-387,398,398,-390,-391,-392,-393,398,-396,398,-399,-400,398,-401,398,-406,-407,398,-410,-411,-412,398,-415,398,-416,398,-421,-422,398,-425,398,-428,-429,-1894,-1894,398,-619,-620,-621,-622,-623,-634,-584,-624,-797,398,398,398,398,398,-831,398,398,-806,398,-832,398,398,398,398,-798,398,-853,-799,398,398,398,398,398,398,-854,-855,398,-834,-830,-835,398,-625,398,-626,-627,-628,-629,-574,398,398,-630,-631,-632,398,398,398,398,398,398,-635,-636,-637,-592,-1894,-602,398,-638,-639,-713,-640,-604,398,-572,-577,-580,-583,398,398,398,-598,-601,398,-608,398,398,398,398,398,398,398,398,398,398,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,398,398,398,-995,398,398,398,398,398,398,-306,-325,-319,-296,-375,-452,-453,-454,-458,398,-443,398,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,398,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,398,398,398,398,398,398,398,398,398,-316,-535,-508,-591,-937,-939,-940,-438,398,-440,-380,-381,-383,-507,-509,-511,398,-513,-514,-519,-520,398,-532,-534,-537,-538,-543,-548,-726,398,-727,398,-732,398,-734,398,-739,-656,-660,-661,398,-666,398,-667,398,-672,-674,398,-677,398,398,398,-687,-689,398,-692,398,398,-744,398,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,398,398,398,398,398,-877,398,-880,-908,-920,-925,-388,-389,398,-394,398,-397,398,-402,398,-403,398,-408,398,-413,398,-417,398,-418,398,-423,398,-426,-899,-900,-643,-585,-1894,-901,398,398,398,-800,398,398,-804,398,-807,-833,398,-818,398,-820,398,-822,-808,398,-824,398,-851,-852,398,398,-811,398,-646,-902,-904,-648,-649,-645,398,-705,-706,398,-642,-903,-647,-650,-603,-714,398,398,-605,-586,398,398,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,398,398,-709,-710,398,-716,398,398,398,398,398,398,-938,398,-439,-441,-747,398,-891,398,-715,-1894,398,398,398,398,398,-442,-512,-523,398,-728,-733,398,-735,398,-740,398,-662,-668,398,-678,-680,-682,-683,-690,-693,-697,-745,398,398,-874,398,398,-878,398,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,398,-812,398,-814,-801,398,-802,-805,398,-816,-819,-821,-823,-825,398,-826,398,-809,398,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,398,-282,398,398,398,398,-455,398,398,-729,398,-736,398,-741,398,-663,-671,398,398,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,398,-836,-53,398,398,-730,398,-737,398,-742,-664,398,-873,-54,398,398,-731,-738,-743,398,398,398,-872,]),'KVCACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[399,399,399,399,-1894,399,399,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,399,399,399,399,-275,-276,399,-1425,399,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,399,399,399,-490,399,399,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,399,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,399,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,399,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,399,-172,-173,-174,-175,-993,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-290,-291,-281,399,399,399,399,399,-328,-318,-332,-333,-334,399,399,-982,-983,-984,-985,-986,-987,-988,399,399,399,399,399,399,399,399,399,399,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,399,399,399,-353,-356,399,-323,-324,-141,399,-142,399,-143,399,-430,-935,-936,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-1894,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-1894,399,-1894,399,399,399,399,399,399,399,399,399,399,399,399,-1894,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,399,-1894,399,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,399,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,399,399,399,-191,-192,399,-994,399,399,399,399,399,-277,-278,-279,-280,-365,399,-308,399,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,399,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,399,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,399,399,399,399,399,399,-573,399,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,399,399,-723,-724,-725,399,399,399,399,399,399,-994,399,399,-91,-92,399,399,399,399,-309,-310,-320,399,-307,-293,-294,-295,399,399,399,399,-618,-633,-590,399,399,-436,399,-437,399,-444,-445,-446,-378,-379,399,399,399,-506,399,399,-510,399,399,399,399,-515,-516,-517,-518,399,399,-521,-522,399,-524,-525,-526,-527,-528,-529,-530,-531,399,-533,399,399,399,-539,-541,-542,399,-544,-545,-546,-547,399,399,399,399,399,399,-652,-653,-654,-655,399,-657,-658,-659,399,399,399,-665,399,399,-669,-670,399,399,-673,399,-675,-676,399,-679,399,-681,399,399,-684,-685,-686,399,-688,399,399,-691,399,399,-694,-695,-696,399,-698,-699,-700,-701,399,399,-746,399,-749,-750,-751,-752,-753,399,-755,-756,-757,-758,-759,399,-766,-767,-769,399,-771,-772,-773,-782,-856,-858,-860,-862,399,399,399,399,-868,399,-870,399,399,399,399,399,399,399,-906,-907,399,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,399,-921,-924,399,-934,399,-385,-386,-387,399,399,-390,-391,-392,-393,399,-396,399,-399,-400,399,-401,399,-406,-407,399,-410,-411,-412,399,-415,399,-416,399,-421,-422,399,-425,399,-428,-429,-1894,-1894,399,-619,-620,-621,-622,-623,-634,-584,-624,-797,399,399,399,399,399,-831,399,399,-806,399,-832,399,399,399,399,-798,399,-853,-799,399,399,399,399,399,399,-854,-855,399,-834,-830,-835,399,-625,399,-626,-627,-628,-629,-574,399,399,-630,-631,-632,399,399,399,399,399,399,-635,-636,-637,-592,-1894,-602,399,-638,-639,-713,-640,-604,399,-572,-577,-580,-583,399,399,399,-598,-601,399,-608,399,399,399,399,399,399,399,399,399,399,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,399,399,399,-995,399,399,399,399,399,399,-306,-325,-319,-296,-375,-452,-453,-454,-458,399,-443,399,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,399,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,399,399,399,399,399,399,399,399,399,-316,-535,-508,-591,-937,-939,-940,-438,399,-440,-380,-381,-383,-507,-509,-511,399,-513,-514,-519,-520,399,-532,-534,-537,-538,-543,-548,-726,399,-727,399,-732,399,-734,399,-739,-656,-660,-661,399,-666,399,-667,399,-672,-674,399,-677,399,399,399,-687,-689,399,-692,399,399,-744,399,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,399,399,399,399,399,-877,399,-880,-908,-920,-925,-388,-389,399,-394,399,-397,399,-402,399,-403,399,-408,399,-413,399,-417,399,-418,399,-423,399,-426,-899,-900,-643,-585,-1894,-901,399,399,399,-800,399,399,-804,399,-807,-833,399,-818,399,-820,399,-822,-808,399,-824,399,-851,-852,399,399,-811,399,-646,-902,-904,-648,-649,-645,399,-705,-706,399,-642,-903,-647,-650,-603,-714,399,399,-605,-586,399,399,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,399,399,-709,-710,399,-716,399,399,399,399,399,399,-938,399,-439,-441,-747,399,-891,399,-715,-1894,399,399,399,399,399,-442,-512,-523,399,-728,-733,399,-735,399,-740,399,-662,-668,399,-678,-680,-682,-683,-690,-693,-697,-745,399,399,-874,399,399,-878,399,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,399,-812,399,-814,-801,399,-802,-805,399,-816,-819,-821,-823,-825,399,-826,399,-809,399,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,399,-282,399,399,399,399,-455,399,399,-729,399,-736,399,-741,399,-663,-671,399,399,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,399,-836,-53,399,399,-730,399,-737,399,-742,-664,399,-873,-54,399,399,-731,-738,-743,399,399,399,-872,]),'LANGUAGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3739,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[400,400,400,400,-1894,400,400,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,400,400,400,400,-275,-276,400,-1425,400,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,400,400,400,-490,400,400,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,400,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,400,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,400,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,400,-172,-173,-174,-175,-993,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-290,-291,-281,400,400,400,400,400,-328,-318,-332,-333,-334,400,400,-982,-983,-984,-985,-986,-987,-988,400,400,400,400,400,400,400,400,400,400,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,400,400,400,-353,-356,400,-323,-324,-141,400,-142,400,-143,400,-430,-935,-936,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-1894,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-1894,400,-1894,400,400,400,400,400,400,400,400,400,400,400,400,-1894,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,400,-1894,400,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,400,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,400,400,400,-191,-192,400,-994,400,400,400,400,400,-277,-278,-279,-280,-365,400,-308,400,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,400,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,400,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,400,400,400,400,400,400,-573,400,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,400,400,-723,-724,-725,400,400,400,400,400,400,-994,400,400,-91,-92,400,400,400,400,-309,-310,-320,400,-307,-293,-294,-295,400,400,400,400,-618,-633,-590,400,400,-436,400,-437,400,-444,-445,-446,-378,-379,400,400,400,-506,400,400,-510,400,400,400,400,-515,-516,-517,-518,400,400,-521,-522,400,-524,-525,-526,-527,-528,-529,-530,-531,400,-533,400,400,400,-539,-541,-542,400,-544,-545,-546,-547,400,400,400,400,400,400,-652,-653,-654,-655,400,-657,-658,-659,400,400,400,-665,400,400,-669,-670,400,400,-673,400,-675,-676,400,-679,400,-681,400,400,-684,-685,-686,400,-688,400,400,-691,400,400,-694,-695,-696,400,-698,-699,-700,-701,400,400,-746,400,-749,-750,-751,-752,-753,400,-755,-756,-757,-758,-759,400,-766,-767,-769,400,-771,-772,-773,-782,-856,-858,-860,-862,400,400,400,400,-868,400,-870,400,400,400,400,400,400,400,-906,-907,400,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,400,-921,-924,400,-934,400,-385,-386,-387,400,400,-390,-391,-392,-393,400,-396,400,-399,-400,400,-401,400,-406,-407,400,-410,-411,-412,400,-415,400,-416,400,-421,-422,400,-425,400,-428,-429,-1894,-1894,400,-619,-620,-621,-622,-623,-634,-584,-624,-797,400,400,400,400,400,-831,400,400,-806,400,-832,400,400,400,400,-798,400,-853,-799,400,400,400,400,400,400,-854,-855,400,-834,-830,-835,400,-625,400,-626,-627,-628,-629,-574,400,400,-630,-631,-632,400,400,400,400,400,400,-635,-636,-637,-592,-1894,-602,400,-638,-639,-713,-640,-604,400,-572,-577,-580,-583,400,400,400,-598,-601,400,-608,400,400,400,400,400,400,400,400,400,400,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,400,400,400,-995,400,400,400,400,400,400,-306,-325,-319,-296,-375,-452,-453,-454,-458,400,-443,400,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,400,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,400,400,400,400,400,400,400,400,400,-316,-535,-508,-591,-937,-939,-940,-438,400,-440,-380,-381,-383,-507,-509,-511,400,-513,-514,-519,-520,400,-532,-534,-537,-538,-543,-548,-726,400,-727,400,-732,400,-734,400,-739,-656,-660,-661,400,-666,400,-667,400,-672,-674,400,-677,400,400,400,-687,-689,400,-692,400,400,-744,400,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,400,400,400,400,400,-877,400,-880,-908,-920,-925,-388,-389,400,-394,400,-397,400,-402,400,-403,400,-408,400,-413,400,-417,400,-418,400,-423,400,-426,-899,-900,-643,-585,-1894,-901,400,400,400,-800,400,400,-804,400,-807,-833,400,-818,400,-820,400,-822,-808,400,-824,400,-851,-852,400,400,-811,400,-646,-902,-904,-648,-649,-645,400,-705,-706,400,-642,-903,-647,-650,-603,-714,400,400,-605,-586,400,400,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,400,400,-709,-710,400,-716,400,400,400,400,400,400,-938,400,-439,-441,-747,400,-891,400,-715,-1894,400,400,400,400,400,-442,-512,-523,400,-728,-733,400,-735,400,-740,400,-662,-668,400,-678,-680,-682,-683,-690,-693,-697,-745,400,400,-874,400,400,-878,400,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,400,-812,400,-814,-801,400,-802,-805,400,-816,-819,-821,-823,-825,400,-826,400,-809,400,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,400,-282,3783,400,400,400,400,-455,400,400,-729,400,-736,400,-741,400,-663,-671,400,400,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,400,-836,-53,400,400,-730,400,-737,400,-742,-664,400,-873,-54,400,400,-731,-738,-743,400,400,400,-872,]),'LAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2887,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[401,401,401,401,-1894,401,401,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,401,401,401,401,-275,-276,401,-1425,401,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,401,401,401,-490,401,401,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,401,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,401,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,401,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,401,-172,-173,-174,-175,-993,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-290,-291,-281,401,401,401,401,401,-328,-318,-332,-333,-334,401,401,-982,-983,-984,-985,-986,-987,-988,401,401,401,401,401,401,401,401,401,401,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,401,401,401,-353,-356,401,-323,-324,-141,401,-142,401,-143,401,-430,-935,-936,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-1894,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-1894,401,-1894,401,401,401,401,401,401,401,401,401,401,401,401,-1894,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,401,-1894,401,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,401,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,401,401,401,-191,-192,401,-994,401,401,401,401,401,-277,-278,-279,-280,-365,401,-308,401,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,401,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,401,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,401,401,401,401,401,401,-573,401,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,401,401,-723,-724,-725,401,401,401,401,401,401,-994,401,401,-91,-92,401,401,401,401,-309,-310,-320,401,-307,-293,-294,-295,401,401,401,401,-618,-633,-590,401,401,-436,401,-437,401,-444,-445,-446,-378,-379,401,401,401,-506,401,401,-510,401,401,401,401,-515,-516,-517,-518,401,401,-521,-522,401,-524,-525,-526,-527,-528,-529,-530,-531,401,-533,401,401,401,-539,-541,-542,401,-544,-545,-546,-547,401,401,401,401,401,401,-652,-653,-654,-655,401,-657,-658,-659,401,401,401,-665,401,401,-669,-670,401,401,-673,401,-675,-676,401,-679,401,-681,401,401,-684,-685,-686,401,-688,401,401,-691,401,401,-694,-695,-696,401,-698,-699,-700,-701,401,401,-746,401,-749,-750,-751,-752,-753,401,-755,-756,-757,-758,-759,401,-766,-767,-769,401,-771,-772,-773,-782,-856,-858,-860,-862,401,401,401,401,-868,401,-870,401,401,401,401,401,401,401,-906,-907,401,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,401,-921,-924,401,-934,401,-385,-386,-387,401,401,-390,-391,-392,-393,401,-396,401,-399,-400,401,-401,401,-406,-407,401,-410,-411,-412,401,-415,401,-416,401,-421,-422,401,-425,401,-428,-429,-1894,-1894,401,-619,-620,-621,-622,-623,-634,-584,-624,-797,401,401,401,401,401,-831,401,401,-806,401,-832,401,401,401,401,-798,401,-853,-799,401,401,401,401,401,401,-854,-855,401,-834,-830,-835,401,-625,401,-626,-627,-628,-629,-574,401,401,-630,-631,-632,401,401,401,401,401,401,-635,-636,-637,-592,-1894,-602,401,-638,-639,-713,-640,-604,401,-572,-577,-580,-583,401,401,401,-598,-601,401,-608,401,401,401,401,401,401,401,401,401,401,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,401,3161,401,401,-995,401,401,401,401,401,401,-306,-325,-319,-296,-375,-452,-453,-454,-458,401,-443,401,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,401,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,401,401,401,401,401,401,401,401,401,-316,-535,-508,-591,-937,-939,-940,-438,401,-440,-380,-381,-383,-507,-509,-511,401,-513,-514,-519,-520,401,-532,-534,-537,-538,-543,-548,-726,401,-727,401,-732,401,-734,401,-739,-656,-660,-661,401,-666,401,-667,401,-672,-674,401,-677,401,401,401,-687,-689,401,-692,401,401,-744,401,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,401,401,401,401,401,-877,401,-880,-908,-920,-925,-388,-389,401,-394,401,-397,401,-402,401,-403,401,-408,401,-413,401,-417,401,-418,401,-423,401,-426,-899,-900,-643,-585,-1894,-901,401,401,401,-800,401,401,-804,401,-807,-833,401,-818,401,-820,401,-822,-808,401,-824,401,-851,-852,401,401,-811,401,-646,-902,-904,-648,-649,-645,401,-705,-706,401,-642,-903,-647,-650,-603,-714,401,401,-605,-586,401,401,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,401,401,-709,-710,401,-716,401,401,401,401,401,401,-938,401,-439,-441,-747,401,-891,401,-715,-1894,401,401,401,401,401,-442,-512,-523,401,-728,-733,401,-735,401,-740,401,-662,-668,401,-678,-680,-682,-683,-690,-693,-697,-745,401,401,-874,401,401,-878,401,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,401,-812,401,-814,-801,401,-802,-805,401,-816,-819,-821,-823,-825,401,-826,401,-809,401,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,401,-282,401,401,401,401,-455,401,401,-729,401,-736,401,-741,401,-663,-671,401,401,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,401,-836,-53,401,401,-730,401,-737,401,-742,-664,401,-873,-54,401,401,-731,-738,-743,401,401,401,-872,]),'LAG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[402,402,402,1004,-1894,402,402,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,402,402,402,402,-275,-276,1004,-1425,1004,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1004,1004,1004,-490,1004,1004,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1004,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1004,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1903,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,402,-172,-173,-174,-175,-993,402,402,402,402,402,402,402,402,402,402,1004,1004,1004,1004,1004,-290,-291,-281,402,1004,1004,1004,1004,-328,-318,-332,-333,-334,1004,1004,-982,-983,-984,-985,-986,-987,-988,402,402,1004,1004,1004,1004,1004,1004,1004,1004,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1004,1004,1004,-353,-356,402,-323,-324,-141,1004,-142,1004,-143,1004,-430,-935,-936,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1894,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1894,1004,-1894,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1894,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-1894,402,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1004,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1004,402,402,-191,-192,402,-994,1004,402,402,402,402,-277,-278,-279,-280,-365,1004,-308,1004,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1004,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1004,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1004,1004,1004,1004,1004,1004,-573,1004,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1004,1004,-723,-724,-725,1004,1903,402,402,402,402,-994,402,1004,-91,-92,402,402,402,1004,-309,-310,-320,1004,-307,-293,-294,-295,1004,402,1004,1004,-618,-633,-590,1004,402,-436,402,-437,1004,-444,-445,-446,-378,-379,1004,1004,1004,-506,1004,1004,-510,1004,1004,1004,1004,-515,-516,-517,-518,1004,1004,-521,-522,1004,-524,-525,-526,-527,-528,-529,-530,-531,1004,-533,1004,1004,1004,-539,-541,-542,1004,-544,-545,-546,-547,1004,1004,1004,1004,1004,1004,-652,-653,-654,-655,402,-657,-658,-659,1004,1004,1004,-665,1004,1004,-669,-670,1004,1004,-673,1004,-675,-676,1004,-679,1004,-681,1004,1004,-684,-685,-686,1004,-688,1004,1004,-691,1004,1004,-694,-695,-696,1004,-698,-699,-700,-701,1004,1004,-746,1004,-749,-750,-751,-752,-753,1004,-755,-756,-757,-758,-759,1004,-766,-767,-769,1004,-771,-772,-773,-782,-856,-858,-860,-862,1004,1004,1004,1004,-868,1004,-870,1004,1004,1004,1004,1004,1004,1004,-906,-907,1004,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1004,-921,-924,1004,-934,1004,-385,-386,-387,1004,1004,-390,-391,-392,-393,1004,-396,1004,-399,-400,1004,-401,1004,-406,-407,1004,-410,-411,-412,1004,-415,1004,-416,1004,-421,-422,1004,-425,1004,-428,-429,-1894,-1894,1004,-619,-620,-621,-622,-623,-634,-584,-624,-797,1004,1004,1004,1004,1004,-831,1004,1004,-806,1004,-832,1004,1004,1004,1004,-798,1004,-853,-799,1004,1004,1004,1004,1004,1004,-854,-855,1004,-834,-830,-835,1004,-625,1004,-626,-627,-628,-629,-574,1004,1004,-630,-631,-632,1004,1004,1004,1004,1004,1004,-635,-636,-637,-592,-1894,-602,1004,-638,-639,-713,-640,-604,1004,-572,-577,-580,-583,1004,1004,1004,-598,-601,1004,-608,1004,1004,1004,1004,1004,1004,1004,1004,1004,1004,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1004,402,402,-995,402,1004,402,402,402,1004,-306,-325,-319,-296,-375,-452,-453,-454,-458,402,-443,1004,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1004,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,402,402,402,402,402,402,402,402,1004,-316,-535,-508,-591,-937,-939,-940,-438,1004,-440,-380,-381,-383,-507,-509,-511,1004,-513,-514,-519,-520,1004,-532,-534,-537,-538,-543,-548,-726,1004,-727,1004,-732,1004,-734,1004,-739,-656,-660,-661,1004,-666,1004,-667,1004,-672,-674,1004,-677,1004,1004,1004,-687,-689,1004,-692,1004,1004,-744,1004,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1004,1004,1004,1004,1004,-877,1004,-880,-908,-920,-925,-388,-389,1004,-394,1004,-397,1004,-402,1004,-403,1004,-408,1004,-413,1004,-417,1004,-418,1004,-423,1004,-426,-899,-900,-643,-585,-1894,-901,1004,1004,1004,-800,1004,1004,-804,1004,-807,-833,1004,-818,1004,-820,1004,-822,-808,1004,-824,1004,-851,-852,1004,1004,-811,1004,-646,-902,-904,-648,-649,-645,1004,-705,-706,1004,-642,-903,-647,-650,-603,-714,1004,1004,-605,-586,1004,1004,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1004,1004,-709,-710,1004,-716,1004,402,402,402,1004,1004,-938,402,-439,-441,-747,1004,-891,1903,-715,-1894,1004,1004,402,402,1004,-442,-512,-523,1004,-728,-733,1004,-735,1004,-740,1004,-662,-668,1004,-678,-680,-682,-683,-690,-693,-697,-745,1004,1004,-874,1004,1004,-878,1004,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1004,-812,1004,-814,-801,1004,-802,-805,1004,-816,-819,-821,-823,-825,1004,-826,1004,-809,1004,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,402,-282,402,1004,402,1004,-455,1004,1004,-729,1004,-736,1004,-741,1004,-663,-671,1004,1004,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1004,-836,-53,402,1004,-730,1004,-737,1004,-742,-664,1004,-873,-54,402,402,-731,-738,-743,1004,402,1004,-872,]),'LAST_DAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[403,403,403,1285,-1894,403,403,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,403,403,403,403,-275,-276,1285,-1425,1285,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1285,1285,1285,-490,1285,1285,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1285,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1285,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1285,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,403,-172,-173,-174,-175,-993,403,403,403,403,403,403,403,403,403,403,1285,1285,1285,1285,1285,-290,-291,-281,403,1285,1285,1285,1285,-328,-318,-332,-333,-334,1285,1285,-982,-983,-984,-985,-986,-987,-988,403,403,1285,1285,1285,1285,1285,1285,1285,1285,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1285,1285,1285,-353,-356,403,-323,-324,-141,1285,-142,1285,-143,1285,-430,-935,-936,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1894,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1894,1285,-1894,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1894,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-1894,403,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1285,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1285,403,403,-191,-192,403,-994,1285,403,403,403,403,-277,-278,-279,-280,-365,1285,-308,1285,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1285,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1285,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1285,1285,1285,1285,1285,1285,-573,1285,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1285,1285,-723,-724,-725,1285,1285,403,403,403,403,-994,403,1285,-91,-92,403,403,403,1285,-309,-310,-320,1285,-307,-293,-294,-295,1285,403,1285,1285,-618,-633,-590,1285,403,-436,403,-437,1285,-444,-445,-446,-378,-379,1285,1285,1285,-506,1285,1285,-510,1285,1285,1285,1285,-515,-516,-517,-518,1285,1285,-521,-522,1285,-524,-525,-526,-527,-528,-529,-530,-531,1285,-533,1285,1285,1285,-539,-541,-542,1285,-544,-545,-546,-547,1285,1285,1285,1285,1285,1285,-652,-653,-654,-655,403,-657,-658,-659,1285,1285,1285,-665,1285,1285,-669,-670,1285,1285,-673,1285,-675,-676,1285,-679,1285,-681,1285,1285,-684,-685,-686,1285,-688,1285,1285,-691,1285,1285,-694,-695,-696,1285,-698,-699,-700,-701,1285,1285,-746,1285,-749,-750,-751,-752,-753,1285,-755,-756,-757,-758,-759,1285,-766,-767,-769,1285,-771,-772,-773,-782,-856,-858,-860,-862,1285,1285,1285,1285,-868,1285,-870,1285,1285,1285,1285,1285,1285,1285,-906,-907,1285,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1285,-921,-924,1285,-934,1285,-385,-386,-387,1285,1285,-390,-391,-392,-393,1285,-396,1285,-399,-400,1285,-401,1285,-406,-407,1285,-410,-411,-412,1285,-415,1285,-416,1285,-421,-422,1285,-425,1285,-428,-429,-1894,-1894,1285,-619,-620,-621,-622,-623,-634,-584,-624,-797,1285,1285,1285,1285,1285,-831,1285,1285,-806,1285,-832,1285,1285,1285,1285,-798,1285,-853,-799,1285,1285,1285,1285,1285,1285,-854,-855,1285,-834,-830,-835,1285,-625,1285,-626,-627,-628,-629,-574,1285,1285,-630,-631,-632,1285,1285,1285,1285,1285,1285,-635,-636,-637,-592,-1894,-602,1285,-638,-639,-713,-640,-604,1285,-572,-577,-580,-583,1285,1285,1285,-598,-601,1285,-608,1285,1285,1285,1285,1285,1285,1285,1285,1285,1285,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1285,403,403,-995,403,1285,403,403,403,1285,-306,-325,-319,-296,-375,-452,-453,-454,-458,403,-443,1285,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1285,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,403,403,403,403,403,403,403,403,1285,-316,-535,-508,-591,-937,-939,-940,-438,1285,-440,-380,-381,-383,-507,-509,-511,1285,-513,-514,-519,-520,1285,-532,-534,-537,-538,-543,-548,-726,1285,-727,1285,-732,1285,-734,1285,-739,-656,-660,-661,1285,-666,1285,-667,1285,-672,-674,1285,-677,1285,1285,1285,-687,-689,1285,-692,1285,1285,-744,1285,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1285,1285,1285,1285,1285,-877,1285,-880,-908,-920,-925,-388,-389,1285,-394,1285,-397,1285,-402,1285,-403,1285,-408,1285,-413,1285,-417,1285,-418,1285,-423,1285,-426,-899,-900,-643,-585,-1894,-901,1285,1285,1285,-800,1285,1285,-804,1285,-807,-833,1285,-818,1285,-820,1285,-822,-808,1285,-824,1285,-851,-852,1285,1285,-811,1285,-646,-902,-904,-648,-649,-645,1285,-705,-706,1285,-642,-903,-647,-650,-603,-714,1285,1285,-605,-586,1285,1285,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1285,1285,-709,-710,1285,-716,1285,403,403,403,1285,1285,-938,403,-439,-441,-747,1285,-891,1285,-715,-1894,1285,1285,403,403,1285,-442,-512,-523,1285,-728,-733,1285,-735,1285,-740,1285,-662,-668,1285,-678,-680,-682,-683,-690,-693,-697,-745,1285,1285,-874,1285,1285,-878,1285,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1285,-812,1285,-814,-801,1285,-802,-805,1285,-816,-819,-821,-823,-825,1285,-826,1285,-809,1285,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,403,-282,403,1285,403,1285,-455,1285,1285,-729,1285,-736,1285,-741,1285,-663,-671,1285,1285,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1285,-836,-53,403,1285,-730,1285,-737,1285,-742,-664,1285,-873,-54,403,403,-731,-738,-743,1285,403,1285,-872,]),'LAST_INSERT_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[404,404,404,1168,-1894,404,404,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,404,404,404,404,-275,-276,1168,-1425,1168,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1168,1168,1168,-490,1168,1168,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1168,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1168,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1904,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,404,-172,-173,-174,-175,-993,404,404,404,404,404,404,404,404,404,404,1168,1168,1168,1168,1168,-290,-291,-281,404,1168,1168,1168,1168,-328,-318,-332,-333,-334,1168,1168,-982,-983,-984,-985,-986,-987,-988,404,404,1168,1168,1168,1168,1168,1168,1168,1168,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1168,1168,1168,-353,-356,404,-323,-324,-141,1168,-142,1168,-143,1168,-430,-935,-936,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1894,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1894,1168,-1894,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1894,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-1894,404,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1168,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1168,404,404,-191,-192,404,-994,1168,404,404,404,404,-277,-278,-279,-280,-365,1168,-308,1168,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1168,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1168,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1168,1168,1168,1168,1168,1168,-573,1168,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1168,1168,-723,-724,-725,1168,1904,404,404,404,404,-994,404,1168,-91,-92,404,404,404,1168,-309,-310,-320,1168,-307,-293,-294,-295,1168,404,1168,1168,-618,-633,-590,1168,404,-436,404,-437,1168,-444,-445,-446,-378,-379,1168,1168,1168,-506,1168,1168,-510,1168,1168,1168,1168,-515,-516,-517,-518,1168,1168,-521,-522,1168,-524,-525,-526,-527,-528,-529,-530,-531,1168,-533,1168,1168,1168,-539,-541,-542,1168,-544,-545,-546,-547,1168,1168,1168,1168,1168,1168,-652,-653,-654,-655,404,-657,-658,-659,1168,1168,1168,-665,1168,1168,-669,-670,1168,1168,-673,1168,-675,-676,1168,-679,1168,-681,1168,1168,-684,-685,-686,1168,-688,1168,1168,-691,1168,1168,-694,-695,-696,1168,-698,-699,-700,-701,1168,1168,-746,1168,-749,-750,-751,-752,-753,1168,-755,-756,-757,-758,-759,1168,-766,-767,-769,1168,-771,-772,-773,-782,-856,-858,-860,-862,1168,1168,1168,1168,-868,1168,-870,1168,1168,1168,1168,1168,1168,1168,-906,-907,1168,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1168,-921,-924,1168,-934,1168,-385,-386,-387,1168,1168,-390,-391,-392,-393,1168,-396,1168,-399,-400,1168,-401,1168,-406,-407,1168,-410,-411,-412,1168,-415,1168,-416,1168,-421,-422,1168,-425,1168,-428,-429,-1894,-1894,1168,-619,-620,-621,-622,-623,-634,-584,-624,-797,1168,1168,1168,1168,1168,-831,1168,1168,-806,1168,-832,1168,1168,1168,1168,-798,1168,-853,-799,1168,1168,1168,1168,1168,1168,-854,-855,1168,-834,-830,-835,1168,-625,1168,-626,-627,-628,-629,-574,1168,1168,-630,-631,-632,1168,1168,1168,1168,1168,1168,-635,-636,-637,-592,-1894,-602,1168,-638,-639,-713,-640,-604,1168,-572,-577,-580,-583,1168,1168,1168,-598,-601,1168,-608,1168,1168,1168,1168,1168,1168,1168,1168,1168,1168,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1168,404,404,-995,404,1168,404,404,404,1168,-306,-325,-319,-296,-375,-452,-453,-454,-458,404,-443,1168,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1168,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,404,404,404,404,404,404,404,404,1168,-316,-535,-508,-591,-937,-939,-940,-438,1168,-440,-380,-381,-383,-507,-509,-511,1168,-513,-514,-519,-520,1168,-532,-534,-537,-538,-543,-548,-726,1168,-727,1168,-732,1168,-734,1168,-739,-656,-660,-661,1168,-666,1168,-667,1168,-672,-674,1168,-677,1168,1168,1168,-687,-689,1168,-692,1168,1168,-744,1168,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1168,1168,1168,1168,1168,-877,1168,-880,-908,-920,-925,-388,-389,1168,-394,1168,-397,1168,-402,1168,-403,1168,-408,1168,-413,1168,-417,1168,-418,1168,-423,1168,-426,-899,-900,-643,-585,-1894,-901,1168,1168,1168,-800,1168,1168,-804,1168,-807,-833,1168,-818,1168,-820,1168,-822,-808,1168,-824,1168,-851,-852,1168,1168,-811,1168,-646,-902,-904,-648,-649,-645,1168,-705,-706,1168,-642,-903,-647,-650,-603,-714,1168,1168,-605,-586,1168,1168,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1168,1168,-709,-710,1168,-716,1168,404,404,404,1168,1168,-938,404,-439,-441,-747,1168,-891,1904,-715,-1894,1168,1168,404,404,1168,-442,-512,-523,1168,-728,-733,1168,-735,1168,-740,1168,-662,-668,1168,-678,-680,-682,-683,-690,-693,-697,-745,1168,1168,-874,1168,1168,-878,1168,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1168,-812,1168,-814,-801,1168,-802,-805,1168,-816,-819,-821,-823,-825,1168,-826,1168,-809,1168,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,404,-282,404,1168,404,1168,-455,1168,1168,-729,1168,-736,1168,-741,1168,-663,-671,1168,1168,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1168,-836,-53,404,1168,-730,1168,-737,1168,-742,-664,1168,-873,-54,404,404,-731,-738,-743,1168,404,1168,-872,]),'LAST_VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[405,405,405,1005,-1894,405,405,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,405,405,405,405,-275,-276,1005,-1425,1005,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1005,1005,1005,-490,1005,1005,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1005,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1005,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1905,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,405,-172,-173,-174,-175,-993,405,405,405,405,405,405,405,405,405,405,1005,1005,1005,1005,1005,-290,-291,-281,405,1005,1005,1005,1005,-328,-318,-332,-333,-334,1005,1005,-982,-983,-984,-985,-986,-987,-988,405,405,1005,1005,1005,1005,1005,1005,1005,1005,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1005,1005,1005,-353,-356,405,-323,-324,-141,1005,-142,1005,-143,1005,-430,-935,-936,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1894,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1894,1005,-1894,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1894,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-1894,405,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1005,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1005,405,405,-191,-192,405,-994,1005,405,405,405,405,-277,-278,-279,-280,-365,1005,-308,1005,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1005,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1005,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1005,1005,1005,1005,1005,1005,-573,1005,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1005,1005,-723,-724,-725,1005,1905,405,405,405,405,-994,405,1005,-91,-92,405,405,405,1005,-309,-310,-320,1005,-307,-293,-294,-295,1005,405,1005,1005,-618,-633,-590,1005,405,-436,405,-437,1005,-444,-445,-446,-378,-379,1005,1005,1005,-506,1005,1005,-510,1005,1005,1005,1005,-515,-516,-517,-518,1005,1005,-521,-522,1005,-524,-525,-526,-527,-528,-529,-530,-531,1005,-533,1005,1005,1005,-539,-541,-542,1005,-544,-545,-546,-547,1005,1005,1005,1005,1005,1005,-652,-653,-654,-655,405,-657,-658,-659,1005,1005,1005,-665,1005,1005,-669,-670,1005,1005,-673,1005,-675,-676,1005,-679,1005,-681,1005,1005,-684,-685,-686,1005,-688,1005,1005,-691,1005,1005,-694,-695,-696,1005,-698,-699,-700,-701,1005,1005,-746,1005,-749,-750,-751,-752,-753,1005,-755,-756,-757,-758,-759,1005,-766,-767,-769,1005,-771,-772,-773,-782,-856,-858,-860,-862,1005,1005,1005,1005,-868,1005,-870,1005,1005,1005,1005,1005,1005,1005,-906,-907,1005,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1005,-921,-924,1005,-934,1005,-385,-386,-387,1005,1005,-390,-391,-392,-393,1005,-396,1005,-399,-400,1005,-401,1005,-406,-407,1005,-410,-411,-412,1005,-415,1005,-416,1005,-421,-422,1005,-425,1005,-428,-429,-1894,-1894,1005,-619,-620,-621,-622,-623,-634,-584,-624,-797,1005,1005,1005,1005,1005,-831,1005,1005,-806,1005,-832,1005,1005,1005,1005,-798,1005,-853,-799,1005,1005,1005,1005,1005,1005,-854,-855,1005,-834,-830,-835,1005,-625,1005,-626,-627,-628,-629,-574,1005,1005,-630,-631,-632,1005,1005,1005,1005,1005,1005,-635,-636,-637,-592,-1894,-602,1005,-638,-639,-713,-640,-604,1005,-572,-577,-580,-583,1005,1005,1005,-598,-601,1005,-608,1005,1005,1005,1005,1005,1005,1005,1005,1005,1005,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1005,405,405,-995,405,1005,405,405,405,1005,-306,-325,-319,-296,-375,-452,-453,-454,-458,405,-443,1005,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1005,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,405,405,405,405,405,405,405,405,1005,-316,-535,-508,-591,-937,-939,-940,-438,1005,-440,-380,-381,-383,-507,-509,-511,1005,-513,-514,-519,-520,1005,-532,-534,-537,-538,-543,-548,-726,1005,-727,1005,-732,1005,-734,1005,-739,-656,-660,-661,1005,-666,1005,-667,1005,-672,-674,1005,-677,1005,1005,1005,-687,-689,1005,-692,1005,1005,-744,1005,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1005,1005,1005,1005,1005,-877,1005,-880,-908,-920,-925,-388,-389,1005,-394,1005,-397,1005,-402,1005,-403,1005,-408,1005,-413,1005,-417,1005,-418,1005,-423,1005,-426,-899,-900,-643,-585,-1894,-901,1005,1005,1005,-800,1005,1005,-804,1005,-807,-833,1005,-818,1005,-820,1005,-822,-808,1005,-824,1005,-851,-852,1005,1005,-811,1005,-646,-902,-904,-648,-649,-645,1005,-705,-706,1005,-642,-903,-647,-650,-603,-714,1005,1005,-605,-586,1005,1005,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1005,1005,-709,-710,1005,-716,1005,405,405,405,1005,1005,-938,405,-439,-441,-747,1005,-891,1905,-715,-1894,1005,1005,405,405,1005,-442,-512,-523,1005,-728,-733,1005,-735,1005,-740,1005,-662,-668,1005,-678,-680,-682,-683,-690,-693,-697,-745,1005,1005,-874,1005,1005,-878,1005,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1005,-812,1005,-814,-801,1005,-802,-805,1005,-816,-819,-821,-823,-825,1005,-826,1005,-809,1005,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,405,-282,405,1005,405,1005,-455,1005,1005,-729,1005,-736,1005,-741,1005,-663,-671,1005,1005,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1005,-836,-53,405,1005,-730,1005,-737,1005,-742,-664,1005,-873,-54,405,405,-731,-738,-743,1005,405,1005,-872,]),'LCASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[406,406,406,1099,-1894,406,406,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,406,406,406,406,-275,-276,1099,-1425,1099,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1099,1099,1099,-490,1099,1099,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1099,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1099,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1906,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,406,-172,-173,-174,-175,-993,406,406,406,406,406,406,406,406,406,406,1099,1099,1099,1099,1099,-290,-291,-281,406,1099,1099,1099,1099,-328,-318,-332,-333,-334,1099,1099,-982,-983,-984,-985,-986,-987,-988,406,406,1099,1099,1099,1099,1099,1099,1099,1099,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1099,1099,1099,-353,-356,406,-323,-324,-141,1099,-142,1099,-143,1099,-430,-935,-936,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1894,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1894,1099,-1894,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1894,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-1894,406,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1099,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1099,406,406,-191,-192,406,-994,1099,406,406,406,406,-277,-278,-279,-280,-365,1099,-308,1099,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1099,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1099,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1099,1099,1099,1099,1099,1099,-573,1099,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1099,1099,-723,-724,-725,1099,1906,406,406,406,406,-994,406,1099,-91,-92,406,406,406,1099,-309,-310,-320,1099,-307,-293,-294,-295,1099,406,1099,1099,-618,-633,-590,1099,406,-436,406,-437,1099,-444,-445,-446,-378,-379,1099,1099,1099,-506,1099,1099,-510,1099,1099,1099,1099,-515,-516,-517,-518,1099,1099,-521,-522,1099,-524,-525,-526,-527,-528,-529,-530,-531,1099,-533,1099,1099,1099,-539,-541,-542,1099,-544,-545,-546,-547,1099,1099,1099,1099,1099,1099,-652,-653,-654,-655,406,-657,-658,-659,1099,1099,1099,-665,1099,1099,-669,-670,1099,1099,-673,1099,-675,-676,1099,-679,1099,-681,1099,1099,-684,-685,-686,1099,-688,1099,1099,-691,1099,1099,-694,-695,-696,1099,-698,-699,-700,-701,1099,1099,-746,1099,-749,-750,-751,-752,-753,1099,-755,-756,-757,-758,-759,1099,-766,-767,-769,1099,-771,-772,-773,-782,-856,-858,-860,-862,1099,1099,1099,1099,-868,1099,-870,1099,1099,1099,1099,1099,1099,1099,-906,-907,1099,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1099,-921,-924,1099,-934,1099,-385,-386,-387,1099,1099,-390,-391,-392,-393,1099,-396,1099,-399,-400,1099,-401,1099,-406,-407,1099,-410,-411,-412,1099,-415,1099,-416,1099,-421,-422,1099,-425,1099,-428,-429,-1894,-1894,1099,-619,-620,-621,-622,-623,-634,-584,-624,-797,1099,1099,1099,1099,1099,-831,1099,1099,-806,1099,-832,1099,1099,1099,1099,-798,1099,-853,-799,1099,1099,1099,1099,1099,1099,-854,-855,1099,-834,-830,-835,1099,-625,1099,-626,-627,-628,-629,-574,1099,1099,-630,-631,-632,1099,1099,1099,1099,1099,1099,-635,-636,-637,-592,-1894,-602,1099,-638,-639,-713,-640,-604,1099,-572,-577,-580,-583,1099,1099,1099,-598,-601,1099,-608,1099,1099,1099,1099,1099,1099,1099,1099,1099,1099,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1099,406,406,-995,406,1099,406,406,406,1099,-306,-325,-319,-296,-375,-452,-453,-454,-458,406,-443,1099,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1099,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,406,406,406,406,406,406,406,406,1099,-316,-535,-508,-591,-937,-939,-940,-438,1099,-440,-380,-381,-383,-507,-509,-511,1099,-513,-514,-519,-520,1099,-532,-534,-537,-538,-543,-548,-726,1099,-727,1099,-732,1099,-734,1099,-739,-656,-660,-661,1099,-666,1099,-667,1099,-672,-674,1099,-677,1099,1099,1099,-687,-689,1099,-692,1099,1099,-744,1099,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1099,1099,1099,1099,1099,-877,1099,-880,-908,-920,-925,-388,-389,1099,-394,1099,-397,1099,-402,1099,-403,1099,-408,1099,-413,1099,-417,1099,-418,1099,-423,1099,-426,-899,-900,-643,-585,-1894,-901,1099,1099,1099,-800,1099,1099,-804,1099,-807,-833,1099,-818,1099,-820,1099,-822,-808,1099,-824,1099,-851,-852,1099,1099,-811,1099,-646,-902,-904,-648,-649,-645,1099,-705,-706,1099,-642,-903,-647,-650,-603,-714,1099,1099,-605,-586,1099,1099,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1099,1099,-709,-710,1099,-716,1099,406,406,406,1099,1099,-938,406,-439,-441,-747,1099,-891,1906,-715,-1894,1099,1099,406,406,1099,-442,-512,-523,1099,-728,-733,1099,-735,1099,-740,1099,-662,-668,1099,-678,-680,-682,-683,-690,-693,-697,-745,1099,1099,-874,1099,1099,-878,1099,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1099,-812,1099,-814,-801,1099,-802,-805,1099,-816,-819,-821,-823,-825,1099,-826,1099,-809,1099,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,406,-282,406,1099,406,1099,-455,1099,1099,-729,1099,-736,1099,-741,1099,-663,-671,1099,1099,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1099,-836,-53,406,1099,-730,1099,-737,1099,-742,-664,1099,-873,-54,406,406,-731,-738,-743,1099,406,1099,-872,]),'LEADER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[407,407,407,407,-1894,407,407,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,407,407,407,407,-275,-276,407,-1425,407,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,407,407,407,-490,407,407,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,407,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,407,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,407,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,407,-172,-173,-174,-175,-993,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-290,-291,-281,407,407,407,407,407,-328,-318,-332,-333,-334,407,407,-982,-983,-984,-985,-986,-987,-988,407,407,407,407,407,407,407,407,407,407,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,407,407,407,-353,-356,407,-323,-324,-141,407,-142,407,-143,407,-430,-935,-936,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-1894,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-1894,407,-1894,407,407,407,407,407,407,407,407,407,407,407,407,-1894,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,407,-1894,407,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,407,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,407,407,407,-191,-192,407,-994,407,407,407,407,407,-277,-278,-279,-280,-365,407,-308,407,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,407,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,407,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,407,407,407,407,407,407,-573,407,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,407,407,-723,-724,-725,407,407,407,407,407,407,-994,407,407,-91,-92,407,407,407,407,-309,-310,-320,407,-307,-293,-294,-295,407,407,407,407,-618,-633,-590,407,407,-436,407,-437,407,-444,-445,-446,-378,-379,407,407,407,-506,407,407,-510,407,407,407,407,-515,-516,-517,-518,407,407,-521,-522,407,-524,-525,-526,-527,-528,-529,-530,-531,407,-533,407,407,407,-539,-541,-542,407,-544,-545,-546,-547,407,407,407,407,407,407,-652,-653,-654,-655,407,-657,-658,-659,407,407,407,-665,407,407,-669,-670,407,407,-673,407,-675,-676,407,-679,407,-681,407,407,-684,-685,-686,407,-688,407,407,-691,407,407,-694,-695,-696,407,-698,-699,-700,-701,407,407,-746,407,-749,-750,-751,-752,-753,407,-755,-756,-757,-758,-759,407,-766,-767,-769,407,-771,-772,-773,-782,-856,-858,-860,-862,407,407,407,407,-868,407,-870,407,407,407,407,407,407,407,-906,-907,407,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,407,-921,-924,407,-934,407,-385,-386,-387,407,407,-390,-391,-392,-393,407,-396,407,-399,-400,407,-401,407,-406,-407,407,-410,-411,-412,407,-415,407,-416,407,-421,-422,407,-425,407,-428,-429,-1894,-1894,407,-619,-620,-621,-622,-623,-634,-584,-624,-797,407,407,407,407,407,-831,407,407,-806,407,-832,407,407,407,407,-798,407,-853,-799,407,407,407,407,407,407,-854,-855,407,-834,-830,-835,407,-625,407,-626,-627,-628,-629,-574,407,407,-630,-631,-632,407,407,407,407,407,407,-635,-636,-637,-592,-1894,-602,407,-638,-639,-713,-640,-604,407,-572,-577,-580,-583,407,407,407,-598,-601,407,-608,407,407,407,407,407,407,407,407,407,407,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,407,407,407,-995,407,407,407,407,407,407,-306,-325,-319,-296,-375,-452,-453,-454,-458,407,-443,407,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,407,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,407,407,407,407,407,407,407,407,407,-316,-535,-508,-591,-937,-939,-940,-438,407,-440,-380,-381,-383,-507,-509,-511,407,-513,-514,-519,-520,407,-532,-534,-537,-538,-543,-548,-726,407,-727,407,-732,407,-734,407,-739,-656,-660,-661,407,-666,407,-667,407,-672,-674,407,-677,407,407,407,-687,-689,407,-692,407,407,-744,407,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,407,407,407,407,407,-877,407,-880,-908,-920,-925,-388,-389,407,-394,407,-397,407,-402,407,-403,407,-408,407,-413,407,-417,407,-418,407,-423,407,-426,-899,-900,-643,-585,-1894,-901,407,407,407,-800,407,407,-804,407,-807,-833,407,-818,407,-820,407,-822,-808,407,-824,407,-851,-852,407,407,-811,407,-646,-902,-904,-648,-649,-645,407,-705,-706,407,-642,-903,-647,-650,-603,-714,407,407,-605,-586,407,407,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,407,407,-709,-710,407,-716,407,407,407,407,407,407,-938,407,-439,-441,-747,407,-891,407,-715,-1894,407,407,407,407,407,-442,-512,-523,407,-728,-733,407,-735,407,-740,407,-662,-668,407,-678,-680,-682,-683,-690,-693,-697,-745,407,407,-874,407,407,-878,407,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,407,-812,407,-814,-801,407,-802,-805,407,-816,-819,-821,-823,-825,407,-826,407,-809,407,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,407,-282,407,407,407,407,-455,407,407,-729,407,-736,407,-741,407,-663,-671,407,407,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,407,-836,-53,407,407,-730,407,-737,407,-742,-664,407,-873,-54,407,407,-731,-738,-743,407,407,407,-872,]),'LEAK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[408,408,408,408,-1894,408,408,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,408,408,408,408,-275,-276,408,-1425,408,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,408,408,408,-490,408,408,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,408,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,408,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,408,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,408,-172,-173,-174,-175,-993,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-290,-291,-281,408,408,408,408,408,-328,-318,-332,-333,-334,408,408,-982,-983,-984,-985,-986,-987,-988,408,408,408,408,408,408,408,408,408,408,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,408,408,408,-353,-356,408,-323,-324,-141,408,-142,408,-143,408,-430,-935,-936,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-1894,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-1894,408,-1894,408,408,408,408,408,408,408,408,408,408,408,408,-1894,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,408,-1894,408,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,408,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,408,408,408,-191,-192,408,-994,408,408,408,408,408,-277,-278,-279,-280,-365,408,-308,408,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,408,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,408,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,408,408,408,408,408,408,-573,408,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,408,408,-723,-724,-725,408,408,408,408,408,408,-994,408,408,-91,-92,408,408,408,408,-309,-310,-320,408,-307,-293,-294,-295,408,408,408,408,-618,-633,-590,408,408,-436,408,-437,408,-444,-445,-446,-378,-379,408,408,408,-506,408,408,-510,408,408,408,408,-515,-516,-517,-518,408,408,-521,-522,408,-524,-525,-526,-527,-528,-529,-530,-531,408,-533,408,408,408,-539,-541,-542,408,-544,-545,-546,-547,408,408,408,408,408,408,-652,-653,-654,-655,408,-657,-658,-659,408,408,408,-665,408,408,-669,-670,408,408,-673,408,-675,-676,408,-679,408,-681,408,408,-684,-685,-686,408,-688,408,408,-691,408,408,-694,-695,-696,408,-698,-699,-700,-701,408,408,-746,408,-749,-750,-751,-752,-753,408,-755,-756,-757,-758,-759,408,-766,-767,-769,408,-771,-772,-773,-782,-856,-858,-860,-862,408,408,408,408,-868,408,-870,408,408,408,408,408,408,408,-906,-907,408,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,408,-921,-924,408,-934,408,-385,-386,-387,408,408,-390,-391,-392,-393,408,-396,408,-399,-400,408,-401,408,-406,-407,408,-410,-411,-412,408,-415,408,-416,408,-421,-422,408,-425,408,-428,-429,-1894,-1894,408,-619,-620,-621,-622,-623,-634,-584,-624,-797,408,408,408,408,408,-831,408,408,-806,408,-832,408,408,408,408,-798,408,-853,-799,408,408,408,408,408,408,-854,-855,408,-834,-830,-835,408,-625,408,-626,-627,-628,-629,-574,408,408,-630,-631,-632,408,408,408,408,408,408,-635,-636,-637,-592,-1894,-602,408,-638,-639,-713,-640,-604,408,-572,-577,-580,-583,408,408,408,-598,-601,408,-608,408,408,408,408,408,408,408,408,408,408,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,408,408,408,-995,408,408,408,408,408,408,-306,-325,-319,-296,-375,-452,-453,-454,-458,408,-443,408,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,408,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,408,408,408,408,408,408,408,408,408,-316,-535,-508,-591,-937,-939,-940,-438,408,-440,-380,-381,-383,-507,-509,-511,408,-513,-514,-519,-520,408,-532,-534,-537,-538,-543,-548,-726,408,-727,408,-732,408,-734,408,-739,-656,-660,-661,408,-666,408,-667,408,-672,-674,408,-677,408,408,408,-687,-689,408,-692,408,408,-744,408,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,408,408,408,408,408,-877,408,-880,-908,-920,-925,-388,-389,408,-394,408,-397,408,-402,408,-403,408,-408,408,-413,408,-417,408,-418,408,-423,408,-426,-899,-900,-643,-585,-1894,-901,408,408,408,-800,408,408,-804,408,-807,-833,408,-818,408,-820,408,-822,-808,408,-824,408,-851,-852,408,408,-811,408,-646,-902,-904,-648,-649,-645,408,-705,-706,408,-642,-903,-647,-650,-603,-714,408,408,-605,-586,408,408,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,408,408,-709,-710,408,-716,408,408,408,408,408,408,-938,408,-439,-441,-747,408,-891,408,-715,-1894,408,408,408,408,408,-442,-512,-523,408,-728,-733,408,-735,408,-740,408,-662,-668,408,-678,-680,-682,-683,-690,-693,-697,-745,408,408,-874,408,408,-878,408,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,408,-812,408,-814,-801,408,-802,-805,408,-816,-819,-821,-823,-825,408,-826,408,-809,408,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,408,-282,408,408,408,408,-455,408,408,-729,408,-736,408,-741,408,-663,-671,408,408,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,408,-836,-53,408,408,-730,408,-737,408,-742,-664,408,-873,-54,408,408,-731,-738,-743,408,408,408,-872,]),'LEAK_MOD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[409,409,409,409,-1894,409,409,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,409,409,409,409,-275,-276,409,-1425,409,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,409,409,409,-490,409,409,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,409,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,409,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,409,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,409,-172,-173,-174,-175,-993,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-290,-291,-281,409,409,409,409,409,-328,-318,-332,-333,-334,409,409,-982,-983,-984,-985,-986,-987,-988,409,409,409,409,409,409,409,409,409,409,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,409,409,409,-353,-356,409,-323,-324,-141,409,-142,409,-143,409,-430,-935,-936,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-1894,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-1894,409,-1894,409,409,409,409,409,409,409,409,409,409,409,409,-1894,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,409,-1894,409,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,409,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,409,409,409,-191,-192,409,-994,409,409,409,409,409,-277,-278,-279,-280,-365,409,-308,409,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,409,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,409,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,409,409,409,409,409,409,-573,409,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,409,409,-723,-724,-725,409,409,409,409,409,409,-994,409,409,-91,-92,409,409,409,409,-309,-310,-320,409,-307,-293,-294,-295,409,409,409,409,-618,-633,-590,409,409,-436,409,-437,409,-444,-445,-446,-378,-379,409,409,409,-506,409,409,-510,409,409,409,409,-515,-516,-517,-518,409,409,-521,-522,409,-524,-525,-526,-527,-528,-529,-530,-531,409,-533,409,409,409,-539,-541,-542,409,-544,-545,-546,-547,409,409,409,409,409,409,-652,-653,-654,-655,409,-657,-658,-659,409,409,409,-665,409,409,-669,-670,409,409,-673,409,-675,-676,409,-679,409,-681,409,409,-684,-685,-686,409,-688,409,409,-691,409,409,-694,-695,-696,409,-698,-699,-700,-701,409,409,-746,409,-749,-750,-751,-752,-753,409,-755,-756,-757,-758,-759,409,-766,-767,-769,409,-771,-772,-773,-782,-856,-858,-860,-862,409,409,409,409,-868,409,-870,409,409,409,409,409,409,409,-906,-907,409,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,409,-921,-924,409,-934,409,-385,-386,-387,409,409,-390,-391,-392,-393,409,-396,409,-399,-400,409,-401,409,-406,-407,409,-410,-411,-412,409,-415,409,-416,409,-421,-422,409,-425,409,-428,-429,-1894,-1894,409,-619,-620,-621,-622,-623,-634,-584,-624,-797,409,409,409,409,409,-831,409,409,-806,409,-832,409,409,409,409,-798,409,-853,-799,409,409,409,409,409,409,-854,-855,409,-834,-830,-835,409,-625,409,-626,-627,-628,-629,-574,409,409,-630,-631,-632,409,409,409,409,409,409,-635,-636,-637,-592,-1894,-602,409,-638,-639,-713,-640,-604,409,-572,-577,-580,-583,409,409,409,-598,-601,409,-608,409,409,409,409,409,409,409,409,409,409,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,409,409,409,-995,409,409,409,409,409,409,-306,-325,-319,-296,-375,-452,-453,-454,-458,409,-443,409,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,409,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,409,409,409,409,409,409,409,409,409,-316,-535,-508,-591,-937,-939,-940,-438,409,-440,-380,-381,-383,-507,-509,-511,409,-513,-514,-519,-520,409,-532,-534,-537,-538,-543,-548,-726,409,-727,409,-732,409,-734,409,-739,-656,-660,-661,409,-666,409,-667,409,-672,-674,409,-677,409,409,409,-687,-689,409,-692,409,409,-744,409,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,409,409,409,409,409,-877,409,-880,-908,-920,-925,-388,-389,409,-394,409,-397,409,-402,409,-403,409,-408,409,-413,409,-417,409,-418,409,-423,409,-426,-899,-900,-643,-585,-1894,-901,409,409,409,-800,409,409,-804,409,-807,-833,409,-818,409,-820,409,-822,-808,409,-824,409,-851,-852,409,409,-811,409,-646,-902,-904,-648,-649,-645,409,-705,-706,409,-642,-903,-647,-650,-603,-714,409,409,-605,-586,409,409,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,409,409,-709,-710,409,-716,409,409,409,409,409,409,-938,409,-439,-441,-747,409,-891,409,-715,-1894,409,409,409,409,409,-442,-512,-523,409,-728,-733,409,-735,409,-740,409,-662,-668,409,-678,-680,-682,-683,-690,-693,-697,-745,409,409,-874,409,409,-878,409,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,409,-812,409,-814,-801,409,-802,-805,409,-816,-819,-821,-823,-825,409,-826,409,-809,409,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,409,-282,409,409,409,409,-455,409,409,-729,409,-736,409,-741,409,-663,-671,409,409,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,409,-836,-53,409,409,-730,409,-737,409,-742,-664,409,-873,-54,409,409,-731,-738,-743,409,409,409,-872,]),'LEAST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[410,410,410,1042,-1894,410,410,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,410,410,410,410,-275,-276,1042,-1425,1042,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1042,1042,1042,-490,1042,1042,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1042,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1042,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1907,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,410,-172,-173,-174,-175,-993,410,410,410,410,410,410,410,410,410,410,1042,1042,1042,1042,1042,-290,-291,-281,410,1042,1042,1042,1042,-328,-318,-332,-333,-334,1042,1042,-982,-983,-984,-985,-986,-987,-988,410,410,1042,1042,1042,1042,1042,1042,1042,1042,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1042,1042,1042,-353,-356,410,-323,-324,-141,1042,-142,1042,-143,1042,-430,-935,-936,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1894,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1894,1042,-1894,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1894,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-1894,410,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1042,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1042,410,410,-191,-192,410,-994,1042,410,410,410,410,-277,-278,-279,-280,-365,1042,-308,1042,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1042,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1042,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1042,1042,1042,1042,1042,1042,-573,1042,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1042,1042,-723,-724,-725,1042,1907,410,410,410,410,-994,410,1042,-91,-92,410,410,410,1042,-309,-310,-320,1042,-307,-293,-294,-295,1042,410,1042,1042,-618,-633,-590,1042,410,-436,410,-437,1042,-444,-445,-446,-378,-379,1042,1042,1042,-506,1042,1042,-510,1042,1042,1042,1042,-515,-516,-517,-518,1042,1042,-521,-522,1042,-524,-525,-526,-527,-528,-529,-530,-531,1042,-533,1042,1042,1042,-539,-541,-542,1042,-544,-545,-546,-547,1042,1042,1042,1042,1042,1042,-652,-653,-654,-655,410,-657,-658,-659,1042,1042,1042,-665,1042,1042,-669,-670,1042,1042,-673,1042,-675,-676,1042,-679,1042,-681,1042,1042,-684,-685,-686,1042,-688,1042,1042,-691,1042,1042,-694,-695,-696,1042,-698,-699,-700,-701,1042,1042,-746,1042,-749,-750,-751,-752,-753,1042,-755,-756,-757,-758,-759,1042,-766,-767,-769,1042,-771,-772,-773,-782,-856,-858,-860,-862,1042,1042,1042,1042,-868,1042,-870,1042,1042,1042,1042,1042,1042,1042,-906,-907,1042,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1042,-921,-924,1042,-934,1042,-385,-386,-387,1042,1042,-390,-391,-392,-393,1042,-396,1042,-399,-400,1042,-401,1042,-406,-407,1042,-410,-411,-412,1042,-415,1042,-416,1042,-421,-422,1042,-425,1042,-428,-429,-1894,-1894,1042,-619,-620,-621,-622,-623,-634,-584,-624,-797,1042,1042,1042,1042,1042,-831,1042,1042,-806,1042,-832,1042,1042,1042,1042,-798,1042,-853,-799,1042,1042,1042,1042,1042,1042,-854,-855,1042,-834,-830,-835,1042,-625,1042,-626,-627,-628,-629,-574,1042,1042,-630,-631,-632,1042,1042,1042,1042,1042,1042,-635,-636,-637,-592,-1894,-602,1042,-638,-639,-713,-640,-604,1042,-572,-577,-580,-583,1042,1042,1042,-598,-601,1042,-608,1042,1042,1042,1042,1042,1042,1042,1042,1042,1042,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1042,410,410,-995,410,1042,410,410,410,1042,-306,-325,-319,-296,-375,-452,-453,-454,-458,410,-443,1042,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1042,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,410,410,410,410,410,410,410,410,1042,-316,-535,-508,-591,-937,-939,-940,-438,1042,-440,-380,-381,-383,-507,-509,-511,1042,-513,-514,-519,-520,1042,-532,-534,-537,-538,-543,-548,-726,1042,-727,1042,-732,1042,-734,1042,-739,-656,-660,-661,1042,-666,1042,-667,1042,-672,-674,1042,-677,1042,1042,1042,-687,-689,1042,-692,1042,1042,-744,1042,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1042,1042,1042,1042,1042,-877,1042,-880,-908,-920,-925,-388,-389,1042,-394,1042,-397,1042,-402,1042,-403,1042,-408,1042,-413,1042,-417,1042,-418,1042,-423,1042,-426,-899,-900,-643,-585,-1894,-901,1042,1042,1042,-800,1042,1042,-804,1042,-807,-833,1042,-818,1042,-820,1042,-822,-808,1042,-824,1042,-851,-852,1042,1042,-811,1042,-646,-902,-904,-648,-649,-645,1042,-705,-706,1042,-642,-903,-647,-650,-603,-714,1042,1042,-605,-586,1042,1042,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1042,1042,-709,-710,1042,-716,1042,410,410,410,1042,1042,-938,410,-439,-441,-747,1042,-891,1907,-715,-1894,1042,1042,410,410,1042,-442,-512,-523,1042,-728,-733,1042,-735,1042,-740,1042,-662,-668,1042,-678,-680,-682,-683,-690,-693,-697,-745,1042,1042,-874,1042,1042,-878,1042,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1042,-812,1042,-814,-801,1042,-802,-805,1042,-816,-819,-821,-823,-825,1042,-826,1042,-809,1042,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,410,-282,410,1042,410,1042,-455,1042,1042,-729,1042,-736,1042,-741,1042,-663,-671,1042,1042,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1042,-836,-53,410,1042,-730,1042,-737,1042,-742,-664,1042,-873,-54,410,410,-731,-738,-743,1042,410,1042,-872,]),'LEAVES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[411,411,411,411,-1894,411,411,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,411,411,411,411,-275,-276,411,-1425,411,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,411,411,411,-490,411,411,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,411,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,411,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,411,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,411,-172,-173,-174,-175,-993,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-290,-291,-281,411,411,411,411,411,-328,-318,-332,-333,-334,411,411,-982,-983,-984,-985,-986,-987,-988,411,411,411,411,411,411,411,411,411,411,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,411,411,411,-353,-356,411,-323,-324,-141,411,-142,411,-143,411,-430,-935,-936,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-1894,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-1894,411,-1894,411,411,411,411,411,411,411,411,411,411,411,411,-1894,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,411,-1894,411,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,411,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,411,411,411,-191,-192,411,-994,411,411,411,411,411,-277,-278,-279,-280,-365,411,-308,411,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,411,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,411,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,411,411,411,411,411,411,-573,411,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,411,411,-723,-724,-725,411,411,411,411,411,411,-994,411,411,-91,-92,411,411,411,411,-309,-310,-320,411,-307,-293,-294,-295,411,411,411,411,-618,-633,-590,411,411,-436,411,-437,411,-444,-445,-446,-378,-379,411,411,411,-506,411,411,-510,411,411,411,411,-515,-516,-517,-518,411,411,-521,-522,411,-524,-525,-526,-527,-528,-529,-530,-531,411,-533,411,411,411,-539,-541,-542,411,-544,-545,-546,-547,411,411,411,411,411,411,-652,-653,-654,-655,411,-657,-658,-659,411,411,411,-665,411,411,-669,-670,411,411,-673,411,-675,-676,411,-679,411,-681,411,411,-684,-685,-686,411,-688,411,411,-691,411,411,-694,-695,-696,411,-698,-699,-700,-701,411,411,-746,411,-749,-750,-751,-752,-753,411,-755,-756,-757,-758,-759,411,-766,-767,-769,411,-771,-772,-773,-782,-856,-858,-860,-862,411,411,411,411,-868,411,-870,411,411,411,411,411,411,411,-906,-907,411,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,411,-921,-924,411,-934,411,-385,-386,-387,411,411,-390,-391,-392,-393,411,-396,411,-399,-400,411,-401,411,-406,-407,411,-410,-411,-412,411,-415,411,-416,411,-421,-422,411,-425,411,-428,-429,-1894,-1894,411,-619,-620,-621,-622,-623,-634,-584,-624,-797,411,411,411,411,411,-831,411,411,-806,411,-832,411,411,411,411,-798,411,-853,-799,411,411,411,411,411,411,-854,-855,411,-834,-830,-835,411,-625,411,-626,-627,-628,-629,-574,411,411,-630,-631,-632,411,411,411,411,411,411,-635,-636,-637,-592,-1894,-602,411,-638,-639,-713,-640,-604,411,-572,-577,-580,-583,411,411,411,-598,-601,411,-608,411,411,411,411,411,411,411,411,411,411,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,411,411,411,-995,411,411,411,411,411,411,-306,-325,-319,-296,-375,-452,-453,-454,-458,411,-443,411,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,411,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,411,411,411,411,411,411,411,411,411,-316,-535,-508,-591,-937,-939,-940,-438,411,-440,-380,-381,-383,-507,-509,-511,411,-513,-514,-519,-520,411,-532,-534,-537,-538,-543,-548,-726,411,-727,411,-732,411,-734,411,-739,-656,-660,-661,411,-666,411,-667,411,-672,-674,411,-677,411,411,411,-687,-689,411,-692,411,411,-744,411,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,411,411,411,411,411,-877,411,-880,-908,-920,-925,-388,-389,411,-394,411,-397,411,-402,411,-403,411,-408,411,-413,411,-417,411,-418,411,-423,411,-426,-899,-900,-643,-585,-1894,-901,411,411,411,-800,411,411,-804,411,-807,-833,411,-818,411,-820,411,-822,-808,411,-824,411,-851,-852,411,411,-811,411,-646,-902,-904,-648,-649,-645,411,-705,-706,411,-642,-903,-647,-650,-603,-714,411,411,-605,-586,411,411,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,411,411,-709,-710,411,-716,411,411,411,411,411,411,-938,411,-439,-441,-747,411,-891,411,-715,-1894,411,411,411,411,411,-442,-512,-523,411,-728,-733,411,-735,411,-740,411,-662,-668,411,-678,-680,-682,-683,-690,-693,-697,-745,411,411,-874,411,411,-878,411,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,411,-812,411,-814,-801,411,-802,-805,411,-816,-819,-821,-823,-825,411,-826,411,-809,411,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,411,-282,411,411,411,411,-455,411,411,-729,411,-736,411,-741,411,-663,-671,411,411,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,411,-836,-53,411,411,-730,411,-737,411,-742,-664,411,-873,-54,411,411,-731,-738,-743,411,411,411,-872,]),'LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[412,412,412,1101,-1894,412,412,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,412,412,412,412,-275,-276,1101,-1425,1101,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1101,1101,1101,-490,1101,1101,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1101,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1101,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1908,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,412,-172,-173,-174,-175,-993,412,412,412,412,412,412,412,412,412,412,1101,1101,1101,1101,1101,-290,-291,-281,412,1101,1101,1101,1101,-328,-318,-332,-333,-334,1101,1101,-982,-983,-984,-985,-986,-987,-988,412,412,1101,1101,1101,1101,1101,1101,1101,1101,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1101,1101,1101,-353,-356,412,-323,-324,-141,1101,-142,1101,-143,1101,-430,-935,-936,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1894,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1894,1101,-1894,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1894,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-1894,412,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1101,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1101,412,412,-191,-192,412,-994,1101,412,412,412,412,-277,-278,-279,-280,-365,1101,-308,1101,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1101,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1101,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1101,1101,1101,1101,1101,1101,-573,1101,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1101,1101,-723,-724,-725,1101,1908,412,412,412,412,-994,412,1101,-91,-92,412,412,412,1101,-309,-310,-320,1101,-307,-293,-294,-295,1101,412,1101,1101,-618,-633,-590,1101,412,-436,412,-437,1101,-444,-445,-446,-378,-379,1101,1101,1101,-506,1101,1101,-510,1101,1101,1101,1101,-515,-516,-517,-518,1101,1101,-521,-522,1101,-524,-525,-526,-527,-528,-529,-530,-531,1101,-533,1101,1101,1101,-539,-541,-542,1101,-544,-545,-546,-547,1101,1101,1101,1101,1101,1101,-652,-653,-654,-655,412,-657,-658,-659,1101,1101,1101,-665,1101,1101,-669,-670,1101,1101,-673,1101,-675,-676,1101,-679,1101,-681,1101,1101,-684,-685,-686,1101,-688,1101,1101,-691,1101,1101,-694,-695,-696,1101,-698,-699,-700,-701,1101,1101,-746,1101,-749,-750,-751,-752,-753,1101,-755,-756,-757,-758,-759,1101,-766,-767,-769,1101,-771,-772,-773,-782,-856,-858,-860,-862,1101,1101,1101,1101,-868,1101,-870,1101,1101,1101,1101,1101,1101,1101,-906,-907,1101,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1101,-921,-924,1101,-934,1101,-385,-386,-387,1101,1101,-390,-391,-392,-393,1101,-396,1101,-399,-400,1101,-401,1101,-406,-407,1101,-410,-411,-412,1101,-415,1101,-416,1101,-421,-422,1101,-425,1101,-428,-429,-1894,-1894,1101,-619,-620,-621,-622,-623,-634,-584,-624,-797,1101,1101,1101,1101,1101,-831,1101,1101,-806,1101,-832,1101,1101,1101,1101,-798,1101,-853,-799,1101,1101,1101,1101,1101,1101,-854,-855,1101,-834,-830,-835,1101,-625,1101,-626,-627,-628,-629,-574,1101,1101,-630,-631,-632,1101,1101,1101,1101,1101,1101,-635,-636,-637,-592,-1894,-602,1101,-638,-639,-713,-640,-604,1101,-572,-577,-580,-583,1101,1101,1101,-598,-601,1101,-608,1101,1101,1101,1101,1101,1101,1101,1101,1101,1101,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1101,412,412,-995,412,1101,412,412,412,1101,-306,-325,-319,-296,-375,-452,-453,-454,-458,412,-443,1101,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1101,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,412,412,412,412,412,412,412,412,1101,-316,-535,-508,-591,-937,-939,-940,-438,1101,-440,-380,-381,-383,-507,-509,-511,1101,-513,-514,-519,-520,1101,-532,-534,-537,-538,-543,-548,-726,1101,-727,1101,-732,1101,-734,1101,-739,-656,-660,-661,1101,-666,1101,-667,1101,-672,-674,1101,-677,1101,1101,1101,-687,-689,1101,-692,1101,1101,-744,1101,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1101,1101,1101,1101,1101,-877,1101,-880,-908,-920,-925,-388,-389,1101,-394,1101,-397,1101,-402,1101,-403,1101,-408,1101,-413,1101,-417,1101,-418,1101,-423,1101,-426,-899,-900,-643,-585,-1894,-901,1101,1101,1101,-800,1101,1101,-804,1101,-807,-833,1101,-818,1101,-820,1101,-822,-808,1101,-824,1101,-851,-852,1101,1101,-811,1101,-646,-902,-904,-648,-649,-645,1101,-705,-706,1101,-642,-903,-647,-650,-603,-714,1101,1101,-605,-586,1101,1101,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1101,1101,-709,-710,1101,-716,1101,412,412,412,1101,1101,-938,412,-439,-441,-747,1101,-891,1908,-715,-1894,1101,1101,412,412,1101,-442,-512,-523,1101,-728,-733,1101,-735,1101,-740,1101,-662,-668,1101,-678,-680,-682,-683,-690,-693,-697,-745,1101,1101,-874,1101,1101,-878,1101,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1101,-812,1101,-814,-801,1101,-802,-805,1101,-816,-819,-821,-823,-825,1101,-826,1101,-809,1101,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,412,-282,412,1101,412,1101,-455,1101,1101,-729,1101,-736,1101,-741,1101,-663,-671,1101,1101,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1101,-836,-53,412,1101,-730,1101,-737,1101,-742,-664,1101,-873,-54,412,412,-731,-738,-743,1101,412,1101,-872,]),'LESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[413,413,413,413,-1894,413,413,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,413,413,413,413,-275,-276,413,-1425,413,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,413,413,413,-490,413,413,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,413,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,413,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,413,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,413,-172,-173,-174,-175,-993,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-290,-291,-281,413,413,413,413,413,-328,-318,-332,-333,-334,413,413,-982,-983,-984,-985,-986,-987,-988,413,413,413,413,413,413,413,413,413,413,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,413,413,413,-353,-356,413,-323,-324,-141,413,-142,413,-143,413,-430,-935,-936,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-1894,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-1894,413,-1894,413,413,413,413,413,413,413,413,413,413,413,413,-1894,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,413,-1894,413,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,413,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,413,413,413,-191,-192,413,-994,413,413,413,413,413,-277,-278,-279,-280,-365,413,-308,413,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,413,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,413,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,413,413,413,413,413,413,-573,413,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,413,413,-723,-724,-725,413,413,413,413,413,413,-994,413,413,-91,-92,413,413,413,413,-309,-310,-320,413,-307,-293,-294,-295,413,413,413,413,-618,-633,-590,413,413,-436,413,-437,413,-444,-445,-446,-378,-379,413,413,413,-506,413,413,-510,413,413,413,413,-515,-516,-517,-518,413,413,-521,-522,413,-524,-525,-526,-527,-528,-529,-530,-531,413,-533,413,413,413,-539,-541,-542,413,-544,-545,-546,-547,413,413,413,413,413,413,-652,-653,-654,-655,413,-657,-658,-659,413,413,413,-665,413,413,-669,-670,413,413,-673,413,-675,-676,413,-679,413,-681,413,413,-684,-685,-686,413,-688,413,413,-691,413,413,-694,-695,-696,413,-698,-699,-700,-701,413,413,-746,413,-749,-750,-751,-752,-753,413,-755,-756,-757,-758,-759,413,-766,-767,-769,413,-771,-772,-773,-782,-856,-858,-860,-862,413,413,413,413,-868,413,-870,413,413,413,413,413,413,413,-906,-907,413,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,413,-921,-924,413,-934,413,-385,-386,-387,413,413,-390,-391,-392,-393,413,-396,413,-399,-400,413,-401,413,-406,-407,413,-410,-411,-412,413,-415,413,-416,413,-421,-422,413,-425,413,-428,-429,-1894,-1894,413,-619,-620,-621,-622,-623,-634,-584,-624,-797,413,413,413,413,413,-831,413,413,-806,413,-832,413,413,413,413,-798,413,-853,-799,413,413,413,413,413,413,-854,-855,413,-834,-830,-835,413,-625,413,-626,-627,-628,-629,-574,413,413,-630,-631,-632,413,413,413,413,413,413,-635,-636,-637,-592,-1894,-602,413,-638,-639,-713,-640,-604,413,-572,-577,-580,-583,413,413,413,-598,-601,413,-608,413,413,413,413,413,413,413,413,413,413,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,413,413,413,-995,413,413,413,413,413,413,-306,-325,-319,-296,-375,-452,-453,-454,-458,413,-443,413,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,413,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,413,413,413,413,413,413,413,413,413,-316,-535,-508,-591,-937,-939,-940,-438,413,-440,-380,-381,-383,-507,-509,-511,413,-513,-514,-519,-520,413,-532,-534,-537,-538,-543,-548,-726,413,-727,413,-732,413,-734,413,-739,-656,-660,-661,413,-666,413,-667,413,-672,-674,413,-677,413,413,413,-687,-689,413,-692,413,413,-744,413,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,413,413,413,413,413,-877,413,-880,-908,-920,-925,-388,-389,413,-394,413,-397,413,-402,413,-403,413,-408,413,-413,413,-417,413,-418,413,-423,413,-426,-899,-900,-643,-585,-1894,-901,413,413,413,-800,413,413,-804,413,-807,-833,413,-818,413,-820,413,-822,-808,413,-824,413,-851,-852,413,413,-811,413,-646,-902,-904,-648,-649,-645,413,-705,-706,413,-642,-903,-647,-650,-603,-714,413,413,-605,-586,413,413,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,413,413,-709,-710,413,-716,413,413,413,413,413,413,-938,413,-439,-441,-747,413,-891,413,-715,-1894,413,413,413,413,413,-442,-512,-523,413,-728,-733,413,-735,413,-740,413,-662,-668,413,-678,-680,-682,-683,-690,-693,-697,-745,413,413,-874,413,413,-878,413,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,413,-812,413,-814,-801,413,-802,-805,413,-816,-819,-821,-823,-825,413,-826,413,-809,413,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,413,-282,413,413,413,413,-455,413,413,-729,413,-736,413,-741,413,-663,-671,413,413,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,413,-836,-53,413,413,-730,413,-737,413,-742,-664,413,-873,-54,413,413,-731,-738,-743,413,413,413,-872,]),'LEVEL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[414,414,414,414,-1894,414,414,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,414,414,414,414,-275,-276,414,-1425,414,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,414,414,414,-490,414,414,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,414,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,414,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,414,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,414,-172,-173,-174,-175,-993,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-290,-291,-281,414,414,414,414,414,-328,-318,-332,-333,-334,414,414,-982,-983,-984,-985,-986,-987,-988,414,414,414,414,414,414,414,414,414,414,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,414,414,414,-353,-356,414,-323,-324,-141,414,-142,414,-143,414,-430,-935,-936,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-1894,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-1894,414,-1894,414,414,414,414,414,414,414,414,414,414,414,414,-1894,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,414,-1894,414,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,414,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,414,414,414,-191,-192,414,-994,414,414,414,414,414,-277,-278,-279,-280,-365,414,-308,414,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,414,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,414,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,414,414,414,414,414,414,-573,414,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,414,414,-723,-724,-725,414,414,414,414,414,414,-994,414,414,-91,-92,414,414,414,414,-309,-310,-320,414,-307,-293,-294,-295,414,414,414,414,-618,-633,-590,414,414,-436,414,-437,414,-444,-445,-446,-378,-379,414,414,414,-506,414,414,-510,414,414,414,414,-515,-516,-517,-518,414,414,-521,-522,414,-524,-525,-526,-527,-528,-529,-530,-531,414,-533,414,414,414,-539,-541,-542,414,-544,-545,-546,-547,414,414,414,414,414,414,-652,-653,-654,-655,414,-657,-658,-659,414,414,414,-665,414,414,-669,-670,414,414,-673,414,-675,-676,414,-679,414,-681,414,414,-684,-685,-686,414,-688,414,414,-691,414,414,-694,-695,-696,414,-698,-699,-700,-701,414,414,-746,414,-749,-750,-751,-752,-753,414,-755,-756,-757,-758,-759,414,-766,-767,-769,414,-771,-772,-773,-782,-856,-858,-860,-862,414,414,414,414,-868,414,-870,414,414,414,414,414,414,414,-906,-907,414,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,414,-921,-924,414,-934,414,-385,-386,-387,414,414,-390,-391,-392,-393,414,-396,414,-399,-400,414,-401,414,-406,-407,414,-410,-411,-412,414,-415,414,-416,414,-421,-422,414,-425,414,-428,-429,-1894,-1894,414,-619,-620,-621,-622,-623,-634,-584,-624,-797,414,414,414,414,414,-831,414,414,-806,414,-832,414,414,414,414,-798,414,-853,-799,414,414,414,414,414,414,-854,-855,414,-834,-830,-835,414,-625,414,-626,-627,-628,-629,-574,414,414,-630,-631,-632,414,414,414,414,414,414,-635,-636,-637,-592,-1894,-602,414,-638,-639,-713,-640,-604,414,-572,-577,-580,-583,414,414,414,-598,-601,414,-608,414,414,414,414,414,414,414,414,414,414,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,414,414,414,-995,414,414,414,414,414,414,-306,-325,-319,-296,-375,-452,-453,-454,-458,414,-443,414,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,414,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,414,414,414,414,414,414,414,414,414,-316,-535,-508,-591,-937,-939,-940,-438,414,-440,-380,-381,-383,-507,-509,-511,414,-513,-514,-519,-520,414,-532,-534,-537,-538,-543,-548,-726,414,-727,414,-732,414,-734,414,-739,-656,-660,-661,414,-666,414,-667,414,-672,-674,414,-677,414,414,414,-687,-689,414,-692,414,414,-744,414,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,414,414,414,414,414,-877,414,-880,-908,-920,-925,-388,-389,414,-394,414,-397,414,-402,414,-403,414,-408,414,-413,414,-417,414,-418,414,-423,414,-426,-899,-900,-643,-585,-1894,-901,414,414,414,-800,414,414,-804,414,-807,-833,414,-818,414,-820,414,-822,-808,414,-824,414,-851,-852,414,414,-811,414,-646,-902,-904,-648,-649,-645,414,-705,-706,414,-642,-903,-647,-650,-603,-714,414,414,-605,-586,414,414,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,414,414,-709,-710,414,-716,414,414,414,414,414,414,-938,414,-439,-441,-747,414,-891,414,-715,-1894,414,414,414,414,414,-442,-512,-523,414,-728,-733,414,-735,414,-740,414,-662,-668,414,-678,-680,-682,-683,-690,-693,-697,-745,414,414,-874,414,414,-878,414,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,414,-812,414,-814,-801,414,-802,-805,414,-816,-819,-821,-823,-825,414,-826,414,-809,414,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,414,-282,414,414,414,414,-455,414,414,-729,414,-736,414,-741,414,-663,-671,414,414,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,414,-836,-53,414,414,-730,414,-737,414,-742,-664,414,-873,-54,414,414,-731,-738,-743,414,414,414,-872,]),'LINESTRING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[415,415,415,415,-1894,415,415,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,415,415,415,415,-275,-276,415,-1425,415,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,415,415,415,-490,415,415,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,415,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,415,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,415,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,415,-172,-173,-174,-175,-993,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-290,-291,-281,415,415,415,415,415,-328,-318,-332,-333,-334,415,415,-982,-983,-984,-985,-986,-987,-988,415,415,415,415,415,415,415,415,415,415,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,415,415,415,-353,-356,415,-323,-324,-141,415,-142,415,-143,415,-430,-935,-936,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-1894,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-1894,415,-1894,415,415,415,415,415,415,415,415,415,415,415,415,-1894,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,415,-1894,415,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,415,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,415,415,415,-191,-192,415,-994,415,415,415,415,415,-277,-278,-279,-280,-365,415,-308,415,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,415,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,415,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,415,415,415,415,415,415,-573,415,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,415,415,-723,-724,-725,415,415,415,415,415,415,-994,415,415,-91,-92,415,415,415,415,-309,-310,-320,415,-307,-293,-294,-295,415,415,415,415,-618,-633,-590,415,415,-436,415,-437,415,-444,-445,-446,-378,-379,415,415,415,-506,415,415,-510,415,415,415,415,-515,-516,-517,-518,415,415,-521,-522,415,-524,-525,-526,-527,-528,-529,-530,-531,415,-533,415,415,415,-539,-541,-542,415,-544,-545,-546,-547,415,415,415,415,415,415,-652,-653,-654,-655,415,-657,-658,-659,415,415,415,-665,415,415,-669,-670,415,415,-673,415,-675,-676,415,-679,415,-681,415,415,-684,-685,-686,415,-688,415,415,-691,415,415,-694,-695,-696,415,-698,-699,-700,-701,415,415,-746,415,-749,-750,-751,-752,-753,415,-755,-756,-757,-758,-759,415,-766,-767,-769,415,-771,-772,-773,-782,-856,-858,-860,-862,415,415,415,415,-868,415,-870,415,415,415,415,415,415,415,-906,-907,415,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,415,-921,-924,415,-934,415,-385,-386,-387,415,415,-390,-391,-392,-393,415,-396,415,-399,-400,415,-401,415,-406,-407,415,-410,-411,-412,415,-415,415,-416,415,-421,-422,415,-425,415,-428,-429,-1894,-1894,415,-619,-620,-621,-622,-623,-634,-584,-624,-797,415,415,415,415,415,-831,415,415,-806,415,-832,415,415,415,415,-798,415,-853,-799,415,415,415,415,415,415,-854,-855,415,-834,-830,-835,415,-625,415,-626,-627,-628,-629,-574,415,415,-630,-631,-632,415,415,415,415,415,415,-635,-636,-637,-592,-1894,-602,415,-638,-639,-713,-640,-604,415,-572,-577,-580,-583,415,415,415,-598,-601,415,-608,415,415,415,415,415,415,415,415,415,415,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,415,415,415,-995,415,415,415,415,415,415,-306,-325,-319,-296,-375,-452,-453,-454,-458,415,-443,415,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,415,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,415,415,415,415,415,415,415,415,415,-316,-535,-508,-591,-937,-939,-940,-438,415,-440,-380,-381,-383,-507,-509,-511,415,-513,-514,-519,-520,415,-532,-534,-537,-538,-543,-548,-726,415,-727,415,-732,415,-734,415,-739,-656,-660,-661,415,-666,415,-667,415,-672,-674,415,-677,415,415,415,-687,-689,415,-692,415,415,-744,415,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,415,415,415,415,415,-877,415,-880,-908,-920,-925,-388,-389,415,-394,415,-397,415,-402,415,-403,415,-408,415,-413,415,-417,415,-418,415,-423,415,-426,-899,-900,-643,-585,-1894,-901,415,415,415,-800,415,415,-804,415,-807,-833,415,-818,415,-820,415,-822,-808,415,-824,415,-851,-852,415,415,-811,415,-646,-902,-904,-648,-649,-645,415,-705,-706,415,-642,-903,-647,-650,-603,-714,415,415,-605,-586,415,415,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,415,415,-709,-710,415,-716,415,415,415,415,415,415,-938,415,-439,-441,-747,415,-891,415,-715,-1894,415,415,415,415,415,-442,-512,-523,415,-728,-733,415,-735,415,-740,415,-662,-668,415,-678,-680,-682,-683,-690,-693,-697,-745,415,415,-874,415,415,-878,415,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,415,-812,415,-814,-801,415,-802,-805,415,-816,-819,-821,-823,-825,415,-826,415,-809,415,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,415,-282,415,415,415,415,-455,415,415,-729,415,-736,415,-741,415,-663,-671,415,415,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,415,-836,-53,415,415,-730,415,-737,415,-742,-664,415,-873,-54,415,415,-731,-738,-743,415,415,415,-872,]),'LISTAGG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[416,416,416,416,-1894,416,416,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,416,416,416,416,-275,-276,416,-1425,416,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,416,416,416,-490,416,416,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,416,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,416,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,416,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,416,-172,-173,-174,-175,-993,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-290,-291,-281,416,416,416,416,416,-328,-318,-332,-333,-334,416,416,-982,-983,-984,-985,-986,-987,-988,416,416,416,416,416,416,416,416,416,416,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,416,416,416,-353,-356,416,-323,-324,-141,416,-142,416,-143,416,-430,-935,-936,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-1894,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-1894,416,-1894,416,416,416,416,416,416,416,416,416,416,416,416,-1894,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,416,-1894,416,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,416,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,416,416,416,-191,-192,416,-994,416,416,416,416,416,-277,-278,-279,-280,-365,416,-308,416,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,416,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,416,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,416,416,416,416,416,416,-573,416,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,416,416,-723,-724,-725,416,416,416,416,416,416,-994,416,416,-91,-92,416,416,416,416,-309,-310,-320,416,-307,-293,-294,-295,416,416,416,416,-618,-633,-590,416,416,-436,416,-437,416,-444,-445,-446,-378,-379,416,416,416,-506,416,416,-510,416,416,416,416,-515,-516,-517,-518,416,416,-521,-522,416,-524,-525,-526,-527,-528,-529,-530,-531,416,-533,416,416,416,-539,-541,-542,416,-544,-545,-546,-547,416,416,416,416,416,416,-652,-653,-654,-655,416,-657,-658,-659,416,416,416,-665,416,416,-669,-670,416,416,-673,416,-675,-676,416,-679,416,-681,416,416,-684,-685,-686,416,-688,416,416,-691,416,416,-694,-695,-696,416,-698,-699,-700,-701,416,416,-746,416,-749,-750,-751,-752,-753,416,-755,-756,-757,-758,-759,416,-766,-767,-769,416,-771,-772,-773,-782,-856,-858,-860,-862,416,416,416,416,-868,416,-870,416,416,416,416,416,416,416,-906,-907,416,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,416,-921,-924,416,-934,416,-385,-386,-387,416,416,-390,-391,-392,-393,416,-396,416,-399,-400,416,-401,416,-406,-407,416,-410,-411,-412,416,-415,416,-416,416,-421,-422,416,-425,416,-428,-429,-1894,-1894,416,-619,-620,-621,-622,-623,-634,-584,-624,-797,416,416,416,416,416,-831,416,416,-806,416,-832,416,416,416,416,-798,416,-853,-799,416,416,416,416,416,416,-854,-855,416,-834,-830,-835,416,-625,416,-626,-627,-628,-629,-574,416,416,-630,-631,-632,416,416,416,416,416,416,-635,-636,-637,-592,-1894,-602,416,-638,-639,-713,-640,-604,416,-572,-577,-580,-583,416,416,416,-598,-601,416,-608,416,416,416,416,416,416,416,416,416,416,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,416,416,416,-995,416,416,416,416,416,416,-306,-325,-319,-296,-375,-452,-453,-454,-458,416,-443,416,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,416,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,416,416,416,416,416,416,416,416,416,-316,-535,-508,-591,-937,-939,-940,-438,416,-440,-380,-381,-383,-507,-509,-511,416,-513,-514,-519,-520,416,-532,-534,-537,-538,-543,-548,-726,416,-727,416,-732,416,-734,416,-739,-656,-660,-661,416,-666,416,-667,416,-672,-674,416,-677,416,416,416,-687,-689,416,-692,416,416,-744,416,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,416,416,416,416,416,-877,416,-880,-908,-920,-925,-388,-389,416,-394,416,-397,416,-402,416,-403,416,-408,416,-413,416,-417,416,-418,416,-423,416,-426,-899,-900,-643,-585,-1894,-901,416,416,416,-800,416,416,-804,416,-807,-833,416,-818,416,-820,416,-822,-808,416,-824,416,-851,-852,416,416,-811,416,-646,-902,-904,-648,-649,-645,416,-705,-706,416,-642,-903,-647,-650,-603,-714,416,416,-605,-586,416,416,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,416,416,-709,-710,416,-716,416,416,416,416,416,416,-938,416,-439,-441,-747,416,-891,416,-715,-1894,416,416,416,416,416,-442,-512,-523,416,-728,-733,416,-735,416,-740,416,-662,-668,416,-678,-680,-682,-683,-690,-693,-697,-745,416,416,-874,416,416,-878,416,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,416,-812,416,-814,-801,416,-802,-805,416,-816,-819,-821,-823,-825,416,-826,416,-809,416,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,416,-282,416,416,416,416,-455,416,416,-729,416,-736,416,-741,416,-663,-671,416,416,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,416,-836,-53,416,416,-730,416,-737,416,-742,-664,416,-873,-54,416,416,-731,-738,-743,416,416,416,-872,]),'LIST_':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[417,417,417,417,-1894,417,417,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,417,417,417,417,-275,-276,417,-1425,417,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,417,417,417,-490,417,417,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,417,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,417,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,417,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,417,-172,-173,-174,-175,-993,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-290,-291,-281,417,417,417,417,417,-328,-318,-332,-333,-334,417,417,-982,-983,-984,-985,-986,-987,-988,417,417,417,417,417,417,417,417,417,417,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,417,417,417,-353,-356,417,-323,-324,-141,417,-142,417,-143,417,-430,-935,-936,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-1894,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-1894,417,-1894,417,417,417,417,417,417,417,417,417,417,417,417,-1894,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,417,-1894,417,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,417,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,417,417,417,-191,-192,417,-994,417,417,417,417,417,-277,-278,-279,-280,-365,417,-308,417,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,417,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,417,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,417,417,417,417,417,417,-573,417,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,417,417,-723,-724,-725,417,417,417,417,417,417,-994,417,417,-91,-92,417,417,417,417,-309,-310,-320,417,-307,-293,-294,-295,417,417,417,417,-618,-633,-590,417,417,-436,417,-437,417,-444,-445,-446,-378,-379,417,417,417,-506,417,417,-510,417,417,417,417,-515,-516,-517,-518,417,417,-521,-522,417,-524,-525,-526,-527,-528,-529,-530,-531,417,-533,417,417,417,-539,-541,-542,417,-544,-545,-546,-547,417,417,417,417,417,417,-652,-653,-654,-655,417,-657,-658,-659,417,417,417,-665,417,417,-669,-670,417,417,-673,417,-675,-676,417,-679,417,-681,417,417,-684,-685,-686,417,-688,417,417,-691,417,417,-694,-695,-696,417,-698,-699,-700,-701,417,417,-746,417,-749,-750,-751,-752,-753,417,-755,-756,-757,-758,-759,417,-766,-767,-769,417,-771,-772,-773,-782,-856,-858,-860,-862,417,417,417,417,-868,417,-870,417,417,417,417,417,417,417,-906,-907,417,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,417,-921,-924,417,-934,417,-385,-386,-387,417,417,-390,-391,-392,-393,417,-396,417,-399,-400,417,-401,417,-406,-407,417,-410,-411,-412,417,-415,417,-416,417,-421,-422,417,-425,417,-428,-429,-1894,-1894,417,-619,-620,-621,-622,-623,-634,-584,-624,-797,417,417,417,417,417,-831,417,417,-806,417,-832,417,417,417,417,-798,417,-853,-799,417,417,417,417,417,417,-854,-855,417,-834,-830,-835,417,-625,417,-626,-627,-628,-629,-574,417,417,-630,-631,-632,417,417,417,417,417,417,-635,-636,-637,-592,-1894,-602,417,-638,-639,-713,-640,-604,417,-572,-577,-580,-583,417,417,417,-598,-601,417,-608,417,417,417,417,417,417,417,417,417,417,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,417,417,417,-995,417,417,417,417,417,417,-306,-325,-319,-296,-375,-452,-453,-454,-458,417,-443,417,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,417,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,417,417,417,417,417,417,417,417,417,-316,-535,-508,-591,-937,-939,-940,-438,417,-440,-380,-381,-383,-507,-509,-511,417,-513,-514,-519,-520,417,-532,-534,-537,-538,-543,-548,-726,417,-727,417,-732,417,-734,417,-739,-656,-660,-661,417,-666,417,-667,417,-672,-674,417,-677,417,417,417,-687,-689,417,-692,417,417,-744,417,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,417,417,417,417,417,-877,417,-880,-908,-920,-925,-388,-389,417,-394,417,-397,417,-402,417,-403,417,-408,417,-413,417,-417,417,-418,417,-423,417,-426,-899,-900,-643,-585,-1894,-901,417,417,417,-800,417,417,-804,417,-807,-833,417,-818,417,-820,417,-822,-808,417,-824,417,-851,-852,417,417,-811,417,-646,-902,-904,-648,-649,-645,417,-705,-706,417,-642,-903,-647,-650,-603,-714,417,417,-605,-586,417,417,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,417,417,-709,-710,417,-716,417,417,417,417,417,417,-938,417,-439,-441,-747,417,-891,417,-715,-1894,417,417,417,417,417,-442,-512,-523,417,-728,-733,417,-735,417,-740,417,-662,-668,417,-678,-680,-682,-683,-690,-693,-697,-745,417,417,-874,417,417,-878,417,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,417,-812,417,-814,-801,417,-802,-805,417,-816,-819,-821,-823,-825,417,-826,417,-809,417,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,417,-282,417,417,417,417,-455,417,417,-729,417,-736,417,-741,417,-663,-671,417,417,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,417,-836,-53,417,417,-730,417,-737,417,-742,-664,417,-873,-54,417,417,-731,-738,-743,417,417,417,-872,]),'LN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[418,418,418,1062,-1894,418,418,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,418,418,418,418,-275,-276,1062,-1425,1062,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1062,1062,1062,-490,1062,1062,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1062,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1062,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1909,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,418,-172,-173,-174,-175,-993,418,418,418,418,418,418,418,418,418,418,1062,1062,1062,1062,1062,-290,-291,-281,418,1062,1062,1062,1062,-328,-318,-332,-333,-334,1062,1062,-982,-983,-984,-985,-986,-987,-988,418,418,1062,1062,1062,1062,1062,1062,1062,1062,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1062,1062,1062,-353,-356,418,-323,-324,-141,1062,-142,1062,-143,1062,-430,-935,-936,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1894,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1894,1062,-1894,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1894,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-1894,418,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1062,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1062,418,418,-191,-192,418,-994,1062,418,418,418,418,-277,-278,-279,-280,-365,1062,-308,1062,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1062,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1062,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1062,1062,1062,1062,1062,1062,-573,1062,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1062,1062,-723,-724,-725,1062,1909,418,418,418,418,-994,418,1062,-91,-92,418,418,418,1062,-309,-310,-320,1062,-307,-293,-294,-295,1062,418,1062,1062,-618,-633,-590,1062,418,-436,418,-437,1062,-444,-445,-446,-378,-379,1062,1062,1062,-506,1062,1062,-510,1062,1062,1062,1062,-515,-516,-517,-518,1062,1062,-521,-522,1062,-524,-525,-526,-527,-528,-529,-530,-531,1062,-533,1062,1062,1062,-539,-541,-542,1062,-544,-545,-546,-547,1062,1062,1062,1062,1062,1062,-652,-653,-654,-655,418,-657,-658,-659,1062,1062,1062,-665,1062,1062,-669,-670,1062,1062,-673,1062,-675,-676,1062,-679,1062,-681,1062,1062,-684,-685,-686,1062,-688,1062,1062,-691,1062,1062,-694,-695,-696,1062,-698,-699,-700,-701,1062,1062,-746,1062,-749,-750,-751,-752,-753,1062,-755,-756,-757,-758,-759,1062,-766,-767,-769,1062,-771,-772,-773,-782,-856,-858,-860,-862,1062,1062,1062,1062,-868,1062,-870,1062,1062,1062,1062,1062,1062,1062,-906,-907,1062,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1062,-921,-924,1062,-934,1062,-385,-386,-387,1062,1062,-390,-391,-392,-393,1062,-396,1062,-399,-400,1062,-401,1062,-406,-407,1062,-410,-411,-412,1062,-415,1062,-416,1062,-421,-422,1062,-425,1062,-428,-429,-1894,-1894,1062,-619,-620,-621,-622,-623,-634,-584,-624,-797,1062,1062,1062,1062,1062,-831,1062,1062,-806,1062,-832,1062,1062,1062,1062,-798,1062,-853,-799,1062,1062,1062,1062,1062,1062,-854,-855,1062,-834,-830,-835,1062,-625,1062,-626,-627,-628,-629,-574,1062,1062,-630,-631,-632,1062,1062,1062,1062,1062,1062,-635,-636,-637,-592,-1894,-602,1062,-638,-639,-713,-640,-604,1062,-572,-577,-580,-583,1062,1062,1062,-598,-601,1062,-608,1062,1062,1062,1062,1062,1062,1062,1062,1062,1062,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1062,418,418,-995,418,1062,418,418,418,1062,-306,-325,-319,-296,-375,-452,-453,-454,-458,418,-443,1062,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1062,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,418,418,418,418,418,418,418,418,1062,-316,-535,-508,-591,-937,-939,-940,-438,1062,-440,-380,-381,-383,-507,-509,-511,1062,-513,-514,-519,-520,1062,-532,-534,-537,-538,-543,-548,-726,1062,-727,1062,-732,1062,-734,1062,-739,-656,-660,-661,1062,-666,1062,-667,1062,-672,-674,1062,-677,1062,1062,1062,-687,-689,1062,-692,1062,1062,-744,1062,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1062,1062,1062,1062,1062,-877,1062,-880,-908,-920,-925,-388,-389,1062,-394,1062,-397,1062,-402,1062,-403,1062,-408,1062,-413,1062,-417,1062,-418,1062,-423,1062,-426,-899,-900,-643,-585,-1894,-901,1062,1062,1062,-800,1062,1062,-804,1062,-807,-833,1062,-818,1062,-820,1062,-822,-808,1062,-824,1062,-851,-852,1062,1062,-811,1062,-646,-902,-904,-648,-649,-645,1062,-705,-706,1062,-642,-903,-647,-650,-603,-714,1062,1062,-605,-586,1062,1062,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1062,1062,-709,-710,1062,-716,1062,418,418,418,1062,1062,-938,418,-439,-441,-747,1062,-891,1909,-715,-1894,1062,1062,418,418,1062,-442,-512,-523,1062,-728,-733,1062,-735,1062,-740,1062,-662,-668,1062,-678,-680,-682,-683,-690,-693,-697,-745,1062,1062,-874,1062,1062,-878,1062,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1062,-812,1062,-814,-801,1062,-802,-805,1062,-816,-819,-821,-823,-825,1062,-826,1062,-809,1062,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,418,-282,418,1062,418,1062,-455,1062,1062,-729,1062,-736,1062,-741,1062,-663,-671,1062,1062,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1062,-836,-53,418,1062,-730,1062,-737,1062,-742,-664,1062,-873,-54,418,418,-731,-738,-743,1062,418,1062,-872,]),'LOAD_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[419,419,419,1102,-1894,419,419,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,419,419,419,419,-275,-276,1102,-1425,1102,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1102,1102,1102,-490,1102,1102,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1102,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1102,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1910,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,419,-172,-173,-174,-175,-993,419,419,419,419,419,419,419,419,419,419,1102,1102,1102,1102,1102,-290,-291,-281,419,1102,1102,1102,1102,-328,-318,-332,-333,-334,1102,1102,-982,-983,-984,-985,-986,-987,-988,419,419,1102,1102,1102,1102,1102,1102,1102,1102,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1102,1102,1102,-353,-356,419,-323,-324,-141,1102,-142,1102,-143,1102,-430,-935,-936,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1894,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1894,1102,-1894,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1894,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-1894,419,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1102,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1102,419,419,-191,-192,419,-994,1102,419,419,419,419,-277,-278,-279,-280,-365,1102,-308,1102,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1102,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1102,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1102,1102,1102,1102,1102,1102,-573,1102,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1102,1102,-723,-724,-725,1102,1910,419,419,419,419,-994,419,1102,-91,-92,419,419,419,1102,-309,-310,-320,1102,-307,-293,-294,-295,1102,419,1102,1102,-618,-633,-590,1102,419,-436,419,-437,1102,-444,-445,-446,-378,-379,1102,1102,1102,-506,1102,1102,-510,1102,1102,1102,1102,-515,-516,-517,-518,1102,1102,-521,-522,1102,-524,-525,-526,-527,-528,-529,-530,-531,1102,-533,1102,1102,1102,-539,-541,-542,1102,-544,-545,-546,-547,1102,1102,1102,1102,1102,1102,-652,-653,-654,-655,419,-657,-658,-659,1102,1102,1102,-665,1102,1102,-669,-670,1102,1102,-673,1102,-675,-676,1102,-679,1102,-681,1102,1102,-684,-685,-686,1102,-688,1102,1102,-691,1102,1102,-694,-695,-696,1102,-698,-699,-700,-701,1102,1102,-746,1102,-749,-750,-751,-752,-753,1102,-755,-756,-757,-758,-759,1102,-766,-767,-769,1102,-771,-772,-773,-782,-856,-858,-860,-862,1102,1102,1102,1102,-868,1102,-870,1102,1102,1102,1102,1102,1102,1102,-906,-907,1102,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1102,-921,-924,1102,-934,1102,-385,-386,-387,1102,1102,-390,-391,-392,-393,1102,-396,1102,-399,-400,1102,-401,1102,-406,-407,1102,-410,-411,-412,1102,-415,1102,-416,1102,-421,-422,1102,-425,1102,-428,-429,-1894,-1894,1102,-619,-620,-621,-622,-623,-634,-584,-624,-797,1102,1102,1102,1102,1102,-831,1102,1102,-806,1102,-832,1102,1102,1102,1102,-798,1102,-853,-799,1102,1102,1102,1102,1102,1102,-854,-855,1102,-834,-830,-835,1102,-625,1102,-626,-627,-628,-629,-574,1102,1102,-630,-631,-632,1102,1102,1102,1102,1102,1102,-635,-636,-637,-592,-1894,-602,1102,-638,-639,-713,-640,-604,1102,-572,-577,-580,-583,1102,1102,1102,-598,-601,1102,-608,1102,1102,1102,1102,1102,1102,1102,1102,1102,1102,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1102,419,419,-995,419,1102,419,419,419,1102,-306,-325,-319,-296,-375,-452,-453,-454,-458,419,-443,1102,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1102,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,419,419,419,419,419,419,419,419,1102,-316,-535,-508,-591,-937,-939,-940,-438,1102,-440,-380,-381,-383,-507,-509,-511,1102,-513,-514,-519,-520,1102,-532,-534,-537,-538,-543,-548,-726,1102,-727,1102,-732,1102,-734,1102,-739,-656,-660,-661,1102,-666,1102,-667,1102,-672,-674,1102,-677,1102,1102,1102,-687,-689,1102,-692,1102,1102,-744,1102,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1102,1102,1102,1102,1102,-877,1102,-880,-908,-920,-925,-388,-389,1102,-394,1102,-397,1102,-402,1102,-403,1102,-408,1102,-413,1102,-417,1102,-418,1102,-423,1102,-426,-899,-900,-643,-585,-1894,-901,1102,1102,1102,-800,1102,1102,-804,1102,-807,-833,1102,-818,1102,-820,1102,-822,-808,1102,-824,1102,-851,-852,1102,1102,-811,1102,-646,-902,-904,-648,-649,-645,1102,-705,-706,1102,-642,-903,-647,-650,-603,-714,1102,1102,-605,-586,1102,1102,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1102,1102,-709,-710,1102,-716,1102,419,419,419,1102,1102,-938,419,-439,-441,-747,1102,-891,1910,-715,-1894,1102,1102,419,419,1102,-442,-512,-523,1102,-728,-733,1102,-735,1102,-740,1102,-662,-668,1102,-678,-680,-682,-683,-690,-693,-697,-745,1102,1102,-874,1102,1102,-878,1102,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1102,-812,1102,-814,-801,1102,-802,-805,1102,-816,-819,-821,-823,-825,1102,-826,1102,-809,1102,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,419,-282,419,1102,419,1102,-455,1102,1102,-729,1102,-736,1102,-741,1102,-663,-671,1102,1102,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1102,-836,-53,419,1102,-730,1102,-737,1102,-742,-664,1102,-873,-54,419,419,-731,-738,-743,1102,419,1102,-872,]),'LOB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[420,420,420,420,-1894,420,420,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,420,420,420,420,-275,-276,420,-1425,420,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,420,420,420,-490,420,420,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,420,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,420,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,420,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,420,-172,-173,-174,-175,-993,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-290,-291,-281,420,420,420,420,420,-328,-318,-332,-333,-334,420,420,-982,-983,-984,-985,-986,-987,-988,420,420,420,420,420,420,420,420,420,420,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,420,420,420,-353,-356,420,-323,-324,-141,420,-142,420,-143,420,-430,-935,-936,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-1894,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-1894,420,-1894,420,420,420,420,420,420,420,420,420,420,420,420,-1894,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,420,-1894,420,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,420,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,420,420,420,-191,-192,420,-994,420,420,420,420,420,-277,-278,-279,-280,-365,420,-308,420,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,420,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,420,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,420,420,420,420,420,420,-573,420,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,420,420,-723,-724,-725,420,420,420,420,420,420,-994,420,420,-91,-92,420,420,420,420,-309,-310,-320,420,-307,-293,-294,-295,420,420,420,420,-618,-633,-590,420,420,-436,420,-437,420,-444,-445,-446,-378,-379,420,420,420,-506,420,420,-510,420,420,420,420,-515,-516,-517,-518,420,420,-521,-522,420,-524,-525,-526,-527,-528,-529,-530,-531,420,-533,420,420,420,-539,-541,-542,420,-544,-545,-546,-547,420,420,420,420,420,420,-652,-653,-654,-655,420,-657,-658,-659,420,420,420,-665,420,420,-669,-670,420,420,-673,420,-675,-676,420,-679,420,-681,420,420,-684,-685,-686,420,-688,420,420,-691,420,420,-694,-695,-696,420,-698,-699,-700,-701,420,420,-746,420,-749,-750,-751,-752,-753,420,-755,-756,-757,-758,-759,420,-766,-767,-769,420,-771,-772,-773,-782,-856,-858,-860,-862,420,420,420,420,-868,420,-870,420,420,420,420,420,420,420,-906,-907,420,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,420,-921,-924,420,-934,420,-385,-386,-387,420,420,-390,-391,-392,-393,420,-396,420,-399,-400,420,-401,420,-406,-407,420,-410,-411,-412,420,-415,420,-416,420,-421,-422,420,-425,420,-428,-429,-1894,-1894,420,-619,-620,-621,-622,-623,-634,-584,-624,-797,420,420,420,420,420,-831,420,420,-806,420,-832,420,420,420,420,-798,420,-853,-799,420,420,420,420,420,420,-854,-855,420,-834,-830,-835,420,-625,420,-626,-627,-628,-629,-574,420,420,-630,-631,-632,420,420,420,420,420,420,-635,-636,-637,-592,-1894,-602,420,-638,-639,-713,-640,-604,420,-572,-577,-580,-583,420,420,420,-598,-601,420,-608,420,420,420,420,420,420,420,420,420,420,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,420,420,420,-995,420,420,420,420,420,420,-306,-325,-319,-296,-375,-452,-453,-454,-458,420,-443,420,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,420,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,420,420,420,420,420,420,420,420,420,-316,-535,-508,-591,-937,-939,-940,-438,420,-440,-380,-381,-383,-507,-509,-511,420,-513,-514,-519,-520,420,-532,-534,-537,-538,-543,-548,-726,420,-727,420,-732,420,-734,420,-739,-656,-660,-661,420,-666,420,-667,420,-672,-674,420,-677,420,420,420,-687,-689,420,-692,420,420,-744,420,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,420,420,420,420,420,-877,420,-880,-908,-920,-925,-388,-389,420,-394,420,-397,420,-402,420,-403,420,-408,420,-413,420,-417,420,-418,420,-423,420,-426,-899,-900,-643,-585,-1894,-901,420,420,420,-800,420,420,-804,420,-807,-833,420,-818,420,-820,420,-822,-808,420,-824,420,-851,-852,420,420,-811,420,-646,-902,-904,-648,-649,-645,420,-705,-706,420,-642,-903,-647,-650,-603,-714,420,420,-605,-586,420,420,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,420,420,-709,-710,420,-716,420,420,420,420,420,420,-938,420,-439,-441,-747,420,-891,420,-715,-1894,420,420,420,420,420,-442,-512,-523,420,-728,-733,420,-735,420,-740,420,-662,-668,420,-678,-680,-682,-683,-690,-693,-697,-745,420,420,-874,420,420,-878,420,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,420,-812,420,-814,-801,420,-802,-805,420,-816,-819,-821,-823,-825,420,-826,420,-809,420,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,420,-282,420,420,420,420,-455,420,420,-729,420,-736,420,-741,420,-663,-671,420,420,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,420,-836,-53,420,420,-730,420,-737,420,-742,-664,420,-873,-54,420,420,-731,-738,-743,420,420,420,-872,]),'LOCAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[421,421,421,421,-1894,421,421,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,421,421,421,421,-275,-276,421,-1425,421,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,421,421,421,-490,421,421,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,421,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,421,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,421,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,421,-172,-173,-174,-175,-993,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-290,-291,-281,421,421,421,421,421,-328,-318,-332,-333,-334,421,421,-982,-983,-984,-985,-986,-987,-988,421,421,421,421,421,421,421,421,421,421,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,421,421,421,-353,-356,421,-323,-324,-141,421,-142,421,-143,421,-430,-935,-936,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-1894,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-1894,421,-1894,421,421,421,421,421,421,421,421,421,421,421,421,-1894,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,421,-1894,421,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,421,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,421,421,421,-191,-192,421,-994,421,421,421,421,421,-277,-278,-279,-280,-365,421,-308,421,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,421,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,421,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,421,421,421,421,421,421,-573,421,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,421,421,-723,-724,-725,421,421,421,421,421,421,-994,421,421,-91,-92,421,421,421,421,-309,-310,-320,421,-307,-293,-294,-295,421,421,421,421,-618,-633,-590,421,421,-436,421,-437,421,-444,-445,-446,-378,-379,421,421,421,-506,421,421,-510,421,421,421,421,-515,-516,-517,-518,421,421,-521,-522,421,-524,-525,-526,-527,-528,-529,-530,-531,421,-533,421,421,421,-539,-541,-542,421,-544,-545,-546,-547,421,421,421,421,421,421,-652,-653,-654,-655,421,-657,-658,-659,421,421,421,-665,421,421,-669,-670,421,421,-673,421,-675,-676,421,-679,421,-681,421,421,-684,-685,-686,421,-688,421,421,-691,421,421,-694,-695,-696,421,-698,-699,-700,-701,421,421,-746,421,-749,-750,-751,-752,-753,421,-755,-756,-757,-758,-759,421,-766,-767,-769,421,-771,-772,-773,-782,-856,-858,-860,-862,421,421,421,421,-868,421,-870,421,421,421,421,421,421,421,-906,-907,421,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,421,-921,-924,421,-934,421,-385,-386,-387,421,421,-390,-391,-392,-393,421,-396,421,-399,-400,421,-401,421,-406,-407,421,-410,-411,-412,421,-415,421,-416,421,-421,-422,421,-425,421,-428,-429,-1894,-1894,421,-619,-620,-621,-622,-623,-634,-584,-624,-797,421,421,421,421,421,-831,421,421,-806,421,-832,421,421,421,421,-798,421,-853,-799,421,421,421,421,421,421,-854,-855,421,-834,-830,-835,421,-625,421,-626,-627,-628,-629,-574,421,421,-630,-631,-632,421,421,421,421,421,421,-635,-636,-637,-592,-1894,-602,421,-638,-639,-713,-640,-604,421,-572,-577,-580,-583,421,421,421,-598,-601,421,-608,421,421,421,421,421,421,421,421,421,421,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,421,421,421,-995,421,421,421,421,421,421,-306,-325,-319,-296,-375,-452,-453,-454,-458,421,-443,421,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,421,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,421,421,421,421,421,421,421,421,421,-316,-535,-508,-591,-937,-939,-940,-438,421,-440,-380,-381,-383,-507,-509,-511,421,-513,-514,-519,-520,421,-532,-534,-537,-538,-543,-548,-726,421,-727,421,-732,421,-734,421,-739,-656,-660,-661,421,-666,421,-667,421,-672,-674,421,-677,421,421,421,-687,-689,421,-692,421,421,-744,421,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,421,421,421,421,421,-877,421,-880,-908,-920,-925,-388,-389,421,-394,421,-397,421,-402,421,-403,421,-408,421,-413,421,-417,421,-418,421,-423,421,-426,-899,-900,-643,-585,-1894,-901,421,421,421,-800,421,421,-804,421,-807,-833,421,-818,421,-820,421,-822,-808,421,-824,421,-851,-852,421,421,-811,421,-646,-902,-904,-648,-649,-645,421,-705,-706,421,-642,-903,-647,-650,-603,-714,421,421,-605,-586,421,421,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,421,421,-709,-710,421,-716,421,421,421,421,421,421,-938,421,-439,-441,-747,421,-891,421,-715,-1894,421,421,421,421,421,-442,-512,-523,421,-728,-733,421,-735,421,-740,421,-662,-668,421,-678,-680,-682,-683,-690,-693,-697,-745,421,421,-874,421,421,-878,421,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,421,-812,421,-814,-801,421,-802,-805,421,-816,-819,-821,-823,-825,421,-826,421,-809,421,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,421,-282,421,421,421,421,-455,421,421,-729,421,-736,421,-741,421,-663,-671,421,421,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,421,-836,-53,421,421,-730,421,-737,421,-742,-664,421,-873,-54,421,421,-731,-738,-743,421,421,421,-872,]),'LOCALITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[422,422,422,422,-1894,422,422,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,422,422,422,422,-275,-276,422,-1425,422,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,422,422,422,-490,422,422,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,422,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,422,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,422,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,422,-172,-173,-174,-175,-993,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-290,-291,-281,422,422,422,422,422,-328,-318,-332,-333,-334,422,422,-982,-983,-984,-985,-986,-987,-988,422,422,422,422,422,422,422,422,422,422,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,422,422,422,-353,-356,422,-323,-324,-141,422,-142,422,-143,422,-430,-935,-936,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-1894,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-1894,422,-1894,422,422,422,422,422,422,422,422,422,422,422,422,-1894,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,422,-1894,422,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,422,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,422,422,422,-191,-192,422,-994,422,422,422,422,422,-277,-278,-279,-280,-365,422,-308,422,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,422,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,422,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,422,422,422,422,422,422,-573,422,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,422,422,-723,-724,-725,422,422,422,422,422,422,-994,422,422,-91,-92,422,422,422,422,-309,-310,-320,422,-307,-293,-294,-295,422,422,422,422,-618,-633,-590,422,422,-436,422,-437,422,-444,-445,-446,-378,-379,422,422,422,-506,422,422,-510,422,422,422,422,-515,-516,-517,-518,422,422,-521,-522,422,-524,-525,-526,-527,-528,-529,-530,-531,422,-533,422,422,422,-539,-541,-542,422,-544,-545,-546,-547,422,422,422,422,422,422,-652,-653,-654,-655,422,-657,-658,-659,422,422,422,-665,422,422,-669,-670,422,422,-673,422,-675,-676,422,-679,422,-681,422,422,-684,-685,-686,422,-688,422,422,-691,422,422,-694,-695,-696,422,-698,-699,-700,-701,422,422,-746,422,-749,-750,-751,-752,-753,422,-755,-756,-757,-758,-759,422,-766,-767,-769,422,-771,-772,-773,-782,-856,-858,-860,-862,422,422,422,422,-868,422,-870,422,422,422,422,422,422,422,-906,-907,422,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,422,-921,-924,422,-934,422,-385,-386,-387,422,422,-390,-391,-392,-393,422,-396,422,-399,-400,422,-401,422,-406,-407,422,-410,-411,-412,422,-415,422,-416,422,-421,-422,422,-425,422,-428,-429,-1894,-1894,422,-619,-620,-621,-622,-623,-634,-584,-624,-797,422,422,422,422,422,-831,422,422,-806,422,-832,422,422,422,422,-798,422,-853,-799,422,422,422,422,422,422,-854,-855,422,-834,-830,-835,422,-625,422,-626,-627,-628,-629,-574,422,422,-630,-631,-632,422,422,422,422,422,422,-635,-636,-637,-592,-1894,-602,422,-638,-639,-713,-640,-604,422,-572,-577,-580,-583,422,422,422,-598,-601,422,-608,422,422,422,422,422,422,422,422,422,422,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,422,422,422,-995,422,422,422,422,422,422,-306,-325,-319,-296,-375,-452,-453,-454,-458,422,-443,422,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,422,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,422,422,422,422,422,422,422,422,422,-316,-535,-508,-591,-937,-939,-940,-438,422,-440,-380,-381,-383,-507,-509,-511,422,-513,-514,-519,-520,422,-532,-534,-537,-538,-543,-548,-726,422,-727,422,-732,422,-734,422,-739,-656,-660,-661,422,-666,422,-667,422,-672,-674,422,-677,422,422,422,-687,-689,422,-692,422,422,-744,422,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,422,422,422,422,422,-877,422,-880,-908,-920,-925,-388,-389,422,-394,422,-397,422,-402,422,-403,422,-408,422,-413,422,-417,422,-418,422,-423,422,-426,-899,-900,-643,-585,-1894,-901,422,422,422,-800,422,422,-804,422,-807,-833,422,-818,422,-820,422,-822,-808,422,-824,422,-851,-852,422,422,-811,422,-646,-902,-904,-648,-649,-645,422,-705,-706,422,-642,-903,-647,-650,-603,-714,422,422,-605,-586,422,422,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,422,422,-709,-710,422,-716,422,422,422,422,422,422,-938,422,-439,-441,-747,422,-891,422,-715,-1894,422,422,422,422,422,-442,-512,-523,422,-728,-733,422,-735,422,-740,422,-662,-668,422,-678,-680,-682,-683,-690,-693,-697,-745,422,422,-874,422,422,-878,422,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,422,-812,422,-814,-801,422,-802,-805,422,-816,-819,-821,-823,-825,422,-826,422,-809,422,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,422,-282,422,422,422,422,-455,422,422,-729,422,-736,422,-741,422,-663,-671,422,422,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,422,-836,-53,422,422,-730,422,-737,422,-742,-664,422,-873,-54,422,422,-731,-738,-743,422,422,422,-872,]),'LOCATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[423,423,423,1103,-1894,423,423,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,423,423,423,423,-275,-276,1103,-1425,1103,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1103,1103,1103,-490,1103,1103,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1103,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1103,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1911,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,423,-172,-173,-174,-175,-993,423,423,423,423,423,423,423,423,423,423,1103,1103,1103,1103,1103,-290,-291,-281,423,1103,1103,1103,1103,-328,-318,-332,-333,-334,1103,1103,-982,-983,-984,-985,-986,-987,-988,423,423,1103,1103,1103,1103,1103,1103,1103,1103,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1103,1103,1103,-353,-356,423,-323,-324,-141,1103,-142,1103,-143,1103,-430,-935,-936,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1894,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1894,1103,-1894,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1894,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-1894,423,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1103,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1103,423,423,-191,-192,423,-994,1103,423,423,423,423,-277,-278,-279,-280,-365,1103,-308,1103,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1103,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1103,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1103,1103,1103,1103,1103,1103,-573,1103,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1103,1103,-723,-724,-725,1103,1911,423,423,423,423,-994,423,1103,-91,-92,423,423,423,1103,-309,-310,-320,1103,-307,-293,-294,-295,1103,423,1103,1103,-618,-633,-590,1103,423,-436,423,-437,1103,-444,-445,-446,-378,-379,1103,1103,1103,-506,1103,1103,-510,1103,1103,1103,1103,-515,-516,-517,-518,1103,1103,-521,-522,1103,-524,-525,-526,-527,-528,-529,-530,-531,1103,-533,1103,1103,1103,-539,-541,-542,1103,-544,-545,-546,-547,1103,1103,1103,1103,1103,1103,-652,-653,-654,-655,423,-657,-658,-659,1103,1103,1103,-665,1103,1103,-669,-670,1103,1103,-673,1103,-675,-676,1103,-679,1103,-681,1103,1103,-684,-685,-686,1103,-688,1103,1103,-691,1103,1103,-694,-695,-696,1103,-698,-699,-700,-701,1103,1103,-746,1103,-749,-750,-751,-752,-753,1103,-755,-756,-757,-758,-759,1103,-766,-767,-769,1103,-771,-772,-773,-782,-856,-858,-860,-862,1103,1103,1103,1103,-868,1103,-870,1103,1103,1103,1103,1103,1103,1103,-906,-907,1103,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1103,-921,-924,1103,-934,1103,-385,-386,-387,1103,1103,-390,-391,-392,-393,1103,-396,1103,-399,-400,1103,-401,1103,-406,-407,1103,-410,-411,-412,1103,-415,1103,-416,1103,-421,-422,1103,-425,1103,-428,-429,-1894,-1894,1103,-619,-620,-621,-622,-623,-634,-584,-624,-797,1103,1103,1103,1103,1103,-831,1103,1103,-806,1103,-832,1103,1103,1103,1103,-798,1103,-853,-799,1103,1103,1103,1103,1103,1103,-854,-855,1103,-834,-830,-835,1103,-625,1103,-626,-627,-628,-629,-574,1103,1103,-630,-631,-632,1103,1103,1103,1103,1103,1103,-635,-636,-637,-592,-1894,-602,1103,-638,-639,-713,-640,-604,1103,-572,-577,-580,-583,1103,1103,1103,-598,-601,1103,-608,1103,1103,1103,1103,1103,1103,1103,1103,1103,1103,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1103,423,423,-995,423,1103,423,423,423,1103,-306,-325,-319,-296,-375,-452,-453,-454,-458,423,-443,1103,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1103,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,423,423,423,423,423,423,423,423,1103,-316,-535,-508,-591,-937,-939,-940,-438,1103,-440,-380,-381,-383,-507,-509,-511,1103,-513,-514,-519,-520,1103,-532,-534,-537,-538,-543,-548,-726,1103,-727,1103,-732,1103,-734,1103,-739,-656,-660,-661,1103,-666,1103,-667,1103,-672,-674,1103,-677,1103,1103,1103,-687,-689,1103,-692,1103,1103,-744,1103,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1103,1103,1103,1103,1103,-877,1103,-880,-908,-920,-925,-388,-389,1103,-394,1103,-397,1103,-402,1103,-403,1103,-408,1103,-413,1103,-417,1103,-418,1103,-423,1103,-426,-899,-900,-643,-585,-1894,-901,1103,1103,1103,-800,1103,1103,-804,1103,-807,-833,1103,-818,1103,-820,1103,-822,-808,1103,-824,1103,-851,-852,1103,1103,-811,1103,-646,-902,-904,-648,-649,-645,1103,-705,-706,1103,-642,-903,-647,-650,-603,-714,1103,1103,-605,-586,1103,1103,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1103,1103,-709,-710,1103,-716,1103,423,423,423,1103,1103,-938,423,-439,-441,-747,1103,-891,1911,-715,-1894,1103,1103,423,423,1103,-442,-512,-523,1103,-728,-733,1103,-735,1103,-740,1103,-662,-668,1103,-678,-680,-682,-683,-690,-693,-697,-745,1103,1103,-874,1103,1103,-878,1103,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1103,-812,1103,-814,-801,1103,-802,-805,1103,-816,-819,-821,-823,-825,1103,-826,1103,-809,1103,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,423,-282,423,1103,423,1103,-455,1103,1103,-729,1103,-736,1103,-741,1103,-663,-671,1103,1103,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1103,-836,-53,423,1103,-730,1103,-737,1103,-742,-664,1103,-873,-54,423,423,-731,-738,-743,1103,423,1103,-872,]),'LOCATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[424,424,424,424,-1894,424,424,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,424,424,424,424,-275,-276,424,-1425,424,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,424,424,424,-490,424,424,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,424,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,424,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,424,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,424,-172,-173,-174,-175,-993,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-290,-291,-281,424,424,424,424,424,-328,-318,-332,-333,-334,424,424,-982,-983,-984,-985,-986,-987,-988,424,424,424,424,424,424,424,424,424,424,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,424,424,424,-353,-356,424,-323,-324,-141,424,-142,424,-143,424,-430,-935,-936,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-1894,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-1894,424,-1894,424,424,424,424,424,424,424,424,424,424,424,424,-1894,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,424,-1894,424,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,424,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,424,424,424,-191,-192,424,-994,424,424,424,424,424,-277,-278,-279,-280,-365,424,-308,424,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,424,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,424,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,424,424,424,424,424,424,-573,424,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,424,424,-723,-724,-725,424,424,424,424,424,424,-994,424,424,-91,-92,424,424,424,424,-309,-310,-320,424,-307,-293,-294,-295,424,424,424,424,-618,-633,-590,424,424,-436,424,-437,424,-444,-445,-446,-378,-379,424,424,424,-506,424,424,-510,424,424,424,424,-515,-516,-517,-518,424,424,-521,-522,424,-524,-525,-526,-527,-528,-529,-530,-531,424,-533,424,424,424,-539,-541,-542,424,-544,-545,-546,-547,424,424,424,424,424,424,-652,-653,-654,-655,424,-657,-658,-659,424,424,424,-665,424,424,-669,-670,424,424,-673,424,-675,-676,424,-679,424,-681,424,424,-684,-685,-686,424,-688,424,424,-691,424,424,-694,-695,-696,424,-698,-699,-700,-701,424,424,-746,424,-749,-750,-751,-752,-753,424,-755,-756,-757,-758,-759,424,-766,-767,-769,424,-771,-772,-773,-782,-856,-858,-860,-862,424,424,424,424,-868,424,-870,424,424,424,424,424,424,424,-906,-907,424,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,424,-921,-924,424,-934,424,-385,-386,-387,424,424,-390,-391,-392,-393,424,-396,424,-399,-400,424,-401,424,-406,-407,424,-410,-411,-412,424,-415,424,-416,424,-421,-422,424,-425,424,-428,-429,-1894,-1894,424,-619,-620,-621,-622,-623,-634,-584,-624,-797,424,424,424,424,424,-831,424,424,-806,424,-832,424,424,424,424,-798,424,-853,-799,424,424,424,424,424,424,-854,-855,424,-834,-830,-835,424,-625,424,-626,-627,-628,-629,-574,424,424,-630,-631,-632,424,424,424,424,424,424,-635,-636,-637,-592,-1894,-602,424,-638,-639,-713,-640,-604,424,-572,-577,-580,-583,424,424,424,-598,-601,424,-608,424,424,424,424,424,424,424,424,424,424,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,424,424,424,-995,424,424,424,424,424,424,-306,-325,-319,-296,-375,-452,-453,-454,-458,424,-443,424,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,424,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,424,424,424,424,424,424,424,424,424,-316,-535,-508,-591,-937,-939,-940,-438,424,-440,-380,-381,-383,-507,-509,-511,424,-513,-514,-519,-520,424,-532,-534,-537,-538,-543,-548,-726,424,-727,424,-732,424,-734,424,-739,-656,-660,-661,424,-666,424,-667,424,-672,-674,424,-677,424,424,424,-687,-689,424,-692,424,424,-744,424,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,424,424,424,424,424,-877,424,-880,-908,-920,-925,-388,-389,424,-394,424,-397,424,-402,424,-403,424,-408,424,-413,424,-417,424,-418,424,-423,424,-426,-899,-900,-643,-585,-1894,-901,424,424,424,-800,424,424,-804,424,-807,-833,424,-818,424,-820,424,-822,-808,424,-824,424,-851,-852,424,424,-811,424,-646,-902,-904,-648,-649,-645,424,-705,-706,424,-642,-903,-647,-650,-603,-714,424,424,-605,-586,424,424,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,424,424,-709,-710,424,-716,424,424,424,424,424,424,-938,424,-439,-441,-747,424,-891,424,-715,-1894,424,424,424,424,424,-442,-512,-523,424,-728,-733,424,-735,424,-740,424,-662,-668,424,-678,-680,-682,-683,-690,-693,-697,-745,424,424,-874,424,424,-878,424,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,424,-812,424,-814,-801,424,-802,-805,424,-816,-819,-821,-823,-825,424,-826,424,-809,424,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,424,-282,424,424,424,424,-455,424,424,-729,424,-736,424,-741,424,-663,-671,424,424,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,424,-836,-53,424,424,-730,424,-737,424,-742,-664,424,-873,-54,424,424,-731,-738,-743,424,424,424,-872,]),'LOCKED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3199,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[425,425,425,425,-1894,425,425,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,425,425,425,425,-275,-276,425,-1425,425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,425,425,425,-490,425,425,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,425,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,425,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,425,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,425,-172,-173,-174,-175,-993,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-290,-291,-281,425,425,425,425,425,-328,-318,-332,-333,-334,425,425,-982,-983,-984,-985,-986,-987,-988,425,425,425,425,425,425,425,425,425,425,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,425,425,425,-353,-356,425,-323,-324,-141,425,-142,425,-143,425,-430,-935,-936,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-1894,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-1894,425,-1894,425,425,425,425,425,425,425,425,425,425,425,425,-1894,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,425,-1894,425,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,425,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,425,425,425,-191,-192,425,-994,425,425,425,425,425,-277,-278,-279,-280,-365,425,-308,425,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,425,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,425,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,425,425,425,425,425,425,-573,425,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,425,425,-723,-724,-725,425,425,425,425,425,425,-994,425,425,-91,-92,425,425,425,425,-309,-310,-320,425,-307,-293,-294,-295,425,425,425,425,-618,-633,-590,425,425,-436,425,-437,425,-444,-445,-446,-378,-379,425,425,425,-506,425,425,-510,425,425,425,425,-515,-516,-517,-518,425,425,-521,-522,425,-524,-525,-526,-527,-528,-529,-530,-531,425,-533,425,425,425,-539,-541,-542,425,-544,-545,-546,-547,425,425,425,425,425,425,-652,-653,-654,-655,425,-657,-658,-659,425,425,425,-665,425,425,-669,-670,425,425,-673,425,-675,-676,425,-679,425,-681,425,425,-684,-685,-686,425,-688,425,425,-691,425,425,-694,-695,-696,425,-698,-699,-700,-701,425,425,-746,425,-749,-750,-751,-752,-753,425,-755,-756,-757,-758,-759,425,-766,-767,-769,425,-771,-772,-773,-782,-856,-858,-860,-862,425,425,425,425,-868,425,-870,425,425,425,425,425,425,425,-906,-907,425,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,425,-921,-924,425,-934,425,-385,-386,-387,425,425,-390,-391,-392,-393,425,-396,425,-399,-400,425,-401,425,-406,-407,425,-410,-411,-412,425,-415,425,-416,425,-421,-422,425,-425,425,-428,-429,-1894,-1894,425,-619,-620,-621,-622,-623,-634,-584,-624,-797,425,425,425,425,425,-831,425,425,-806,425,-832,425,425,425,425,-798,425,-853,-799,425,425,425,425,425,425,-854,-855,425,-834,-830,-835,425,-625,425,-626,-627,-628,-629,-574,425,425,-630,-631,-632,425,425,425,425,425,425,-635,-636,-637,-592,-1894,-602,425,-638,-639,-713,-640,-604,425,-572,-577,-580,-583,425,425,425,-598,-601,425,-608,425,425,425,425,425,425,425,425,425,425,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,425,425,425,-995,425,425,425,425,425,425,-306,-325,-319,-296,-375,-452,-453,-454,-458,425,-443,425,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,425,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,425,425,3473,425,425,425,425,425,425,425,-316,-535,-508,-591,-937,-939,-940,-438,425,-440,-380,-381,-383,-507,-509,-511,425,-513,-514,-519,-520,425,-532,-534,-537,-538,-543,-548,-726,425,-727,425,-732,425,-734,425,-739,-656,-660,-661,425,-666,425,-667,425,-672,-674,425,-677,425,425,425,-687,-689,425,-692,425,425,-744,425,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,425,425,425,425,425,-877,425,-880,-908,-920,-925,-388,-389,425,-394,425,-397,425,-402,425,-403,425,-408,425,-413,425,-417,425,-418,425,-423,425,-426,-899,-900,-643,-585,-1894,-901,425,425,425,-800,425,425,-804,425,-807,-833,425,-818,425,-820,425,-822,-808,425,-824,425,-851,-852,425,425,-811,425,-646,-902,-904,-648,-649,-645,425,-705,-706,425,-642,-903,-647,-650,-603,-714,425,425,-605,-586,425,425,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,425,425,-709,-710,425,-716,425,425,425,425,425,425,-938,425,-439,-441,-747,425,-891,425,-715,-1894,425,425,425,425,425,-442,-512,-523,425,-728,-733,425,-735,425,-740,425,-662,-668,425,-678,-680,-682,-683,-690,-693,-697,-745,425,425,-874,425,425,-878,425,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,425,-812,425,-814,-801,425,-802,-805,425,-816,-819,-821,-823,-825,425,-826,425,-809,425,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,425,-282,425,425,425,425,-455,425,425,-729,425,-736,425,-741,425,-663,-671,425,425,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,425,-836,-53,425,425,-730,425,-737,425,-742,-664,425,-873,-54,425,425,-731,-738,-743,425,425,425,-872,]),'LOCKS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[426,426,426,426,-1894,426,426,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,426,426,426,426,-275,-276,426,-1425,426,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,426,426,426,-490,426,426,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,426,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,426,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,426,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,426,-172,-173,-174,-175,-993,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-290,-291,-281,426,426,426,426,426,-328,-318,-332,-333,-334,426,426,-982,-983,-984,-985,-986,-987,-988,426,426,426,426,426,426,426,426,426,426,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,426,426,426,-353,-356,426,-323,-324,-141,426,-142,426,-143,426,-430,-935,-936,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-1894,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-1894,426,-1894,426,426,426,426,426,426,426,426,426,426,426,426,-1894,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,426,-1894,426,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,426,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,426,426,426,-191,-192,426,-994,426,426,426,426,426,-277,-278,-279,-280,-365,426,-308,426,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,426,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,426,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,426,426,426,426,426,426,-573,426,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,426,426,-723,-724,-725,426,426,426,426,426,426,-994,426,426,-91,-92,426,426,426,426,-309,-310,-320,426,-307,-293,-294,-295,426,426,426,426,-618,-633,-590,426,426,-436,426,-437,426,-444,-445,-446,-378,-379,426,426,426,-506,426,426,-510,426,426,426,426,-515,-516,-517,-518,426,426,-521,-522,426,-524,-525,-526,-527,-528,-529,-530,-531,426,-533,426,426,426,-539,-541,-542,426,-544,-545,-546,-547,426,426,426,426,426,426,-652,-653,-654,-655,426,-657,-658,-659,426,426,426,-665,426,426,-669,-670,426,426,-673,426,-675,-676,426,-679,426,-681,426,426,-684,-685,-686,426,-688,426,426,-691,426,426,-694,-695,-696,426,-698,-699,-700,-701,426,426,-746,426,-749,-750,-751,-752,-753,426,-755,-756,-757,-758,-759,426,-766,-767,-769,426,-771,-772,-773,-782,-856,-858,-860,-862,426,426,426,426,-868,426,-870,426,426,426,426,426,426,426,-906,-907,426,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,426,-921,-924,426,-934,426,-385,-386,-387,426,426,-390,-391,-392,-393,426,-396,426,-399,-400,426,-401,426,-406,-407,426,-410,-411,-412,426,-415,426,-416,426,-421,-422,426,-425,426,-428,-429,-1894,-1894,426,-619,-620,-621,-622,-623,-634,-584,-624,-797,426,426,426,426,426,-831,426,426,-806,426,-832,426,426,426,426,-798,426,-853,-799,426,426,426,426,426,426,-854,-855,426,-834,-830,-835,426,-625,426,-626,-627,-628,-629,-574,426,426,-630,-631,-632,426,426,426,426,426,426,-635,-636,-637,-592,-1894,-602,426,-638,-639,-713,-640,-604,426,-572,-577,-580,-583,426,426,426,-598,-601,426,-608,426,426,426,426,426,426,426,426,426,426,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,426,426,426,-995,426,426,426,426,426,426,-306,-325,-319,-296,-375,-452,-453,-454,-458,426,-443,426,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,426,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,426,426,426,426,426,426,426,426,426,-316,-535,-508,-591,-937,-939,-940,-438,426,-440,-380,-381,-383,-507,-509,-511,426,-513,-514,-519,-520,426,-532,-534,-537,-538,-543,-548,-726,426,-727,426,-732,426,-734,426,-739,-656,-660,-661,426,-666,426,-667,426,-672,-674,426,-677,426,426,426,-687,-689,426,-692,426,426,-744,426,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,426,426,426,426,426,-877,426,-880,-908,-920,-925,-388,-389,426,-394,426,-397,426,-402,426,-403,426,-408,426,-413,426,-417,426,-418,426,-423,426,-426,-899,-900,-643,-585,-1894,-901,426,426,426,-800,426,426,-804,426,-807,-833,426,-818,426,-820,426,-822,-808,426,-824,426,-851,-852,426,426,-811,426,-646,-902,-904,-648,-649,-645,426,-705,-706,426,-642,-903,-647,-650,-603,-714,426,426,-605,-586,426,426,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,426,426,-709,-710,426,-716,426,426,426,426,426,426,-938,426,-439,-441,-747,426,-891,426,-715,-1894,426,426,426,426,426,-442,-512,-523,426,-728,-733,426,-735,426,-740,426,-662,-668,426,-678,-680,-682,-683,-690,-693,-697,-745,426,426,-874,426,426,-878,426,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,426,-812,426,-814,-801,426,-802,-805,426,-816,-819,-821,-823,-825,426,-826,426,-809,426,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,426,-282,426,426,426,426,-455,426,426,-729,426,-736,426,-741,426,-663,-671,426,426,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,426,-836,-53,426,426,-730,426,-737,426,-742,-664,426,-873,-54,426,426,-731,-738,-743,426,426,426,-872,]),'LOCK_':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[427,427,427,427,-1894,427,427,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,427,427,427,427,-275,-276,427,-1425,427,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,427,427,427,-490,427,427,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,427,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,427,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,427,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,427,-172,-173,-174,-175,-993,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-290,-291,-281,427,427,427,427,427,-328,-318,-332,-333,-334,427,427,-982,-983,-984,-985,-986,-987,-988,427,427,427,427,427,427,427,427,427,427,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,427,427,427,-353,-356,427,-323,-324,-141,427,-142,427,-143,427,-430,-935,-936,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-1894,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-1894,427,-1894,427,427,427,427,427,427,427,427,427,427,427,427,-1894,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,427,-1894,427,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,427,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,427,427,427,-191,-192,427,-994,427,427,427,427,427,-277,-278,-279,-280,-365,427,-308,427,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,427,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,427,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,427,427,427,427,427,427,-573,427,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,427,427,-723,-724,-725,427,427,427,427,427,427,-994,427,427,-91,-92,427,427,427,427,-309,-310,-320,427,-307,-293,-294,-295,427,427,427,427,-618,-633,-590,427,427,-436,427,-437,427,-444,-445,-446,-378,-379,427,427,427,-506,427,427,-510,427,427,427,427,-515,-516,-517,-518,427,427,-521,-522,427,-524,-525,-526,-527,-528,-529,-530,-531,427,-533,427,427,427,-539,-541,-542,427,-544,-545,-546,-547,427,427,427,427,427,427,-652,-653,-654,-655,427,-657,-658,-659,427,427,427,-665,427,427,-669,-670,427,427,-673,427,-675,-676,427,-679,427,-681,427,427,-684,-685,-686,427,-688,427,427,-691,427,427,-694,-695,-696,427,-698,-699,-700,-701,427,427,-746,427,-749,-750,-751,-752,-753,427,-755,-756,-757,-758,-759,427,-766,-767,-769,427,-771,-772,-773,-782,-856,-858,-860,-862,427,427,427,427,-868,427,-870,427,427,427,427,427,427,427,-906,-907,427,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,427,-921,-924,427,-934,427,-385,-386,-387,427,427,-390,-391,-392,-393,427,-396,427,-399,-400,427,-401,427,-406,-407,427,-410,-411,-412,427,-415,427,-416,427,-421,-422,427,-425,427,-428,-429,-1894,-1894,427,-619,-620,-621,-622,-623,-634,-584,-624,-797,427,427,427,427,427,-831,427,427,-806,427,-832,427,427,427,427,-798,427,-853,-799,427,427,427,427,427,427,-854,-855,427,-834,-830,-835,427,-625,427,-626,-627,-628,-629,-574,427,427,-630,-631,-632,427,427,427,427,427,427,-635,-636,-637,-592,-1894,-602,427,-638,-639,-713,-640,-604,427,-572,-577,-580,-583,427,427,427,-598,-601,427,-608,427,427,427,427,427,427,427,427,427,427,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,427,427,427,-995,427,427,427,427,427,427,-306,-325,-319,-296,-375,-452,-453,-454,-458,427,-443,427,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,427,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,427,427,427,427,427,427,427,427,427,-316,-535,-508,-591,-937,-939,-940,-438,427,-440,-380,-381,-383,-507,-509,-511,427,-513,-514,-519,-520,427,-532,-534,-537,-538,-543,-548,-726,427,-727,427,-732,427,-734,427,-739,-656,-660,-661,427,-666,427,-667,427,-672,-674,427,-677,427,427,427,-687,-689,427,-692,427,427,-744,427,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,427,427,427,427,427,-877,427,-880,-908,-920,-925,-388,-389,427,-394,427,-397,427,-402,427,-403,427,-408,427,-413,427,-417,427,-418,427,-423,427,-426,-899,-900,-643,-585,-1894,-901,427,427,427,-800,427,427,-804,427,-807,-833,427,-818,427,-820,427,-822,-808,427,-824,427,-851,-852,427,427,-811,427,-646,-902,-904,-648,-649,-645,427,-705,-706,427,-642,-903,-647,-650,-603,-714,427,427,-605,-586,427,427,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,427,427,-709,-710,427,-716,427,427,427,427,427,427,-938,427,-439,-441,-747,427,-891,427,-715,-1894,427,427,427,427,427,-442,-512,-523,427,-728,-733,427,-735,427,-740,427,-662,-668,427,-678,-680,-682,-683,-690,-693,-697,-745,427,427,-874,427,427,-878,427,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,427,-812,427,-814,-801,427,-802,-805,427,-816,-819,-821,-823,-825,427,-826,427,-809,427,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,427,-282,427,427,427,427,-455,427,427,-729,427,-736,427,-741,427,-663,-671,427,427,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,427,-836,-53,427,427,-730,427,-737,427,-742,-664,427,-873,-54,427,427,-731,-738,-743,427,427,427,-872,]),'LOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[428,428,428,1063,-1894,428,428,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,428,428,428,428,-275,-276,1063,-1425,1063,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1063,1063,1063,-490,1063,1063,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1063,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1063,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1912,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,428,-172,-173,-174,-175,-993,428,428,428,428,428,428,428,428,428,428,1063,1063,1063,1063,1063,-290,-291,-281,428,1063,1063,1063,1063,-328,-318,-332,-333,-334,1063,1063,-982,-983,-984,-985,-986,-987,-988,428,428,1063,1063,1063,1063,1063,1063,1063,1063,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1063,1063,1063,-353,-356,428,-323,-324,-141,1063,-142,1063,-143,1063,-430,-935,-936,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1894,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1894,1063,-1894,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1894,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-1894,428,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1063,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1063,428,428,-191,-192,428,-994,1063,428,428,428,428,-277,-278,-279,-280,-365,1063,-308,1063,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1063,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1063,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1063,1063,1063,1063,1063,1063,-573,1063,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1063,1063,-723,-724,-725,1063,1912,428,428,428,428,-994,428,1063,-91,-92,428,428,428,1063,-309,-310,-320,1063,-307,-293,-294,-295,1063,428,1063,1063,-618,-633,-590,1063,428,-436,428,-437,1063,-444,-445,-446,-378,-379,1063,1063,1063,-506,1063,1063,-510,1063,1063,1063,1063,-515,-516,-517,-518,1063,1063,-521,-522,1063,-524,-525,-526,-527,-528,-529,-530,-531,1063,-533,1063,1063,1063,-539,-541,-542,1063,-544,-545,-546,-547,1063,1063,1063,1063,1063,1063,-652,-653,-654,-655,428,-657,-658,-659,1063,1063,1063,-665,1063,1063,-669,-670,1063,1063,-673,1063,-675,-676,1063,-679,1063,-681,1063,1063,-684,-685,-686,1063,-688,1063,1063,-691,1063,1063,-694,-695,-696,1063,-698,-699,-700,-701,1063,1063,-746,1063,-749,-750,-751,-752,-753,1063,-755,-756,-757,-758,-759,1063,-766,-767,-769,1063,-771,-772,-773,-782,-856,-858,-860,-862,1063,1063,1063,1063,-868,1063,-870,1063,1063,1063,1063,1063,1063,1063,-906,-907,1063,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1063,-921,-924,1063,-934,1063,-385,-386,-387,1063,1063,-390,-391,-392,-393,1063,-396,1063,-399,-400,1063,-401,1063,-406,-407,1063,-410,-411,-412,1063,-415,1063,-416,1063,-421,-422,1063,-425,1063,-428,-429,-1894,-1894,1063,-619,-620,-621,-622,-623,-634,-584,-624,-797,1063,1063,1063,1063,1063,-831,1063,1063,-806,1063,-832,1063,1063,1063,1063,-798,1063,-853,-799,1063,1063,1063,1063,1063,1063,-854,-855,1063,-834,-830,-835,1063,-625,1063,-626,-627,-628,-629,-574,1063,1063,-630,-631,-632,1063,1063,1063,1063,1063,1063,-635,-636,-637,-592,-1894,-602,1063,-638,-639,-713,-640,-604,1063,-572,-577,-580,-583,1063,1063,1063,-598,-601,1063,-608,1063,1063,1063,1063,1063,1063,1063,1063,1063,1063,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1063,428,428,-995,428,1063,428,428,428,1063,-306,-325,-319,-296,-375,-452,-453,-454,-458,428,-443,1063,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1063,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,428,428,428,428,428,428,428,428,1063,-316,-535,-508,-591,-937,-939,-940,-438,1063,-440,-380,-381,-383,-507,-509,-511,1063,-513,-514,-519,-520,1063,-532,-534,-537,-538,-543,-548,-726,1063,-727,1063,-732,1063,-734,1063,-739,-656,-660,-661,1063,-666,1063,-667,1063,-672,-674,1063,-677,1063,1063,1063,-687,-689,1063,-692,1063,1063,-744,1063,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1063,1063,1063,1063,1063,-877,1063,-880,-908,-920,-925,-388,-389,1063,-394,1063,-397,1063,-402,1063,-403,1063,-408,1063,-413,1063,-417,1063,-418,1063,-423,1063,-426,-899,-900,-643,-585,-1894,-901,1063,1063,1063,-800,1063,1063,-804,1063,-807,-833,1063,-818,1063,-820,1063,-822,-808,1063,-824,1063,-851,-852,1063,1063,-811,1063,-646,-902,-904,-648,-649,-645,1063,-705,-706,1063,-642,-903,-647,-650,-603,-714,1063,1063,-605,-586,1063,1063,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1063,1063,-709,-710,1063,-716,1063,428,428,428,1063,1063,-938,428,-439,-441,-747,1063,-891,1912,-715,-1894,1063,1063,428,428,1063,-442,-512,-523,1063,-728,-733,1063,-735,1063,-740,1063,-662,-668,1063,-678,-680,-682,-683,-690,-693,-697,-745,1063,1063,-874,1063,1063,-878,1063,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1063,-812,1063,-814,-801,1063,-802,-805,1063,-816,-819,-821,-823,-825,1063,-826,1063,-809,1063,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,428,-282,428,1063,428,1063,-455,1063,1063,-729,1063,-736,1063,-741,1063,-663,-671,1063,1063,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1063,-836,-53,428,1063,-730,1063,-737,1063,-742,-664,1063,-873,-54,428,428,-731,-738,-743,1063,428,1063,-872,]),'LOG10':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[429,429,429,1065,-1894,429,429,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,429,429,429,429,-275,-276,1065,-1425,1065,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1065,1065,1065,-490,1065,1065,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1065,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1065,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1913,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,429,-172,-173,-174,-175,-993,429,429,429,429,429,429,429,429,429,429,1065,1065,1065,1065,1065,-290,-291,-281,429,1065,1065,1065,1065,-328,-318,-332,-333,-334,1065,1065,-982,-983,-984,-985,-986,-987,-988,429,429,1065,1065,1065,1065,1065,1065,1065,1065,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1065,1065,1065,-353,-356,429,-323,-324,-141,1065,-142,1065,-143,1065,-430,-935,-936,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1894,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1894,1065,-1894,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1894,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-1894,429,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1065,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1065,429,429,-191,-192,429,-994,1065,429,429,429,429,-277,-278,-279,-280,-365,1065,-308,1065,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1065,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1065,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1065,1065,1065,1065,1065,1065,-573,1065,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1065,1065,-723,-724,-725,1065,1913,429,429,429,429,-994,429,1065,-91,-92,429,429,429,1065,-309,-310,-320,1065,-307,-293,-294,-295,1065,429,1065,1065,-618,-633,-590,1065,429,-436,429,-437,1065,-444,-445,-446,-378,-379,1065,1065,1065,-506,1065,1065,-510,1065,1065,1065,1065,-515,-516,-517,-518,1065,1065,-521,-522,1065,-524,-525,-526,-527,-528,-529,-530,-531,1065,-533,1065,1065,1065,-539,-541,-542,1065,-544,-545,-546,-547,1065,1065,1065,1065,1065,1065,-652,-653,-654,-655,429,-657,-658,-659,1065,1065,1065,-665,1065,1065,-669,-670,1065,1065,-673,1065,-675,-676,1065,-679,1065,-681,1065,1065,-684,-685,-686,1065,-688,1065,1065,-691,1065,1065,-694,-695,-696,1065,-698,-699,-700,-701,1065,1065,-746,1065,-749,-750,-751,-752,-753,1065,-755,-756,-757,-758,-759,1065,-766,-767,-769,1065,-771,-772,-773,-782,-856,-858,-860,-862,1065,1065,1065,1065,-868,1065,-870,1065,1065,1065,1065,1065,1065,1065,-906,-907,1065,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1065,-921,-924,1065,-934,1065,-385,-386,-387,1065,1065,-390,-391,-392,-393,1065,-396,1065,-399,-400,1065,-401,1065,-406,-407,1065,-410,-411,-412,1065,-415,1065,-416,1065,-421,-422,1065,-425,1065,-428,-429,-1894,-1894,1065,-619,-620,-621,-622,-623,-634,-584,-624,-797,1065,1065,1065,1065,1065,-831,1065,1065,-806,1065,-832,1065,1065,1065,1065,-798,1065,-853,-799,1065,1065,1065,1065,1065,1065,-854,-855,1065,-834,-830,-835,1065,-625,1065,-626,-627,-628,-629,-574,1065,1065,-630,-631,-632,1065,1065,1065,1065,1065,1065,-635,-636,-637,-592,-1894,-602,1065,-638,-639,-713,-640,-604,1065,-572,-577,-580,-583,1065,1065,1065,-598,-601,1065,-608,1065,1065,1065,1065,1065,1065,1065,1065,1065,1065,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1065,429,429,-995,429,1065,429,429,429,1065,-306,-325,-319,-296,-375,-452,-453,-454,-458,429,-443,1065,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1065,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,429,429,429,429,429,429,429,429,1065,-316,-535,-508,-591,-937,-939,-940,-438,1065,-440,-380,-381,-383,-507,-509,-511,1065,-513,-514,-519,-520,1065,-532,-534,-537,-538,-543,-548,-726,1065,-727,1065,-732,1065,-734,1065,-739,-656,-660,-661,1065,-666,1065,-667,1065,-672,-674,1065,-677,1065,1065,1065,-687,-689,1065,-692,1065,1065,-744,1065,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1065,1065,1065,1065,1065,-877,1065,-880,-908,-920,-925,-388,-389,1065,-394,1065,-397,1065,-402,1065,-403,1065,-408,1065,-413,1065,-417,1065,-418,1065,-423,1065,-426,-899,-900,-643,-585,-1894,-901,1065,1065,1065,-800,1065,1065,-804,1065,-807,-833,1065,-818,1065,-820,1065,-822,-808,1065,-824,1065,-851,-852,1065,1065,-811,1065,-646,-902,-904,-648,-649,-645,1065,-705,-706,1065,-642,-903,-647,-650,-603,-714,1065,1065,-605,-586,1065,1065,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1065,1065,-709,-710,1065,-716,1065,429,429,429,1065,1065,-938,429,-439,-441,-747,1065,-891,1913,-715,-1894,1065,1065,429,429,1065,-442,-512,-523,1065,-728,-733,1065,-735,1065,-740,1065,-662,-668,1065,-678,-680,-682,-683,-690,-693,-697,-745,1065,1065,-874,1065,1065,-878,1065,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1065,-812,1065,-814,-801,1065,-802,-805,1065,-816,-819,-821,-823,-825,1065,-826,1065,-809,1065,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,429,-282,429,1065,429,1065,-455,1065,1065,-729,1065,-736,1065,-741,1065,-663,-671,1065,1065,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1065,-836,-53,429,1065,-730,1065,-737,1065,-742,-664,1065,-873,-54,429,429,-731,-738,-743,1065,429,1065,-872,]),'LOG2':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[430,430,430,1064,-1894,430,430,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,430,430,430,430,-275,-276,1064,-1425,1064,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1064,1064,1064,-490,1064,1064,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1064,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1064,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1914,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,430,-172,-173,-174,-175,-993,430,430,430,430,430,430,430,430,430,430,1064,1064,1064,1064,1064,-290,-291,-281,430,1064,1064,1064,1064,-328,-318,-332,-333,-334,1064,1064,-982,-983,-984,-985,-986,-987,-988,430,430,1064,1064,1064,1064,1064,1064,1064,1064,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1064,1064,1064,-353,-356,430,-323,-324,-141,1064,-142,1064,-143,1064,-430,-935,-936,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1894,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1894,1064,-1894,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1894,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-1894,430,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1064,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1064,430,430,-191,-192,430,-994,1064,430,430,430,430,-277,-278,-279,-280,-365,1064,-308,1064,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1064,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1064,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1064,1064,1064,1064,1064,1064,-573,1064,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1064,1064,-723,-724,-725,1064,1914,430,430,430,430,-994,430,1064,-91,-92,430,430,430,1064,-309,-310,-320,1064,-307,-293,-294,-295,1064,430,1064,1064,-618,-633,-590,1064,430,-436,430,-437,1064,-444,-445,-446,-378,-379,1064,1064,1064,-506,1064,1064,-510,1064,1064,1064,1064,-515,-516,-517,-518,1064,1064,-521,-522,1064,-524,-525,-526,-527,-528,-529,-530,-531,1064,-533,1064,1064,1064,-539,-541,-542,1064,-544,-545,-546,-547,1064,1064,1064,1064,1064,1064,-652,-653,-654,-655,430,-657,-658,-659,1064,1064,1064,-665,1064,1064,-669,-670,1064,1064,-673,1064,-675,-676,1064,-679,1064,-681,1064,1064,-684,-685,-686,1064,-688,1064,1064,-691,1064,1064,-694,-695,-696,1064,-698,-699,-700,-701,1064,1064,-746,1064,-749,-750,-751,-752,-753,1064,-755,-756,-757,-758,-759,1064,-766,-767,-769,1064,-771,-772,-773,-782,-856,-858,-860,-862,1064,1064,1064,1064,-868,1064,-870,1064,1064,1064,1064,1064,1064,1064,-906,-907,1064,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1064,-921,-924,1064,-934,1064,-385,-386,-387,1064,1064,-390,-391,-392,-393,1064,-396,1064,-399,-400,1064,-401,1064,-406,-407,1064,-410,-411,-412,1064,-415,1064,-416,1064,-421,-422,1064,-425,1064,-428,-429,-1894,-1894,1064,-619,-620,-621,-622,-623,-634,-584,-624,-797,1064,1064,1064,1064,1064,-831,1064,1064,-806,1064,-832,1064,1064,1064,1064,-798,1064,-853,-799,1064,1064,1064,1064,1064,1064,-854,-855,1064,-834,-830,-835,1064,-625,1064,-626,-627,-628,-629,-574,1064,1064,-630,-631,-632,1064,1064,1064,1064,1064,1064,-635,-636,-637,-592,-1894,-602,1064,-638,-639,-713,-640,-604,1064,-572,-577,-580,-583,1064,1064,1064,-598,-601,1064,-608,1064,1064,1064,1064,1064,1064,1064,1064,1064,1064,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1064,430,430,-995,430,1064,430,430,430,1064,-306,-325,-319,-296,-375,-452,-453,-454,-458,430,-443,1064,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1064,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,430,430,430,430,430,430,430,430,1064,-316,-535,-508,-591,-937,-939,-940,-438,1064,-440,-380,-381,-383,-507,-509,-511,1064,-513,-514,-519,-520,1064,-532,-534,-537,-538,-543,-548,-726,1064,-727,1064,-732,1064,-734,1064,-739,-656,-660,-661,1064,-666,1064,-667,1064,-672,-674,1064,-677,1064,1064,1064,-687,-689,1064,-692,1064,1064,-744,1064,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1064,1064,1064,1064,1064,-877,1064,-880,-908,-920,-925,-388,-389,1064,-394,1064,-397,1064,-402,1064,-403,1064,-408,1064,-413,1064,-417,1064,-418,1064,-423,1064,-426,-899,-900,-643,-585,-1894,-901,1064,1064,1064,-800,1064,1064,-804,1064,-807,-833,1064,-818,1064,-820,1064,-822,-808,1064,-824,1064,-851,-852,1064,1064,-811,1064,-646,-902,-904,-648,-649,-645,1064,-705,-706,1064,-642,-903,-647,-650,-603,-714,1064,1064,-605,-586,1064,1064,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1064,1064,-709,-710,1064,-716,1064,430,430,430,1064,1064,-938,430,-439,-441,-747,1064,-891,1914,-715,-1894,1064,1064,430,430,1064,-442,-512,-523,1064,-728,-733,1064,-735,1064,-740,1064,-662,-668,1064,-678,-680,-682,-683,-690,-693,-697,-745,1064,1064,-874,1064,1064,-878,1064,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1064,-812,1064,-814,-801,1064,-802,-805,1064,-816,-819,-821,-823,-825,1064,-826,1064,-809,1064,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,430,-282,430,1064,430,1064,-455,1064,1064,-729,1064,-736,1064,-741,1064,-663,-671,1064,1064,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1064,-836,-53,430,1064,-730,1064,-737,1064,-742,-664,1064,-873,-54,430,430,-731,-738,-743,1064,430,1064,-872,]),'LOGFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[431,431,431,431,-1894,431,431,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,431,431,431,431,-275,-276,431,-1425,431,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,431,431,431,-490,431,431,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,431,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,431,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,431,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,431,-172,-173,-174,-175,-993,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-290,-291,-281,431,431,431,431,431,-328,-318,-332,-333,-334,431,431,-982,-983,-984,-985,-986,-987,-988,431,431,431,431,431,431,431,431,431,431,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,431,431,431,-353,-356,431,-323,-324,-141,431,-142,431,-143,431,-430,-935,-936,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-1894,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-1894,431,-1894,431,431,431,431,431,431,431,431,431,431,431,431,-1894,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,431,-1894,431,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,431,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,431,431,431,-191,-192,431,-994,431,431,431,431,431,-277,-278,-279,-280,-365,431,-308,431,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,431,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,431,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,431,431,431,431,431,431,-573,431,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,431,431,-723,-724,-725,431,431,431,431,431,431,-994,431,431,-91,-92,431,431,431,431,-309,-310,-320,431,-307,-293,-294,-295,431,431,431,431,-618,-633,-590,431,431,-436,431,-437,431,-444,-445,-446,-378,-379,431,431,431,-506,431,431,-510,431,431,431,431,-515,-516,-517,-518,431,431,-521,-522,431,-524,-525,-526,-527,-528,-529,-530,-531,431,-533,431,431,431,-539,-541,-542,431,-544,-545,-546,-547,431,431,431,431,431,431,-652,-653,-654,-655,431,-657,-658,-659,431,431,431,-665,431,431,-669,-670,431,431,-673,431,-675,-676,431,-679,431,-681,431,431,-684,-685,-686,431,-688,431,431,-691,431,431,-694,-695,-696,431,-698,-699,-700,-701,431,431,-746,431,-749,-750,-751,-752,-753,431,-755,-756,-757,-758,-759,431,-766,-767,-769,431,-771,-772,-773,-782,-856,-858,-860,-862,431,431,431,431,-868,431,-870,431,431,431,431,431,431,431,-906,-907,431,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,431,-921,-924,431,-934,431,-385,-386,-387,431,431,-390,-391,-392,-393,431,-396,431,-399,-400,431,-401,431,-406,-407,431,-410,-411,-412,431,-415,431,-416,431,-421,-422,431,-425,431,-428,-429,-1894,-1894,431,-619,-620,-621,-622,-623,-634,-584,-624,-797,431,431,431,431,431,-831,431,431,-806,431,-832,431,431,431,431,-798,431,-853,-799,431,431,431,431,431,431,-854,-855,431,-834,-830,-835,431,-625,431,-626,-627,-628,-629,-574,431,431,-630,-631,-632,431,431,431,431,431,431,-635,-636,-637,-592,-1894,-602,431,-638,-639,-713,-640,-604,431,-572,-577,-580,-583,431,431,431,-598,-601,431,-608,431,431,431,431,431,431,431,431,431,431,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,431,431,431,-995,431,431,431,431,431,431,-306,-325,-319,-296,-375,-452,-453,-454,-458,431,-443,431,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,431,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,431,431,431,431,431,431,431,431,431,-316,-535,-508,-591,-937,-939,-940,-438,431,-440,-380,-381,-383,-507,-509,-511,431,-513,-514,-519,-520,431,-532,-534,-537,-538,-543,-548,-726,431,-727,431,-732,431,-734,431,-739,-656,-660,-661,431,-666,431,-667,431,-672,-674,431,-677,431,431,431,-687,-689,431,-692,431,431,-744,431,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,431,431,431,431,431,-877,431,-880,-908,-920,-925,-388,-389,431,-394,431,-397,431,-402,431,-403,431,-408,431,-413,431,-417,431,-418,431,-423,431,-426,-899,-900,-643,-585,-1894,-901,431,431,431,-800,431,431,-804,431,-807,-833,431,-818,431,-820,431,-822,-808,431,-824,431,-851,-852,431,431,-811,431,-646,-902,-904,-648,-649,-645,431,-705,-706,431,-642,-903,-647,-650,-603,-714,431,431,-605,-586,431,431,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,431,431,-709,-710,431,-716,431,431,431,431,431,431,-938,431,-439,-441,-747,431,-891,431,-715,-1894,431,431,431,431,431,-442,-512,-523,431,-728,-733,431,-735,431,-740,431,-662,-668,431,-678,-680,-682,-683,-690,-693,-697,-745,431,431,-874,431,431,-878,431,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,431,-812,431,-814,-801,431,-802,-805,431,-816,-819,-821,-823,-825,431,-826,431,-809,431,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,431,-282,431,431,431,431,-455,431,431,-729,431,-736,431,-741,431,-663,-671,431,431,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,431,-836,-53,431,431,-730,431,-737,431,-742,-664,431,-873,-54,431,431,-731,-738,-743,431,431,431,-872,]),'LOGONLY_REPLICA_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[432,432,432,432,-1894,432,432,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,432,432,432,432,-275,-276,432,-1425,432,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,432,432,432,-490,432,432,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,432,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,432,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,432,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,432,-172,-173,-174,-175,-993,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-290,-291,-281,432,432,432,432,432,-328,-318,-332,-333,-334,432,432,-982,-983,-984,-985,-986,-987,-988,432,432,432,432,432,432,432,432,432,432,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,432,432,432,-353,-356,432,-323,-324,-141,432,-142,432,-143,432,-430,-935,-936,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-1894,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-1894,432,-1894,432,432,432,432,432,432,432,432,432,432,432,432,-1894,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,432,-1894,432,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,432,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,432,432,432,-191,-192,432,-994,432,432,432,432,432,-277,-278,-279,-280,-365,432,-308,432,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,432,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,432,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,432,432,432,432,432,432,-573,432,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,432,432,-723,-724,-725,432,432,432,432,432,432,-994,432,432,-91,-92,432,432,432,432,-309,-310,-320,432,-307,-293,-294,-295,432,432,432,432,-618,-633,-590,432,432,-436,432,-437,432,-444,-445,-446,-378,-379,432,432,432,-506,432,432,-510,432,432,432,432,-515,-516,-517,-518,432,432,-521,-522,432,-524,-525,-526,-527,-528,-529,-530,-531,432,-533,432,432,432,-539,-541,-542,432,-544,-545,-546,-547,432,432,432,432,432,432,-652,-653,-654,-655,432,-657,-658,-659,432,432,432,-665,432,432,-669,-670,432,432,-673,432,-675,-676,432,-679,432,-681,432,432,-684,-685,-686,432,-688,432,432,-691,432,432,-694,-695,-696,432,-698,-699,-700,-701,432,432,-746,432,-749,-750,-751,-752,-753,432,-755,-756,-757,-758,-759,432,-766,-767,-769,432,-771,-772,-773,-782,-856,-858,-860,-862,432,432,432,432,-868,432,-870,432,432,432,432,432,432,432,-906,-907,432,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,432,-921,-924,432,-934,432,-385,-386,-387,432,432,-390,-391,-392,-393,432,-396,432,-399,-400,432,-401,432,-406,-407,432,-410,-411,-412,432,-415,432,-416,432,-421,-422,432,-425,432,-428,-429,-1894,-1894,432,-619,-620,-621,-622,-623,-634,-584,-624,-797,432,432,432,432,432,-831,432,432,-806,432,-832,432,432,432,432,-798,432,-853,-799,432,432,432,432,432,432,-854,-855,432,-834,-830,-835,432,-625,432,-626,-627,-628,-629,-574,432,432,-630,-631,-632,432,432,432,432,432,432,-635,-636,-637,-592,-1894,-602,432,-638,-639,-713,-640,-604,432,-572,-577,-580,-583,432,432,432,-598,-601,432,-608,432,432,432,432,432,432,432,432,432,432,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,432,432,432,-995,432,432,432,432,432,432,-306,-325,-319,-296,-375,-452,-453,-454,-458,432,-443,432,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,432,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,432,432,432,432,432,432,432,432,432,-316,-535,-508,-591,-937,-939,-940,-438,432,-440,-380,-381,-383,-507,-509,-511,432,-513,-514,-519,-520,432,-532,-534,-537,-538,-543,-548,-726,432,-727,432,-732,432,-734,432,-739,-656,-660,-661,432,-666,432,-667,432,-672,-674,432,-677,432,432,432,-687,-689,432,-692,432,432,-744,432,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,432,432,432,432,432,-877,432,-880,-908,-920,-925,-388,-389,432,-394,432,-397,432,-402,432,-403,432,-408,432,-413,432,-417,432,-418,432,-423,432,-426,-899,-900,-643,-585,-1894,-901,432,432,432,-800,432,432,-804,432,-807,-833,432,-818,432,-820,432,-822,-808,432,-824,432,-851,-852,432,432,-811,432,-646,-902,-904,-648,-649,-645,432,-705,-706,432,-642,-903,-647,-650,-603,-714,432,432,-605,-586,432,432,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,432,432,-709,-710,432,-716,432,432,432,432,432,432,-938,432,-439,-441,-747,432,-891,432,-715,-1894,432,432,432,432,432,-442,-512,-523,432,-728,-733,432,-735,432,-740,432,-662,-668,432,-678,-680,-682,-683,-690,-693,-697,-745,432,432,-874,432,432,-878,432,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,432,-812,432,-814,-801,432,-802,-805,432,-816,-819,-821,-823,-825,432,-826,432,-809,432,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,432,-282,432,432,432,432,-455,432,432,-729,432,-736,432,-741,432,-663,-671,432,432,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,432,-836,-53,432,432,-730,432,-737,432,-742,-664,432,-873,-54,432,432,-731,-738,-743,432,432,432,-872,]),'LOGS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[433,433,433,433,-1894,433,433,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,433,433,433,433,-275,-276,433,-1425,433,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,433,433,433,-490,433,433,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,433,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,433,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,433,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,433,-172,-173,-174,-175,-993,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-290,-291,-281,433,433,433,433,433,-328,-318,-332,-333,-334,433,433,-982,-983,-984,-985,-986,-987,-988,433,433,433,433,433,433,433,433,433,433,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,433,433,433,-353,-356,433,-323,-324,-141,433,-142,433,-143,433,-430,-935,-936,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-1894,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-1894,433,-1894,433,433,433,433,433,433,433,433,433,433,433,433,-1894,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,433,-1894,433,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,433,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,433,433,433,-191,-192,433,-994,433,433,433,433,433,-277,-278,-279,-280,-365,433,-308,433,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,433,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,433,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,433,433,433,433,433,433,-573,433,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,433,433,-723,-724,-725,433,433,433,433,433,433,-994,433,433,-91,-92,433,433,433,433,-309,-310,-320,433,-307,-293,-294,-295,433,433,433,433,-618,-633,-590,433,433,-436,433,-437,433,-444,-445,-446,-378,-379,433,433,433,-506,433,433,-510,433,433,433,433,-515,-516,-517,-518,433,433,-521,-522,433,-524,-525,-526,-527,-528,-529,-530,-531,433,-533,433,433,433,-539,-541,-542,433,-544,-545,-546,-547,433,433,433,433,433,433,-652,-653,-654,-655,433,-657,-658,-659,433,433,433,-665,433,433,-669,-670,433,433,-673,433,-675,-676,433,-679,433,-681,433,433,-684,-685,-686,433,-688,433,433,-691,433,433,-694,-695,-696,433,-698,-699,-700,-701,433,433,-746,433,-749,-750,-751,-752,-753,433,-755,-756,-757,-758,-759,433,-766,-767,-769,433,-771,-772,-773,-782,-856,-858,-860,-862,433,433,433,433,-868,433,-870,433,433,433,433,433,433,433,-906,-907,433,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,433,-921,-924,433,-934,433,-385,-386,-387,433,433,-390,-391,-392,-393,433,-396,433,-399,-400,433,-401,433,-406,-407,433,-410,-411,-412,433,-415,433,-416,433,-421,-422,433,-425,433,-428,-429,-1894,-1894,433,-619,-620,-621,-622,-623,-634,-584,-624,-797,433,433,433,433,433,-831,433,433,-806,433,-832,433,433,433,433,-798,433,-853,-799,433,433,433,433,433,433,-854,-855,433,-834,-830,-835,433,-625,433,-626,-627,-628,-629,-574,433,433,-630,-631,-632,433,433,433,433,433,433,-635,-636,-637,-592,-1894,-602,433,-638,-639,-713,-640,-604,433,-572,-577,-580,-583,433,433,433,-598,-601,433,-608,433,433,433,433,433,433,433,433,433,433,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,433,433,433,-995,433,433,433,433,433,433,-306,-325,-319,-296,-375,-452,-453,-454,-458,433,-443,433,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,433,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,433,433,433,433,433,433,433,433,433,-316,-535,-508,-591,-937,-939,-940,-438,433,-440,-380,-381,-383,-507,-509,-511,433,-513,-514,-519,-520,433,-532,-534,-537,-538,-543,-548,-726,433,-727,433,-732,433,-734,433,-739,-656,-660,-661,433,-666,433,-667,433,-672,-674,433,-677,433,433,433,-687,-689,433,-692,433,433,-744,433,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,433,433,433,433,433,-877,433,-880,-908,-920,-925,-388,-389,433,-394,433,-397,433,-402,433,-403,433,-408,433,-413,433,-417,433,-418,433,-423,433,-426,-899,-900,-643,-585,-1894,-901,433,433,433,-800,433,433,-804,433,-807,-833,433,-818,433,-820,433,-822,-808,433,-824,433,-851,-852,433,433,-811,433,-646,-902,-904,-648,-649,-645,433,-705,-706,433,-642,-903,-647,-650,-603,-714,433,433,-605,-586,433,433,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,433,433,-709,-710,433,-716,433,433,433,433,433,433,-938,433,-439,-441,-747,433,-891,433,-715,-1894,433,433,433,433,433,-442,-512,-523,433,-728,-733,433,-735,433,-740,433,-662,-668,433,-678,-680,-682,-683,-690,-693,-697,-745,433,433,-874,433,433,-878,433,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,433,-812,433,-814,-801,433,-802,-805,433,-816,-819,-821,-823,-825,433,-826,433,-809,433,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,433,-282,433,433,433,433,-455,433,433,-729,433,-736,433,-741,433,-663,-671,433,433,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,433,-836,-53,433,433,-730,433,-737,433,-742,-664,433,-873,-54,433,433,-731,-738,-743,433,433,433,-872,]),'LONG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[434,434,434,434,-1894,434,434,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,434,434,434,434,-275,-276,434,-1425,434,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,434,434,434,-490,434,434,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,434,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,434,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,434,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,434,-172,-173,-174,-175,-993,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-290,-291,-281,434,434,434,434,434,-328,-318,-332,-333,-334,434,434,-982,-983,-984,-985,-986,-987,-988,434,434,434,434,434,434,434,434,434,434,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,434,434,434,-353,-356,434,-323,-324,-141,434,-142,434,-143,434,-430,-935,-936,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-1894,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-1894,434,-1894,434,434,434,434,434,434,434,434,434,434,434,434,-1894,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,434,-1894,434,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,434,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,434,434,434,-191,-192,434,-994,434,434,434,434,434,-277,-278,-279,-280,-365,434,-308,434,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,434,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,434,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,434,434,434,434,434,434,-573,434,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,434,434,-723,-724,-725,434,434,434,434,434,434,-994,434,434,-91,-92,434,434,434,434,-309,-310,-320,434,-307,-293,-294,-295,434,434,434,434,-618,-633,-590,434,434,-436,434,-437,434,-444,-445,-446,-378,-379,434,434,434,-506,434,434,-510,434,434,434,434,-515,-516,-517,-518,434,434,-521,-522,434,-524,-525,-526,-527,-528,-529,-530,-531,434,-533,434,434,434,-539,-541,-542,434,-544,-545,-546,-547,434,434,434,434,434,434,-652,-653,-654,-655,434,-657,-658,-659,434,434,434,-665,434,434,-669,-670,434,434,-673,434,-675,-676,434,-679,434,-681,434,434,-684,-685,-686,434,-688,434,434,-691,434,434,-694,-695,-696,434,-698,-699,-700,-701,434,434,-746,434,-749,-750,-751,-752,-753,434,-755,-756,-757,-758,-759,434,-766,-767,-769,434,-771,-772,-773,-782,-856,-858,-860,-862,434,434,434,434,-868,434,-870,434,434,434,434,434,434,434,-906,-907,434,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,434,-921,-924,434,-934,434,-385,-386,-387,434,434,-390,-391,-392,-393,434,-396,434,-399,-400,434,-401,434,-406,-407,434,-410,-411,-412,434,-415,434,-416,434,-421,-422,434,-425,434,-428,-429,-1894,-1894,434,-619,-620,-621,-622,-623,-634,-584,-624,-797,434,434,434,434,434,-831,434,434,-806,434,-832,434,434,434,434,-798,434,-853,-799,434,434,434,434,434,434,-854,-855,434,-834,-830,-835,434,-625,434,-626,-627,-628,-629,-574,434,434,-630,-631,-632,434,434,434,434,434,434,-635,-636,-637,-592,-1894,-602,434,-638,-639,-713,-640,-604,434,-572,-577,-580,-583,434,434,434,-598,-601,434,-608,434,434,434,434,434,434,434,434,434,434,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,434,434,434,-995,434,434,434,434,434,434,-306,-325,-319,-296,-375,-452,-453,-454,-458,434,-443,434,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,434,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,434,434,434,434,434,434,434,434,434,-316,-535,-508,-591,-937,-939,-940,-438,434,-440,-380,-381,-383,-507,-509,-511,434,-513,-514,-519,-520,434,-532,-534,-537,-538,-543,-548,-726,434,-727,434,-732,434,-734,434,-739,-656,-660,-661,434,-666,434,-667,434,-672,-674,434,-677,434,434,434,-687,-689,434,-692,434,434,-744,434,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,434,434,434,434,434,-877,434,-880,-908,-920,-925,-388,-389,434,-394,434,-397,434,-402,434,-403,434,-408,434,-413,434,-417,434,-418,434,-423,434,-426,-899,-900,-643,-585,-1894,-901,434,434,434,-800,434,434,-804,434,-807,-833,434,-818,434,-820,434,-822,-808,434,-824,434,-851,-852,434,434,-811,434,-646,-902,-904,-648,-649,-645,434,-705,-706,434,-642,-903,-647,-650,-603,-714,434,434,-605,-586,434,434,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,434,434,-709,-710,434,-716,434,434,434,434,434,434,-938,434,-439,-441,-747,434,-891,434,-715,-1894,434,434,434,434,434,-442,-512,-523,434,-728,-733,434,-735,434,-740,434,-662,-668,434,-678,-680,-682,-683,-690,-693,-697,-745,434,434,-874,434,434,-878,434,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,434,-812,434,-814,-801,434,-802,-805,434,-816,-819,-821,-823,-825,434,-826,434,-809,434,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,434,-282,434,434,434,434,-455,434,434,-729,434,-736,434,-741,434,-663,-671,434,434,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,434,-836,-53,434,434,-730,434,-737,434,-742,-664,434,-873,-54,434,434,-731,-738,-743,434,434,434,-872,]),'LONGB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[435,435,435,435,-1894,435,435,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,435,435,435,435,-275,-276,435,-1425,435,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,435,435,435,-490,435,435,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,435,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,435,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,435,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,435,-172,-173,-174,-175,-993,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-290,-291,-281,435,435,435,435,435,-328,-318,-332,-333,-334,435,435,-982,-983,-984,-985,-986,-987,-988,435,435,435,435,435,435,435,435,435,435,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,435,435,435,-353,-356,435,-323,-324,-141,435,-142,435,-143,435,-430,-935,-936,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-1894,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-1894,435,-1894,435,435,435,435,435,435,435,435,435,435,435,435,-1894,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,435,-1894,435,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,435,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,435,435,435,-191,-192,435,-994,435,435,435,435,435,-277,-278,-279,-280,-365,435,-308,435,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,435,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,435,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,435,435,435,435,435,435,-573,435,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,435,435,-723,-724,-725,435,435,435,435,435,435,-994,435,435,-91,-92,435,435,435,435,-309,-310,-320,435,-307,-293,-294,-295,435,435,435,435,-618,-633,-590,435,435,-436,435,-437,435,-444,-445,-446,-378,-379,435,435,435,-506,435,435,-510,435,435,435,435,-515,-516,-517,-518,435,435,-521,-522,435,-524,-525,-526,-527,-528,-529,-530,-531,435,-533,435,435,435,-539,-541,-542,435,-544,-545,-546,-547,435,435,435,435,435,435,-652,-653,-654,-655,435,-657,-658,-659,435,435,435,-665,435,435,-669,-670,435,435,-673,435,-675,-676,435,-679,435,-681,435,435,-684,-685,-686,435,-688,435,435,-691,435,435,-694,-695,-696,435,-698,-699,-700,-701,435,435,-746,435,-749,-750,-751,-752,-753,435,-755,-756,-757,-758,-759,435,-766,-767,-769,435,-771,-772,-773,-782,-856,-858,-860,-862,435,435,435,435,-868,435,-870,435,435,435,435,435,435,435,-906,-907,435,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,435,-921,-924,435,-934,435,-385,-386,-387,435,435,-390,-391,-392,-393,435,-396,435,-399,-400,435,-401,435,-406,-407,435,-410,-411,-412,435,-415,435,-416,435,-421,-422,435,-425,435,-428,-429,-1894,-1894,435,-619,-620,-621,-622,-623,-634,-584,-624,-797,435,435,435,435,435,-831,435,435,-806,435,-832,435,435,435,435,-798,435,-853,-799,435,435,435,435,435,435,-854,-855,435,-834,-830,-835,435,-625,435,-626,-627,-628,-629,-574,435,435,-630,-631,-632,435,435,435,435,435,435,-635,-636,-637,-592,-1894,-602,435,-638,-639,-713,-640,-604,435,-572,-577,-580,-583,435,435,435,-598,-601,435,-608,435,435,435,435,435,435,435,435,435,435,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,435,435,435,-995,435,435,435,435,435,435,-306,-325,-319,-296,-375,-452,-453,-454,-458,435,-443,435,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,435,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,435,435,435,435,435,435,435,435,435,-316,-535,-508,-591,-937,-939,-940,-438,435,-440,-380,-381,-383,-507,-509,-511,435,-513,-514,-519,-520,435,-532,-534,-537,-538,-543,-548,-726,435,-727,435,-732,435,-734,435,-739,-656,-660,-661,435,-666,435,-667,435,-672,-674,435,-677,435,435,435,-687,-689,435,-692,435,435,-744,435,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,435,435,435,435,435,-877,435,-880,-908,-920,-925,-388,-389,435,-394,435,-397,435,-402,435,-403,435,-408,435,-413,435,-417,435,-418,435,-423,435,-426,-899,-900,-643,-585,-1894,-901,435,435,435,-800,435,435,-804,435,-807,-833,435,-818,435,-820,435,-822,-808,435,-824,435,-851,-852,435,435,-811,435,-646,-902,-904,-648,-649,-645,435,-705,-706,435,-642,-903,-647,-650,-603,-714,435,435,-605,-586,435,435,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,435,435,-709,-710,435,-716,435,435,435,435,435,435,-938,435,-439,-441,-747,435,-891,435,-715,-1894,435,435,435,435,435,-442,-512,-523,435,-728,-733,435,-735,435,-740,435,-662,-668,435,-678,-680,-682,-683,-690,-693,-697,-745,435,435,-874,435,435,-878,435,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,435,-812,435,-814,-801,435,-802,-805,435,-816,-819,-821,-823,-825,435,-826,435,-809,435,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,435,-282,435,435,435,435,-455,435,435,-729,435,-736,435,-741,435,-663,-671,435,435,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,435,-836,-53,435,435,-730,435,-737,435,-742,-664,435,-873,-54,435,435,-731,-738,-743,435,435,435,-872,]),'LOOP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[436,436,436,436,-1894,436,436,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,436,436,436,436,-275,-276,436,-1425,436,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,436,436,436,-490,436,436,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,436,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,436,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,436,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,436,-172,-173,-174,-175,-993,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-290,-291,-281,436,436,436,436,436,-328,-318,-332,-333,-334,436,436,-982,-983,-984,-985,-986,-987,-988,436,436,436,436,436,436,436,436,436,436,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,436,436,436,-353,-356,436,-323,-324,-141,436,-142,436,-143,436,-430,-935,-936,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-1894,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-1894,436,-1894,436,436,436,436,436,436,436,436,436,436,436,436,-1894,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,436,-1894,436,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,436,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,436,436,436,-191,-192,436,-994,436,436,436,436,436,-277,-278,-279,-280,-365,436,-308,436,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,436,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,436,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,436,436,436,436,436,436,-573,436,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,436,436,-723,-724,-725,436,436,436,436,436,436,-994,436,436,-91,-92,436,436,436,436,-309,-310,-320,436,-307,-293,-294,-295,436,436,436,436,-618,-633,-590,436,436,-436,436,-437,436,-444,-445,-446,-378,-379,436,436,436,-506,436,436,-510,436,436,436,436,-515,-516,-517,-518,436,436,-521,-522,436,-524,-525,-526,-527,-528,-529,-530,-531,436,-533,436,436,436,-539,-541,-542,436,-544,-545,-546,-547,436,436,436,436,436,436,-652,-653,-654,-655,436,-657,-658,-659,436,436,436,-665,436,436,-669,-670,436,436,-673,436,-675,-676,436,-679,436,-681,436,436,-684,-685,-686,436,-688,436,436,-691,436,436,-694,-695,-696,436,-698,-699,-700,-701,436,436,-746,436,-749,-750,-751,-752,-753,436,-755,-756,-757,-758,-759,436,-766,-767,-769,436,-771,-772,-773,-782,-856,-858,-860,-862,436,436,436,436,-868,436,-870,436,436,436,436,436,436,436,-906,-907,436,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,436,-921,-924,436,-934,436,-385,-386,-387,436,436,-390,-391,-392,-393,436,-396,436,-399,-400,436,-401,436,-406,-407,436,-410,-411,-412,436,-415,436,-416,436,-421,-422,436,-425,436,-428,-429,-1894,-1894,436,-619,-620,-621,-622,-623,-634,-584,-624,-797,436,436,436,436,436,-831,436,436,-806,436,-832,436,436,436,436,-798,436,-853,-799,436,436,436,436,436,436,-854,-855,436,-834,-830,-835,436,-625,436,-626,-627,-628,-629,-574,436,436,-630,-631,-632,436,436,436,436,436,436,-635,-636,-637,-592,-1894,-602,436,-638,-639,-713,-640,-604,436,-572,-577,-580,-583,436,436,436,-598,-601,436,-608,436,436,436,436,436,436,436,436,436,436,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,436,436,436,-995,436,436,436,436,436,436,-306,-325,-319,-296,-375,-452,-453,-454,-458,436,-443,436,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,436,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,436,436,436,436,436,436,436,436,436,-316,-535,-508,-591,-937,-939,-940,-438,436,-440,-380,-381,-383,-507,-509,-511,436,-513,-514,-519,-520,436,-532,-534,-537,-538,-543,-548,-726,436,-727,436,-732,436,-734,436,-739,-656,-660,-661,436,-666,436,-667,436,-672,-674,436,-677,436,436,436,-687,-689,436,-692,436,436,-744,436,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,436,436,436,436,436,-877,436,-880,-908,-920,-925,-388,-389,436,-394,436,-397,436,-402,436,-403,436,-408,436,-413,436,-417,436,-418,436,-423,436,-426,-899,-900,-643,-585,-1894,-901,436,436,436,-800,436,436,-804,436,-807,-833,436,-818,436,-820,436,-822,-808,436,-824,436,-851,-852,436,436,-811,436,-646,-902,-904,-648,-649,-645,436,-705,-706,436,-642,-903,-647,-650,-603,-714,436,436,-605,-586,436,436,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,436,436,-709,-710,436,-716,436,436,436,436,436,436,-938,436,-439,-441,-747,436,-891,436,-715,-1894,436,436,436,436,436,-442,-512,-523,436,-728,-733,436,-735,436,-740,436,-662,-668,436,-678,-680,-682,-683,-690,-693,-697,-745,436,436,-874,436,436,-878,436,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,436,-812,436,-814,-801,436,-802,-805,436,-816,-819,-821,-823,-825,436,-826,436,-809,436,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,436,-282,436,436,436,436,-455,436,436,-729,436,-736,436,-741,436,-663,-671,436,436,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,436,-836,-53,436,436,-730,436,-737,436,-742,-664,436,-873,-54,436,436,-731,-738,-743,436,436,436,-872,]),'LOWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[437,437,437,1104,-1894,437,437,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,437,437,437,437,-275,-276,1104,-1425,1104,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1104,1104,1104,-490,1104,1104,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1104,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1104,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1915,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,437,-172,-173,-174,-175,-993,437,437,437,437,437,437,437,437,437,437,1104,1104,1104,1104,1104,-290,-291,-281,437,1104,1104,1104,1104,-328,-318,-332,-333,-334,1104,1104,-982,-983,-984,-985,-986,-987,-988,437,437,1104,1104,1104,1104,1104,1104,1104,1104,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1104,1104,1104,-353,-356,437,-323,-324,-141,1104,-142,1104,-143,1104,-430,-935,-936,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1894,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1894,1104,-1894,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1894,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-1894,437,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1104,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1104,437,437,-191,-192,437,-994,1104,437,437,437,437,-277,-278,-279,-280,-365,1104,-308,1104,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1104,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1104,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1104,1104,1104,1104,1104,1104,-573,1104,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1104,1104,-723,-724,-725,1104,1915,437,437,437,437,-994,437,1104,-91,-92,437,437,437,1104,-309,-310,-320,1104,-307,-293,-294,-295,1104,437,1104,1104,-618,-633,-590,1104,437,-436,437,-437,1104,-444,-445,-446,-378,-379,1104,1104,1104,-506,1104,1104,-510,1104,1104,1104,1104,-515,-516,-517,-518,1104,1104,-521,-522,1104,-524,-525,-526,-527,-528,-529,-530,-531,1104,-533,1104,1104,1104,-539,-541,-542,1104,-544,-545,-546,-547,1104,1104,1104,1104,1104,1104,-652,-653,-654,-655,437,-657,-658,-659,1104,1104,1104,-665,1104,1104,-669,-670,1104,1104,-673,1104,-675,-676,1104,-679,1104,-681,1104,1104,-684,-685,-686,1104,-688,1104,1104,-691,1104,1104,-694,-695,-696,1104,-698,-699,-700,-701,1104,1104,-746,1104,-749,-750,-751,-752,-753,1104,-755,-756,-757,-758,-759,1104,-766,-767,-769,1104,-771,-772,-773,-782,-856,-858,-860,-862,1104,1104,1104,1104,-868,1104,-870,1104,1104,1104,1104,1104,1104,1104,-906,-907,1104,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1104,-921,-924,1104,-934,1104,-385,-386,-387,1104,1104,-390,-391,-392,-393,1104,-396,1104,-399,-400,1104,-401,1104,-406,-407,1104,-410,-411,-412,1104,-415,1104,-416,1104,-421,-422,1104,-425,1104,-428,-429,-1894,-1894,1104,-619,-620,-621,-622,-623,-634,-584,-624,-797,1104,1104,1104,1104,1104,-831,1104,1104,-806,1104,-832,1104,1104,1104,1104,-798,1104,-853,-799,1104,1104,1104,1104,1104,1104,-854,-855,1104,-834,-830,-835,1104,-625,1104,-626,-627,-628,-629,-574,1104,1104,-630,-631,-632,1104,1104,1104,1104,1104,1104,-635,-636,-637,-592,-1894,-602,1104,-638,-639,-713,-640,-604,1104,-572,-577,-580,-583,1104,1104,1104,-598,-601,1104,-608,1104,1104,1104,1104,1104,1104,1104,1104,1104,1104,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1104,437,437,-995,437,1104,437,437,437,1104,-306,-325,-319,-296,-375,-452,-453,-454,-458,437,-443,1104,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1104,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,437,437,437,437,437,437,437,437,1104,-316,-535,-508,-591,-937,-939,-940,-438,1104,-440,-380,-381,-383,-507,-509,-511,1104,-513,-514,-519,-520,1104,-532,-534,-537,-538,-543,-548,-726,1104,-727,1104,-732,1104,-734,1104,-739,-656,-660,-661,1104,-666,1104,-667,1104,-672,-674,1104,-677,1104,1104,1104,-687,-689,1104,-692,1104,1104,-744,1104,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1104,1104,1104,1104,1104,-877,1104,-880,-908,-920,-925,-388,-389,1104,-394,1104,-397,1104,-402,1104,-403,1104,-408,1104,-413,1104,-417,1104,-418,1104,-423,1104,-426,-899,-900,-643,-585,-1894,-901,1104,1104,1104,-800,1104,1104,-804,1104,-807,-833,1104,-818,1104,-820,1104,-822,-808,1104,-824,1104,-851,-852,1104,1104,-811,1104,-646,-902,-904,-648,-649,-645,1104,-705,-706,1104,-642,-903,-647,-650,-603,-714,1104,1104,-605,-586,1104,1104,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1104,1104,-709,-710,1104,-716,1104,437,437,437,1104,1104,-938,437,-439,-441,-747,1104,-891,1915,-715,-1894,1104,1104,437,437,1104,-442,-512,-523,1104,-728,-733,1104,-735,1104,-740,1104,-662,-668,1104,-678,-680,-682,-683,-690,-693,-697,-745,1104,1104,-874,1104,1104,-878,1104,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1104,-812,1104,-814,-801,1104,-802,-805,1104,-816,-819,-821,-823,-825,1104,-826,1104,-809,1104,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,437,-282,437,1104,437,1104,-455,1104,1104,-729,1104,-736,1104,-741,1104,-663,-671,1104,1104,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1104,-836,-53,437,1104,-730,1104,-737,1104,-742,-664,1104,-873,-54,437,437,-731,-738,-743,1104,437,1104,-872,]),'LPAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[438,438,438,1105,-1894,438,438,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,438,438,438,438,-275,-276,1105,-1425,1105,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1105,1105,1105,-490,1105,1105,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1105,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1105,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1916,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,438,-172,-173,-174,-175,-993,438,438,438,438,438,438,438,438,438,438,1105,1105,1105,1105,1105,-290,-291,-281,438,1105,1105,1105,1105,-328,-318,-332,-333,-334,1105,1105,-982,-983,-984,-985,-986,-987,-988,438,438,1105,1105,1105,1105,1105,1105,1105,1105,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1105,1105,1105,-353,-356,438,-323,-324,-141,1105,-142,1105,-143,1105,-430,-935,-936,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1894,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1894,1105,-1894,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1894,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-1894,438,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1105,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1105,438,438,-191,-192,438,-994,1105,438,438,438,438,-277,-278,-279,-280,-365,1105,-308,1105,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1105,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1105,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1105,1105,1105,1105,1105,1105,-573,1105,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1105,1105,-723,-724,-725,1105,1916,438,438,438,438,-994,438,1105,-91,-92,438,438,438,1105,-309,-310,-320,1105,-307,-293,-294,-295,1105,438,1105,1105,-618,-633,-590,1105,438,-436,438,-437,1105,-444,-445,-446,-378,-379,1105,1105,1105,-506,1105,1105,-510,1105,1105,1105,1105,-515,-516,-517,-518,1105,1105,-521,-522,1105,-524,-525,-526,-527,-528,-529,-530,-531,1105,-533,1105,1105,1105,-539,-541,-542,1105,-544,-545,-546,-547,1105,1105,1105,1105,1105,1105,-652,-653,-654,-655,438,-657,-658,-659,1105,1105,1105,-665,1105,1105,-669,-670,1105,1105,-673,1105,-675,-676,1105,-679,1105,-681,1105,1105,-684,-685,-686,1105,-688,1105,1105,-691,1105,1105,-694,-695,-696,1105,-698,-699,-700,-701,1105,1105,-746,1105,-749,-750,-751,-752,-753,1105,-755,-756,-757,-758,-759,1105,-766,-767,-769,1105,-771,-772,-773,-782,-856,-858,-860,-862,1105,1105,1105,1105,-868,1105,-870,1105,1105,1105,1105,1105,1105,1105,-906,-907,1105,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1105,-921,-924,1105,-934,1105,-385,-386,-387,1105,1105,-390,-391,-392,-393,1105,-396,1105,-399,-400,1105,-401,1105,-406,-407,1105,-410,-411,-412,1105,-415,1105,-416,1105,-421,-422,1105,-425,1105,-428,-429,-1894,-1894,1105,-619,-620,-621,-622,-623,-634,-584,-624,-797,1105,1105,1105,1105,1105,-831,1105,1105,-806,1105,-832,1105,1105,1105,1105,-798,1105,-853,-799,1105,1105,1105,1105,1105,1105,-854,-855,1105,-834,-830,-835,1105,-625,1105,-626,-627,-628,-629,-574,1105,1105,-630,-631,-632,1105,1105,1105,1105,1105,1105,-635,-636,-637,-592,-1894,-602,1105,-638,-639,-713,-640,-604,1105,-572,-577,-580,-583,1105,1105,1105,-598,-601,1105,-608,1105,1105,1105,1105,1105,1105,1105,1105,1105,1105,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1105,438,438,-995,438,1105,438,438,438,1105,-306,-325,-319,-296,-375,-452,-453,-454,-458,438,-443,1105,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1105,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,438,438,438,438,438,438,438,438,1105,-316,-535,-508,-591,-937,-939,-940,-438,1105,-440,-380,-381,-383,-507,-509,-511,1105,-513,-514,-519,-520,1105,-532,-534,-537,-538,-543,-548,-726,1105,-727,1105,-732,1105,-734,1105,-739,-656,-660,-661,1105,-666,1105,-667,1105,-672,-674,1105,-677,1105,1105,1105,-687,-689,1105,-692,1105,1105,-744,1105,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1105,1105,1105,1105,1105,-877,1105,-880,-908,-920,-925,-388,-389,1105,-394,1105,-397,1105,-402,1105,-403,1105,-408,1105,-413,1105,-417,1105,-418,1105,-423,1105,-426,-899,-900,-643,-585,-1894,-901,1105,1105,1105,-800,1105,1105,-804,1105,-807,-833,1105,-818,1105,-820,1105,-822,-808,1105,-824,1105,-851,-852,1105,1105,-811,1105,-646,-902,-904,-648,-649,-645,1105,-705,-706,1105,-642,-903,-647,-650,-603,-714,1105,1105,-605,-586,1105,1105,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1105,1105,-709,-710,1105,-716,1105,438,438,438,1105,1105,-938,438,-439,-441,-747,1105,-891,1916,-715,-1894,1105,1105,438,438,1105,-442,-512,-523,1105,-728,-733,1105,-735,1105,-740,1105,-662,-668,1105,-678,-680,-682,-683,-690,-693,-697,-745,1105,1105,-874,1105,1105,-878,1105,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1105,-812,1105,-814,-801,1105,-802,-805,1105,-816,-819,-821,-823,-825,1105,-826,1105,-809,1105,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,438,-282,438,1105,438,1105,-455,1105,1105,-729,1105,-736,1105,-741,1105,-663,-671,1105,1105,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1105,-836,-53,438,1105,-730,1105,-737,1105,-742,-664,1105,-873,-54,438,438,-731,-738,-743,1105,438,1105,-872,]),'LTRIM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[439,439,439,1106,-1894,439,439,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,439,439,439,439,-275,-276,1106,-1425,1106,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1106,1106,1106,-490,1106,1106,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1106,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1106,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1917,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,439,-172,-173,-174,-175,-993,439,439,439,439,439,439,439,439,439,439,1106,1106,1106,1106,1106,-290,-291,-281,439,1106,1106,1106,1106,-328,-318,-332,-333,-334,1106,1106,-982,-983,-984,-985,-986,-987,-988,439,439,1106,1106,1106,1106,1106,1106,1106,1106,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1106,1106,1106,-353,-356,439,-323,-324,-141,1106,-142,1106,-143,1106,-430,-935,-936,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1894,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1894,1106,-1894,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1894,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-1894,439,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1106,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1106,439,439,-191,-192,439,-994,1106,439,439,439,439,-277,-278,-279,-280,-365,1106,-308,1106,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1106,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1106,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1106,1106,1106,1106,1106,1106,-573,1106,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1106,1106,-723,-724,-725,1106,1917,439,439,439,439,-994,439,1106,-91,-92,439,439,439,1106,-309,-310,-320,1106,-307,-293,-294,-295,1106,439,1106,1106,-618,-633,-590,1106,439,-436,439,-437,1106,-444,-445,-446,-378,-379,1106,1106,1106,-506,1106,1106,-510,1106,1106,1106,1106,-515,-516,-517,-518,1106,1106,-521,-522,1106,-524,-525,-526,-527,-528,-529,-530,-531,1106,-533,1106,1106,1106,-539,-541,-542,1106,-544,-545,-546,-547,1106,1106,1106,1106,1106,1106,-652,-653,-654,-655,439,-657,-658,-659,1106,1106,1106,-665,1106,1106,-669,-670,1106,1106,-673,1106,-675,-676,1106,-679,1106,-681,1106,1106,-684,-685,-686,1106,-688,1106,1106,-691,1106,1106,-694,-695,-696,1106,-698,-699,-700,-701,1106,1106,-746,1106,-749,-750,-751,-752,-753,1106,-755,-756,-757,-758,-759,1106,-766,-767,-769,1106,-771,-772,-773,-782,-856,-858,-860,-862,1106,1106,1106,1106,-868,1106,-870,1106,1106,1106,1106,1106,1106,1106,-906,-907,1106,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1106,-921,-924,1106,-934,1106,-385,-386,-387,1106,1106,-390,-391,-392,-393,1106,-396,1106,-399,-400,1106,-401,1106,-406,-407,1106,-410,-411,-412,1106,-415,1106,-416,1106,-421,-422,1106,-425,1106,-428,-429,-1894,-1894,1106,-619,-620,-621,-622,-623,-634,-584,-624,-797,1106,1106,1106,1106,1106,-831,1106,1106,-806,1106,-832,1106,1106,1106,1106,-798,1106,-853,-799,1106,1106,1106,1106,1106,1106,-854,-855,1106,-834,-830,-835,1106,-625,1106,-626,-627,-628,-629,-574,1106,1106,-630,-631,-632,1106,1106,1106,1106,1106,1106,-635,-636,-637,-592,-1894,-602,1106,-638,-639,-713,-640,-604,1106,-572,-577,-580,-583,1106,1106,1106,-598,-601,1106,-608,1106,1106,1106,1106,1106,1106,1106,1106,1106,1106,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1106,439,439,-995,439,1106,439,439,439,1106,-306,-325,-319,-296,-375,-452,-453,-454,-458,439,-443,1106,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1106,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,439,439,439,439,439,439,439,439,1106,-316,-535,-508,-591,-937,-939,-940,-438,1106,-440,-380,-381,-383,-507,-509,-511,1106,-513,-514,-519,-520,1106,-532,-534,-537,-538,-543,-548,-726,1106,-727,1106,-732,1106,-734,1106,-739,-656,-660,-661,1106,-666,1106,-667,1106,-672,-674,1106,-677,1106,1106,1106,-687,-689,1106,-692,1106,1106,-744,1106,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1106,1106,1106,1106,1106,-877,1106,-880,-908,-920,-925,-388,-389,1106,-394,1106,-397,1106,-402,1106,-403,1106,-408,1106,-413,1106,-417,1106,-418,1106,-423,1106,-426,-899,-900,-643,-585,-1894,-901,1106,1106,1106,-800,1106,1106,-804,1106,-807,-833,1106,-818,1106,-820,1106,-822,-808,1106,-824,1106,-851,-852,1106,1106,-811,1106,-646,-902,-904,-648,-649,-645,1106,-705,-706,1106,-642,-903,-647,-650,-603,-714,1106,1106,-605,-586,1106,1106,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1106,1106,-709,-710,1106,-716,1106,439,439,439,1106,1106,-938,439,-439,-441,-747,1106,-891,1917,-715,-1894,1106,1106,439,439,1106,-442,-512,-523,1106,-728,-733,1106,-735,1106,-740,1106,-662,-668,1106,-678,-680,-682,-683,-690,-693,-697,-745,1106,1106,-874,1106,1106,-878,1106,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1106,-812,1106,-814,-801,1106,-802,-805,1106,-816,-819,-821,-823,-825,1106,-826,1106,-809,1106,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,439,-282,439,1106,439,1106,-455,1106,1106,-729,1106,-736,1106,-741,1106,-663,-671,1106,1106,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1106,-836,-53,439,1106,-730,1106,-737,1106,-742,-664,1106,-873,-54,439,439,-731,-738,-743,1106,439,1106,-872,]),'MAJOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[440,440,440,440,-1894,440,440,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,440,440,440,440,-275,-276,440,-1425,440,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,440,440,440,-490,440,440,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,440,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,440,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,440,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,440,-172,-173,-174,-175,-993,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-290,-291,-281,440,440,440,440,440,-328,-318,-332,-333,-334,440,440,-982,-983,-984,-985,-986,-987,-988,440,440,440,440,440,440,440,440,440,440,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,440,440,440,-353,-356,440,-323,-324,-141,440,-142,440,-143,440,-430,-935,-936,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-1894,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-1894,440,-1894,440,440,440,440,440,440,440,440,440,440,440,440,-1894,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,440,-1894,440,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,440,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,440,440,440,-191,-192,440,-994,440,440,440,440,440,-277,-278,-279,-280,-365,440,-308,440,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,440,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,440,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,440,440,440,440,440,440,-573,440,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,440,440,-723,-724,-725,440,440,440,440,440,440,-994,440,440,-91,-92,440,440,440,440,-309,-310,-320,440,-307,-293,-294,-295,440,440,440,440,-618,-633,-590,440,440,-436,440,-437,440,-444,-445,-446,-378,-379,440,440,440,-506,440,440,-510,440,440,440,440,-515,-516,-517,-518,440,440,-521,-522,440,-524,-525,-526,-527,-528,-529,-530,-531,440,-533,440,440,440,-539,-541,-542,440,-544,-545,-546,-547,440,440,440,440,440,440,-652,-653,-654,-655,440,-657,-658,-659,440,440,440,-665,440,440,-669,-670,440,440,-673,440,-675,-676,440,-679,440,-681,440,440,-684,-685,-686,440,-688,440,440,-691,440,440,-694,-695,-696,440,-698,-699,-700,-701,440,440,-746,440,-749,-750,-751,-752,-753,440,-755,-756,-757,-758,-759,440,-766,-767,-769,440,-771,-772,-773,-782,-856,-858,-860,-862,440,440,440,440,-868,440,-870,440,440,440,440,440,440,440,-906,-907,440,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,440,-921,-924,440,-934,440,-385,-386,-387,440,440,-390,-391,-392,-393,440,-396,440,-399,-400,440,-401,440,-406,-407,440,-410,-411,-412,440,-415,440,-416,440,-421,-422,440,-425,440,-428,-429,-1894,-1894,440,-619,-620,-621,-622,-623,-634,-584,-624,-797,440,440,440,440,440,-831,440,440,-806,440,-832,440,440,440,440,-798,440,-853,-799,440,440,440,440,440,440,-854,-855,440,-834,-830,-835,440,-625,440,-626,-627,-628,-629,-574,440,440,-630,-631,-632,440,440,440,440,440,440,-635,-636,-637,-592,-1894,-602,440,-638,-639,-713,-640,-604,440,-572,-577,-580,-583,440,440,440,-598,-601,440,-608,440,440,440,440,440,440,440,440,440,440,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,440,440,440,-995,440,440,440,440,440,440,-306,-325,-319,-296,-375,-452,-453,-454,-458,440,-443,440,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,440,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,440,440,440,440,440,440,440,440,440,-316,-535,-508,-591,-937,-939,-940,-438,440,-440,-380,-381,-383,-507,-509,-511,440,-513,-514,-519,-520,440,-532,-534,-537,-538,-543,-548,-726,440,-727,440,-732,440,-734,440,-739,-656,-660,-661,440,-666,440,-667,440,-672,-674,440,-677,440,440,440,-687,-689,440,-692,440,440,-744,440,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,440,440,440,440,440,-877,440,-880,-908,-920,-925,-388,-389,440,-394,440,-397,440,-402,440,-403,440,-408,440,-413,440,-417,440,-418,440,-423,440,-426,-899,-900,-643,-585,-1894,-901,440,440,440,-800,440,440,-804,440,-807,-833,440,-818,440,-820,440,-822,-808,440,-824,440,-851,-852,440,440,-811,440,-646,-902,-904,-648,-649,-645,440,-705,-706,440,-642,-903,-647,-650,-603,-714,440,440,-605,-586,440,440,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,440,440,-709,-710,440,-716,440,440,440,440,440,440,-938,440,-439,-441,-747,440,-891,440,-715,-1894,440,440,440,440,440,-442,-512,-523,440,-728,-733,440,-735,440,-740,440,-662,-668,440,-678,-680,-682,-683,-690,-693,-697,-745,440,440,-874,440,440,-878,440,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,440,-812,440,-814,-801,440,-802,-805,440,-816,-819,-821,-823,-825,440,-826,440,-809,440,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,440,-282,440,440,440,440,-455,440,440,-729,440,-736,440,-741,440,-663,-671,440,440,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,440,-836,-53,440,440,-730,440,-737,440,-742,-664,440,-873,-54,440,440,-731,-738,-743,440,440,440,-872,]),'MAKEDATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[441,441,441,1286,-1894,441,441,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,441,441,441,441,-275,-276,1286,-1425,1286,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1286,1286,1286,-490,1286,1286,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1286,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1286,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1286,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,441,-172,-173,-174,-175,-993,441,441,441,441,441,441,441,441,441,441,1286,1286,1286,1286,1286,-290,-291,-281,441,1286,1286,1286,1286,-328,-318,-332,-333,-334,1286,1286,-982,-983,-984,-985,-986,-987,-988,441,441,1286,1286,1286,1286,1286,1286,1286,1286,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1286,1286,1286,-353,-356,441,-323,-324,-141,1286,-142,1286,-143,1286,-430,-935,-936,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1894,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1894,1286,-1894,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1894,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-1894,441,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1286,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1286,441,441,-191,-192,441,-994,1286,441,441,441,441,-277,-278,-279,-280,-365,1286,-308,1286,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1286,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1286,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1286,1286,1286,1286,1286,1286,-573,1286,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1286,1286,-723,-724,-725,1286,1286,441,441,441,441,-994,441,1286,-91,-92,441,441,441,1286,-309,-310,-320,1286,-307,-293,-294,-295,1286,441,1286,1286,-618,-633,-590,1286,441,-436,441,-437,1286,-444,-445,-446,-378,-379,1286,1286,1286,-506,1286,1286,-510,1286,1286,1286,1286,-515,-516,-517,-518,1286,1286,-521,-522,1286,-524,-525,-526,-527,-528,-529,-530,-531,1286,-533,1286,1286,1286,-539,-541,-542,1286,-544,-545,-546,-547,1286,1286,1286,1286,1286,1286,-652,-653,-654,-655,441,-657,-658,-659,1286,1286,1286,-665,1286,1286,-669,-670,1286,1286,-673,1286,-675,-676,1286,-679,1286,-681,1286,1286,-684,-685,-686,1286,-688,1286,1286,-691,1286,1286,-694,-695,-696,1286,-698,-699,-700,-701,1286,1286,-746,1286,-749,-750,-751,-752,-753,1286,-755,-756,-757,-758,-759,1286,-766,-767,-769,1286,-771,-772,-773,-782,-856,-858,-860,-862,1286,1286,1286,1286,-868,1286,-870,1286,1286,1286,1286,1286,1286,1286,-906,-907,1286,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1286,-921,-924,1286,-934,1286,-385,-386,-387,1286,1286,-390,-391,-392,-393,1286,-396,1286,-399,-400,1286,-401,1286,-406,-407,1286,-410,-411,-412,1286,-415,1286,-416,1286,-421,-422,1286,-425,1286,-428,-429,-1894,-1894,1286,-619,-620,-621,-622,-623,-634,-584,-624,-797,1286,1286,1286,1286,1286,-831,1286,1286,-806,1286,-832,1286,1286,1286,1286,-798,1286,-853,-799,1286,1286,1286,1286,1286,1286,-854,-855,1286,-834,-830,-835,1286,-625,1286,-626,-627,-628,-629,-574,1286,1286,-630,-631,-632,1286,1286,1286,1286,1286,1286,-635,-636,-637,-592,-1894,-602,1286,-638,-639,-713,-640,-604,1286,-572,-577,-580,-583,1286,1286,1286,-598,-601,1286,-608,1286,1286,1286,1286,1286,1286,1286,1286,1286,1286,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1286,441,441,-995,441,1286,441,441,441,1286,-306,-325,-319,-296,-375,-452,-453,-454,-458,441,-443,1286,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1286,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,441,441,441,441,441,441,441,441,1286,-316,-535,-508,-591,-937,-939,-940,-438,1286,-440,-380,-381,-383,-507,-509,-511,1286,-513,-514,-519,-520,1286,-532,-534,-537,-538,-543,-548,-726,1286,-727,1286,-732,1286,-734,1286,-739,-656,-660,-661,1286,-666,1286,-667,1286,-672,-674,1286,-677,1286,1286,1286,-687,-689,1286,-692,1286,1286,-744,1286,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1286,1286,1286,1286,1286,-877,1286,-880,-908,-920,-925,-388,-389,1286,-394,1286,-397,1286,-402,1286,-403,1286,-408,1286,-413,1286,-417,1286,-418,1286,-423,1286,-426,-899,-900,-643,-585,-1894,-901,1286,1286,1286,-800,1286,1286,-804,1286,-807,-833,1286,-818,1286,-820,1286,-822,-808,1286,-824,1286,-851,-852,1286,1286,-811,1286,-646,-902,-904,-648,-649,-645,1286,-705,-706,1286,-642,-903,-647,-650,-603,-714,1286,1286,-605,-586,1286,1286,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1286,1286,-709,-710,1286,-716,1286,441,441,441,1286,1286,-938,441,-439,-441,-747,1286,-891,1286,-715,-1894,1286,1286,441,441,1286,-442,-512,-523,1286,-728,-733,1286,-735,1286,-740,1286,-662,-668,1286,-678,-680,-682,-683,-690,-693,-697,-745,1286,1286,-874,1286,1286,-878,1286,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1286,-812,1286,-814,-801,1286,-802,-805,1286,-816,-819,-821,-823,-825,1286,-826,1286,-809,1286,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,441,-282,441,1286,441,1286,-455,1286,1286,-729,1286,-736,1286,-741,1286,-663,-671,1286,1286,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1286,-836,-53,441,1286,-730,1286,-737,1286,-742,-664,1286,-873,-54,441,441,-731,-738,-743,1286,441,1286,-872,]),'MAKE_SE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[442,442,442,442,-1894,442,442,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,442,442,442,442,-275,-276,442,-1425,442,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,442,442,442,-490,442,442,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,442,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,442,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,442,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,442,-172,-173,-174,-175,-993,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-290,-291,-281,442,442,442,442,442,-328,-318,-332,-333,-334,442,442,-982,-983,-984,-985,-986,-987,-988,442,442,442,442,442,442,442,442,442,442,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,442,442,442,-353,-356,442,-323,-324,-141,442,-142,442,-143,442,-430,-935,-936,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-1894,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-1894,442,-1894,442,442,442,442,442,442,442,442,442,442,442,442,-1894,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,442,-1894,442,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,442,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,442,442,442,-191,-192,442,-994,442,442,442,442,442,-277,-278,-279,-280,-365,442,-308,442,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,442,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,442,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,442,442,442,442,442,442,-573,442,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,442,442,-723,-724,-725,442,442,442,442,442,442,-994,442,442,-91,-92,442,442,442,442,-309,-310,-320,442,-307,-293,-294,-295,442,442,442,442,-618,-633,-590,442,442,-436,442,-437,442,-444,-445,-446,-378,-379,442,442,442,-506,442,442,-510,442,442,442,442,-515,-516,-517,-518,442,442,-521,-522,442,-524,-525,-526,-527,-528,-529,-530,-531,442,-533,442,442,442,-539,-541,-542,442,-544,-545,-546,-547,442,442,442,442,442,442,-652,-653,-654,-655,442,-657,-658,-659,442,442,442,-665,442,442,-669,-670,442,442,-673,442,-675,-676,442,-679,442,-681,442,442,-684,-685,-686,442,-688,442,442,-691,442,442,-694,-695,-696,442,-698,-699,-700,-701,442,442,-746,442,-749,-750,-751,-752,-753,442,-755,-756,-757,-758,-759,442,-766,-767,-769,442,-771,-772,-773,-782,-856,-858,-860,-862,442,442,442,442,-868,442,-870,442,442,442,442,442,442,442,-906,-907,442,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,442,-921,-924,442,-934,442,-385,-386,-387,442,442,-390,-391,-392,-393,442,-396,442,-399,-400,442,-401,442,-406,-407,442,-410,-411,-412,442,-415,442,-416,442,-421,-422,442,-425,442,-428,-429,-1894,-1894,442,-619,-620,-621,-622,-623,-634,-584,-624,-797,442,442,442,442,442,-831,442,442,-806,442,-832,442,442,442,442,-798,442,-853,-799,442,442,442,442,442,442,-854,-855,442,-834,-830,-835,442,-625,442,-626,-627,-628,-629,-574,442,442,-630,-631,-632,442,442,442,442,442,442,-635,-636,-637,-592,-1894,-602,442,-638,-639,-713,-640,-604,442,-572,-577,-580,-583,442,442,442,-598,-601,442,-608,442,442,442,442,442,442,442,442,442,442,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,442,442,442,-995,442,442,442,442,442,442,-306,-325,-319,-296,-375,-452,-453,-454,-458,442,-443,442,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,442,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,442,442,442,442,442,442,442,442,442,-316,-535,-508,-591,-937,-939,-940,-438,442,-440,-380,-381,-383,-507,-509,-511,442,-513,-514,-519,-520,442,-532,-534,-537,-538,-543,-548,-726,442,-727,442,-732,442,-734,442,-739,-656,-660,-661,442,-666,442,-667,442,-672,-674,442,-677,442,442,442,-687,-689,442,-692,442,442,-744,442,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,442,442,442,442,442,-877,442,-880,-908,-920,-925,-388,-389,442,-394,442,-397,442,-402,442,-403,442,-408,442,-413,442,-417,442,-418,442,-423,442,-426,-899,-900,-643,-585,-1894,-901,442,442,442,-800,442,442,-804,442,-807,-833,442,-818,442,-820,442,-822,-808,442,-824,442,-851,-852,442,442,-811,442,-646,-902,-904,-648,-649,-645,442,-705,-706,442,-642,-903,-647,-650,-603,-714,442,442,-605,-586,442,442,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,442,442,-709,-710,442,-716,442,442,442,442,442,442,-938,442,-439,-441,-747,442,-891,442,-715,-1894,442,442,442,442,442,-442,-512,-523,442,-728,-733,442,-735,442,-740,442,-662,-668,442,-678,-680,-682,-683,-690,-693,-697,-745,442,442,-874,442,442,-878,442,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,442,-812,442,-814,-801,442,-802,-805,442,-816,-819,-821,-823,-825,442,-826,442,-809,442,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,442,-282,442,442,442,442,-455,442,442,-729,442,-736,442,-741,442,-663,-671,442,442,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,442,-836,-53,442,442,-730,442,-737,442,-742,-664,442,-873,-54,442,442,-731,-738,-743,442,442,442,-872,]),'MAKE_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[443,443,443,1107,-1894,443,443,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,443,443,443,443,-275,-276,1107,-1425,1107,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1107,1107,1107,-490,1107,1107,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1107,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1107,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1918,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,443,-172,-173,-174,-175,-993,443,443,443,443,443,443,443,443,443,443,1107,1107,1107,1107,1107,-290,-291,-281,443,1107,1107,1107,1107,-328,-318,-332,-333,-334,1107,1107,-982,-983,-984,-985,-986,-987,-988,443,443,1107,1107,1107,1107,1107,1107,1107,1107,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1107,1107,1107,-353,-356,443,-323,-324,-141,1107,-142,1107,-143,1107,-430,-935,-936,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1894,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1894,1107,-1894,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1894,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-1894,443,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1107,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1107,443,443,-191,-192,443,-994,1107,443,443,443,443,-277,-278,-279,-280,-365,1107,-308,1107,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1107,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1107,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1107,1107,1107,1107,1107,1107,-573,1107,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1107,1107,-723,-724,-725,1107,1918,443,443,443,443,-994,443,1107,-91,-92,443,443,443,1107,-309,-310,-320,1107,-307,-293,-294,-295,1107,443,1107,1107,-618,-633,-590,1107,443,-436,443,-437,1107,-444,-445,-446,-378,-379,1107,1107,1107,-506,1107,1107,-510,1107,1107,1107,1107,-515,-516,-517,-518,1107,1107,-521,-522,1107,-524,-525,-526,-527,-528,-529,-530,-531,1107,-533,1107,1107,1107,-539,-541,-542,1107,-544,-545,-546,-547,1107,1107,1107,1107,1107,1107,-652,-653,-654,-655,443,-657,-658,-659,1107,1107,1107,-665,1107,1107,-669,-670,1107,1107,-673,1107,-675,-676,1107,-679,1107,-681,1107,1107,-684,-685,-686,1107,-688,1107,1107,-691,1107,1107,-694,-695,-696,1107,-698,-699,-700,-701,1107,1107,-746,1107,-749,-750,-751,-752,-753,1107,-755,-756,-757,-758,-759,1107,-766,-767,-769,1107,-771,-772,-773,-782,-856,-858,-860,-862,1107,1107,1107,1107,-868,1107,-870,1107,1107,1107,1107,1107,1107,1107,-906,-907,1107,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1107,-921,-924,1107,-934,1107,-385,-386,-387,1107,1107,-390,-391,-392,-393,1107,-396,1107,-399,-400,1107,-401,1107,-406,-407,1107,-410,-411,-412,1107,-415,1107,-416,1107,-421,-422,1107,-425,1107,-428,-429,-1894,-1894,1107,-619,-620,-621,-622,-623,-634,-584,-624,-797,1107,1107,1107,1107,1107,-831,1107,1107,-806,1107,-832,1107,1107,1107,1107,-798,1107,-853,-799,1107,1107,1107,1107,1107,1107,-854,-855,1107,-834,-830,-835,1107,-625,1107,-626,-627,-628,-629,-574,1107,1107,-630,-631,-632,1107,1107,1107,1107,1107,1107,-635,-636,-637,-592,-1894,-602,1107,-638,-639,-713,-640,-604,1107,-572,-577,-580,-583,1107,1107,1107,-598,-601,1107,-608,1107,1107,1107,1107,1107,1107,1107,1107,1107,1107,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1107,443,443,-995,443,1107,443,443,443,1107,-306,-325,-319,-296,-375,-452,-453,-454,-458,443,-443,1107,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1107,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,443,443,443,443,443,443,443,443,1107,-316,-535,-508,-591,-937,-939,-940,-438,1107,-440,-380,-381,-383,-507,-509,-511,1107,-513,-514,-519,-520,1107,-532,-534,-537,-538,-543,-548,-726,1107,-727,1107,-732,1107,-734,1107,-739,-656,-660,-661,1107,-666,1107,-667,1107,-672,-674,1107,-677,1107,1107,1107,-687,-689,1107,-692,1107,1107,-744,1107,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1107,1107,1107,1107,1107,-877,1107,-880,-908,-920,-925,-388,-389,1107,-394,1107,-397,1107,-402,1107,-403,1107,-408,1107,-413,1107,-417,1107,-418,1107,-423,1107,-426,-899,-900,-643,-585,-1894,-901,1107,1107,1107,-800,1107,1107,-804,1107,-807,-833,1107,-818,1107,-820,1107,-822,-808,1107,-824,1107,-851,-852,1107,1107,-811,1107,-646,-902,-904,-648,-649,-645,1107,-705,-706,1107,-642,-903,-647,-650,-603,-714,1107,1107,-605,-586,1107,1107,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1107,1107,-709,-710,1107,-716,1107,443,443,443,1107,1107,-938,443,-439,-441,-747,1107,-891,1918,-715,-1894,1107,1107,443,443,1107,-442,-512,-523,1107,-728,-733,1107,-735,1107,-740,1107,-662,-668,1107,-678,-680,-682,-683,-690,-693,-697,-745,1107,1107,-874,1107,1107,-878,1107,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1107,-812,1107,-814,-801,1107,-802,-805,1107,-816,-819,-821,-823,-825,1107,-826,1107,-809,1107,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,443,-282,443,1107,443,1107,-455,1107,1107,-729,1107,-736,1107,-741,1107,-663,-671,1107,1107,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1107,-836,-53,443,1107,-730,1107,-737,1107,-742,-664,1107,-873,-54,443,443,-731,-738,-743,1107,443,1107,-872,]),'MANUAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[444,444,444,444,-1894,444,444,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,444,444,444,444,-275,-276,444,-1425,444,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,444,444,444,-490,444,444,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,444,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,444,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,444,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,444,-172,-173,-174,-175,-993,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-290,-291,-281,444,444,444,444,444,-328,-318,-332,-333,-334,444,444,-982,-983,-984,-985,-986,-987,-988,444,444,444,444,444,444,444,444,444,444,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,444,444,444,-353,-356,444,-323,-324,-141,444,-142,444,-143,444,-430,-935,-936,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-1894,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-1894,444,-1894,444,444,444,444,444,444,444,444,444,444,444,444,-1894,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,444,-1894,444,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,444,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,444,444,444,-191,-192,444,-994,444,444,444,444,444,-277,-278,-279,-280,-365,444,-308,444,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,444,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,444,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,444,444,444,444,444,444,-573,444,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,444,444,-723,-724,-725,444,444,444,444,444,444,-994,444,444,-91,-92,444,444,444,444,-309,-310,-320,444,-307,-293,-294,-295,444,444,444,444,-618,-633,-590,444,444,-436,444,-437,444,-444,-445,-446,-378,-379,444,444,444,-506,444,444,-510,444,444,444,444,-515,-516,-517,-518,444,444,-521,-522,444,-524,-525,-526,-527,-528,-529,-530,-531,444,-533,444,444,444,-539,-541,-542,444,-544,-545,-546,-547,444,444,444,444,444,444,-652,-653,-654,-655,444,-657,-658,-659,444,444,444,-665,444,444,-669,-670,444,444,-673,444,-675,-676,444,-679,444,-681,444,444,-684,-685,-686,444,-688,444,444,-691,444,444,-694,-695,-696,444,-698,-699,-700,-701,444,444,-746,444,-749,-750,-751,-752,-753,444,-755,-756,-757,-758,-759,444,-766,-767,-769,444,-771,-772,-773,-782,-856,-858,-860,-862,444,444,444,444,-868,444,-870,444,444,444,444,444,444,444,-906,-907,444,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,444,-921,-924,444,-934,444,-385,-386,-387,444,444,-390,-391,-392,-393,444,-396,444,-399,-400,444,-401,444,-406,-407,444,-410,-411,-412,444,-415,444,-416,444,-421,-422,444,-425,444,-428,-429,-1894,-1894,444,-619,-620,-621,-622,-623,-634,-584,-624,-797,444,444,444,444,444,-831,444,444,-806,444,-832,444,444,444,444,-798,444,-853,-799,444,444,444,444,444,444,-854,-855,444,-834,-830,-835,444,-625,444,-626,-627,-628,-629,-574,444,444,-630,-631,-632,444,444,444,444,444,444,-635,-636,-637,-592,-1894,-602,444,-638,-639,-713,-640,-604,444,-572,-577,-580,-583,444,444,444,-598,-601,444,-608,444,444,444,444,444,444,444,444,444,444,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,444,444,444,-995,444,444,444,444,444,444,-306,-325,-319,-296,-375,-452,-453,-454,-458,444,-443,444,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,444,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,444,444,444,444,444,444,444,444,444,-316,-535,-508,-591,-937,-939,-940,-438,444,-440,-380,-381,-383,-507,-509,-511,444,-513,-514,-519,-520,444,-532,-534,-537,-538,-543,-548,-726,444,-727,444,-732,444,-734,444,-739,-656,-660,-661,444,-666,444,-667,444,-672,-674,444,-677,444,444,444,-687,-689,444,-692,444,444,-744,444,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,444,444,444,444,444,-877,444,-880,-908,-920,-925,-388,-389,444,-394,444,-397,444,-402,444,-403,444,-408,444,-413,444,-417,444,-418,444,-423,444,-426,-899,-900,-643,-585,-1894,-901,444,444,444,-800,444,444,-804,444,-807,-833,444,-818,444,-820,444,-822,-808,444,-824,444,-851,-852,444,444,-811,444,-646,-902,-904,-648,-649,-645,444,-705,-706,444,-642,-903,-647,-650,-603,-714,444,444,-605,-586,444,444,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,444,444,-709,-710,444,-716,444,444,444,444,444,444,-938,444,-439,-441,-747,444,-891,444,-715,-1894,444,444,444,444,444,-442,-512,-523,444,-728,-733,444,-735,444,-740,444,-662,-668,444,-678,-680,-682,-683,-690,-693,-697,-745,444,444,-874,444,444,-878,444,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,444,-812,444,-814,-801,444,-802,-805,444,-816,-819,-821,-823,-825,444,-826,444,-809,444,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,444,-282,444,444,444,444,-455,444,444,-729,444,-736,444,-741,444,-663,-671,444,444,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,444,-836,-53,444,444,-730,444,-737,444,-742,-664,444,-873,-54,444,444,-731,-738,-743,444,444,444,-872,]),'MASTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[445,445,445,445,-1894,445,445,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,445,445,445,445,-275,-276,445,-1425,445,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,445,445,445,-490,445,445,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,445,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,445,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,445,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,445,-172,-173,-174,-175,-993,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-290,-291,-281,445,445,445,445,445,-328,-318,-332,-333,-334,445,445,-982,-983,-984,-985,-986,-987,-988,445,445,445,445,445,445,445,445,445,445,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,445,445,445,-353,-356,445,-323,-324,-141,445,-142,445,-143,445,-430,-935,-936,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-1894,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-1894,445,-1894,445,445,445,445,445,445,445,445,445,445,445,445,-1894,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,445,-1894,445,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,445,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,445,445,445,-191,-192,445,-994,445,445,445,445,445,-277,-278,-279,-280,-365,445,-308,445,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,445,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,445,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,445,445,445,445,445,445,-573,445,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,445,445,-723,-724,-725,445,445,445,445,445,445,-994,445,445,-91,-92,445,445,445,445,-309,-310,-320,445,-307,-293,-294,-295,445,445,445,445,-618,-633,-590,445,445,-436,445,-437,445,-444,-445,-446,-378,-379,445,445,445,-506,445,445,-510,445,445,445,445,-515,-516,-517,-518,445,445,-521,-522,445,-524,-525,-526,-527,-528,-529,-530,-531,445,-533,445,445,445,-539,-541,-542,445,-544,-545,-546,-547,445,445,445,445,445,445,-652,-653,-654,-655,445,-657,-658,-659,445,445,445,-665,445,445,-669,-670,445,445,-673,445,-675,-676,445,-679,445,-681,445,445,-684,-685,-686,445,-688,445,445,-691,445,445,-694,-695,-696,445,-698,-699,-700,-701,445,445,-746,445,-749,-750,-751,-752,-753,445,-755,-756,-757,-758,-759,445,-766,-767,-769,445,-771,-772,-773,-782,-856,-858,-860,-862,445,445,445,445,-868,445,-870,445,445,445,445,445,445,445,-906,-907,445,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,445,-921,-924,445,-934,445,-385,-386,-387,445,445,-390,-391,-392,-393,445,-396,445,-399,-400,445,-401,445,-406,-407,445,-410,-411,-412,445,-415,445,-416,445,-421,-422,445,-425,445,-428,-429,-1894,-1894,445,-619,-620,-621,-622,-623,-634,-584,-624,-797,445,445,445,445,445,-831,445,445,-806,445,-832,445,445,445,445,-798,445,-853,-799,445,445,445,445,445,445,-854,-855,445,-834,-830,-835,445,-625,445,-626,-627,-628,-629,-574,445,445,-630,-631,-632,445,445,445,445,445,445,-635,-636,-637,-592,-1894,-602,445,-638,-639,-713,-640,-604,445,-572,-577,-580,-583,445,445,445,-598,-601,445,-608,445,445,445,445,445,445,445,445,445,445,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,445,445,445,-995,445,445,445,445,445,445,-306,-325,-319,-296,-375,-452,-453,-454,-458,445,-443,445,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,445,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,445,445,445,445,445,445,445,445,445,-316,-535,-508,-591,-937,-939,-940,-438,445,-440,-380,-381,-383,-507,-509,-511,445,-513,-514,-519,-520,445,-532,-534,-537,-538,-543,-548,-726,445,-727,445,-732,445,-734,445,-739,-656,-660,-661,445,-666,445,-667,445,-672,-674,445,-677,445,445,445,-687,-689,445,-692,445,445,-744,445,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,445,445,445,445,445,-877,445,-880,-908,-920,-925,-388,-389,445,-394,445,-397,445,-402,445,-403,445,-408,445,-413,445,-417,445,-418,445,-423,445,-426,-899,-900,-643,-585,-1894,-901,445,445,445,-800,445,445,-804,445,-807,-833,445,-818,445,-820,445,-822,-808,445,-824,445,-851,-852,445,445,-811,445,-646,-902,-904,-648,-649,-645,445,-705,-706,445,-642,-903,-647,-650,-603,-714,445,445,-605,-586,445,445,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,445,445,-709,-710,445,-716,445,445,445,445,445,445,-938,445,-439,-441,-747,445,-891,445,-715,-1894,445,445,445,445,445,-442,-512,-523,445,-728,-733,445,-735,445,-740,445,-662,-668,445,-678,-680,-682,-683,-690,-693,-697,-745,445,445,-874,445,445,-878,445,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,445,-812,445,-814,-801,445,-802,-805,445,-816,-819,-821,-823,-825,445,-826,445,-809,445,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,445,-282,445,445,445,445,-455,445,445,-729,445,-736,445,-741,445,-663,-671,445,445,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,445,-836,-53,445,445,-730,445,-737,445,-742,-664,445,-873,-54,445,445,-731,-738,-743,445,445,445,-872,]),'MASTER_AUTO_POSITION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[446,446,446,446,-1894,446,446,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,446,446,446,446,-275,-276,446,-1425,446,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,446,446,446,-490,446,446,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,446,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,446,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,446,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,446,-172,-173,-174,-175,-993,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-290,-291,-281,446,446,446,446,446,-328,-318,-332,-333,-334,446,446,-982,-983,-984,-985,-986,-987,-988,446,446,446,446,446,446,446,446,446,446,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,446,446,446,-353,-356,446,-323,-324,-141,446,-142,446,-143,446,-430,-935,-936,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-1894,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-1894,446,-1894,446,446,446,446,446,446,446,446,446,446,446,446,-1894,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,446,-1894,446,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,446,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,446,446,446,-191,-192,446,-994,446,446,446,446,446,-277,-278,-279,-280,-365,446,-308,446,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,446,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,446,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,446,446,446,446,446,446,-573,446,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,446,446,-723,-724,-725,446,446,446,446,446,446,-994,446,446,-91,-92,446,446,446,446,-309,-310,-320,446,-307,-293,-294,-295,446,446,446,446,-618,-633,-590,446,446,-436,446,-437,446,-444,-445,-446,-378,-379,446,446,446,-506,446,446,-510,446,446,446,446,-515,-516,-517,-518,446,446,-521,-522,446,-524,-525,-526,-527,-528,-529,-530,-531,446,-533,446,446,446,-539,-541,-542,446,-544,-545,-546,-547,446,446,446,446,446,446,-652,-653,-654,-655,446,-657,-658,-659,446,446,446,-665,446,446,-669,-670,446,446,-673,446,-675,-676,446,-679,446,-681,446,446,-684,-685,-686,446,-688,446,446,-691,446,446,-694,-695,-696,446,-698,-699,-700,-701,446,446,-746,446,-749,-750,-751,-752,-753,446,-755,-756,-757,-758,-759,446,-766,-767,-769,446,-771,-772,-773,-782,-856,-858,-860,-862,446,446,446,446,-868,446,-870,446,446,446,446,446,446,446,-906,-907,446,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,446,-921,-924,446,-934,446,-385,-386,-387,446,446,-390,-391,-392,-393,446,-396,446,-399,-400,446,-401,446,-406,-407,446,-410,-411,-412,446,-415,446,-416,446,-421,-422,446,-425,446,-428,-429,-1894,-1894,446,-619,-620,-621,-622,-623,-634,-584,-624,-797,446,446,446,446,446,-831,446,446,-806,446,-832,446,446,446,446,-798,446,-853,-799,446,446,446,446,446,446,-854,-855,446,-834,-830,-835,446,-625,446,-626,-627,-628,-629,-574,446,446,-630,-631,-632,446,446,446,446,446,446,-635,-636,-637,-592,-1894,-602,446,-638,-639,-713,-640,-604,446,-572,-577,-580,-583,446,446,446,-598,-601,446,-608,446,446,446,446,446,446,446,446,446,446,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,446,446,446,-995,446,446,446,446,446,446,-306,-325,-319,-296,-375,-452,-453,-454,-458,446,-443,446,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,446,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,446,446,446,446,446,446,446,446,446,-316,-535,-508,-591,-937,-939,-940,-438,446,-440,-380,-381,-383,-507,-509,-511,446,-513,-514,-519,-520,446,-532,-534,-537,-538,-543,-548,-726,446,-727,446,-732,446,-734,446,-739,-656,-660,-661,446,-666,446,-667,446,-672,-674,446,-677,446,446,446,-687,-689,446,-692,446,446,-744,446,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,446,446,446,446,446,-877,446,-880,-908,-920,-925,-388,-389,446,-394,446,-397,446,-402,446,-403,446,-408,446,-413,446,-417,446,-418,446,-423,446,-426,-899,-900,-643,-585,-1894,-901,446,446,446,-800,446,446,-804,446,-807,-833,446,-818,446,-820,446,-822,-808,446,-824,446,-851,-852,446,446,-811,446,-646,-902,-904,-648,-649,-645,446,-705,-706,446,-642,-903,-647,-650,-603,-714,446,446,-605,-586,446,446,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,446,446,-709,-710,446,-716,446,446,446,446,446,446,-938,446,-439,-441,-747,446,-891,446,-715,-1894,446,446,446,446,446,-442,-512,-523,446,-728,-733,446,-735,446,-740,446,-662,-668,446,-678,-680,-682,-683,-690,-693,-697,-745,446,446,-874,446,446,-878,446,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,446,-812,446,-814,-801,446,-802,-805,446,-816,-819,-821,-823,-825,446,-826,446,-809,446,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,446,-282,446,446,446,446,-455,446,446,-729,446,-736,446,-741,446,-663,-671,446,446,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,446,-836,-53,446,446,-730,446,-737,446,-742,-664,446,-873,-54,446,446,-731,-738,-743,446,446,446,-872,]),'MASTER_BIND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[447,447,447,447,-1894,447,447,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,447,447,447,447,-275,-276,447,-1425,447,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,447,447,447,-490,447,447,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,447,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,447,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,447,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,447,-172,-173,-174,-175,-993,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-290,-291,-281,447,447,447,447,447,-328,-318,-332,-333,-334,447,447,-982,-983,-984,-985,-986,-987,-988,447,447,447,447,447,447,447,447,447,447,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,447,447,447,-353,-356,447,-323,-324,-141,447,-142,447,-143,447,-430,-935,-936,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-1894,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-1894,447,-1894,447,447,447,447,447,447,447,447,447,447,447,447,-1894,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,447,-1894,447,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,447,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,447,447,447,-191,-192,447,-994,447,447,447,447,447,-277,-278,-279,-280,-365,447,-308,447,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,447,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,447,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,447,447,447,447,447,447,-573,447,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,447,447,-723,-724,-725,447,447,447,447,447,447,-994,447,447,-91,-92,447,447,447,447,-309,-310,-320,447,-307,-293,-294,-295,447,447,447,447,-618,-633,-590,447,447,-436,447,-437,447,-444,-445,-446,-378,-379,447,447,447,-506,447,447,-510,447,447,447,447,-515,-516,-517,-518,447,447,-521,-522,447,-524,-525,-526,-527,-528,-529,-530,-531,447,-533,447,447,447,-539,-541,-542,447,-544,-545,-546,-547,447,447,447,447,447,447,-652,-653,-654,-655,447,-657,-658,-659,447,447,447,-665,447,447,-669,-670,447,447,-673,447,-675,-676,447,-679,447,-681,447,447,-684,-685,-686,447,-688,447,447,-691,447,447,-694,-695,-696,447,-698,-699,-700,-701,447,447,-746,447,-749,-750,-751,-752,-753,447,-755,-756,-757,-758,-759,447,-766,-767,-769,447,-771,-772,-773,-782,-856,-858,-860,-862,447,447,447,447,-868,447,-870,447,447,447,447,447,447,447,-906,-907,447,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,447,-921,-924,447,-934,447,-385,-386,-387,447,447,-390,-391,-392,-393,447,-396,447,-399,-400,447,-401,447,-406,-407,447,-410,-411,-412,447,-415,447,-416,447,-421,-422,447,-425,447,-428,-429,-1894,-1894,447,-619,-620,-621,-622,-623,-634,-584,-624,-797,447,447,447,447,447,-831,447,447,-806,447,-832,447,447,447,447,-798,447,-853,-799,447,447,447,447,447,447,-854,-855,447,-834,-830,-835,447,-625,447,-626,-627,-628,-629,-574,447,447,-630,-631,-632,447,447,447,447,447,447,-635,-636,-637,-592,-1894,-602,447,-638,-639,-713,-640,-604,447,-572,-577,-580,-583,447,447,447,-598,-601,447,-608,447,447,447,447,447,447,447,447,447,447,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,447,447,447,-995,447,447,447,447,447,447,-306,-325,-319,-296,-375,-452,-453,-454,-458,447,-443,447,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,447,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,447,447,447,447,447,447,447,447,447,-316,-535,-508,-591,-937,-939,-940,-438,447,-440,-380,-381,-383,-507,-509,-511,447,-513,-514,-519,-520,447,-532,-534,-537,-538,-543,-548,-726,447,-727,447,-732,447,-734,447,-739,-656,-660,-661,447,-666,447,-667,447,-672,-674,447,-677,447,447,447,-687,-689,447,-692,447,447,-744,447,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,447,447,447,447,447,-877,447,-880,-908,-920,-925,-388,-389,447,-394,447,-397,447,-402,447,-403,447,-408,447,-413,447,-417,447,-418,447,-423,447,-426,-899,-900,-643,-585,-1894,-901,447,447,447,-800,447,447,-804,447,-807,-833,447,-818,447,-820,447,-822,-808,447,-824,447,-851,-852,447,447,-811,447,-646,-902,-904,-648,-649,-645,447,-705,-706,447,-642,-903,-647,-650,-603,-714,447,447,-605,-586,447,447,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,447,447,-709,-710,447,-716,447,447,447,447,447,447,-938,447,-439,-441,-747,447,-891,447,-715,-1894,447,447,447,447,447,-442,-512,-523,447,-728,-733,447,-735,447,-740,447,-662,-668,447,-678,-680,-682,-683,-690,-693,-697,-745,447,447,-874,447,447,-878,447,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,447,-812,447,-814,-801,447,-802,-805,447,-816,-819,-821,-823,-825,447,-826,447,-809,447,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,447,-282,447,447,447,447,-455,447,447,-729,447,-736,447,-741,447,-663,-671,447,447,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,447,-836,-53,447,447,-730,447,-737,447,-742,-664,447,-873,-54,447,447,-731,-738,-743,447,447,447,-872,]),'MASTER_CONNECT_RETRY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[448,448,448,448,-1894,448,448,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,448,448,448,448,-275,-276,448,-1425,448,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,448,448,448,-490,448,448,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,448,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,448,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,448,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,448,-172,-173,-174,-175,-993,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-290,-291,-281,448,448,448,448,448,-328,-318,-332,-333,-334,448,448,-982,-983,-984,-985,-986,-987,-988,448,448,448,448,448,448,448,448,448,448,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,448,448,448,-353,-356,448,-323,-324,-141,448,-142,448,-143,448,-430,-935,-936,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-1894,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-1894,448,-1894,448,448,448,448,448,448,448,448,448,448,448,448,-1894,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,448,-1894,448,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,448,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,448,448,448,-191,-192,448,-994,448,448,448,448,448,-277,-278,-279,-280,-365,448,-308,448,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,448,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,448,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,448,448,448,448,448,448,-573,448,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,448,448,-723,-724,-725,448,448,448,448,448,448,-994,448,448,-91,-92,448,448,448,448,-309,-310,-320,448,-307,-293,-294,-295,448,448,448,448,-618,-633,-590,448,448,-436,448,-437,448,-444,-445,-446,-378,-379,448,448,448,-506,448,448,-510,448,448,448,448,-515,-516,-517,-518,448,448,-521,-522,448,-524,-525,-526,-527,-528,-529,-530,-531,448,-533,448,448,448,-539,-541,-542,448,-544,-545,-546,-547,448,448,448,448,448,448,-652,-653,-654,-655,448,-657,-658,-659,448,448,448,-665,448,448,-669,-670,448,448,-673,448,-675,-676,448,-679,448,-681,448,448,-684,-685,-686,448,-688,448,448,-691,448,448,-694,-695,-696,448,-698,-699,-700,-701,448,448,-746,448,-749,-750,-751,-752,-753,448,-755,-756,-757,-758,-759,448,-766,-767,-769,448,-771,-772,-773,-782,-856,-858,-860,-862,448,448,448,448,-868,448,-870,448,448,448,448,448,448,448,-906,-907,448,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,448,-921,-924,448,-934,448,-385,-386,-387,448,448,-390,-391,-392,-393,448,-396,448,-399,-400,448,-401,448,-406,-407,448,-410,-411,-412,448,-415,448,-416,448,-421,-422,448,-425,448,-428,-429,-1894,-1894,448,-619,-620,-621,-622,-623,-634,-584,-624,-797,448,448,448,448,448,-831,448,448,-806,448,-832,448,448,448,448,-798,448,-853,-799,448,448,448,448,448,448,-854,-855,448,-834,-830,-835,448,-625,448,-626,-627,-628,-629,-574,448,448,-630,-631,-632,448,448,448,448,448,448,-635,-636,-637,-592,-1894,-602,448,-638,-639,-713,-640,-604,448,-572,-577,-580,-583,448,448,448,-598,-601,448,-608,448,448,448,448,448,448,448,448,448,448,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,448,448,448,-995,448,448,448,448,448,448,-306,-325,-319,-296,-375,-452,-453,-454,-458,448,-443,448,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,448,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,448,448,448,448,448,448,448,448,448,-316,-535,-508,-591,-937,-939,-940,-438,448,-440,-380,-381,-383,-507,-509,-511,448,-513,-514,-519,-520,448,-532,-534,-537,-538,-543,-548,-726,448,-727,448,-732,448,-734,448,-739,-656,-660,-661,448,-666,448,-667,448,-672,-674,448,-677,448,448,448,-687,-689,448,-692,448,448,-744,448,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,448,448,448,448,448,-877,448,-880,-908,-920,-925,-388,-389,448,-394,448,-397,448,-402,448,-403,448,-408,448,-413,448,-417,448,-418,448,-423,448,-426,-899,-900,-643,-585,-1894,-901,448,448,448,-800,448,448,-804,448,-807,-833,448,-818,448,-820,448,-822,-808,448,-824,448,-851,-852,448,448,-811,448,-646,-902,-904,-648,-649,-645,448,-705,-706,448,-642,-903,-647,-650,-603,-714,448,448,-605,-586,448,448,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,448,448,-709,-710,448,-716,448,448,448,448,448,448,-938,448,-439,-441,-747,448,-891,448,-715,-1894,448,448,448,448,448,-442,-512,-523,448,-728,-733,448,-735,448,-740,448,-662,-668,448,-678,-680,-682,-683,-690,-693,-697,-745,448,448,-874,448,448,-878,448,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,448,-812,448,-814,-801,448,-802,-805,448,-816,-819,-821,-823,-825,448,-826,448,-809,448,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,448,-282,448,448,448,448,-455,448,448,-729,448,-736,448,-741,448,-663,-671,448,448,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,448,-836,-53,448,448,-730,448,-737,448,-742,-664,448,-873,-54,448,448,-731,-738,-743,448,448,448,-872,]),'MASTER_DELAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[449,449,449,449,-1894,449,449,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,449,449,449,449,-275,-276,449,-1425,449,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,449,449,449,-490,449,449,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,449,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,449,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,449,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,449,-172,-173,-174,-175,-993,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-290,-291,-281,449,449,449,449,449,-328,-318,-332,-333,-334,449,449,-982,-983,-984,-985,-986,-987,-988,449,449,449,449,449,449,449,449,449,449,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,449,449,449,-353,-356,449,-323,-324,-141,449,-142,449,-143,449,-430,-935,-936,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-1894,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-1894,449,-1894,449,449,449,449,449,449,449,449,449,449,449,449,-1894,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,449,-1894,449,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,449,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,449,449,449,-191,-192,449,-994,449,449,449,449,449,-277,-278,-279,-280,-365,449,-308,449,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,449,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,449,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,449,449,449,449,449,449,-573,449,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,449,449,-723,-724,-725,449,449,449,449,449,449,-994,449,449,-91,-92,449,449,449,449,-309,-310,-320,449,-307,-293,-294,-295,449,449,449,449,-618,-633,-590,449,449,-436,449,-437,449,-444,-445,-446,-378,-379,449,449,449,-506,449,449,-510,449,449,449,449,-515,-516,-517,-518,449,449,-521,-522,449,-524,-525,-526,-527,-528,-529,-530,-531,449,-533,449,449,449,-539,-541,-542,449,-544,-545,-546,-547,449,449,449,449,449,449,-652,-653,-654,-655,449,-657,-658,-659,449,449,449,-665,449,449,-669,-670,449,449,-673,449,-675,-676,449,-679,449,-681,449,449,-684,-685,-686,449,-688,449,449,-691,449,449,-694,-695,-696,449,-698,-699,-700,-701,449,449,-746,449,-749,-750,-751,-752,-753,449,-755,-756,-757,-758,-759,449,-766,-767,-769,449,-771,-772,-773,-782,-856,-858,-860,-862,449,449,449,449,-868,449,-870,449,449,449,449,449,449,449,-906,-907,449,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,449,-921,-924,449,-934,449,-385,-386,-387,449,449,-390,-391,-392,-393,449,-396,449,-399,-400,449,-401,449,-406,-407,449,-410,-411,-412,449,-415,449,-416,449,-421,-422,449,-425,449,-428,-429,-1894,-1894,449,-619,-620,-621,-622,-623,-634,-584,-624,-797,449,449,449,449,449,-831,449,449,-806,449,-832,449,449,449,449,-798,449,-853,-799,449,449,449,449,449,449,-854,-855,449,-834,-830,-835,449,-625,449,-626,-627,-628,-629,-574,449,449,-630,-631,-632,449,449,449,449,449,449,-635,-636,-637,-592,-1894,-602,449,-638,-639,-713,-640,-604,449,-572,-577,-580,-583,449,449,449,-598,-601,449,-608,449,449,449,449,449,449,449,449,449,449,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,449,449,449,-995,449,449,449,449,449,449,-306,-325,-319,-296,-375,-452,-453,-454,-458,449,-443,449,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,449,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,449,449,449,449,449,449,449,449,449,-316,-535,-508,-591,-937,-939,-940,-438,449,-440,-380,-381,-383,-507,-509,-511,449,-513,-514,-519,-520,449,-532,-534,-537,-538,-543,-548,-726,449,-727,449,-732,449,-734,449,-739,-656,-660,-661,449,-666,449,-667,449,-672,-674,449,-677,449,449,449,-687,-689,449,-692,449,449,-744,449,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,449,449,449,449,449,-877,449,-880,-908,-920,-925,-388,-389,449,-394,449,-397,449,-402,449,-403,449,-408,449,-413,449,-417,449,-418,449,-423,449,-426,-899,-900,-643,-585,-1894,-901,449,449,449,-800,449,449,-804,449,-807,-833,449,-818,449,-820,449,-822,-808,449,-824,449,-851,-852,449,449,-811,449,-646,-902,-904,-648,-649,-645,449,-705,-706,449,-642,-903,-647,-650,-603,-714,449,449,-605,-586,449,449,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,449,449,-709,-710,449,-716,449,449,449,449,449,449,-938,449,-439,-441,-747,449,-891,449,-715,-1894,449,449,449,449,449,-442,-512,-523,449,-728,-733,449,-735,449,-740,449,-662,-668,449,-678,-680,-682,-683,-690,-693,-697,-745,449,449,-874,449,449,-878,449,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,449,-812,449,-814,-801,449,-802,-805,449,-816,-819,-821,-823,-825,449,-826,449,-809,449,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,449,-282,449,449,449,449,-455,449,449,-729,449,-736,449,-741,449,-663,-671,449,449,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,449,-836,-53,449,449,-730,449,-737,449,-742,-664,449,-873,-54,449,449,-731,-738,-743,449,449,449,-872,]),'MASTER_HEARTBEAT_PERIOD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[450,450,450,450,-1894,450,450,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,450,450,450,450,-275,-276,450,-1425,450,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,450,450,450,-490,450,450,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,450,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,450,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,450,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,450,-172,-173,-174,-175,-993,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-290,-291,-281,450,450,450,450,450,-328,-318,-332,-333,-334,450,450,-982,-983,-984,-985,-986,-987,-988,450,450,450,450,450,450,450,450,450,450,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,450,450,450,-353,-356,450,-323,-324,-141,450,-142,450,-143,450,-430,-935,-936,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-1894,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-1894,450,-1894,450,450,450,450,450,450,450,450,450,450,450,450,-1894,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,450,-1894,450,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,450,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,450,450,450,-191,-192,450,-994,450,450,450,450,450,-277,-278,-279,-280,-365,450,-308,450,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,450,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,450,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,450,450,450,450,450,450,-573,450,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,450,450,-723,-724,-725,450,450,450,450,450,450,-994,450,450,-91,-92,450,450,450,450,-309,-310,-320,450,-307,-293,-294,-295,450,450,450,450,-618,-633,-590,450,450,-436,450,-437,450,-444,-445,-446,-378,-379,450,450,450,-506,450,450,-510,450,450,450,450,-515,-516,-517,-518,450,450,-521,-522,450,-524,-525,-526,-527,-528,-529,-530,-531,450,-533,450,450,450,-539,-541,-542,450,-544,-545,-546,-547,450,450,450,450,450,450,-652,-653,-654,-655,450,-657,-658,-659,450,450,450,-665,450,450,-669,-670,450,450,-673,450,-675,-676,450,-679,450,-681,450,450,-684,-685,-686,450,-688,450,450,-691,450,450,-694,-695,-696,450,-698,-699,-700,-701,450,450,-746,450,-749,-750,-751,-752,-753,450,-755,-756,-757,-758,-759,450,-766,-767,-769,450,-771,-772,-773,-782,-856,-858,-860,-862,450,450,450,450,-868,450,-870,450,450,450,450,450,450,450,-906,-907,450,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,450,-921,-924,450,-934,450,-385,-386,-387,450,450,-390,-391,-392,-393,450,-396,450,-399,-400,450,-401,450,-406,-407,450,-410,-411,-412,450,-415,450,-416,450,-421,-422,450,-425,450,-428,-429,-1894,-1894,450,-619,-620,-621,-622,-623,-634,-584,-624,-797,450,450,450,450,450,-831,450,450,-806,450,-832,450,450,450,450,-798,450,-853,-799,450,450,450,450,450,450,-854,-855,450,-834,-830,-835,450,-625,450,-626,-627,-628,-629,-574,450,450,-630,-631,-632,450,450,450,450,450,450,-635,-636,-637,-592,-1894,-602,450,-638,-639,-713,-640,-604,450,-572,-577,-580,-583,450,450,450,-598,-601,450,-608,450,450,450,450,450,450,450,450,450,450,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,450,450,450,-995,450,450,450,450,450,450,-306,-325,-319,-296,-375,-452,-453,-454,-458,450,-443,450,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,450,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,450,450,450,450,450,450,450,450,450,-316,-535,-508,-591,-937,-939,-940,-438,450,-440,-380,-381,-383,-507,-509,-511,450,-513,-514,-519,-520,450,-532,-534,-537,-538,-543,-548,-726,450,-727,450,-732,450,-734,450,-739,-656,-660,-661,450,-666,450,-667,450,-672,-674,450,-677,450,450,450,-687,-689,450,-692,450,450,-744,450,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,450,450,450,450,450,-877,450,-880,-908,-920,-925,-388,-389,450,-394,450,-397,450,-402,450,-403,450,-408,450,-413,450,-417,450,-418,450,-423,450,-426,-899,-900,-643,-585,-1894,-901,450,450,450,-800,450,450,-804,450,-807,-833,450,-818,450,-820,450,-822,-808,450,-824,450,-851,-852,450,450,-811,450,-646,-902,-904,-648,-649,-645,450,-705,-706,450,-642,-903,-647,-650,-603,-714,450,450,-605,-586,450,450,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,450,450,-709,-710,450,-716,450,450,450,450,450,450,-938,450,-439,-441,-747,450,-891,450,-715,-1894,450,450,450,450,450,-442,-512,-523,450,-728,-733,450,-735,450,-740,450,-662,-668,450,-678,-680,-682,-683,-690,-693,-697,-745,450,450,-874,450,450,-878,450,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,450,-812,450,-814,-801,450,-802,-805,450,-816,-819,-821,-823,-825,450,-826,450,-809,450,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,450,-282,450,450,450,450,-455,450,450,-729,450,-736,450,-741,450,-663,-671,450,450,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,450,-836,-53,450,450,-730,450,-737,450,-742,-664,450,-873,-54,450,450,-731,-738,-743,450,450,450,-872,]),'MASTER_HOST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[451,451,451,451,-1894,451,451,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,451,451,451,451,-275,-276,451,-1425,451,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,451,451,451,-490,451,451,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,451,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,451,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,451,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,451,-172,-173,-174,-175,-993,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-290,-291,-281,451,451,451,451,451,-328,-318,-332,-333,-334,451,451,-982,-983,-984,-985,-986,-987,-988,451,451,451,451,451,451,451,451,451,451,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,451,451,451,-353,-356,451,-323,-324,-141,451,-142,451,-143,451,-430,-935,-936,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-1894,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-1894,451,-1894,451,451,451,451,451,451,451,451,451,451,451,451,-1894,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,451,-1894,451,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,451,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,451,451,451,-191,-192,451,-994,451,451,451,451,451,-277,-278,-279,-280,-365,451,-308,451,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,451,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,451,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,451,451,451,451,451,451,-573,451,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,451,451,-723,-724,-725,451,451,451,451,451,451,-994,451,451,-91,-92,451,451,451,451,-309,-310,-320,451,-307,-293,-294,-295,451,451,451,451,-618,-633,-590,451,451,-436,451,-437,451,-444,-445,-446,-378,-379,451,451,451,-506,451,451,-510,451,451,451,451,-515,-516,-517,-518,451,451,-521,-522,451,-524,-525,-526,-527,-528,-529,-530,-531,451,-533,451,451,451,-539,-541,-542,451,-544,-545,-546,-547,451,451,451,451,451,451,-652,-653,-654,-655,451,-657,-658,-659,451,451,451,-665,451,451,-669,-670,451,451,-673,451,-675,-676,451,-679,451,-681,451,451,-684,-685,-686,451,-688,451,451,-691,451,451,-694,-695,-696,451,-698,-699,-700,-701,451,451,-746,451,-749,-750,-751,-752,-753,451,-755,-756,-757,-758,-759,451,-766,-767,-769,451,-771,-772,-773,-782,-856,-858,-860,-862,451,451,451,451,-868,451,-870,451,451,451,451,451,451,451,-906,-907,451,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,451,-921,-924,451,-934,451,-385,-386,-387,451,451,-390,-391,-392,-393,451,-396,451,-399,-400,451,-401,451,-406,-407,451,-410,-411,-412,451,-415,451,-416,451,-421,-422,451,-425,451,-428,-429,-1894,-1894,451,-619,-620,-621,-622,-623,-634,-584,-624,-797,451,451,451,451,451,-831,451,451,-806,451,-832,451,451,451,451,-798,451,-853,-799,451,451,451,451,451,451,-854,-855,451,-834,-830,-835,451,-625,451,-626,-627,-628,-629,-574,451,451,-630,-631,-632,451,451,451,451,451,451,-635,-636,-637,-592,-1894,-602,451,-638,-639,-713,-640,-604,451,-572,-577,-580,-583,451,451,451,-598,-601,451,-608,451,451,451,451,451,451,451,451,451,451,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,451,451,451,-995,451,451,451,451,451,451,-306,-325,-319,-296,-375,-452,-453,-454,-458,451,-443,451,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,451,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,451,451,451,451,451,451,451,451,451,-316,-535,-508,-591,-937,-939,-940,-438,451,-440,-380,-381,-383,-507,-509,-511,451,-513,-514,-519,-520,451,-532,-534,-537,-538,-543,-548,-726,451,-727,451,-732,451,-734,451,-739,-656,-660,-661,451,-666,451,-667,451,-672,-674,451,-677,451,451,451,-687,-689,451,-692,451,451,-744,451,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,451,451,451,451,451,-877,451,-880,-908,-920,-925,-388,-389,451,-394,451,-397,451,-402,451,-403,451,-408,451,-413,451,-417,451,-418,451,-423,451,-426,-899,-900,-643,-585,-1894,-901,451,451,451,-800,451,451,-804,451,-807,-833,451,-818,451,-820,451,-822,-808,451,-824,451,-851,-852,451,451,-811,451,-646,-902,-904,-648,-649,-645,451,-705,-706,451,-642,-903,-647,-650,-603,-714,451,451,-605,-586,451,451,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,451,451,-709,-710,451,-716,451,451,451,451,451,451,-938,451,-439,-441,-747,451,-891,451,-715,-1894,451,451,451,451,451,-442,-512,-523,451,-728,-733,451,-735,451,-740,451,-662,-668,451,-678,-680,-682,-683,-690,-693,-697,-745,451,451,-874,451,451,-878,451,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,451,-812,451,-814,-801,451,-802,-805,451,-816,-819,-821,-823,-825,451,-826,451,-809,451,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,451,-282,451,451,451,451,-455,451,451,-729,451,-736,451,-741,451,-663,-671,451,451,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,451,-836,-53,451,451,-730,451,-737,451,-742,-664,451,-873,-54,451,451,-731,-738,-743,451,451,451,-872,]),'MASTER_LOG_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[452,452,452,452,-1894,452,452,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,452,452,452,452,-275,-276,452,-1425,452,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,452,452,452,-490,452,452,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,452,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,452,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,452,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,452,-172,-173,-174,-175,-993,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-290,-291,-281,452,452,452,452,452,-328,-318,-332,-333,-334,452,452,-982,-983,-984,-985,-986,-987,-988,452,452,452,452,452,452,452,452,452,452,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,452,452,452,-353,-356,452,-323,-324,-141,452,-142,452,-143,452,-430,-935,-936,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-1894,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-1894,452,-1894,452,452,452,452,452,452,452,452,452,452,452,452,-1894,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,452,-1894,452,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,452,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,452,452,452,-191,-192,452,-994,452,452,452,452,452,-277,-278,-279,-280,-365,452,-308,452,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,452,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,452,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,452,452,452,452,452,452,-573,452,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,452,452,-723,-724,-725,452,452,452,452,452,452,-994,452,452,-91,-92,452,452,452,452,-309,-310,-320,452,-307,-293,-294,-295,452,452,452,452,-618,-633,-590,452,452,-436,452,-437,452,-444,-445,-446,-378,-379,452,452,452,-506,452,452,-510,452,452,452,452,-515,-516,-517,-518,452,452,-521,-522,452,-524,-525,-526,-527,-528,-529,-530,-531,452,-533,452,452,452,-539,-541,-542,452,-544,-545,-546,-547,452,452,452,452,452,452,-652,-653,-654,-655,452,-657,-658,-659,452,452,452,-665,452,452,-669,-670,452,452,-673,452,-675,-676,452,-679,452,-681,452,452,-684,-685,-686,452,-688,452,452,-691,452,452,-694,-695,-696,452,-698,-699,-700,-701,452,452,-746,452,-749,-750,-751,-752,-753,452,-755,-756,-757,-758,-759,452,-766,-767,-769,452,-771,-772,-773,-782,-856,-858,-860,-862,452,452,452,452,-868,452,-870,452,452,452,452,452,452,452,-906,-907,452,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,452,-921,-924,452,-934,452,-385,-386,-387,452,452,-390,-391,-392,-393,452,-396,452,-399,-400,452,-401,452,-406,-407,452,-410,-411,-412,452,-415,452,-416,452,-421,-422,452,-425,452,-428,-429,-1894,-1894,452,-619,-620,-621,-622,-623,-634,-584,-624,-797,452,452,452,452,452,-831,452,452,-806,452,-832,452,452,452,452,-798,452,-853,-799,452,452,452,452,452,452,-854,-855,452,-834,-830,-835,452,-625,452,-626,-627,-628,-629,-574,452,452,-630,-631,-632,452,452,452,452,452,452,-635,-636,-637,-592,-1894,-602,452,-638,-639,-713,-640,-604,452,-572,-577,-580,-583,452,452,452,-598,-601,452,-608,452,452,452,452,452,452,452,452,452,452,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,452,452,452,-995,452,452,452,452,452,452,-306,-325,-319,-296,-375,-452,-453,-454,-458,452,-443,452,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,452,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,452,452,452,452,452,452,452,452,452,-316,-535,-508,-591,-937,-939,-940,-438,452,-440,-380,-381,-383,-507,-509,-511,452,-513,-514,-519,-520,452,-532,-534,-537,-538,-543,-548,-726,452,-727,452,-732,452,-734,452,-739,-656,-660,-661,452,-666,452,-667,452,-672,-674,452,-677,452,452,452,-687,-689,452,-692,452,452,-744,452,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,452,452,452,452,452,-877,452,-880,-908,-920,-925,-388,-389,452,-394,452,-397,452,-402,452,-403,452,-408,452,-413,452,-417,452,-418,452,-423,452,-426,-899,-900,-643,-585,-1894,-901,452,452,452,-800,452,452,-804,452,-807,-833,452,-818,452,-820,452,-822,-808,452,-824,452,-851,-852,452,452,-811,452,-646,-902,-904,-648,-649,-645,452,-705,-706,452,-642,-903,-647,-650,-603,-714,452,452,-605,-586,452,452,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,452,452,-709,-710,452,-716,452,452,452,452,452,452,-938,452,-439,-441,-747,452,-891,452,-715,-1894,452,452,452,452,452,-442,-512,-523,452,-728,-733,452,-735,452,-740,452,-662,-668,452,-678,-680,-682,-683,-690,-693,-697,-745,452,452,-874,452,452,-878,452,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,452,-812,452,-814,-801,452,-802,-805,452,-816,-819,-821,-823,-825,452,-826,452,-809,452,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,452,-282,452,452,452,452,-455,452,452,-729,452,-736,452,-741,452,-663,-671,452,452,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,452,-836,-53,452,452,-730,452,-737,452,-742,-664,452,-873,-54,452,452,-731,-738,-743,452,452,452,-872,]),'MASTER_LOG_POS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[453,453,453,453,-1894,453,453,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,453,453,453,453,-275,-276,453,-1425,453,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,453,453,453,-490,453,453,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,453,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,453,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,453,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,453,-172,-173,-174,-175,-993,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-290,-291,-281,453,453,453,453,453,-328,-318,-332,-333,-334,453,453,-982,-983,-984,-985,-986,-987,-988,453,453,453,453,453,453,453,453,453,453,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,453,453,453,-353,-356,453,-323,-324,-141,453,-142,453,-143,453,-430,-935,-936,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-1894,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-1894,453,-1894,453,453,453,453,453,453,453,453,453,453,453,453,-1894,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,453,-1894,453,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,453,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,453,453,453,-191,-192,453,-994,453,453,453,453,453,-277,-278,-279,-280,-365,453,-308,453,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,453,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,453,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,453,453,453,453,453,453,-573,453,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,453,453,-723,-724,-725,453,453,453,453,453,453,-994,453,453,-91,-92,453,453,453,453,-309,-310,-320,453,-307,-293,-294,-295,453,453,453,453,-618,-633,-590,453,453,-436,453,-437,453,-444,-445,-446,-378,-379,453,453,453,-506,453,453,-510,453,453,453,453,-515,-516,-517,-518,453,453,-521,-522,453,-524,-525,-526,-527,-528,-529,-530,-531,453,-533,453,453,453,-539,-541,-542,453,-544,-545,-546,-547,453,453,453,453,453,453,-652,-653,-654,-655,453,-657,-658,-659,453,453,453,-665,453,453,-669,-670,453,453,-673,453,-675,-676,453,-679,453,-681,453,453,-684,-685,-686,453,-688,453,453,-691,453,453,-694,-695,-696,453,-698,-699,-700,-701,453,453,-746,453,-749,-750,-751,-752,-753,453,-755,-756,-757,-758,-759,453,-766,-767,-769,453,-771,-772,-773,-782,-856,-858,-860,-862,453,453,453,453,-868,453,-870,453,453,453,453,453,453,453,-906,-907,453,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,453,-921,-924,453,-934,453,-385,-386,-387,453,453,-390,-391,-392,-393,453,-396,453,-399,-400,453,-401,453,-406,-407,453,-410,-411,-412,453,-415,453,-416,453,-421,-422,453,-425,453,-428,-429,-1894,-1894,453,-619,-620,-621,-622,-623,-634,-584,-624,-797,453,453,453,453,453,-831,453,453,-806,453,-832,453,453,453,453,-798,453,-853,-799,453,453,453,453,453,453,-854,-855,453,-834,-830,-835,453,-625,453,-626,-627,-628,-629,-574,453,453,-630,-631,-632,453,453,453,453,453,453,-635,-636,-637,-592,-1894,-602,453,-638,-639,-713,-640,-604,453,-572,-577,-580,-583,453,453,453,-598,-601,453,-608,453,453,453,453,453,453,453,453,453,453,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,453,453,453,-995,453,453,453,453,453,453,-306,-325,-319,-296,-375,-452,-453,-454,-458,453,-443,453,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,453,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,453,453,453,453,453,453,453,453,453,-316,-535,-508,-591,-937,-939,-940,-438,453,-440,-380,-381,-383,-507,-509,-511,453,-513,-514,-519,-520,453,-532,-534,-537,-538,-543,-548,-726,453,-727,453,-732,453,-734,453,-739,-656,-660,-661,453,-666,453,-667,453,-672,-674,453,-677,453,453,453,-687,-689,453,-692,453,453,-744,453,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,453,453,453,453,453,-877,453,-880,-908,-920,-925,-388,-389,453,-394,453,-397,453,-402,453,-403,453,-408,453,-413,453,-417,453,-418,453,-423,453,-426,-899,-900,-643,-585,-1894,-901,453,453,453,-800,453,453,-804,453,-807,-833,453,-818,453,-820,453,-822,-808,453,-824,453,-851,-852,453,453,-811,453,-646,-902,-904,-648,-649,-645,453,-705,-706,453,-642,-903,-647,-650,-603,-714,453,453,-605,-586,453,453,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,453,453,-709,-710,453,-716,453,453,453,453,453,453,-938,453,-439,-441,-747,453,-891,453,-715,-1894,453,453,453,453,453,-442,-512,-523,453,-728,-733,453,-735,453,-740,453,-662,-668,453,-678,-680,-682,-683,-690,-693,-697,-745,453,453,-874,453,453,-878,453,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,453,-812,453,-814,-801,453,-802,-805,453,-816,-819,-821,-823,-825,453,-826,453,-809,453,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,453,-282,453,453,453,453,-455,453,453,-729,453,-736,453,-741,453,-663,-671,453,453,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,453,-836,-53,453,453,-730,453,-737,453,-742,-664,453,-873,-54,453,453,-731,-738,-743,453,453,453,-872,]),'MASTER_PASSWORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[454,454,454,454,-1894,454,454,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,454,454,454,454,-275,-276,454,-1425,454,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,454,454,454,-490,454,454,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,454,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,454,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,454,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,454,-172,-173,-174,-175,-993,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-290,-291,-281,454,454,454,454,454,-328,-318,-332,-333,-334,454,454,-982,-983,-984,-985,-986,-987,-988,454,454,454,454,454,454,454,454,454,454,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,454,454,454,-353,-356,454,-323,-324,-141,454,-142,454,-143,454,-430,-935,-936,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-1894,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-1894,454,-1894,454,454,454,454,454,454,454,454,454,454,454,454,-1894,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,454,-1894,454,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,454,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,454,454,454,-191,-192,454,-994,454,454,454,454,454,-277,-278,-279,-280,-365,454,-308,454,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,454,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,454,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,454,454,454,454,454,454,-573,454,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,454,454,-723,-724,-725,454,454,454,454,454,454,-994,454,454,-91,-92,454,454,454,454,-309,-310,-320,454,-307,-293,-294,-295,454,454,454,454,-618,-633,-590,454,454,-436,454,-437,454,-444,-445,-446,-378,-379,454,454,454,-506,454,454,-510,454,454,454,454,-515,-516,-517,-518,454,454,-521,-522,454,-524,-525,-526,-527,-528,-529,-530,-531,454,-533,454,454,454,-539,-541,-542,454,-544,-545,-546,-547,454,454,454,454,454,454,-652,-653,-654,-655,454,-657,-658,-659,454,454,454,-665,454,454,-669,-670,454,454,-673,454,-675,-676,454,-679,454,-681,454,454,-684,-685,-686,454,-688,454,454,-691,454,454,-694,-695,-696,454,-698,-699,-700,-701,454,454,-746,454,-749,-750,-751,-752,-753,454,-755,-756,-757,-758,-759,454,-766,-767,-769,454,-771,-772,-773,-782,-856,-858,-860,-862,454,454,454,454,-868,454,-870,454,454,454,454,454,454,454,-906,-907,454,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,454,-921,-924,454,-934,454,-385,-386,-387,454,454,-390,-391,-392,-393,454,-396,454,-399,-400,454,-401,454,-406,-407,454,-410,-411,-412,454,-415,454,-416,454,-421,-422,454,-425,454,-428,-429,-1894,-1894,454,-619,-620,-621,-622,-623,-634,-584,-624,-797,454,454,454,454,454,-831,454,454,-806,454,-832,454,454,454,454,-798,454,-853,-799,454,454,454,454,454,454,-854,-855,454,-834,-830,-835,454,-625,454,-626,-627,-628,-629,-574,454,454,-630,-631,-632,454,454,454,454,454,454,-635,-636,-637,-592,-1894,-602,454,-638,-639,-713,-640,-604,454,-572,-577,-580,-583,454,454,454,-598,-601,454,-608,454,454,454,454,454,454,454,454,454,454,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,454,454,454,-995,454,454,454,454,454,454,-306,-325,-319,-296,-375,-452,-453,-454,-458,454,-443,454,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,454,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,454,454,454,454,454,454,454,454,454,-316,-535,-508,-591,-937,-939,-940,-438,454,-440,-380,-381,-383,-507,-509,-511,454,-513,-514,-519,-520,454,-532,-534,-537,-538,-543,-548,-726,454,-727,454,-732,454,-734,454,-739,-656,-660,-661,454,-666,454,-667,454,-672,-674,454,-677,454,454,454,-687,-689,454,-692,454,454,-744,454,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,454,454,454,454,454,-877,454,-880,-908,-920,-925,-388,-389,454,-394,454,-397,454,-402,454,-403,454,-408,454,-413,454,-417,454,-418,454,-423,454,-426,-899,-900,-643,-585,-1894,-901,454,454,454,-800,454,454,-804,454,-807,-833,454,-818,454,-820,454,-822,-808,454,-824,454,-851,-852,454,454,-811,454,-646,-902,-904,-648,-649,-645,454,-705,-706,454,-642,-903,-647,-650,-603,-714,454,454,-605,-586,454,454,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,454,454,-709,-710,454,-716,454,454,454,454,454,454,-938,454,-439,-441,-747,454,-891,454,-715,-1894,454,454,454,454,454,-442,-512,-523,454,-728,-733,454,-735,454,-740,454,-662,-668,454,-678,-680,-682,-683,-690,-693,-697,-745,454,454,-874,454,454,-878,454,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,454,-812,454,-814,-801,454,-802,-805,454,-816,-819,-821,-823,-825,454,-826,454,-809,454,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,454,-282,454,454,454,454,-455,454,454,-729,454,-736,454,-741,454,-663,-671,454,454,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,454,-836,-53,454,454,-730,454,-737,454,-742,-664,454,-873,-54,454,454,-731,-738,-743,454,454,454,-872,]),'MASTER_PORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[455,455,455,455,-1894,455,455,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,455,455,455,455,-275,-276,455,-1425,455,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,455,455,455,-490,455,455,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,455,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,455,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,455,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,455,-172,-173,-174,-175,-993,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-290,-291,-281,455,455,455,455,455,-328,-318,-332,-333,-334,455,455,-982,-983,-984,-985,-986,-987,-988,455,455,455,455,455,455,455,455,455,455,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,455,455,455,-353,-356,455,-323,-324,-141,455,-142,455,-143,455,-430,-935,-936,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-1894,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-1894,455,-1894,455,455,455,455,455,455,455,455,455,455,455,455,-1894,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,455,-1894,455,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,455,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,455,455,455,-191,-192,455,-994,455,455,455,455,455,-277,-278,-279,-280,-365,455,-308,455,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,455,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,455,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,455,455,455,455,455,455,-573,455,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,455,455,-723,-724,-725,455,455,455,455,455,455,-994,455,455,-91,-92,455,455,455,455,-309,-310,-320,455,-307,-293,-294,-295,455,455,455,455,-618,-633,-590,455,455,-436,455,-437,455,-444,-445,-446,-378,-379,455,455,455,-506,455,455,-510,455,455,455,455,-515,-516,-517,-518,455,455,-521,-522,455,-524,-525,-526,-527,-528,-529,-530,-531,455,-533,455,455,455,-539,-541,-542,455,-544,-545,-546,-547,455,455,455,455,455,455,-652,-653,-654,-655,455,-657,-658,-659,455,455,455,-665,455,455,-669,-670,455,455,-673,455,-675,-676,455,-679,455,-681,455,455,-684,-685,-686,455,-688,455,455,-691,455,455,-694,-695,-696,455,-698,-699,-700,-701,455,455,-746,455,-749,-750,-751,-752,-753,455,-755,-756,-757,-758,-759,455,-766,-767,-769,455,-771,-772,-773,-782,-856,-858,-860,-862,455,455,455,455,-868,455,-870,455,455,455,455,455,455,455,-906,-907,455,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,455,-921,-924,455,-934,455,-385,-386,-387,455,455,-390,-391,-392,-393,455,-396,455,-399,-400,455,-401,455,-406,-407,455,-410,-411,-412,455,-415,455,-416,455,-421,-422,455,-425,455,-428,-429,-1894,-1894,455,-619,-620,-621,-622,-623,-634,-584,-624,-797,455,455,455,455,455,-831,455,455,-806,455,-832,455,455,455,455,-798,455,-853,-799,455,455,455,455,455,455,-854,-855,455,-834,-830,-835,455,-625,455,-626,-627,-628,-629,-574,455,455,-630,-631,-632,455,455,455,455,455,455,-635,-636,-637,-592,-1894,-602,455,-638,-639,-713,-640,-604,455,-572,-577,-580,-583,455,455,455,-598,-601,455,-608,455,455,455,455,455,455,455,455,455,455,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,455,455,455,-995,455,455,455,455,455,455,-306,-325,-319,-296,-375,-452,-453,-454,-458,455,-443,455,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,455,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,455,455,455,455,455,455,455,455,455,-316,-535,-508,-591,-937,-939,-940,-438,455,-440,-380,-381,-383,-507,-509,-511,455,-513,-514,-519,-520,455,-532,-534,-537,-538,-543,-548,-726,455,-727,455,-732,455,-734,455,-739,-656,-660,-661,455,-666,455,-667,455,-672,-674,455,-677,455,455,455,-687,-689,455,-692,455,455,-744,455,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,455,455,455,455,455,-877,455,-880,-908,-920,-925,-388,-389,455,-394,455,-397,455,-402,455,-403,455,-408,455,-413,455,-417,455,-418,455,-423,455,-426,-899,-900,-643,-585,-1894,-901,455,455,455,-800,455,455,-804,455,-807,-833,455,-818,455,-820,455,-822,-808,455,-824,455,-851,-852,455,455,-811,455,-646,-902,-904,-648,-649,-645,455,-705,-706,455,-642,-903,-647,-650,-603,-714,455,455,-605,-586,455,455,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,455,455,-709,-710,455,-716,455,455,455,455,455,455,-938,455,-439,-441,-747,455,-891,455,-715,-1894,455,455,455,455,455,-442,-512,-523,455,-728,-733,455,-735,455,-740,455,-662,-668,455,-678,-680,-682,-683,-690,-693,-697,-745,455,455,-874,455,455,-878,455,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,455,-812,455,-814,-801,455,-802,-805,455,-816,-819,-821,-823,-825,455,-826,455,-809,455,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,455,-282,455,455,455,455,-455,455,455,-729,455,-736,455,-741,455,-663,-671,455,455,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,455,-836,-53,455,455,-730,455,-737,455,-742,-664,455,-873,-54,455,455,-731,-738,-743,455,455,455,-872,]),'MASTER_POS_WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[456,456,456,1195,-1894,456,456,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,456,456,456,456,-275,-276,1195,-1425,1195,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1195,1195,1195,-490,1195,1195,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1195,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1195,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1919,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,456,-172,-173,-174,-175,-993,456,456,456,456,456,456,456,456,456,456,1195,1195,1195,1195,1195,-290,-291,-281,456,1195,1195,1195,1195,-328,-318,-332,-333,-334,1195,1195,-982,-983,-984,-985,-986,-987,-988,456,456,1195,1195,1195,1195,1195,1195,1195,1195,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1195,1195,1195,-353,-356,456,-323,-324,-141,1195,-142,1195,-143,1195,-430,-935,-936,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1894,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1894,1195,-1894,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1894,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-1894,456,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1195,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1195,456,456,-191,-192,456,-994,1195,456,456,456,456,-277,-278,-279,-280,-365,1195,-308,1195,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1195,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1195,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1195,1195,1195,1195,1195,1195,-573,1195,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1195,1195,-723,-724,-725,1195,1919,456,456,456,456,-994,456,1195,-91,-92,456,456,456,1195,-309,-310,-320,1195,-307,-293,-294,-295,1195,456,1195,1195,-618,-633,-590,1195,456,-436,456,-437,1195,-444,-445,-446,-378,-379,1195,1195,1195,-506,1195,1195,-510,1195,1195,1195,1195,-515,-516,-517,-518,1195,1195,-521,-522,1195,-524,-525,-526,-527,-528,-529,-530,-531,1195,-533,1195,1195,1195,-539,-541,-542,1195,-544,-545,-546,-547,1195,1195,1195,1195,1195,1195,-652,-653,-654,-655,456,-657,-658,-659,1195,1195,1195,-665,1195,1195,-669,-670,1195,1195,-673,1195,-675,-676,1195,-679,1195,-681,1195,1195,-684,-685,-686,1195,-688,1195,1195,-691,1195,1195,-694,-695,-696,1195,-698,-699,-700,-701,1195,1195,-746,1195,-749,-750,-751,-752,-753,1195,-755,-756,-757,-758,-759,1195,-766,-767,-769,1195,-771,-772,-773,-782,-856,-858,-860,-862,1195,1195,1195,1195,-868,1195,-870,1195,1195,1195,1195,1195,1195,1195,-906,-907,1195,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1195,-921,-924,1195,-934,1195,-385,-386,-387,1195,1195,-390,-391,-392,-393,1195,-396,1195,-399,-400,1195,-401,1195,-406,-407,1195,-410,-411,-412,1195,-415,1195,-416,1195,-421,-422,1195,-425,1195,-428,-429,-1894,-1894,1195,-619,-620,-621,-622,-623,-634,-584,-624,-797,1195,1195,1195,1195,1195,-831,1195,1195,-806,1195,-832,1195,1195,1195,1195,-798,1195,-853,-799,1195,1195,1195,1195,1195,1195,-854,-855,1195,-834,-830,-835,1195,-625,1195,-626,-627,-628,-629,-574,1195,1195,-630,-631,-632,1195,1195,1195,1195,1195,1195,-635,-636,-637,-592,-1894,-602,1195,-638,-639,-713,-640,-604,1195,-572,-577,-580,-583,1195,1195,1195,-598,-601,1195,-608,1195,1195,1195,1195,1195,1195,1195,1195,1195,1195,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1195,456,456,-995,456,1195,456,456,456,1195,-306,-325,-319,-296,-375,-452,-453,-454,-458,456,-443,1195,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1195,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,456,456,456,456,456,456,456,456,1195,-316,-535,-508,-591,-937,-939,-940,-438,1195,-440,-380,-381,-383,-507,-509,-511,1195,-513,-514,-519,-520,1195,-532,-534,-537,-538,-543,-548,-726,1195,-727,1195,-732,1195,-734,1195,-739,-656,-660,-661,1195,-666,1195,-667,1195,-672,-674,1195,-677,1195,1195,1195,-687,-689,1195,-692,1195,1195,-744,1195,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1195,1195,1195,1195,1195,-877,1195,-880,-908,-920,-925,-388,-389,1195,-394,1195,-397,1195,-402,1195,-403,1195,-408,1195,-413,1195,-417,1195,-418,1195,-423,1195,-426,-899,-900,-643,-585,-1894,-901,1195,1195,1195,-800,1195,1195,-804,1195,-807,-833,1195,-818,1195,-820,1195,-822,-808,1195,-824,1195,-851,-852,1195,1195,-811,1195,-646,-902,-904,-648,-649,-645,1195,-705,-706,1195,-642,-903,-647,-650,-603,-714,1195,1195,-605,-586,1195,1195,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1195,1195,-709,-710,1195,-716,1195,456,456,456,1195,1195,-938,456,-439,-441,-747,1195,-891,1919,-715,-1894,1195,1195,456,456,1195,-442,-512,-523,1195,-728,-733,1195,-735,1195,-740,1195,-662,-668,1195,-678,-680,-682,-683,-690,-693,-697,-745,1195,1195,-874,1195,1195,-878,1195,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1195,-812,1195,-814,-801,1195,-802,-805,1195,-816,-819,-821,-823,-825,1195,-826,1195,-809,1195,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,456,-282,456,1195,456,1195,-455,1195,1195,-729,1195,-736,1195,-741,1195,-663,-671,1195,1195,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1195,-836,-53,456,1195,-730,1195,-737,1195,-742,-664,1195,-873,-54,456,456,-731,-738,-743,1195,456,1195,-872,]),'MASTER_RETRY_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[457,457,457,457,-1894,457,457,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,457,457,457,457,-275,-276,457,-1425,457,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,457,457,457,-490,457,457,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,457,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,457,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,457,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,457,-172,-173,-174,-175,-993,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-290,-291,-281,457,457,457,457,457,-328,-318,-332,-333,-334,457,457,-982,-983,-984,-985,-986,-987,-988,457,457,457,457,457,457,457,457,457,457,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,457,457,457,-353,-356,457,-323,-324,-141,457,-142,457,-143,457,-430,-935,-936,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-1894,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-1894,457,-1894,457,457,457,457,457,457,457,457,457,457,457,457,-1894,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,457,-1894,457,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,457,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,457,457,457,-191,-192,457,-994,457,457,457,457,457,-277,-278,-279,-280,-365,457,-308,457,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,457,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,457,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,457,457,457,457,457,457,-573,457,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,457,457,-723,-724,-725,457,457,457,457,457,457,-994,457,457,-91,-92,457,457,457,457,-309,-310,-320,457,-307,-293,-294,-295,457,457,457,457,-618,-633,-590,457,457,-436,457,-437,457,-444,-445,-446,-378,-379,457,457,457,-506,457,457,-510,457,457,457,457,-515,-516,-517,-518,457,457,-521,-522,457,-524,-525,-526,-527,-528,-529,-530,-531,457,-533,457,457,457,-539,-541,-542,457,-544,-545,-546,-547,457,457,457,457,457,457,-652,-653,-654,-655,457,-657,-658,-659,457,457,457,-665,457,457,-669,-670,457,457,-673,457,-675,-676,457,-679,457,-681,457,457,-684,-685,-686,457,-688,457,457,-691,457,457,-694,-695,-696,457,-698,-699,-700,-701,457,457,-746,457,-749,-750,-751,-752,-753,457,-755,-756,-757,-758,-759,457,-766,-767,-769,457,-771,-772,-773,-782,-856,-858,-860,-862,457,457,457,457,-868,457,-870,457,457,457,457,457,457,457,-906,-907,457,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,457,-921,-924,457,-934,457,-385,-386,-387,457,457,-390,-391,-392,-393,457,-396,457,-399,-400,457,-401,457,-406,-407,457,-410,-411,-412,457,-415,457,-416,457,-421,-422,457,-425,457,-428,-429,-1894,-1894,457,-619,-620,-621,-622,-623,-634,-584,-624,-797,457,457,457,457,457,-831,457,457,-806,457,-832,457,457,457,457,-798,457,-853,-799,457,457,457,457,457,457,-854,-855,457,-834,-830,-835,457,-625,457,-626,-627,-628,-629,-574,457,457,-630,-631,-632,457,457,457,457,457,457,-635,-636,-637,-592,-1894,-602,457,-638,-639,-713,-640,-604,457,-572,-577,-580,-583,457,457,457,-598,-601,457,-608,457,457,457,457,457,457,457,457,457,457,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,457,457,457,-995,457,457,457,457,457,457,-306,-325,-319,-296,-375,-452,-453,-454,-458,457,-443,457,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,457,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,457,457,457,457,457,457,457,457,457,-316,-535,-508,-591,-937,-939,-940,-438,457,-440,-380,-381,-383,-507,-509,-511,457,-513,-514,-519,-520,457,-532,-534,-537,-538,-543,-548,-726,457,-727,457,-732,457,-734,457,-739,-656,-660,-661,457,-666,457,-667,457,-672,-674,457,-677,457,457,457,-687,-689,457,-692,457,457,-744,457,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,457,457,457,457,457,-877,457,-880,-908,-920,-925,-388,-389,457,-394,457,-397,457,-402,457,-403,457,-408,457,-413,457,-417,457,-418,457,-423,457,-426,-899,-900,-643,-585,-1894,-901,457,457,457,-800,457,457,-804,457,-807,-833,457,-818,457,-820,457,-822,-808,457,-824,457,-851,-852,457,457,-811,457,-646,-902,-904,-648,-649,-645,457,-705,-706,457,-642,-903,-647,-650,-603,-714,457,457,-605,-586,457,457,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,457,457,-709,-710,457,-716,457,457,457,457,457,457,-938,457,-439,-441,-747,457,-891,457,-715,-1894,457,457,457,457,457,-442,-512,-523,457,-728,-733,457,-735,457,-740,457,-662,-668,457,-678,-680,-682,-683,-690,-693,-697,-745,457,457,-874,457,457,-878,457,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,457,-812,457,-814,-801,457,-802,-805,457,-816,-819,-821,-823,-825,457,-826,457,-809,457,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,457,-282,457,457,457,457,-455,457,457,-729,457,-736,457,-741,457,-663,-671,457,457,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,457,-836,-53,457,457,-730,457,-737,457,-742,-664,457,-873,-54,457,457,-731,-738,-743,457,457,457,-872,]),'MASTER_SERVER_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[458,458,458,458,-1894,458,458,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,458,458,458,458,-275,-276,458,-1425,458,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,458,458,458,-490,458,458,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,458,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,458,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,458,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,458,-172,-173,-174,-175,-993,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-290,-291,-281,458,458,458,458,458,-328,-318,-332,-333,-334,458,458,-982,-983,-984,-985,-986,-987,-988,458,458,458,458,458,458,458,458,458,458,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,458,458,458,-353,-356,458,-323,-324,-141,458,-142,458,-143,458,-430,-935,-936,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-1894,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-1894,458,-1894,458,458,458,458,458,458,458,458,458,458,458,458,-1894,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,458,-1894,458,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,458,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,458,458,458,-191,-192,458,-994,458,458,458,458,458,-277,-278,-279,-280,-365,458,-308,458,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,458,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,458,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,458,458,458,458,458,458,-573,458,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,458,458,-723,-724,-725,458,458,458,458,458,458,-994,458,458,-91,-92,458,458,458,458,-309,-310,-320,458,-307,-293,-294,-295,458,458,458,458,-618,-633,-590,458,458,-436,458,-437,458,-444,-445,-446,-378,-379,458,458,458,-506,458,458,-510,458,458,458,458,-515,-516,-517,-518,458,458,-521,-522,458,-524,-525,-526,-527,-528,-529,-530,-531,458,-533,458,458,458,-539,-541,-542,458,-544,-545,-546,-547,458,458,458,458,458,458,-652,-653,-654,-655,458,-657,-658,-659,458,458,458,-665,458,458,-669,-670,458,458,-673,458,-675,-676,458,-679,458,-681,458,458,-684,-685,-686,458,-688,458,458,-691,458,458,-694,-695,-696,458,-698,-699,-700,-701,458,458,-746,458,-749,-750,-751,-752,-753,458,-755,-756,-757,-758,-759,458,-766,-767,-769,458,-771,-772,-773,-782,-856,-858,-860,-862,458,458,458,458,-868,458,-870,458,458,458,458,458,458,458,-906,-907,458,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,458,-921,-924,458,-934,458,-385,-386,-387,458,458,-390,-391,-392,-393,458,-396,458,-399,-400,458,-401,458,-406,-407,458,-410,-411,-412,458,-415,458,-416,458,-421,-422,458,-425,458,-428,-429,-1894,-1894,458,-619,-620,-621,-622,-623,-634,-584,-624,-797,458,458,458,458,458,-831,458,458,-806,458,-832,458,458,458,458,-798,458,-853,-799,458,458,458,458,458,458,-854,-855,458,-834,-830,-835,458,-625,458,-626,-627,-628,-629,-574,458,458,-630,-631,-632,458,458,458,458,458,458,-635,-636,-637,-592,-1894,-602,458,-638,-639,-713,-640,-604,458,-572,-577,-580,-583,458,458,458,-598,-601,458,-608,458,458,458,458,458,458,458,458,458,458,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,458,458,458,-995,458,458,458,458,458,458,-306,-325,-319,-296,-375,-452,-453,-454,-458,458,-443,458,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,458,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,458,458,458,458,458,458,458,458,458,-316,-535,-508,-591,-937,-939,-940,-438,458,-440,-380,-381,-383,-507,-509,-511,458,-513,-514,-519,-520,458,-532,-534,-537,-538,-543,-548,-726,458,-727,458,-732,458,-734,458,-739,-656,-660,-661,458,-666,458,-667,458,-672,-674,458,-677,458,458,458,-687,-689,458,-692,458,458,-744,458,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,458,458,458,458,458,-877,458,-880,-908,-920,-925,-388,-389,458,-394,458,-397,458,-402,458,-403,458,-408,458,-413,458,-417,458,-418,458,-423,458,-426,-899,-900,-643,-585,-1894,-901,458,458,458,-800,458,458,-804,458,-807,-833,458,-818,458,-820,458,-822,-808,458,-824,458,-851,-852,458,458,-811,458,-646,-902,-904,-648,-649,-645,458,-705,-706,458,-642,-903,-647,-650,-603,-714,458,458,-605,-586,458,458,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,458,458,-709,-710,458,-716,458,458,458,458,458,458,-938,458,-439,-441,-747,458,-891,458,-715,-1894,458,458,458,458,458,-442,-512,-523,458,-728,-733,458,-735,458,-740,458,-662,-668,458,-678,-680,-682,-683,-690,-693,-697,-745,458,458,-874,458,458,-878,458,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,458,-812,458,-814,-801,458,-802,-805,458,-816,-819,-821,-823,-825,458,-826,458,-809,458,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,458,-282,458,458,458,458,-455,458,458,-729,458,-736,458,-741,458,-663,-671,458,458,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,458,-836,-53,458,458,-730,458,-737,458,-742,-664,458,-873,-54,458,458,-731,-738,-743,458,458,458,-872,]),'MASTER_SSL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[459,459,459,459,-1894,459,459,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,459,459,459,459,-275,-276,459,-1425,459,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,459,459,459,-490,459,459,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,459,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,459,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,459,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,459,-172,-173,-174,-175,-993,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-290,-291,-281,459,459,459,459,459,-328,-318,-332,-333,-334,459,459,-982,-983,-984,-985,-986,-987,-988,459,459,459,459,459,459,459,459,459,459,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,459,459,459,-353,-356,459,-323,-324,-141,459,-142,459,-143,459,-430,-935,-936,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-1894,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-1894,459,-1894,459,459,459,459,459,459,459,459,459,459,459,459,-1894,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,459,-1894,459,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,459,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,459,459,459,-191,-192,459,-994,459,459,459,459,459,-277,-278,-279,-280,-365,459,-308,459,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,459,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,459,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,459,459,459,459,459,459,-573,459,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,459,459,-723,-724,-725,459,459,459,459,459,459,-994,459,459,-91,-92,459,459,459,459,-309,-310,-320,459,-307,-293,-294,-295,459,459,459,459,-618,-633,-590,459,459,-436,459,-437,459,-444,-445,-446,-378,-379,459,459,459,-506,459,459,-510,459,459,459,459,-515,-516,-517,-518,459,459,-521,-522,459,-524,-525,-526,-527,-528,-529,-530,-531,459,-533,459,459,459,-539,-541,-542,459,-544,-545,-546,-547,459,459,459,459,459,459,-652,-653,-654,-655,459,-657,-658,-659,459,459,459,-665,459,459,-669,-670,459,459,-673,459,-675,-676,459,-679,459,-681,459,459,-684,-685,-686,459,-688,459,459,-691,459,459,-694,-695,-696,459,-698,-699,-700,-701,459,459,-746,459,-749,-750,-751,-752,-753,459,-755,-756,-757,-758,-759,459,-766,-767,-769,459,-771,-772,-773,-782,-856,-858,-860,-862,459,459,459,459,-868,459,-870,459,459,459,459,459,459,459,-906,-907,459,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,459,-921,-924,459,-934,459,-385,-386,-387,459,459,-390,-391,-392,-393,459,-396,459,-399,-400,459,-401,459,-406,-407,459,-410,-411,-412,459,-415,459,-416,459,-421,-422,459,-425,459,-428,-429,-1894,-1894,459,-619,-620,-621,-622,-623,-634,-584,-624,-797,459,459,459,459,459,-831,459,459,-806,459,-832,459,459,459,459,-798,459,-853,-799,459,459,459,459,459,459,-854,-855,459,-834,-830,-835,459,-625,459,-626,-627,-628,-629,-574,459,459,-630,-631,-632,459,459,459,459,459,459,-635,-636,-637,-592,-1894,-602,459,-638,-639,-713,-640,-604,459,-572,-577,-580,-583,459,459,459,-598,-601,459,-608,459,459,459,459,459,459,459,459,459,459,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,459,459,459,-995,459,459,459,459,459,459,-306,-325,-319,-296,-375,-452,-453,-454,-458,459,-443,459,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,459,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,459,459,459,459,459,459,459,459,459,-316,-535,-508,-591,-937,-939,-940,-438,459,-440,-380,-381,-383,-507,-509,-511,459,-513,-514,-519,-520,459,-532,-534,-537,-538,-543,-548,-726,459,-727,459,-732,459,-734,459,-739,-656,-660,-661,459,-666,459,-667,459,-672,-674,459,-677,459,459,459,-687,-689,459,-692,459,459,-744,459,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,459,459,459,459,459,-877,459,-880,-908,-920,-925,-388,-389,459,-394,459,-397,459,-402,459,-403,459,-408,459,-413,459,-417,459,-418,459,-423,459,-426,-899,-900,-643,-585,-1894,-901,459,459,459,-800,459,459,-804,459,-807,-833,459,-818,459,-820,459,-822,-808,459,-824,459,-851,-852,459,459,-811,459,-646,-902,-904,-648,-649,-645,459,-705,-706,459,-642,-903,-647,-650,-603,-714,459,459,-605,-586,459,459,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,459,459,-709,-710,459,-716,459,459,459,459,459,459,-938,459,-439,-441,-747,459,-891,459,-715,-1894,459,459,459,459,459,-442,-512,-523,459,-728,-733,459,-735,459,-740,459,-662,-668,459,-678,-680,-682,-683,-690,-693,-697,-745,459,459,-874,459,459,-878,459,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,459,-812,459,-814,-801,459,-802,-805,459,-816,-819,-821,-823,-825,459,-826,459,-809,459,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,459,-282,459,459,459,459,-455,459,459,-729,459,-736,459,-741,459,-663,-671,459,459,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,459,-836,-53,459,459,-730,459,-737,459,-742,-664,459,-873,-54,459,459,-731,-738,-743,459,459,459,-872,]),'MASTER_SSL_CA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[460,460,460,460,-1894,460,460,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,460,460,460,460,-275,-276,460,-1425,460,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,460,460,460,-490,460,460,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,460,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,460,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,460,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,460,-172,-173,-174,-175,-993,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-290,-291,-281,460,460,460,460,460,-328,-318,-332,-333,-334,460,460,-982,-983,-984,-985,-986,-987,-988,460,460,460,460,460,460,460,460,460,460,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,460,460,460,-353,-356,460,-323,-324,-141,460,-142,460,-143,460,-430,-935,-936,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-1894,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-1894,460,-1894,460,460,460,460,460,460,460,460,460,460,460,460,-1894,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,460,-1894,460,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,460,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,460,460,460,-191,-192,460,-994,460,460,460,460,460,-277,-278,-279,-280,-365,460,-308,460,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,460,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,460,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,460,460,460,460,460,460,-573,460,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,460,460,-723,-724,-725,460,460,460,460,460,460,-994,460,460,-91,-92,460,460,460,460,-309,-310,-320,460,-307,-293,-294,-295,460,460,460,460,-618,-633,-590,460,460,-436,460,-437,460,-444,-445,-446,-378,-379,460,460,460,-506,460,460,-510,460,460,460,460,-515,-516,-517,-518,460,460,-521,-522,460,-524,-525,-526,-527,-528,-529,-530,-531,460,-533,460,460,460,-539,-541,-542,460,-544,-545,-546,-547,460,460,460,460,460,460,-652,-653,-654,-655,460,-657,-658,-659,460,460,460,-665,460,460,-669,-670,460,460,-673,460,-675,-676,460,-679,460,-681,460,460,-684,-685,-686,460,-688,460,460,-691,460,460,-694,-695,-696,460,-698,-699,-700,-701,460,460,-746,460,-749,-750,-751,-752,-753,460,-755,-756,-757,-758,-759,460,-766,-767,-769,460,-771,-772,-773,-782,-856,-858,-860,-862,460,460,460,460,-868,460,-870,460,460,460,460,460,460,460,-906,-907,460,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,460,-921,-924,460,-934,460,-385,-386,-387,460,460,-390,-391,-392,-393,460,-396,460,-399,-400,460,-401,460,-406,-407,460,-410,-411,-412,460,-415,460,-416,460,-421,-422,460,-425,460,-428,-429,-1894,-1894,460,-619,-620,-621,-622,-623,-634,-584,-624,-797,460,460,460,460,460,-831,460,460,-806,460,-832,460,460,460,460,-798,460,-853,-799,460,460,460,460,460,460,-854,-855,460,-834,-830,-835,460,-625,460,-626,-627,-628,-629,-574,460,460,-630,-631,-632,460,460,460,460,460,460,-635,-636,-637,-592,-1894,-602,460,-638,-639,-713,-640,-604,460,-572,-577,-580,-583,460,460,460,-598,-601,460,-608,460,460,460,460,460,460,460,460,460,460,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,460,460,460,-995,460,460,460,460,460,460,-306,-325,-319,-296,-375,-452,-453,-454,-458,460,-443,460,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,460,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,460,460,460,460,460,460,460,460,460,-316,-535,-508,-591,-937,-939,-940,-438,460,-440,-380,-381,-383,-507,-509,-511,460,-513,-514,-519,-520,460,-532,-534,-537,-538,-543,-548,-726,460,-727,460,-732,460,-734,460,-739,-656,-660,-661,460,-666,460,-667,460,-672,-674,460,-677,460,460,460,-687,-689,460,-692,460,460,-744,460,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,460,460,460,460,460,-877,460,-880,-908,-920,-925,-388,-389,460,-394,460,-397,460,-402,460,-403,460,-408,460,-413,460,-417,460,-418,460,-423,460,-426,-899,-900,-643,-585,-1894,-901,460,460,460,-800,460,460,-804,460,-807,-833,460,-818,460,-820,460,-822,-808,460,-824,460,-851,-852,460,460,-811,460,-646,-902,-904,-648,-649,-645,460,-705,-706,460,-642,-903,-647,-650,-603,-714,460,460,-605,-586,460,460,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,460,460,-709,-710,460,-716,460,460,460,460,460,460,-938,460,-439,-441,-747,460,-891,460,-715,-1894,460,460,460,460,460,-442,-512,-523,460,-728,-733,460,-735,460,-740,460,-662,-668,460,-678,-680,-682,-683,-690,-693,-697,-745,460,460,-874,460,460,-878,460,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,460,-812,460,-814,-801,460,-802,-805,460,-816,-819,-821,-823,-825,460,-826,460,-809,460,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,460,-282,460,460,460,460,-455,460,460,-729,460,-736,460,-741,460,-663,-671,460,460,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,460,-836,-53,460,460,-730,460,-737,460,-742,-664,460,-873,-54,460,460,-731,-738,-743,460,460,460,-872,]),'MASTER_SSL_CAPATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[461,461,461,461,-1894,461,461,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,461,461,461,461,-275,-276,461,-1425,461,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,461,461,461,-490,461,461,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,461,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,461,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,461,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,461,-172,-173,-174,-175,-993,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-290,-291,-281,461,461,461,461,461,-328,-318,-332,-333,-334,461,461,-982,-983,-984,-985,-986,-987,-988,461,461,461,461,461,461,461,461,461,461,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,461,461,461,-353,-356,461,-323,-324,-141,461,-142,461,-143,461,-430,-935,-936,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-1894,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-1894,461,-1894,461,461,461,461,461,461,461,461,461,461,461,461,-1894,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,461,-1894,461,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,461,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,461,461,461,-191,-192,461,-994,461,461,461,461,461,-277,-278,-279,-280,-365,461,-308,461,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,461,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,461,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,461,461,461,461,461,461,-573,461,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,461,461,-723,-724,-725,461,461,461,461,461,461,-994,461,461,-91,-92,461,461,461,461,-309,-310,-320,461,-307,-293,-294,-295,461,461,461,461,-618,-633,-590,461,461,-436,461,-437,461,-444,-445,-446,-378,-379,461,461,461,-506,461,461,-510,461,461,461,461,-515,-516,-517,-518,461,461,-521,-522,461,-524,-525,-526,-527,-528,-529,-530,-531,461,-533,461,461,461,-539,-541,-542,461,-544,-545,-546,-547,461,461,461,461,461,461,-652,-653,-654,-655,461,-657,-658,-659,461,461,461,-665,461,461,-669,-670,461,461,-673,461,-675,-676,461,-679,461,-681,461,461,-684,-685,-686,461,-688,461,461,-691,461,461,-694,-695,-696,461,-698,-699,-700,-701,461,461,-746,461,-749,-750,-751,-752,-753,461,-755,-756,-757,-758,-759,461,-766,-767,-769,461,-771,-772,-773,-782,-856,-858,-860,-862,461,461,461,461,-868,461,-870,461,461,461,461,461,461,461,-906,-907,461,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,461,-921,-924,461,-934,461,-385,-386,-387,461,461,-390,-391,-392,-393,461,-396,461,-399,-400,461,-401,461,-406,-407,461,-410,-411,-412,461,-415,461,-416,461,-421,-422,461,-425,461,-428,-429,-1894,-1894,461,-619,-620,-621,-622,-623,-634,-584,-624,-797,461,461,461,461,461,-831,461,461,-806,461,-832,461,461,461,461,-798,461,-853,-799,461,461,461,461,461,461,-854,-855,461,-834,-830,-835,461,-625,461,-626,-627,-628,-629,-574,461,461,-630,-631,-632,461,461,461,461,461,461,-635,-636,-637,-592,-1894,-602,461,-638,-639,-713,-640,-604,461,-572,-577,-580,-583,461,461,461,-598,-601,461,-608,461,461,461,461,461,461,461,461,461,461,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,461,461,461,-995,461,461,461,461,461,461,-306,-325,-319,-296,-375,-452,-453,-454,-458,461,-443,461,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,461,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,461,461,461,461,461,461,461,461,461,-316,-535,-508,-591,-937,-939,-940,-438,461,-440,-380,-381,-383,-507,-509,-511,461,-513,-514,-519,-520,461,-532,-534,-537,-538,-543,-548,-726,461,-727,461,-732,461,-734,461,-739,-656,-660,-661,461,-666,461,-667,461,-672,-674,461,-677,461,461,461,-687,-689,461,-692,461,461,-744,461,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,461,461,461,461,461,-877,461,-880,-908,-920,-925,-388,-389,461,-394,461,-397,461,-402,461,-403,461,-408,461,-413,461,-417,461,-418,461,-423,461,-426,-899,-900,-643,-585,-1894,-901,461,461,461,-800,461,461,-804,461,-807,-833,461,-818,461,-820,461,-822,-808,461,-824,461,-851,-852,461,461,-811,461,-646,-902,-904,-648,-649,-645,461,-705,-706,461,-642,-903,-647,-650,-603,-714,461,461,-605,-586,461,461,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,461,461,-709,-710,461,-716,461,461,461,461,461,461,-938,461,-439,-441,-747,461,-891,461,-715,-1894,461,461,461,461,461,-442,-512,-523,461,-728,-733,461,-735,461,-740,461,-662,-668,461,-678,-680,-682,-683,-690,-693,-697,-745,461,461,-874,461,461,-878,461,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,461,-812,461,-814,-801,461,-802,-805,461,-816,-819,-821,-823,-825,461,-826,461,-809,461,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,461,-282,461,461,461,461,-455,461,461,-729,461,-736,461,-741,461,-663,-671,461,461,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,461,-836,-53,461,461,-730,461,-737,461,-742,-664,461,-873,-54,461,461,-731,-738,-743,461,461,461,-872,]),'MASTER_SSL_CERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[462,462,462,462,-1894,462,462,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,462,462,462,462,-275,-276,462,-1425,462,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,462,462,462,-490,462,462,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,462,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,462,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,462,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,462,-172,-173,-174,-175,-993,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-290,-291,-281,462,462,462,462,462,-328,-318,-332,-333,-334,462,462,-982,-983,-984,-985,-986,-987,-988,462,462,462,462,462,462,462,462,462,462,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,462,462,462,-353,-356,462,-323,-324,-141,462,-142,462,-143,462,-430,-935,-936,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-1894,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-1894,462,-1894,462,462,462,462,462,462,462,462,462,462,462,462,-1894,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,462,-1894,462,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,462,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,462,462,462,-191,-192,462,-994,462,462,462,462,462,-277,-278,-279,-280,-365,462,-308,462,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,462,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,462,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,462,462,462,462,462,462,-573,462,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,462,462,-723,-724,-725,462,462,462,462,462,462,-994,462,462,-91,-92,462,462,462,462,-309,-310,-320,462,-307,-293,-294,-295,462,462,462,462,-618,-633,-590,462,462,-436,462,-437,462,-444,-445,-446,-378,-379,462,462,462,-506,462,462,-510,462,462,462,462,-515,-516,-517,-518,462,462,-521,-522,462,-524,-525,-526,-527,-528,-529,-530,-531,462,-533,462,462,462,-539,-541,-542,462,-544,-545,-546,-547,462,462,462,462,462,462,-652,-653,-654,-655,462,-657,-658,-659,462,462,462,-665,462,462,-669,-670,462,462,-673,462,-675,-676,462,-679,462,-681,462,462,-684,-685,-686,462,-688,462,462,-691,462,462,-694,-695,-696,462,-698,-699,-700,-701,462,462,-746,462,-749,-750,-751,-752,-753,462,-755,-756,-757,-758,-759,462,-766,-767,-769,462,-771,-772,-773,-782,-856,-858,-860,-862,462,462,462,462,-868,462,-870,462,462,462,462,462,462,462,-906,-907,462,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,462,-921,-924,462,-934,462,-385,-386,-387,462,462,-390,-391,-392,-393,462,-396,462,-399,-400,462,-401,462,-406,-407,462,-410,-411,-412,462,-415,462,-416,462,-421,-422,462,-425,462,-428,-429,-1894,-1894,462,-619,-620,-621,-622,-623,-634,-584,-624,-797,462,462,462,462,462,-831,462,462,-806,462,-832,462,462,462,462,-798,462,-853,-799,462,462,462,462,462,462,-854,-855,462,-834,-830,-835,462,-625,462,-626,-627,-628,-629,-574,462,462,-630,-631,-632,462,462,462,462,462,462,-635,-636,-637,-592,-1894,-602,462,-638,-639,-713,-640,-604,462,-572,-577,-580,-583,462,462,462,-598,-601,462,-608,462,462,462,462,462,462,462,462,462,462,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,462,462,462,-995,462,462,462,462,462,462,-306,-325,-319,-296,-375,-452,-453,-454,-458,462,-443,462,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,462,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,462,462,462,462,462,462,462,462,462,-316,-535,-508,-591,-937,-939,-940,-438,462,-440,-380,-381,-383,-507,-509,-511,462,-513,-514,-519,-520,462,-532,-534,-537,-538,-543,-548,-726,462,-727,462,-732,462,-734,462,-739,-656,-660,-661,462,-666,462,-667,462,-672,-674,462,-677,462,462,462,-687,-689,462,-692,462,462,-744,462,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,462,462,462,462,462,-877,462,-880,-908,-920,-925,-388,-389,462,-394,462,-397,462,-402,462,-403,462,-408,462,-413,462,-417,462,-418,462,-423,462,-426,-899,-900,-643,-585,-1894,-901,462,462,462,-800,462,462,-804,462,-807,-833,462,-818,462,-820,462,-822,-808,462,-824,462,-851,-852,462,462,-811,462,-646,-902,-904,-648,-649,-645,462,-705,-706,462,-642,-903,-647,-650,-603,-714,462,462,-605,-586,462,462,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,462,462,-709,-710,462,-716,462,462,462,462,462,462,-938,462,-439,-441,-747,462,-891,462,-715,-1894,462,462,462,462,462,-442,-512,-523,462,-728,-733,462,-735,462,-740,462,-662,-668,462,-678,-680,-682,-683,-690,-693,-697,-745,462,462,-874,462,462,-878,462,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,462,-812,462,-814,-801,462,-802,-805,462,-816,-819,-821,-823,-825,462,-826,462,-809,462,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,462,-282,462,462,462,462,-455,462,462,-729,462,-736,462,-741,462,-663,-671,462,462,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,462,-836,-53,462,462,-730,462,-737,462,-742,-664,462,-873,-54,462,462,-731,-738,-743,462,462,462,-872,]),'MASTER_SSL_CIPHER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[463,463,463,463,-1894,463,463,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,463,463,463,463,-275,-276,463,-1425,463,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,463,463,463,-490,463,463,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,463,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,463,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,463,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,463,-172,-173,-174,-175,-993,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-290,-291,-281,463,463,463,463,463,-328,-318,-332,-333,-334,463,463,-982,-983,-984,-985,-986,-987,-988,463,463,463,463,463,463,463,463,463,463,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,463,463,463,-353,-356,463,-323,-324,-141,463,-142,463,-143,463,-430,-935,-936,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-1894,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-1894,463,-1894,463,463,463,463,463,463,463,463,463,463,463,463,-1894,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,463,-1894,463,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,463,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,463,463,463,-191,-192,463,-994,463,463,463,463,463,-277,-278,-279,-280,-365,463,-308,463,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,463,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,463,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,463,463,463,463,463,463,-573,463,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,463,463,-723,-724,-725,463,463,463,463,463,463,-994,463,463,-91,-92,463,463,463,463,-309,-310,-320,463,-307,-293,-294,-295,463,463,463,463,-618,-633,-590,463,463,-436,463,-437,463,-444,-445,-446,-378,-379,463,463,463,-506,463,463,-510,463,463,463,463,-515,-516,-517,-518,463,463,-521,-522,463,-524,-525,-526,-527,-528,-529,-530,-531,463,-533,463,463,463,-539,-541,-542,463,-544,-545,-546,-547,463,463,463,463,463,463,-652,-653,-654,-655,463,-657,-658,-659,463,463,463,-665,463,463,-669,-670,463,463,-673,463,-675,-676,463,-679,463,-681,463,463,-684,-685,-686,463,-688,463,463,-691,463,463,-694,-695,-696,463,-698,-699,-700,-701,463,463,-746,463,-749,-750,-751,-752,-753,463,-755,-756,-757,-758,-759,463,-766,-767,-769,463,-771,-772,-773,-782,-856,-858,-860,-862,463,463,463,463,-868,463,-870,463,463,463,463,463,463,463,-906,-907,463,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,463,-921,-924,463,-934,463,-385,-386,-387,463,463,-390,-391,-392,-393,463,-396,463,-399,-400,463,-401,463,-406,-407,463,-410,-411,-412,463,-415,463,-416,463,-421,-422,463,-425,463,-428,-429,-1894,-1894,463,-619,-620,-621,-622,-623,-634,-584,-624,-797,463,463,463,463,463,-831,463,463,-806,463,-832,463,463,463,463,-798,463,-853,-799,463,463,463,463,463,463,-854,-855,463,-834,-830,-835,463,-625,463,-626,-627,-628,-629,-574,463,463,-630,-631,-632,463,463,463,463,463,463,-635,-636,-637,-592,-1894,-602,463,-638,-639,-713,-640,-604,463,-572,-577,-580,-583,463,463,463,-598,-601,463,-608,463,463,463,463,463,463,463,463,463,463,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,463,463,463,-995,463,463,463,463,463,463,-306,-325,-319,-296,-375,-452,-453,-454,-458,463,-443,463,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,463,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,463,463,463,463,463,463,463,463,463,-316,-535,-508,-591,-937,-939,-940,-438,463,-440,-380,-381,-383,-507,-509,-511,463,-513,-514,-519,-520,463,-532,-534,-537,-538,-543,-548,-726,463,-727,463,-732,463,-734,463,-739,-656,-660,-661,463,-666,463,-667,463,-672,-674,463,-677,463,463,463,-687,-689,463,-692,463,463,-744,463,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,463,463,463,463,463,-877,463,-880,-908,-920,-925,-388,-389,463,-394,463,-397,463,-402,463,-403,463,-408,463,-413,463,-417,463,-418,463,-423,463,-426,-899,-900,-643,-585,-1894,-901,463,463,463,-800,463,463,-804,463,-807,-833,463,-818,463,-820,463,-822,-808,463,-824,463,-851,-852,463,463,-811,463,-646,-902,-904,-648,-649,-645,463,-705,-706,463,-642,-903,-647,-650,-603,-714,463,463,-605,-586,463,463,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,463,463,-709,-710,463,-716,463,463,463,463,463,463,-938,463,-439,-441,-747,463,-891,463,-715,-1894,463,463,463,463,463,-442,-512,-523,463,-728,-733,463,-735,463,-740,463,-662,-668,463,-678,-680,-682,-683,-690,-693,-697,-745,463,463,-874,463,463,-878,463,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,463,-812,463,-814,-801,463,-802,-805,463,-816,-819,-821,-823,-825,463,-826,463,-809,463,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,463,-282,463,463,463,463,-455,463,463,-729,463,-736,463,-741,463,-663,-671,463,463,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,463,-836,-53,463,463,-730,463,-737,463,-742,-664,463,-873,-54,463,463,-731,-738,-743,463,463,463,-872,]),'MASTER_SSL_CRL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[464,464,464,464,-1894,464,464,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,464,464,464,464,-275,-276,464,-1425,464,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,464,464,464,-490,464,464,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,464,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,464,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,464,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,464,-172,-173,-174,-175,-993,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-290,-291,-281,464,464,464,464,464,-328,-318,-332,-333,-334,464,464,-982,-983,-984,-985,-986,-987,-988,464,464,464,464,464,464,464,464,464,464,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,464,464,464,-353,-356,464,-323,-324,-141,464,-142,464,-143,464,-430,-935,-936,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-1894,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-1894,464,-1894,464,464,464,464,464,464,464,464,464,464,464,464,-1894,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,464,-1894,464,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,464,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,464,464,464,-191,-192,464,-994,464,464,464,464,464,-277,-278,-279,-280,-365,464,-308,464,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,464,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,464,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,464,464,464,464,464,464,-573,464,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,464,464,-723,-724,-725,464,464,464,464,464,464,-994,464,464,-91,-92,464,464,464,464,-309,-310,-320,464,-307,-293,-294,-295,464,464,464,464,-618,-633,-590,464,464,-436,464,-437,464,-444,-445,-446,-378,-379,464,464,464,-506,464,464,-510,464,464,464,464,-515,-516,-517,-518,464,464,-521,-522,464,-524,-525,-526,-527,-528,-529,-530,-531,464,-533,464,464,464,-539,-541,-542,464,-544,-545,-546,-547,464,464,464,464,464,464,-652,-653,-654,-655,464,-657,-658,-659,464,464,464,-665,464,464,-669,-670,464,464,-673,464,-675,-676,464,-679,464,-681,464,464,-684,-685,-686,464,-688,464,464,-691,464,464,-694,-695,-696,464,-698,-699,-700,-701,464,464,-746,464,-749,-750,-751,-752,-753,464,-755,-756,-757,-758,-759,464,-766,-767,-769,464,-771,-772,-773,-782,-856,-858,-860,-862,464,464,464,464,-868,464,-870,464,464,464,464,464,464,464,-906,-907,464,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,464,-921,-924,464,-934,464,-385,-386,-387,464,464,-390,-391,-392,-393,464,-396,464,-399,-400,464,-401,464,-406,-407,464,-410,-411,-412,464,-415,464,-416,464,-421,-422,464,-425,464,-428,-429,-1894,-1894,464,-619,-620,-621,-622,-623,-634,-584,-624,-797,464,464,464,464,464,-831,464,464,-806,464,-832,464,464,464,464,-798,464,-853,-799,464,464,464,464,464,464,-854,-855,464,-834,-830,-835,464,-625,464,-626,-627,-628,-629,-574,464,464,-630,-631,-632,464,464,464,464,464,464,-635,-636,-637,-592,-1894,-602,464,-638,-639,-713,-640,-604,464,-572,-577,-580,-583,464,464,464,-598,-601,464,-608,464,464,464,464,464,464,464,464,464,464,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,464,464,464,-995,464,464,464,464,464,464,-306,-325,-319,-296,-375,-452,-453,-454,-458,464,-443,464,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,464,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,464,464,464,464,464,464,464,464,464,-316,-535,-508,-591,-937,-939,-940,-438,464,-440,-380,-381,-383,-507,-509,-511,464,-513,-514,-519,-520,464,-532,-534,-537,-538,-543,-548,-726,464,-727,464,-732,464,-734,464,-739,-656,-660,-661,464,-666,464,-667,464,-672,-674,464,-677,464,464,464,-687,-689,464,-692,464,464,-744,464,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,464,464,464,464,464,-877,464,-880,-908,-920,-925,-388,-389,464,-394,464,-397,464,-402,464,-403,464,-408,464,-413,464,-417,464,-418,464,-423,464,-426,-899,-900,-643,-585,-1894,-901,464,464,464,-800,464,464,-804,464,-807,-833,464,-818,464,-820,464,-822,-808,464,-824,464,-851,-852,464,464,-811,464,-646,-902,-904,-648,-649,-645,464,-705,-706,464,-642,-903,-647,-650,-603,-714,464,464,-605,-586,464,464,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,464,464,-709,-710,464,-716,464,464,464,464,464,464,-938,464,-439,-441,-747,464,-891,464,-715,-1894,464,464,464,464,464,-442,-512,-523,464,-728,-733,464,-735,464,-740,464,-662,-668,464,-678,-680,-682,-683,-690,-693,-697,-745,464,464,-874,464,464,-878,464,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,464,-812,464,-814,-801,464,-802,-805,464,-816,-819,-821,-823,-825,464,-826,464,-809,464,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,464,-282,464,464,464,464,-455,464,464,-729,464,-736,464,-741,464,-663,-671,464,464,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,464,-836,-53,464,464,-730,464,-737,464,-742,-664,464,-873,-54,464,464,-731,-738,-743,464,464,464,-872,]),'MASTER_SSL_CRLPATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[465,465,465,465,-1894,465,465,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,465,465,465,465,-275,-276,465,-1425,465,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,465,465,465,-490,465,465,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,465,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,465,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,465,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,465,-172,-173,-174,-175,-993,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-290,-291,-281,465,465,465,465,465,-328,-318,-332,-333,-334,465,465,-982,-983,-984,-985,-986,-987,-988,465,465,465,465,465,465,465,465,465,465,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,465,465,465,-353,-356,465,-323,-324,-141,465,-142,465,-143,465,-430,-935,-936,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-1894,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-1894,465,-1894,465,465,465,465,465,465,465,465,465,465,465,465,-1894,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,465,-1894,465,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,465,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,465,465,465,-191,-192,465,-994,465,465,465,465,465,-277,-278,-279,-280,-365,465,-308,465,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,465,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,465,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,465,465,465,465,465,465,-573,465,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,465,465,-723,-724,-725,465,465,465,465,465,465,-994,465,465,-91,-92,465,465,465,465,-309,-310,-320,465,-307,-293,-294,-295,465,465,465,465,-618,-633,-590,465,465,-436,465,-437,465,-444,-445,-446,-378,-379,465,465,465,-506,465,465,-510,465,465,465,465,-515,-516,-517,-518,465,465,-521,-522,465,-524,-525,-526,-527,-528,-529,-530,-531,465,-533,465,465,465,-539,-541,-542,465,-544,-545,-546,-547,465,465,465,465,465,465,-652,-653,-654,-655,465,-657,-658,-659,465,465,465,-665,465,465,-669,-670,465,465,-673,465,-675,-676,465,-679,465,-681,465,465,-684,-685,-686,465,-688,465,465,-691,465,465,-694,-695,-696,465,-698,-699,-700,-701,465,465,-746,465,-749,-750,-751,-752,-753,465,-755,-756,-757,-758,-759,465,-766,-767,-769,465,-771,-772,-773,-782,-856,-858,-860,-862,465,465,465,465,-868,465,-870,465,465,465,465,465,465,465,-906,-907,465,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,465,-921,-924,465,-934,465,-385,-386,-387,465,465,-390,-391,-392,-393,465,-396,465,-399,-400,465,-401,465,-406,-407,465,-410,-411,-412,465,-415,465,-416,465,-421,-422,465,-425,465,-428,-429,-1894,-1894,465,-619,-620,-621,-622,-623,-634,-584,-624,-797,465,465,465,465,465,-831,465,465,-806,465,-832,465,465,465,465,-798,465,-853,-799,465,465,465,465,465,465,-854,-855,465,-834,-830,-835,465,-625,465,-626,-627,-628,-629,-574,465,465,-630,-631,-632,465,465,465,465,465,465,-635,-636,-637,-592,-1894,-602,465,-638,-639,-713,-640,-604,465,-572,-577,-580,-583,465,465,465,-598,-601,465,-608,465,465,465,465,465,465,465,465,465,465,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,465,465,465,-995,465,465,465,465,465,465,-306,-325,-319,-296,-375,-452,-453,-454,-458,465,-443,465,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,465,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,465,465,465,465,465,465,465,465,465,-316,-535,-508,-591,-937,-939,-940,-438,465,-440,-380,-381,-383,-507,-509,-511,465,-513,-514,-519,-520,465,-532,-534,-537,-538,-543,-548,-726,465,-727,465,-732,465,-734,465,-739,-656,-660,-661,465,-666,465,-667,465,-672,-674,465,-677,465,465,465,-687,-689,465,-692,465,465,-744,465,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,465,465,465,465,465,-877,465,-880,-908,-920,-925,-388,-389,465,-394,465,-397,465,-402,465,-403,465,-408,465,-413,465,-417,465,-418,465,-423,465,-426,-899,-900,-643,-585,-1894,-901,465,465,465,-800,465,465,-804,465,-807,-833,465,-818,465,-820,465,-822,-808,465,-824,465,-851,-852,465,465,-811,465,-646,-902,-904,-648,-649,-645,465,-705,-706,465,-642,-903,-647,-650,-603,-714,465,465,-605,-586,465,465,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,465,465,-709,-710,465,-716,465,465,465,465,465,465,-938,465,-439,-441,-747,465,-891,465,-715,-1894,465,465,465,465,465,-442,-512,-523,465,-728,-733,465,-735,465,-740,465,-662,-668,465,-678,-680,-682,-683,-690,-693,-697,-745,465,465,-874,465,465,-878,465,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,465,-812,465,-814,-801,465,-802,-805,465,-816,-819,-821,-823,-825,465,-826,465,-809,465,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,465,-282,465,465,465,465,-455,465,465,-729,465,-736,465,-741,465,-663,-671,465,465,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,465,-836,-53,465,465,-730,465,-737,465,-742,-664,465,-873,-54,465,465,-731,-738,-743,465,465,465,-872,]),'MASTER_SSL_KEY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[466,466,466,466,-1894,466,466,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,466,466,466,466,-275,-276,466,-1425,466,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,466,466,466,-490,466,466,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,466,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,466,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,466,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,466,-172,-173,-174,-175,-993,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-290,-291,-281,466,466,466,466,466,-328,-318,-332,-333,-334,466,466,-982,-983,-984,-985,-986,-987,-988,466,466,466,466,466,466,466,466,466,466,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,466,466,466,-353,-356,466,-323,-324,-141,466,-142,466,-143,466,-430,-935,-936,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-1894,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-1894,466,-1894,466,466,466,466,466,466,466,466,466,466,466,466,-1894,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,466,-1894,466,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,466,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,466,466,466,-191,-192,466,-994,466,466,466,466,466,-277,-278,-279,-280,-365,466,-308,466,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,466,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,466,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,466,466,466,466,466,466,-573,466,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,466,466,-723,-724,-725,466,466,466,466,466,466,-994,466,466,-91,-92,466,466,466,466,-309,-310,-320,466,-307,-293,-294,-295,466,466,466,466,-618,-633,-590,466,466,-436,466,-437,466,-444,-445,-446,-378,-379,466,466,466,-506,466,466,-510,466,466,466,466,-515,-516,-517,-518,466,466,-521,-522,466,-524,-525,-526,-527,-528,-529,-530,-531,466,-533,466,466,466,-539,-541,-542,466,-544,-545,-546,-547,466,466,466,466,466,466,-652,-653,-654,-655,466,-657,-658,-659,466,466,466,-665,466,466,-669,-670,466,466,-673,466,-675,-676,466,-679,466,-681,466,466,-684,-685,-686,466,-688,466,466,-691,466,466,-694,-695,-696,466,-698,-699,-700,-701,466,466,-746,466,-749,-750,-751,-752,-753,466,-755,-756,-757,-758,-759,466,-766,-767,-769,466,-771,-772,-773,-782,-856,-858,-860,-862,466,466,466,466,-868,466,-870,466,466,466,466,466,466,466,-906,-907,466,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,466,-921,-924,466,-934,466,-385,-386,-387,466,466,-390,-391,-392,-393,466,-396,466,-399,-400,466,-401,466,-406,-407,466,-410,-411,-412,466,-415,466,-416,466,-421,-422,466,-425,466,-428,-429,-1894,-1894,466,-619,-620,-621,-622,-623,-634,-584,-624,-797,466,466,466,466,466,-831,466,466,-806,466,-832,466,466,466,466,-798,466,-853,-799,466,466,466,466,466,466,-854,-855,466,-834,-830,-835,466,-625,466,-626,-627,-628,-629,-574,466,466,-630,-631,-632,466,466,466,466,466,466,-635,-636,-637,-592,-1894,-602,466,-638,-639,-713,-640,-604,466,-572,-577,-580,-583,466,466,466,-598,-601,466,-608,466,466,466,466,466,466,466,466,466,466,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,466,466,466,-995,466,466,466,466,466,466,-306,-325,-319,-296,-375,-452,-453,-454,-458,466,-443,466,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,466,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,466,466,466,466,466,466,466,466,466,-316,-535,-508,-591,-937,-939,-940,-438,466,-440,-380,-381,-383,-507,-509,-511,466,-513,-514,-519,-520,466,-532,-534,-537,-538,-543,-548,-726,466,-727,466,-732,466,-734,466,-739,-656,-660,-661,466,-666,466,-667,466,-672,-674,466,-677,466,466,466,-687,-689,466,-692,466,466,-744,466,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,466,466,466,466,466,-877,466,-880,-908,-920,-925,-388,-389,466,-394,466,-397,466,-402,466,-403,466,-408,466,-413,466,-417,466,-418,466,-423,466,-426,-899,-900,-643,-585,-1894,-901,466,466,466,-800,466,466,-804,466,-807,-833,466,-818,466,-820,466,-822,-808,466,-824,466,-851,-852,466,466,-811,466,-646,-902,-904,-648,-649,-645,466,-705,-706,466,-642,-903,-647,-650,-603,-714,466,466,-605,-586,466,466,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,466,466,-709,-710,466,-716,466,466,466,466,466,466,-938,466,-439,-441,-747,466,-891,466,-715,-1894,466,466,466,466,466,-442,-512,-523,466,-728,-733,466,-735,466,-740,466,-662,-668,466,-678,-680,-682,-683,-690,-693,-697,-745,466,466,-874,466,466,-878,466,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,466,-812,466,-814,-801,466,-802,-805,466,-816,-819,-821,-823,-825,466,-826,466,-809,466,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,466,-282,466,466,466,466,-455,466,466,-729,466,-736,466,-741,466,-663,-671,466,466,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,466,-836,-53,466,466,-730,466,-737,466,-742,-664,466,-873,-54,466,466,-731,-738,-743,466,466,466,-872,]),'MASTER_SSL_VERIFY_SERVER_CERT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[467,467,467,467,-1894,467,467,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,467,467,467,467,-275,-276,467,-1425,467,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,467,467,467,-490,467,467,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,467,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,467,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,467,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,467,-172,-173,-174,-175,-993,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-290,-291,-281,467,467,467,467,467,-328,-318,-332,-333,-334,467,467,-982,-983,-984,-985,-986,-987,-988,467,467,467,467,467,467,467,467,467,467,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,467,467,467,-353,-356,467,-323,-324,-141,467,-142,467,-143,467,-430,-935,-936,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-1894,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-1894,467,-1894,467,467,467,467,467,467,467,467,467,467,467,467,-1894,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,467,-1894,467,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,467,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,467,467,467,-191,-192,467,-994,467,467,467,467,467,-277,-278,-279,-280,-365,467,-308,467,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,467,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,467,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,467,467,467,467,467,467,-573,467,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,467,467,-723,-724,-725,467,467,467,467,467,467,-994,467,467,-91,-92,467,467,467,467,-309,-310,-320,467,-307,-293,-294,-295,467,467,467,467,-618,-633,-590,467,467,-436,467,-437,467,-444,-445,-446,-378,-379,467,467,467,-506,467,467,-510,467,467,467,467,-515,-516,-517,-518,467,467,-521,-522,467,-524,-525,-526,-527,-528,-529,-530,-531,467,-533,467,467,467,-539,-541,-542,467,-544,-545,-546,-547,467,467,467,467,467,467,-652,-653,-654,-655,467,-657,-658,-659,467,467,467,-665,467,467,-669,-670,467,467,-673,467,-675,-676,467,-679,467,-681,467,467,-684,-685,-686,467,-688,467,467,-691,467,467,-694,-695,-696,467,-698,-699,-700,-701,467,467,-746,467,-749,-750,-751,-752,-753,467,-755,-756,-757,-758,-759,467,-766,-767,-769,467,-771,-772,-773,-782,-856,-858,-860,-862,467,467,467,467,-868,467,-870,467,467,467,467,467,467,467,-906,-907,467,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,467,-921,-924,467,-934,467,-385,-386,-387,467,467,-390,-391,-392,-393,467,-396,467,-399,-400,467,-401,467,-406,-407,467,-410,-411,-412,467,-415,467,-416,467,-421,-422,467,-425,467,-428,-429,-1894,-1894,467,-619,-620,-621,-622,-623,-634,-584,-624,-797,467,467,467,467,467,-831,467,467,-806,467,-832,467,467,467,467,-798,467,-853,-799,467,467,467,467,467,467,-854,-855,467,-834,-830,-835,467,-625,467,-626,-627,-628,-629,-574,467,467,-630,-631,-632,467,467,467,467,467,467,-635,-636,-637,-592,-1894,-602,467,-638,-639,-713,-640,-604,467,-572,-577,-580,-583,467,467,467,-598,-601,467,-608,467,467,467,467,467,467,467,467,467,467,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,467,467,467,-995,467,467,467,467,467,467,-306,-325,-319,-296,-375,-452,-453,-454,-458,467,-443,467,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,467,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,467,467,467,467,467,467,467,467,467,-316,-535,-508,-591,-937,-939,-940,-438,467,-440,-380,-381,-383,-507,-509,-511,467,-513,-514,-519,-520,467,-532,-534,-537,-538,-543,-548,-726,467,-727,467,-732,467,-734,467,-739,-656,-660,-661,467,-666,467,-667,467,-672,-674,467,-677,467,467,467,-687,-689,467,-692,467,467,-744,467,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,467,467,467,467,467,-877,467,-880,-908,-920,-925,-388,-389,467,-394,467,-397,467,-402,467,-403,467,-408,467,-413,467,-417,467,-418,467,-423,467,-426,-899,-900,-643,-585,-1894,-901,467,467,467,-800,467,467,-804,467,-807,-833,467,-818,467,-820,467,-822,-808,467,-824,467,-851,-852,467,467,-811,467,-646,-902,-904,-648,-649,-645,467,-705,-706,467,-642,-903,-647,-650,-603,-714,467,467,-605,-586,467,467,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,467,467,-709,-710,467,-716,467,467,467,467,467,467,-938,467,-439,-441,-747,467,-891,467,-715,-1894,467,467,467,467,467,-442,-512,-523,467,-728,-733,467,-735,467,-740,467,-662,-668,467,-678,-680,-682,-683,-690,-693,-697,-745,467,467,-874,467,467,-878,467,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,467,-812,467,-814,-801,467,-802,-805,467,-816,-819,-821,-823,-825,467,-826,467,-809,467,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,467,-282,467,467,467,467,-455,467,467,-729,467,-736,467,-741,467,-663,-671,467,467,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,467,-836,-53,467,467,-730,467,-737,467,-742,-664,467,-873,-54,467,467,-731,-738,-743,467,467,467,-872,]),'MASTER_USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[468,468,468,468,-1894,468,468,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,468,468,468,468,-275,-276,468,-1425,468,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,468,468,468,-490,468,468,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,468,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,468,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,468,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,468,-172,-173,-174,-175,-993,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-290,-291,-281,468,468,468,468,468,-328,-318,-332,-333,-334,468,468,-982,-983,-984,-985,-986,-987,-988,468,468,468,468,468,468,468,468,468,468,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,468,468,468,-353,-356,468,-323,-324,-141,468,-142,468,-143,468,-430,-935,-936,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-1894,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-1894,468,-1894,468,468,468,468,468,468,468,468,468,468,468,468,-1894,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,468,-1894,468,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,468,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,468,468,468,-191,-192,468,-994,468,468,468,468,468,-277,-278,-279,-280,-365,468,-308,468,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,468,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,468,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,468,468,468,468,468,468,-573,468,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,468,468,-723,-724,-725,468,468,468,468,468,468,-994,468,468,-91,-92,468,468,468,468,-309,-310,-320,468,-307,-293,-294,-295,468,468,468,468,-618,-633,-590,468,468,-436,468,-437,468,-444,-445,-446,-378,-379,468,468,468,-506,468,468,-510,468,468,468,468,-515,-516,-517,-518,468,468,-521,-522,468,-524,-525,-526,-527,-528,-529,-530,-531,468,-533,468,468,468,-539,-541,-542,468,-544,-545,-546,-547,468,468,468,468,468,468,-652,-653,-654,-655,468,-657,-658,-659,468,468,468,-665,468,468,-669,-670,468,468,-673,468,-675,-676,468,-679,468,-681,468,468,-684,-685,-686,468,-688,468,468,-691,468,468,-694,-695,-696,468,-698,-699,-700,-701,468,468,-746,468,-749,-750,-751,-752,-753,468,-755,-756,-757,-758,-759,468,-766,-767,-769,468,-771,-772,-773,-782,-856,-858,-860,-862,468,468,468,468,-868,468,-870,468,468,468,468,468,468,468,-906,-907,468,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,468,-921,-924,468,-934,468,-385,-386,-387,468,468,-390,-391,-392,-393,468,-396,468,-399,-400,468,-401,468,-406,-407,468,-410,-411,-412,468,-415,468,-416,468,-421,-422,468,-425,468,-428,-429,-1894,-1894,468,-619,-620,-621,-622,-623,-634,-584,-624,-797,468,468,468,468,468,-831,468,468,-806,468,-832,468,468,468,468,-798,468,-853,-799,468,468,468,468,468,468,-854,-855,468,-834,-830,-835,468,-625,468,-626,-627,-628,-629,-574,468,468,-630,-631,-632,468,468,468,468,468,468,-635,-636,-637,-592,-1894,-602,468,-638,-639,-713,-640,-604,468,-572,-577,-580,-583,468,468,468,-598,-601,468,-608,468,468,468,468,468,468,468,468,468,468,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,468,468,468,-995,468,468,468,468,468,468,-306,-325,-319,-296,-375,-452,-453,-454,-458,468,-443,468,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,468,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,468,468,468,468,468,468,468,468,468,-316,-535,-508,-591,-937,-939,-940,-438,468,-440,-380,-381,-383,-507,-509,-511,468,-513,-514,-519,-520,468,-532,-534,-537,-538,-543,-548,-726,468,-727,468,-732,468,-734,468,-739,-656,-660,-661,468,-666,468,-667,468,-672,-674,468,-677,468,468,468,-687,-689,468,-692,468,468,-744,468,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,468,468,468,468,468,-877,468,-880,-908,-920,-925,-388,-389,468,-394,468,-397,468,-402,468,-403,468,-408,468,-413,468,-417,468,-418,468,-423,468,-426,-899,-900,-643,-585,-1894,-901,468,468,468,-800,468,468,-804,468,-807,-833,468,-818,468,-820,468,-822,-808,468,-824,468,-851,-852,468,468,-811,468,-646,-902,-904,-648,-649,-645,468,-705,-706,468,-642,-903,-647,-650,-603,-714,468,468,-605,-586,468,468,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,468,468,-709,-710,468,-716,468,468,468,468,468,468,-938,468,-439,-441,-747,468,-891,468,-715,-1894,468,468,468,468,468,-442,-512,-523,468,-728,-733,468,-735,468,-740,468,-662,-668,468,-678,-680,-682,-683,-690,-693,-697,-745,468,468,-874,468,468,-878,468,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,468,-812,468,-814,-801,468,-802,-805,468,-816,-819,-821,-823,-825,468,-826,468,-809,468,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,468,-282,468,468,468,468,-455,468,468,-729,468,-736,468,-741,468,-663,-671,468,468,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,468,-836,-53,468,468,-730,468,-737,468,-742,-664,468,-873,-54,468,468,-731,-738,-743,468,468,468,-872,]),'MATCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[469,469,469,935,-1894,469,469,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,469,469,469,469,-275,-276,935,-1425,935,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,469,469,935,-490,469,469,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,935,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,935,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1920,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,469,-172,-173,-174,-175,-993,469,469,469,469,469,469,469,469,469,469,935,935,935,935,935,-290,-291,-281,469,935,469,469,469,-328,-318,-332,-333,-334,935,469,-982,-983,-984,-985,-986,-987,-988,469,469,469,469,469,469,469,469,469,469,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,935,469,935,-353,-356,469,-323,-324,-141,935,-142,935,-143,935,-430,-935,-936,935,935,935,935,935,935,935,469,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,469,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,-1894,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,-1894,935,-1894,935,935,935,935,935,935,935,935,935,935,935,935,-1894,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,935,-1894,469,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,935,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,935,469,469,-191,-192,469,-994,935,469,469,469,469,-277,-278,-279,-280,-365,935,-308,935,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,469,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,935,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,935,935,935,935,935,935,-573,935,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,935,935,-723,-724,-725,935,1920,469,469,469,469,-994,469,935,-91,-92,469,469,469,469,-309,-310,-320,469,-307,-293,-294,-295,469,469,935,935,-618,-633,-590,935,469,-436,469,-437,469,-444,-445,-446,-378,-379,935,935,935,-506,935,935,-510,935,935,935,935,-515,-516,-517,-518,935,935,-521,-522,935,-524,-525,-526,-527,-528,-529,-530,-531,935,-533,935,935,935,-539,-541,-542,935,-544,-545,-546,-547,935,935,935,935,935,935,-652,-653,-654,-655,469,-657,-658,-659,935,935,935,-665,935,935,-669,-670,935,935,-673,935,-675,-676,935,-679,935,-681,935,935,-684,-685,-686,935,-688,935,935,-691,935,935,-694,-695,-696,935,-698,-699,-700,-701,935,935,-746,935,-749,-750,-751,-752,-753,935,-755,-756,-757,-758,-759,935,-766,-767,-769,935,-771,-772,-773,-782,-856,-858,-860,-862,935,935,935,935,-868,935,-870,935,935,935,935,935,935,935,-906,-907,935,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,935,-921,-924,935,-934,935,-385,-386,-387,935,935,-390,-391,-392,-393,935,-396,935,-399,-400,935,-401,935,-406,-407,935,-410,-411,-412,935,-415,935,-416,935,-421,-422,935,-425,935,-428,-429,-1894,-1894,935,-619,-620,-621,-622,-623,-634,-584,-624,-797,935,935,935,935,935,-831,935,935,-806,935,-832,935,935,935,935,-798,935,-853,-799,935,935,935,935,935,935,-854,-855,935,-834,-830,-835,935,-625,935,-626,-627,-628,-629,-574,935,935,-630,-631,-632,935,935,935,935,935,935,-635,-636,-637,-592,-1894,-602,935,-638,-639,-713,-640,-604,935,-572,-577,-580,-583,935,935,935,-598,-601,935,-608,935,935,935,935,935,935,935,935,935,935,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,935,469,469,-995,469,935,469,469,469,935,-306,-325,-319,-296,-375,-452,-453,-454,-458,469,-443,935,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,935,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,469,469,469,469,469,469,469,469,469,-316,-535,-508,-591,-937,-939,-940,-438,935,-440,-380,-381,-383,-507,-509,-511,935,-513,-514,-519,-520,935,-532,-534,-537,-538,-543,-548,-726,935,-727,935,-732,935,-734,935,-739,-656,-660,-661,935,-666,935,-667,935,-672,-674,935,-677,935,935,935,-687,-689,935,-692,935,935,-744,935,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,935,935,935,935,935,-877,935,-880,-908,-920,-925,-388,-389,935,-394,935,-397,935,-402,935,-403,935,-408,935,-413,935,-417,935,-418,935,-423,935,-426,-899,-900,-643,-585,-1894,-901,935,935,935,-800,935,935,-804,935,-807,-833,935,-818,935,-820,935,-822,-808,935,-824,935,-851,-852,935,935,-811,935,-646,-902,-904,-648,-649,-645,935,-705,-706,935,-642,-903,-647,-650,-603,-714,935,935,-605,-586,935,935,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,935,935,-709,-710,935,-716,935,469,469,469,935,935,-938,469,-439,-441,-747,935,-891,1920,-715,-1894,935,935,469,469,935,-442,-512,-523,935,-728,-733,935,-735,935,-740,935,-662,-668,935,-678,-680,-682,-683,-690,-693,-697,-745,935,935,-874,935,935,-878,935,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,935,-812,935,-814,-801,935,-802,-805,935,-816,-819,-821,-823,-825,935,-826,935,-809,935,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,469,-282,469,935,469,935,-455,935,935,-729,935,-736,935,-741,935,-663,-671,935,935,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,935,-836,-53,469,935,-730,935,-737,935,-742,-664,935,-873,-54,469,469,-731,-738,-743,935,469,935,-872,]),'MATCHED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[470,470,470,470,-1894,470,470,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,470,470,470,470,-275,-276,470,-1425,470,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,470,470,470,-490,470,470,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,470,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,470,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,470,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,470,-172,-173,-174,-175,-993,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-290,-291,-281,470,470,470,470,470,-328,-318,-332,-333,-334,470,470,-982,-983,-984,-985,-986,-987,-988,470,470,470,470,470,470,470,470,470,470,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,470,470,470,-353,-356,470,-323,-324,-141,470,-142,470,-143,470,-430,-935,-936,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-1894,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-1894,470,-1894,470,470,470,470,470,470,470,470,470,470,470,470,-1894,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,470,-1894,470,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,470,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,470,470,470,-191,-192,470,-994,470,470,470,470,470,-277,-278,-279,-280,-365,470,-308,470,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,470,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,470,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,470,470,470,470,470,470,-573,470,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,470,470,-723,-724,-725,470,470,470,470,470,470,-994,470,470,-91,-92,470,470,470,470,-309,-310,-320,470,-307,-293,-294,-295,470,470,470,470,-618,-633,-590,470,470,-436,470,-437,470,-444,-445,-446,-378,-379,470,470,470,-506,470,470,-510,470,470,470,470,-515,-516,-517,-518,470,470,-521,-522,470,-524,-525,-526,-527,-528,-529,-530,-531,470,-533,470,470,470,-539,-541,-542,470,-544,-545,-546,-547,470,470,470,470,470,470,-652,-653,-654,-655,470,-657,-658,-659,470,470,470,-665,470,470,-669,-670,470,470,-673,470,-675,-676,470,-679,470,-681,470,470,-684,-685,-686,470,-688,470,470,-691,470,470,-694,-695,-696,470,-698,-699,-700,-701,470,470,-746,470,-749,-750,-751,-752,-753,470,-755,-756,-757,-758,-759,470,-766,-767,-769,470,-771,-772,-773,-782,-856,-858,-860,-862,470,470,470,470,-868,470,-870,470,470,470,470,470,470,470,-906,-907,470,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,470,-921,-924,470,-934,470,-385,-386,-387,470,470,-390,-391,-392,-393,470,-396,470,-399,-400,470,-401,470,-406,-407,470,-410,-411,-412,470,-415,470,-416,470,-421,-422,470,-425,470,-428,-429,-1894,-1894,470,-619,-620,-621,-622,-623,-634,-584,-624,-797,470,470,470,470,470,-831,470,470,-806,470,-832,470,470,470,470,-798,470,-853,-799,470,470,470,470,470,470,-854,-855,470,-834,-830,-835,470,-625,470,-626,-627,-628,-629,-574,470,470,-630,-631,-632,470,470,470,470,470,470,-635,-636,-637,-592,-1894,-602,470,-638,-639,-713,-640,-604,470,-572,-577,-580,-583,470,470,470,-598,-601,470,-608,470,470,470,470,470,470,470,470,470,470,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,470,470,470,-995,470,470,470,470,470,470,-306,-325,-319,-296,-375,-452,-453,-454,-458,470,-443,470,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,470,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,470,470,470,470,470,470,470,470,470,-316,-535,-508,-591,-937,-939,-940,-438,470,-440,-380,-381,-383,-507,-509,-511,470,-513,-514,-519,-520,470,-532,-534,-537,-538,-543,-548,-726,470,-727,470,-732,470,-734,470,-739,-656,-660,-661,470,-666,470,-667,470,-672,-674,470,-677,470,470,470,-687,-689,470,-692,470,470,-744,470,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,470,470,470,470,470,-877,470,-880,-908,-920,-925,-388,-389,470,-394,470,-397,470,-402,470,-403,470,-408,470,-413,470,-417,470,-418,470,-423,470,-426,-899,-900,-643,-585,-1894,-901,470,470,470,-800,470,470,-804,470,-807,-833,470,-818,470,-820,470,-822,-808,470,-824,470,-851,-852,470,470,-811,470,-646,-902,-904,-648,-649,-645,470,-705,-706,470,-642,-903,-647,-650,-603,-714,470,470,-605,-586,470,470,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,470,470,-709,-710,470,-716,470,470,470,470,470,470,-938,470,-439,-441,-747,470,-891,470,-715,-1894,470,470,470,470,470,-442,-512,-523,470,-728,-733,470,-735,470,-740,470,-662,-668,470,-678,-680,-682,-683,-690,-693,-697,-745,470,470,-874,470,470,-878,470,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,470,-812,470,-814,-801,470,-802,-805,470,-816,-819,-821,-823,-825,470,-826,470,-809,470,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,470,-282,470,470,470,470,-455,470,470,-729,470,-736,470,-741,470,-663,-671,470,470,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,470,-836,-53,470,470,-730,470,-737,470,-742,-664,470,-873,-54,470,470,-731,-738,-743,470,470,470,-872,]),'MATERIALIZED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[471,471,471,471,-1894,471,471,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,471,471,471,471,-275,-276,471,-1425,471,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,471,471,471,-490,471,471,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,471,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,471,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,471,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,471,-172,-173,-174,-175,-993,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-290,-291,-281,471,471,471,471,471,-328,-318,-332,-333,-334,471,471,-982,-983,-984,-985,-986,-987,-988,471,471,471,471,471,471,471,471,471,471,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,471,471,471,-353,-356,471,-323,-324,-141,471,-142,471,-143,471,-430,-935,-936,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-1894,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-1894,471,-1894,471,471,471,471,471,471,471,471,471,471,471,471,-1894,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,471,-1894,471,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,471,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,471,471,471,-191,-192,471,-994,471,471,471,471,471,-277,-278,-279,-280,-365,471,-308,471,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,471,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,471,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,471,471,471,471,471,471,-573,471,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,471,471,-723,-724,-725,471,471,471,471,471,471,-994,471,471,-91,-92,471,471,471,471,-309,-310,-320,471,-307,-293,-294,-295,471,471,471,471,-618,-633,-590,471,471,-436,471,-437,471,-444,-445,-446,-378,-379,471,471,471,-506,471,471,-510,471,471,471,471,-515,-516,-517,-518,471,471,-521,-522,471,-524,-525,-526,-527,-528,-529,-530,-531,471,-533,471,471,471,-539,-541,-542,471,-544,-545,-546,-547,471,471,471,471,471,471,-652,-653,-654,-655,471,-657,-658,-659,471,471,471,-665,471,471,-669,-670,471,471,-673,471,-675,-676,471,-679,471,-681,471,471,-684,-685,-686,471,-688,471,471,-691,471,471,-694,-695,-696,471,-698,-699,-700,-701,471,471,-746,471,-749,-750,-751,-752,-753,471,-755,-756,-757,-758,-759,471,-766,-767,-769,471,-771,-772,-773,-782,-856,-858,-860,-862,471,471,471,471,-868,471,-870,471,471,471,471,471,471,471,-906,-907,471,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,471,-921,-924,471,-934,471,-385,-386,-387,471,471,-390,-391,-392,-393,471,-396,471,-399,-400,471,-401,471,-406,-407,471,-410,-411,-412,471,-415,471,-416,471,-421,-422,471,-425,471,-428,-429,-1894,-1894,471,-619,-620,-621,-622,-623,-634,-584,-624,-797,471,471,471,471,471,-831,471,471,-806,471,-832,471,471,471,471,-798,471,-853,-799,471,471,471,471,471,471,-854,-855,471,-834,-830,-835,471,-625,471,-626,-627,-628,-629,-574,471,471,-630,-631,-632,471,471,471,471,471,471,-635,-636,-637,-592,-1894,-602,471,-638,-639,-713,-640,-604,471,-572,-577,-580,-583,471,471,471,-598,-601,471,-608,471,471,471,471,471,471,471,471,471,471,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,471,471,471,-995,471,471,471,471,471,471,-306,-325,-319,-296,-375,-452,-453,-454,-458,471,-443,471,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,471,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,471,471,471,471,471,471,471,471,471,-316,-535,-508,-591,-937,-939,-940,-438,471,-440,-380,-381,-383,-507,-509,-511,471,-513,-514,-519,-520,471,-532,-534,-537,-538,-543,-548,-726,471,-727,471,-732,471,-734,471,-739,-656,-660,-661,471,-666,471,-667,471,-672,-674,471,-677,471,471,471,-687,-689,471,-692,471,471,-744,471,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,471,471,471,471,471,-877,471,-880,-908,-920,-925,-388,-389,471,-394,471,-397,471,-402,471,-403,471,-408,471,-413,471,-417,471,-418,471,-423,471,-426,-899,-900,-643,-585,-1894,-901,471,471,471,-800,471,471,-804,471,-807,-833,471,-818,471,-820,471,-822,-808,471,-824,471,-851,-852,471,471,-811,471,-646,-902,-904,-648,-649,-645,471,-705,-706,471,-642,-903,-647,-650,-603,-714,471,471,-605,-586,471,471,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,471,471,-709,-710,471,-716,471,471,471,471,471,471,-938,471,-439,-441,-747,471,-891,471,-715,-1894,471,471,471,471,471,-442,-512,-523,471,-728,-733,471,-735,471,-740,471,-662,-668,471,-678,-680,-682,-683,-690,-693,-697,-745,471,471,-874,471,471,-878,471,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,471,-812,471,-814,-801,471,-802,-805,471,-816,-819,-821,-823,-825,471,-826,471,-809,471,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,471,-282,471,471,471,471,-455,471,471,-729,471,-736,471,-741,471,-663,-671,471,471,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,471,-836,-53,471,471,-730,471,-737,471,-742,-664,471,-873,-54,471,471,-731,-738,-743,471,471,471,-872,]),'MAX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[472,472,472,1287,-1894,472,472,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,472,472,472,472,-275,-276,1287,-1425,1287,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1287,1287,1287,-490,1287,1287,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1287,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1287,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1287,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,472,-172,-173,-174,-175,-993,472,472,472,472,472,472,472,472,472,472,1287,1287,1287,1287,1287,-290,-291,-281,472,1287,1287,1287,1287,-328,-318,-332,-333,-334,1287,1287,-982,-983,-984,-985,-986,-987,-988,472,472,1287,1287,1287,1287,1287,1287,1287,1287,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1287,1287,1287,-353,-356,472,-323,-324,-141,1287,-142,1287,-143,1287,-430,-935,-936,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1894,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1894,1287,-1894,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1894,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-1894,472,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1287,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1287,472,472,-191,-192,472,-994,1287,472,472,472,472,-277,-278,-279,-280,-365,1287,-308,1287,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1287,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1287,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1287,1287,1287,1287,1287,1287,-573,1287,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1287,1287,-723,-724,-725,1287,1287,472,472,472,472,-994,472,1287,-91,-92,472,472,472,1287,-309,-310,-320,1287,-307,-293,-294,-295,1287,472,1287,1287,-618,-633,-590,1287,472,-436,472,-437,1287,-444,-445,-446,-378,-379,1287,1287,1287,-506,1287,1287,-510,1287,1287,1287,1287,-515,-516,-517,-518,1287,1287,-521,-522,1287,-524,-525,-526,-527,-528,-529,-530,-531,1287,-533,1287,1287,1287,-539,-541,-542,1287,-544,-545,-546,-547,1287,1287,1287,1287,1287,1287,-652,-653,-654,-655,472,-657,-658,-659,1287,1287,1287,-665,1287,1287,-669,-670,1287,1287,-673,1287,-675,-676,1287,-679,1287,-681,1287,1287,-684,-685,-686,1287,-688,1287,1287,-691,1287,1287,-694,-695,-696,1287,-698,-699,-700,-701,1287,1287,-746,1287,-749,-750,-751,-752,-753,1287,-755,-756,-757,-758,-759,1287,-766,-767,-769,1287,-771,-772,-773,-782,-856,-858,-860,-862,1287,1287,1287,1287,-868,1287,-870,1287,1287,1287,1287,1287,1287,1287,-906,-907,1287,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1287,-921,-924,1287,-934,1287,-385,-386,-387,1287,1287,-390,-391,-392,-393,1287,-396,1287,-399,-400,1287,-401,1287,-406,-407,1287,-410,-411,-412,1287,-415,1287,-416,1287,-421,-422,1287,-425,1287,-428,-429,-1894,-1894,1287,-619,-620,-621,-622,-623,-634,-584,-624,-797,1287,1287,1287,1287,1287,-831,1287,1287,-806,1287,-832,1287,1287,1287,1287,-798,1287,-853,-799,1287,1287,1287,1287,1287,1287,-854,-855,1287,-834,-830,-835,1287,-625,1287,-626,-627,-628,-629,-574,1287,1287,-630,-631,-632,1287,1287,1287,1287,1287,1287,-635,-636,-637,-592,-1894,-602,1287,-638,-639,-713,-640,-604,1287,-572,-577,-580,-583,1287,1287,1287,-598,-601,1287,-608,1287,1287,1287,1287,1287,1287,1287,1287,1287,1287,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1287,472,472,-995,472,1287,472,472,472,1287,-306,-325,-319,-296,-375,-452,-453,-454,-458,472,-443,1287,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1287,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,472,472,472,472,472,472,472,472,1287,-316,-535,-508,-591,-937,-939,-940,-438,1287,-440,-380,-381,-383,-507,-509,-511,1287,-513,-514,-519,-520,1287,-532,-534,-537,-538,-543,-548,-726,1287,-727,1287,-732,1287,-734,1287,-739,-656,-660,-661,1287,-666,1287,-667,1287,-672,-674,1287,-677,1287,1287,1287,-687,-689,1287,-692,1287,1287,-744,1287,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1287,1287,1287,1287,1287,-877,1287,-880,-908,-920,-925,-388,-389,1287,-394,1287,-397,1287,-402,1287,-403,1287,-408,1287,-413,1287,-417,1287,-418,1287,-423,1287,-426,-899,-900,-643,-585,-1894,-901,1287,1287,1287,-800,1287,1287,-804,1287,-807,-833,1287,-818,1287,-820,1287,-822,-808,1287,-824,1287,-851,-852,1287,1287,-811,1287,-646,-902,-904,-648,-649,-645,1287,-705,-706,1287,-642,-903,-647,-650,-603,-714,1287,1287,-605,-586,1287,1287,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1287,1287,-709,-710,1287,-716,1287,472,472,472,1287,1287,-938,472,-439,-441,-747,1287,-891,1287,-715,-1894,1287,1287,472,472,1287,-442,-512,-523,1287,-728,-733,1287,-735,1287,-740,1287,-662,-668,1287,-678,-680,-682,-683,-690,-693,-697,-745,1287,1287,-874,1287,1287,-878,1287,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1287,-812,1287,-814,-801,1287,-802,-805,1287,-816,-819,-821,-823,-825,1287,-826,1287,-809,1287,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,472,-282,472,1287,472,1287,-455,1287,1287,-729,1287,-736,1287,-741,1287,-663,-671,1287,1287,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1287,-836,-53,472,1287,-730,1287,-737,1287,-742,-664,1287,-873,-54,472,472,-731,-738,-743,1287,472,1287,-872,]),'MAX_CONNECTIONS_PER_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[473,473,473,473,-1894,473,473,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,473,473,473,473,-275,-276,473,-1425,473,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,473,473,473,-490,473,473,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,473,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,473,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,473,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,473,-172,-173,-174,-175,-993,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-290,-291,-281,473,473,473,473,473,-328,-318,-332,-333,-334,473,473,-982,-983,-984,-985,-986,-987,-988,473,473,473,473,473,473,473,473,473,473,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,473,473,473,-353,-356,473,-323,-324,-141,473,-142,473,-143,473,-430,-935,-936,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-1894,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-1894,473,-1894,473,473,473,473,473,473,473,473,473,473,473,473,-1894,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,473,-1894,473,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,473,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,473,473,473,-191,-192,473,-994,473,473,473,473,473,-277,-278,-279,-280,-365,473,-308,473,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,473,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,473,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,473,473,473,473,473,473,-573,473,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,473,473,-723,-724,-725,473,473,473,473,473,473,-994,473,473,-91,-92,473,473,473,473,-309,-310,-320,473,-307,-293,-294,-295,473,473,473,473,-618,-633,-590,473,473,-436,473,-437,473,-444,-445,-446,-378,-379,473,473,473,-506,473,473,-510,473,473,473,473,-515,-516,-517,-518,473,473,-521,-522,473,-524,-525,-526,-527,-528,-529,-530,-531,473,-533,473,473,473,-539,-541,-542,473,-544,-545,-546,-547,473,473,473,473,473,473,-652,-653,-654,-655,473,-657,-658,-659,473,473,473,-665,473,473,-669,-670,473,473,-673,473,-675,-676,473,-679,473,-681,473,473,-684,-685,-686,473,-688,473,473,-691,473,473,-694,-695,-696,473,-698,-699,-700,-701,473,473,-746,473,-749,-750,-751,-752,-753,473,-755,-756,-757,-758,-759,473,-766,-767,-769,473,-771,-772,-773,-782,-856,-858,-860,-862,473,473,473,473,-868,473,-870,473,473,473,473,473,473,473,-906,-907,473,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,473,-921,-924,473,-934,473,-385,-386,-387,473,473,-390,-391,-392,-393,473,-396,473,-399,-400,473,-401,473,-406,-407,473,-410,-411,-412,473,-415,473,-416,473,-421,-422,473,-425,473,-428,-429,-1894,-1894,473,-619,-620,-621,-622,-623,-634,-584,-624,-797,473,473,473,473,473,-831,473,473,-806,473,-832,473,473,473,473,-798,473,-853,-799,473,473,473,473,473,473,-854,-855,473,-834,-830,-835,473,-625,473,-626,-627,-628,-629,-574,473,473,-630,-631,-632,473,473,473,473,473,473,-635,-636,-637,-592,-1894,-602,473,-638,-639,-713,-640,-604,473,-572,-577,-580,-583,473,473,473,-598,-601,473,-608,473,473,473,473,473,473,473,473,473,473,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,473,473,473,-995,473,473,473,473,473,473,-306,-325,-319,-296,-375,-452,-453,-454,-458,473,-443,473,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,473,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,473,473,473,473,473,473,473,473,473,-316,-535,-508,-591,-937,-939,-940,-438,473,-440,-380,-381,-383,-507,-509,-511,473,-513,-514,-519,-520,473,-532,-534,-537,-538,-543,-548,-726,473,-727,473,-732,473,-734,473,-739,-656,-660,-661,473,-666,473,-667,473,-672,-674,473,-677,473,473,473,-687,-689,473,-692,473,473,-744,473,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,473,473,473,473,473,-877,473,-880,-908,-920,-925,-388,-389,473,-394,473,-397,473,-402,473,-403,473,-408,473,-413,473,-417,473,-418,473,-423,473,-426,-899,-900,-643,-585,-1894,-901,473,473,473,-800,473,473,-804,473,-807,-833,473,-818,473,-820,473,-822,-808,473,-824,473,-851,-852,473,473,-811,473,-646,-902,-904,-648,-649,-645,473,-705,-706,473,-642,-903,-647,-650,-603,-714,473,473,-605,-586,473,473,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,473,473,-709,-710,473,-716,473,473,473,473,473,473,-938,473,-439,-441,-747,473,-891,473,-715,-1894,473,473,473,473,473,-442,-512,-523,473,-728,-733,473,-735,473,-740,473,-662,-668,473,-678,-680,-682,-683,-690,-693,-697,-745,473,473,-874,473,473,-878,473,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,473,-812,473,-814,-801,473,-802,-805,473,-816,-819,-821,-823,-825,473,-826,473,-809,473,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,473,-282,473,473,473,473,-455,473,473,-729,473,-736,473,-741,473,-663,-671,473,473,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,473,-836,-53,473,473,-730,473,-737,473,-742,-664,473,-873,-54,473,473,-731,-738,-743,473,473,473,-872,]),'MAX_CPU':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[474,474,474,474,-1894,474,474,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,474,474,474,474,-275,-276,474,-1425,474,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,474,474,474,-490,474,474,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,474,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,474,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,474,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,474,-172,-173,-174,-175,-993,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-290,-291,-281,474,474,474,474,474,-328,-318,-332,-333,-334,474,474,-982,-983,-984,-985,-986,-987,-988,474,474,474,474,474,474,474,474,474,474,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,474,474,474,-353,-356,474,-323,-324,-141,474,-142,474,-143,474,-430,-935,-936,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-1894,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-1894,474,-1894,474,474,474,474,474,474,474,474,474,474,474,474,-1894,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,474,-1894,474,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,474,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,474,474,474,-191,-192,474,-994,474,474,474,474,474,-277,-278,-279,-280,-365,474,-308,474,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,474,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,474,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,474,474,474,474,474,474,-573,474,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,474,474,-723,-724,-725,474,474,474,474,474,474,-994,474,474,-91,-92,474,474,474,474,-309,-310,-320,474,-307,-293,-294,-295,474,474,474,474,-618,-633,-590,474,474,-436,474,-437,474,-444,-445,-446,-378,-379,474,474,474,-506,474,474,-510,474,474,474,474,-515,-516,-517,-518,474,474,-521,-522,474,-524,-525,-526,-527,-528,-529,-530,-531,474,-533,474,474,474,-539,-541,-542,474,-544,-545,-546,-547,474,474,474,474,474,474,-652,-653,-654,-655,474,-657,-658,-659,474,474,474,-665,474,474,-669,-670,474,474,-673,474,-675,-676,474,-679,474,-681,474,474,-684,-685,-686,474,-688,474,474,-691,474,474,-694,-695,-696,474,-698,-699,-700,-701,474,474,-746,474,-749,-750,-751,-752,-753,474,-755,-756,-757,-758,-759,474,-766,-767,-769,474,-771,-772,-773,-782,-856,-858,-860,-862,474,474,474,474,-868,474,-870,474,474,474,474,474,474,474,-906,-907,474,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,474,-921,-924,474,-934,474,-385,-386,-387,474,474,-390,-391,-392,-393,474,-396,474,-399,-400,474,-401,474,-406,-407,474,-410,-411,-412,474,-415,474,-416,474,-421,-422,474,-425,474,-428,-429,-1894,-1894,474,-619,-620,-621,-622,-623,-634,-584,-624,-797,474,474,474,474,474,-831,474,474,-806,474,-832,474,474,474,474,-798,474,-853,-799,474,474,474,474,474,474,-854,-855,474,-834,-830,-835,474,-625,474,-626,-627,-628,-629,-574,474,474,-630,-631,-632,474,474,474,474,474,474,-635,-636,-637,-592,-1894,-602,474,-638,-639,-713,-640,-604,474,-572,-577,-580,-583,474,474,474,-598,-601,474,-608,474,474,474,474,474,474,474,474,474,474,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,474,474,474,-995,474,474,474,474,474,474,-306,-325,-319,-296,-375,-452,-453,-454,-458,474,-443,474,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,474,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,474,474,474,474,474,474,474,474,474,-316,-535,-508,-591,-937,-939,-940,-438,474,-440,-380,-381,-383,-507,-509,-511,474,-513,-514,-519,-520,474,-532,-534,-537,-538,-543,-548,-726,474,-727,474,-732,474,-734,474,-739,-656,-660,-661,474,-666,474,-667,474,-672,-674,474,-677,474,474,474,-687,-689,474,-692,474,474,-744,474,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,474,474,474,474,474,-877,474,-880,-908,-920,-925,-388,-389,474,-394,474,-397,474,-402,474,-403,474,-408,474,-413,474,-417,474,-418,474,-423,474,-426,-899,-900,-643,-585,-1894,-901,474,474,474,-800,474,474,-804,474,-807,-833,474,-818,474,-820,474,-822,-808,474,-824,474,-851,-852,474,474,-811,474,-646,-902,-904,-648,-649,-645,474,-705,-706,474,-642,-903,-647,-650,-603,-714,474,474,-605,-586,474,474,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,474,474,-709,-710,474,-716,474,474,474,474,474,474,-938,474,-439,-441,-747,474,-891,474,-715,-1894,474,474,474,474,474,-442,-512,-523,474,-728,-733,474,-735,474,-740,474,-662,-668,474,-678,-680,-682,-683,-690,-693,-697,-745,474,474,-874,474,474,-878,474,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,474,-812,474,-814,-801,474,-802,-805,474,-816,-819,-821,-823,-825,474,-826,474,-809,474,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,474,-282,474,474,474,474,-455,474,474,-729,474,-736,474,-741,474,-663,-671,474,474,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,474,-836,-53,474,474,-730,474,-737,474,-742,-664,474,-873,-54,474,474,-731,-738,-743,474,474,474,-872,]),'MAX_DISK_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[475,475,475,475,-1894,475,475,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,475,475,475,475,-275,-276,475,-1425,475,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,475,475,475,-490,475,475,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,475,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,475,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,475,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,475,-172,-173,-174,-175,-993,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-290,-291,-281,475,475,475,475,475,-328,-318,-332,-333,-334,475,475,-982,-983,-984,-985,-986,-987,-988,475,475,475,475,475,475,475,475,475,475,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,475,475,475,-353,-356,475,-323,-324,-141,475,-142,475,-143,475,-430,-935,-936,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-1894,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-1894,475,-1894,475,475,475,475,475,475,475,475,475,475,475,475,-1894,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,475,-1894,475,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,475,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,475,475,475,-191,-192,475,-994,475,475,475,475,475,-277,-278,-279,-280,-365,475,-308,475,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,475,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,475,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,475,475,475,475,475,475,-573,475,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,475,475,-723,-724,-725,475,475,475,475,475,475,-994,475,475,-91,-92,475,475,475,475,-309,-310,-320,475,-307,-293,-294,-295,475,475,475,475,-618,-633,-590,475,475,-436,475,-437,475,-444,-445,-446,-378,-379,475,475,475,-506,475,475,-510,475,475,475,475,-515,-516,-517,-518,475,475,-521,-522,475,-524,-525,-526,-527,-528,-529,-530,-531,475,-533,475,475,475,-539,-541,-542,475,-544,-545,-546,-547,475,475,475,475,475,475,-652,-653,-654,-655,475,-657,-658,-659,475,475,475,-665,475,475,-669,-670,475,475,-673,475,-675,-676,475,-679,475,-681,475,475,-684,-685,-686,475,-688,475,475,-691,475,475,-694,-695,-696,475,-698,-699,-700,-701,475,475,-746,475,-749,-750,-751,-752,-753,475,-755,-756,-757,-758,-759,475,-766,-767,-769,475,-771,-772,-773,-782,-856,-858,-860,-862,475,475,475,475,-868,475,-870,475,475,475,475,475,475,475,-906,-907,475,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,475,-921,-924,475,-934,475,-385,-386,-387,475,475,-390,-391,-392,-393,475,-396,475,-399,-400,475,-401,475,-406,-407,475,-410,-411,-412,475,-415,475,-416,475,-421,-422,475,-425,475,-428,-429,-1894,-1894,475,-619,-620,-621,-622,-623,-634,-584,-624,-797,475,475,475,475,475,-831,475,475,-806,475,-832,475,475,475,475,-798,475,-853,-799,475,475,475,475,475,475,-854,-855,475,-834,-830,-835,475,-625,475,-626,-627,-628,-629,-574,475,475,-630,-631,-632,475,475,475,475,475,475,-635,-636,-637,-592,-1894,-602,475,-638,-639,-713,-640,-604,475,-572,-577,-580,-583,475,475,475,-598,-601,475,-608,475,475,475,475,475,475,475,475,475,475,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,475,475,475,-995,475,475,475,475,475,475,-306,-325,-319,-296,-375,-452,-453,-454,-458,475,-443,475,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,475,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,475,475,475,475,475,475,475,475,475,-316,-535,-508,-591,-937,-939,-940,-438,475,-440,-380,-381,-383,-507,-509,-511,475,-513,-514,-519,-520,475,-532,-534,-537,-538,-543,-548,-726,475,-727,475,-732,475,-734,475,-739,-656,-660,-661,475,-666,475,-667,475,-672,-674,475,-677,475,475,475,-687,-689,475,-692,475,475,-744,475,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,475,475,475,475,475,-877,475,-880,-908,-920,-925,-388,-389,475,-394,475,-397,475,-402,475,-403,475,-408,475,-413,475,-417,475,-418,475,-423,475,-426,-899,-900,-643,-585,-1894,-901,475,475,475,-800,475,475,-804,475,-807,-833,475,-818,475,-820,475,-822,-808,475,-824,475,-851,-852,475,475,-811,475,-646,-902,-904,-648,-649,-645,475,-705,-706,475,-642,-903,-647,-650,-603,-714,475,475,-605,-586,475,475,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,475,475,-709,-710,475,-716,475,475,475,475,475,475,-938,475,-439,-441,-747,475,-891,475,-715,-1894,475,475,475,475,475,-442,-512,-523,475,-728,-733,475,-735,475,-740,475,-662,-668,475,-678,-680,-682,-683,-690,-693,-697,-745,475,475,-874,475,475,-878,475,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,475,-812,475,-814,-801,475,-802,-805,475,-816,-819,-821,-823,-825,475,-826,475,-809,475,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,475,-282,475,475,475,475,-455,475,475,-729,475,-736,475,-741,475,-663,-671,475,475,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,475,-836,-53,475,475,-730,475,-737,475,-742,-664,475,-873,-54,475,475,-731,-738,-743,475,475,475,-872,]),'MAX_IOPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[476,476,476,476,-1894,476,476,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,476,476,476,476,-275,-276,476,-1425,476,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,476,476,476,-490,476,476,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,476,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,476,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,476,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,476,-172,-173,-174,-175,-993,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-290,-291,-281,476,476,476,476,476,-328,-318,-332,-333,-334,476,476,-982,-983,-984,-985,-986,-987,-988,476,476,476,476,476,476,476,476,476,476,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,476,476,476,-353,-356,476,-323,-324,-141,476,-142,476,-143,476,-430,-935,-936,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-1894,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-1894,476,-1894,476,476,476,476,476,476,476,476,476,476,476,476,-1894,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,476,-1894,476,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,476,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,476,476,476,-191,-192,476,-994,476,476,476,476,476,-277,-278,-279,-280,-365,476,-308,476,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,476,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,476,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,476,476,476,476,476,476,-573,476,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,476,476,-723,-724,-725,476,476,476,476,476,476,-994,476,476,-91,-92,476,476,476,476,-309,-310,-320,476,-307,-293,-294,-295,476,476,476,476,-618,-633,-590,476,476,-436,476,-437,476,-444,-445,-446,-378,-379,476,476,476,-506,476,476,-510,476,476,476,476,-515,-516,-517,-518,476,476,-521,-522,476,-524,-525,-526,-527,-528,-529,-530,-531,476,-533,476,476,476,-539,-541,-542,476,-544,-545,-546,-547,476,476,476,476,476,476,-652,-653,-654,-655,476,-657,-658,-659,476,476,476,-665,476,476,-669,-670,476,476,-673,476,-675,-676,476,-679,476,-681,476,476,-684,-685,-686,476,-688,476,476,-691,476,476,-694,-695,-696,476,-698,-699,-700,-701,476,476,-746,476,-749,-750,-751,-752,-753,476,-755,-756,-757,-758,-759,476,-766,-767,-769,476,-771,-772,-773,-782,-856,-858,-860,-862,476,476,476,476,-868,476,-870,476,476,476,476,476,476,476,-906,-907,476,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,476,-921,-924,476,-934,476,-385,-386,-387,476,476,-390,-391,-392,-393,476,-396,476,-399,-400,476,-401,476,-406,-407,476,-410,-411,-412,476,-415,476,-416,476,-421,-422,476,-425,476,-428,-429,-1894,-1894,476,-619,-620,-621,-622,-623,-634,-584,-624,-797,476,476,476,476,476,-831,476,476,-806,476,-832,476,476,476,476,-798,476,-853,-799,476,476,476,476,476,476,-854,-855,476,-834,-830,-835,476,-625,476,-626,-627,-628,-629,-574,476,476,-630,-631,-632,476,476,476,476,476,476,-635,-636,-637,-592,-1894,-602,476,-638,-639,-713,-640,-604,476,-572,-577,-580,-583,476,476,476,-598,-601,476,-608,476,476,476,476,476,476,476,476,476,476,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,476,476,476,-995,476,476,476,476,476,476,-306,-325,-319,-296,-375,-452,-453,-454,-458,476,-443,476,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,476,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,476,476,476,476,476,476,476,476,476,-316,-535,-508,-591,-937,-939,-940,-438,476,-440,-380,-381,-383,-507,-509,-511,476,-513,-514,-519,-520,476,-532,-534,-537,-538,-543,-548,-726,476,-727,476,-732,476,-734,476,-739,-656,-660,-661,476,-666,476,-667,476,-672,-674,476,-677,476,476,476,-687,-689,476,-692,476,476,-744,476,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,476,476,476,476,476,-877,476,-880,-908,-920,-925,-388,-389,476,-394,476,-397,476,-402,476,-403,476,-408,476,-413,476,-417,476,-418,476,-423,476,-426,-899,-900,-643,-585,-1894,-901,476,476,476,-800,476,476,-804,476,-807,-833,476,-818,476,-820,476,-822,-808,476,-824,476,-851,-852,476,476,-811,476,-646,-902,-904,-648,-649,-645,476,-705,-706,476,-642,-903,-647,-650,-603,-714,476,476,-605,-586,476,476,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,476,476,-709,-710,476,-716,476,476,476,476,476,476,-938,476,-439,-441,-747,476,-891,476,-715,-1894,476,476,476,476,476,-442,-512,-523,476,-728,-733,476,-735,476,-740,476,-662,-668,476,-678,-680,-682,-683,-690,-693,-697,-745,476,476,-874,476,476,-878,476,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,476,-812,476,-814,-801,476,-802,-805,476,-816,-819,-821,-823,-825,476,-826,476,-809,476,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,476,-282,476,476,476,476,-455,476,476,-729,476,-736,476,-741,476,-663,-671,476,476,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,476,-836,-53,476,476,-730,476,-737,476,-742,-664,476,-873,-54,476,476,-731,-738,-743,476,476,476,-872,]),'MAX_MEMORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[477,477,477,477,-1894,477,477,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,477,477,477,477,-275,-276,477,-1425,477,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,477,477,477,-490,477,477,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,477,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,477,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,477,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,477,-172,-173,-174,-175,-993,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-290,-291,-281,477,477,477,477,477,-328,-318,-332,-333,-334,477,477,-982,-983,-984,-985,-986,-987,-988,477,477,477,477,477,477,477,477,477,477,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,477,477,477,-353,-356,477,-323,-324,-141,477,-142,477,-143,477,-430,-935,-936,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-1894,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-1894,477,-1894,477,477,477,477,477,477,477,477,477,477,477,477,-1894,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,477,-1894,477,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,477,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,477,477,477,-191,-192,477,-994,477,477,477,477,477,-277,-278,-279,-280,-365,477,-308,477,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,477,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,477,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,477,477,477,477,477,477,-573,477,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,477,477,-723,-724,-725,477,477,477,477,477,477,-994,477,477,-91,-92,477,477,477,477,-309,-310,-320,477,-307,-293,-294,-295,477,477,477,477,-618,-633,-590,477,477,-436,477,-437,477,-444,-445,-446,-378,-379,477,477,477,-506,477,477,-510,477,477,477,477,-515,-516,-517,-518,477,477,-521,-522,477,-524,-525,-526,-527,-528,-529,-530,-531,477,-533,477,477,477,-539,-541,-542,477,-544,-545,-546,-547,477,477,477,477,477,477,-652,-653,-654,-655,477,-657,-658,-659,477,477,477,-665,477,477,-669,-670,477,477,-673,477,-675,-676,477,-679,477,-681,477,477,-684,-685,-686,477,-688,477,477,-691,477,477,-694,-695,-696,477,-698,-699,-700,-701,477,477,-746,477,-749,-750,-751,-752,-753,477,-755,-756,-757,-758,-759,477,-766,-767,-769,477,-771,-772,-773,-782,-856,-858,-860,-862,477,477,477,477,-868,477,-870,477,477,477,477,477,477,477,-906,-907,477,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,477,-921,-924,477,-934,477,-385,-386,-387,477,477,-390,-391,-392,-393,477,-396,477,-399,-400,477,-401,477,-406,-407,477,-410,-411,-412,477,-415,477,-416,477,-421,-422,477,-425,477,-428,-429,-1894,-1894,477,-619,-620,-621,-622,-623,-634,-584,-624,-797,477,477,477,477,477,-831,477,477,-806,477,-832,477,477,477,477,-798,477,-853,-799,477,477,477,477,477,477,-854,-855,477,-834,-830,-835,477,-625,477,-626,-627,-628,-629,-574,477,477,-630,-631,-632,477,477,477,477,477,477,-635,-636,-637,-592,-1894,-602,477,-638,-639,-713,-640,-604,477,-572,-577,-580,-583,477,477,477,-598,-601,477,-608,477,477,477,477,477,477,477,477,477,477,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,477,477,477,-995,477,477,477,477,477,477,-306,-325,-319,-296,-375,-452,-453,-454,-458,477,-443,477,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,477,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,477,477,477,477,477,477,477,477,477,-316,-535,-508,-591,-937,-939,-940,-438,477,-440,-380,-381,-383,-507,-509,-511,477,-513,-514,-519,-520,477,-532,-534,-537,-538,-543,-548,-726,477,-727,477,-732,477,-734,477,-739,-656,-660,-661,477,-666,477,-667,477,-672,-674,477,-677,477,477,477,-687,-689,477,-692,477,477,-744,477,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,477,477,477,477,477,-877,477,-880,-908,-920,-925,-388,-389,477,-394,477,-397,477,-402,477,-403,477,-408,477,-413,477,-417,477,-418,477,-423,477,-426,-899,-900,-643,-585,-1894,-901,477,477,477,-800,477,477,-804,477,-807,-833,477,-818,477,-820,477,-822,-808,477,-824,477,-851,-852,477,477,-811,477,-646,-902,-904,-648,-649,-645,477,-705,-706,477,-642,-903,-647,-650,-603,-714,477,477,-605,-586,477,477,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,477,477,-709,-710,477,-716,477,477,477,477,477,477,-938,477,-439,-441,-747,477,-891,477,-715,-1894,477,477,477,477,477,-442,-512,-523,477,-728,-733,477,-735,477,-740,477,-662,-668,477,-678,-680,-682,-683,-690,-693,-697,-745,477,477,-874,477,477,-878,477,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,477,-812,477,-814,-801,477,-802,-805,477,-816,-819,-821,-823,-825,477,-826,477,-809,477,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,477,-282,477,477,477,477,-455,477,477,-729,477,-736,477,-741,477,-663,-671,477,477,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,477,-836,-53,477,477,-730,477,-737,477,-742,-664,477,-873,-54,477,477,-731,-738,-743,477,477,477,-872,]),'MAX_QUERIES_PER_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[478,478,478,478,-1894,478,478,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,478,478,478,478,-275,-276,478,-1425,478,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,478,478,478,-490,478,478,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,478,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,478,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,478,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,478,-172,-173,-174,-175,-993,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-290,-291,-281,478,478,478,478,478,-328,-318,-332,-333,-334,478,478,-982,-983,-984,-985,-986,-987,-988,478,478,478,478,478,478,478,478,478,478,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,478,478,478,-353,-356,478,-323,-324,-141,478,-142,478,-143,478,-430,-935,-936,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-1894,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-1894,478,-1894,478,478,478,478,478,478,478,478,478,478,478,478,-1894,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,478,-1894,478,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,478,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,478,478,478,-191,-192,478,-994,478,478,478,478,478,-277,-278,-279,-280,-365,478,-308,478,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,478,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,478,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,478,478,478,478,478,478,-573,478,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,478,478,-723,-724,-725,478,478,478,478,478,478,-994,478,478,-91,-92,478,478,478,478,-309,-310,-320,478,-307,-293,-294,-295,478,478,478,478,-618,-633,-590,478,478,-436,478,-437,478,-444,-445,-446,-378,-379,478,478,478,-506,478,478,-510,478,478,478,478,-515,-516,-517,-518,478,478,-521,-522,478,-524,-525,-526,-527,-528,-529,-530,-531,478,-533,478,478,478,-539,-541,-542,478,-544,-545,-546,-547,478,478,478,478,478,478,-652,-653,-654,-655,478,-657,-658,-659,478,478,478,-665,478,478,-669,-670,478,478,-673,478,-675,-676,478,-679,478,-681,478,478,-684,-685,-686,478,-688,478,478,-691,478,478,-694,-695,-696,478,-698,-699,-700,-701,478,478,-746,478,-749,-750,-751,-752,-753,478,-755,-756,-757,-758,-759,478,-766,-767,-769,478,-771,-772,-773,-782,-856,-858,-860,-862,478,478,478,478,-868,478,-870,478,478,478,478,478,478,478,-906,-907,478,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,478,-921,-924,478,-934,478,-385,-386,-387,478,478,-390,-391,-392,-393,478,-396,478,-399,-400,478,-401,478,-406,-407,478,-410,-411,-412,478,-415,478,-416,478,-421,-422,478,-425,478,-428,-429,-1894,-1894,478,-619,-620,-621,-622,-623,-634,-584,-624,-797,478,478,478,478,478,-831,478,478,-806,478,-832,478,478,478,478,-798,478,-853,-799,478,478,478,478,478,478,-854,-855,478,-834,-830,-835,478,-625,478,-626,-627,-628,-629,-574,478,478,-630,-631,-632,478,478,478,478,478,478,-635,-636,-637,-592,-1894,-602,478,-638,-639,-713,-640,-604,478,-572,-577,-580,-583,478,478,478,-598,-601,478,-608,478,478,478,478,478,478,478,478,478,478,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,478,478,478,-995,478,478,478,478,478,478,-306,-325,-319,-296,-375,-452,-453,-454,-458,478,-443,478,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,478,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,478,478,478,478,478,478,478,478,478,-316,-535,-508,-591,-937,-939,-940,-438,478,-440,-380,-381,-383,-507,-509,-511,478,-513,-514,-519,-520,478,-532,-534,-537,-538,-543,-548,-726,478,-727,478,-732,478,-734,478,-739,-656,-660,-661,478,-666,478,-667,478,-672,-674,478,-677,478,478,478,-687,-689,478,-692,478,478,-744,478,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,478,478,478,478,478,-877,478,-880,-908,-920,-925,-388,-389,478,-394,478,-397,478,-402,478,-403,478,-408,478,-413,478,-417,478,-418,478,-423,478,-426,-899,-900,-643,-585,-1894,-901,478,478,478,-800,478,478,-804,478,-807,-833,478,-818,478,-820,478,-822,-808,478,-824,478,-851,-852,478,478,-811,478,-646,-902,-904,-648,-649,-645,478,-705,-706,478,-642,-903,-647,-650,-603,-714,478,478,-605,-586,478,478,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,478,478,-709,-710,478,-716,478,478,478,478,478,478,-938,478,-439,-441,-747,478,-891,478,-715,-1894,478,478,478,478,478,-442,-512,-523,478,-728,-733,478,-735,478,-740,478,-662,-668,478,-678,-680,-682,-683,-690,-693,-697,-745,478,478,-874,478,478,-878,478,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,478,-812,478,-814,-801,478,-802,-805,478,-816,-819,-821,-823,-825,478,-826,478,-809,478,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,478,-282,478,478,478,478,-455,478,478,-729,478,-736,478,-741,478,-663,-671,478,478,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,478,-836,-53,478,478,-730,478,-737,478,-742,-664,478,-873,-54,478,478,-731,-738,-743,478,478,478,-872,]),'MAX_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[479,479,479,479,-1894,479,479,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,479,479,479,479,-275,-276,479,-1425,479,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,479,479,479,-490,479,479,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,479,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,479,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,479,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,479,-172,-173,-174,-175,-993,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-290,-291,-281,479,479,479,479,479,-328,-318,-332,-333,-334,479,479,-982,-983,-984,-985,-986,-987,-988,479,479,479,479,479,479,479,479,479,479,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,479,479,479,-353,-356,479,-323,-324,-141,479,-142,479,-143,479,-430,-935,-936,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-1894,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-1894,479,-1894,479,479,479,479,479,479,479,479,479,479,479,479,-1894,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,479,-1894,479,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,479,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,479,479,479,-191,-192,479,-994,479,479,479,479,479,-277,-278,-279,-280,-365,479,-308,479,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,479,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,479,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,479,479,479,479,479,479,-573,479,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,479,479,-723,-724,-725,479,479,479,479,479,479,-994,479,479,-91,-92,479,479,479,479,-309,-310,-320,479,-307,-293,-294,-295,479,479,479,479,-618,-633,-590,479,479,-436,479,-437,479,-444,-445,-446,-378,-379,479,479,479,-506,479,479,-510,479,479,479,479,-515,-516,-517,-518,479,479,-521,-522,479,-524,-525,-526,-527,-528,-529,-530,-531,479,-533,479,479,479,-539,-541,-542,479,-544,-545,-546,-547,479,479,479,479,479,479,-652,-653,-654,-655,479,-657,-658,-659,479,479,479,-665,479,479,-669,-670,479,479,-673,479,-675,-676,479,-679,479,-681,479,479,-684,-685,-686,479,-688,479,479,-691,479,479,-694,-695,-696,479,-698,-699,-700,-701,479,479,-746,479,-749,-750,-751,-752,-753,479,-755,-756,-757,-758,-759,479,-766,-767,-769,479,-771,-772,-773,-782,-856,-858,-860,-862,479,479,479,479,-868,479,-870,479,479,479,479,479,479,479,-906,-907,479,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,479,-921,-924,479,-934,479,-385,-386,-387,479,479,-390,-391,-392,-393,479,-396,479,-399,-400,479,-401,479,-406,-407,479,-410,-411,-412,479,-415,479,-416,479,-421,-422,479,-425,479,-428,-429,-1894,-1894,479,-619,-620,-621,-622,-623,-634,-584,-624,-797,479,479,479,479,479,-831,479,479,-806,479,-832,479,479,479,479,-798,479,-853,-799,479,479,479,479,479,479,-854,-855,479,-834,-830,-835,479,-625,479,-626,-627,-628,-629,-574,479,479,-630,-631,-632,479,479,479,479,479,479,-635,-636,-637,-592,-1894,-602,479,-638,-639,-713,-640,-604,479,-572,-577,-580,-583,479,479,479,-598,-601,479,-608,479,479,479,479,479,479,479,479,479,479,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,479,479,479,-995,479,479,479,479,479,479,-306,-325,-319,-296,-375,-452,-453,-454,-458,479,-443,479,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,479,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,479,479,479,479,479,479,479,479,479,-316,-535,-508,-591,-937,-939,-940,-438,479,-440,-380,-381,-383,-507,-509,-511,479,-513,-514,-519,-520,479,-532,-534,-537,-538,-543,-548,-726,479,-727,479,-732,479,-734,479,-739,-656,-660,-661,479,-666,479,-667,479,-672,-674,479,-677,479,479,479,-687,-689,479,-692,479,479,-744,479,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,479,479,479,479,479,-877,479,-880,-908,-920,-925,-388,-389,479,-394,479,-397,479,-402,479,-403,479,-408,479,-413,479,-417,479,-418,479,-423,479,-426,-899,-900,-643,-585,-1894,-901,479,479,479,-800,479,479,-804,479,-807,-833,479,-818,479,-820,479,-822,-808,479,-824,479,-851,-852,479,479,-811,479,-646,-902,-904,-648,-649,-645,479,-705,-706,479,-642,-903,-647,-650,-603,-714,479,479,-605,-586,479,479,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,479,479,-709,-710,479,-716,479,479,479,479,479,479,-938,479,-439,-441,-747,479,-891,479,-715,-1894,479,479,479,479,479,-442,-512,-523,479,-728,-733,479,-735,479,-740,479,-662,-668,479,-678,-680,-682,-683,-690,-693,-697,-745,479,479,-874,479,479,-878,479,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,479,-812,479,-814,-801,479,-802,-805,479,-816,-819,-821,-823,-825,479,-826,479,-809,479,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,479,-282,479,479,479,479,-455,479,479,-729,479,-736,479,-741,479,-663,-671,479,479,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,479,-836,-53,479,479,-730,479,-737,479,-742,-664,479,-873,-54,479,479,-731,-738,-743,479,479,479,-872,]),'MAX_SESSION_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[480,480,480,480,-1894,480,480,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,480,480,480,480,-275,-276,480,-1425,480,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,480,480,480,-490,480,480,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,480,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,480,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,480,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,480,-172,-173,-174,-175,-993,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-290,-291,-281,480,480,480,480,480,-328,-318,-332,-333,-334,480,480,-982,-983,-984,-985,-986,-987,-988,480,480,480,480,480,480,480,480,480,480,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,480,480,480,-353,-356,480,-323,-324,-141,480,-142,480,-143,480,-430,-935,-936,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-1894,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-1894,480,-1894,480,480,480,480,480,480,480,480,480,480,480,480,-1894,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,480,-1894,480,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,480,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,480,480,480,-191,-192,480,-994,480,480,480,480,480,-277,-278,-279,-280,-365,480,-308,480,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,480,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,480,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,480,480,480,480,480,480,-573,480,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,480,480,-723,-724,-725,480,480,480,480,480,480,-994,480,480,-91,-92,480,480,480,480,-309,-310,-320,480,-307,-293,-294,-295,480,480,480,480,-618,-633,-590,480,480,-436,480,-437,480,-444,-445,-446,-378,-379,480,480,480,-506,480,480,-510,480,480,480,480,-515,-516,-517,-518,480,480,-521,-522,480,-524,-525,-526,-527,-528,-529,-530,-531,480,-533,480,480,480,-539,-541,-542,480,-544,-545,-546,-547,480,480,480,480,480,480,-652,-653,-654,-655,480,-657,-658,-659,480,480,480,-665,480,480,-669,-670,480,480,-673,480,-675,-676,480,-679,480,-681,480,480,-684,-685,-686,480,-688,480,480,-691,480,480,-694,-695,-696,480,-698,-699,-700,-701,480,480,-746,480,-749,-750,-751,-752,-753,480,-755,-756,-757,-758,-759,480,-766,-767,-769,480,-771,-772,-773,-782,-856,-858,-860,-862,480,480,480,480,-868,480,-870,480,480,480,480,480,480,480,-906,-907,480,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,480,-921,-924,480,-934,480,-385,-386,-387,480,480,-390,-391,-392,-393,480,-396,480,-399,-400,480,-401,480,-406,-407,480,-410,-411,-412,480,-415,480,-416,480,-421,-422,480,-425,480,-428,-429,-1894,-1894,480,-619,-620,-621,-622,-623,-634,-584,-624,-797,480,480,480,480,480,-831,480,480,-806,480,-832,480,480,480,480,-798,480,-853,-799,480,480,480,480,480,480,-854,-855,480,-834,-830,-835,480,-625,480,-626,-627,-628,-629,-574,480,480,-630,-631,-632,480,480,480,480,480,480,-635,-636,-637,-592,-1894,-602,480,-638,-639,-713,-640,-604,480,-572,-577,-580,-583,480,480,480,-598,-601,480,-608,480,480,480,480,480,480,480,480,480,480,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,480,480,480,-995,480,480,480,480,480,480,-306,-325,-319,-296,-375,-452,-453,-454,-458,480,-443,480,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,480,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,480,480,480,480,480,480,480,480,480,-316,-535,-508,-591,-937,-939,-940,-438,480,-440,-380,-381,-383,-507,-509,-511,480,-513,-514,-519,-520,480,-532,-534,-537,-538,-543,-548,-726,480,-727,480,-732,480,-734,480,-739,-656,-660,-661,480,-666,480,-667,480,-672,-674,480,-677,480,480,480,-687,-689,480,-692,480,480,-744,480,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,480,480,480,480,480,-877,480,-880,-908,-920,-925,-388,-389,480,-394,480,-397,480,-402,480,-403,480,-408,480,-413,480,-417,480,-418,480,-423,480,-426,-899,-900,-643,-585,-1894,-901,480,480,480,-800,480,480,-804,480,-807,-833,480,-818,480,-820,480,-822,-808,480,-824,480,-851,-852,480,480,-811,480,-646,-902,-904,-648,-649,-645,480,-705,-706,480,-642,-903,-647,-650,-603,-714,480,480,-605,-586,480,480,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,480,480,-709,-710,480,-716,480,480,480,480,480,480,-938,480,-439,-441,-747,480,-891,480,-715,-1894,480,480,480,480,480,-442,-512,-523,480,-728,-733,480,-735,480,-740,480,-662,-668,480,-678,-680,-682,-683,-690,-693,-697,-745,480,480,-874,480,480,-878,480,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,480,-812,480,-814,-801,480,-802,-805,480,-816,-819,-821,-823,-825,480,-826,480,-809,480,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,480,-282,480,480,480,480,-455,480,480,-729,480,-736,480,-741,480,-663,-671,480,480,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,480,-836,-53,480,480,-730,480,-737,480,-742,-664,480,-873,-54,480,480,-731,-738,-743,480,480,480,-872,]),'MAX_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[481,481,481,481,-1894,481,481,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,481,481,481,481,-275,-276,481,-1425,481,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,481,481,481,-490,481,481,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,481,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,481,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,481,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,481,-172,-173,-174,-175,-993,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-290,-291,-281,481,481,481,481,481,-328,-318,-332,-333,-334,481,481,-982,-983,-984,-985,-986,-987,-988,481,481,481,481,481,481,481,481,481,481,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,481,481,481,-353,-356,481,-323,-324,-141,481,-142,481,-143,481,-430,-935,-936,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-1894,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-1894,481,-1894,481,481,481,481,481,481,481,481,481,481,481,481,-1894,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,481,-1894,481,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,481,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,481,481,481,-191,-192,481,-994,481,481,481,481,481,-277,-278,-279,-280,-365,481,-308,481,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,481,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,481,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,481,481,481,481,481,481,-573,481,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,481,481,-723,-724,-725,481,481,481,481,481,481,-994,481,481,-91,-92,481,481,481,481,-309,-310,-320,481,-307,-293,-294,-295,481,481,481,481,-618,-633,-590,481,481,-436,481,-437,481,-444,-445,-446,-378,-379,481,481,481,-506,481,481,-510,481,481,481,481,-515,-516,-517,-518,481,481,-521,-522,481,-524,-525,-526,-527,-528,-529,-530,-531,481,-533,481,481,481,-539,-541,-542,481,-544,-545,-546,-547,481,481,481,481,481,481,-652,-653,-654,-655,481,-657,-658,-659,481,481,481,-665,481,481,-669,-670,481,481,-673,481,-675,-676,481,-679,481,-681,481,481,-684,-685,-686,481,-688,481,481,-691,481,481,-694,-695,-696,481,-698,-699,-700,-701,481,481,-746,481,-749,-750,-751,-752,-753,481,-755,-756,-757,-758,-759,481,-766,-767,-769,481,-771,-772,-773,-782,-856,-858,-860,-862,481,481,481,481,-868,481,-870,481,481,481,481,481,481,481,-906,-907,481,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,481,-921,-924,481,-934,481,-385,-386,-387,481,481,-390,-391,-392,-393,481,-396,481,-399,-400,481,-401,481,-406,-407,481,-410,-411,-412,481,-415,481,-416,481,-421,-422,481,-425,481,-428,-429,-1894,-1894,481,-619,-620,-621,-622,-623,-634,-584,-624,-797,481,481,481,481,481,-831,481,481,-806,481,-832,481,481,481,481,-798,481,-853,-799,481,481,481,481,481,481,-854,-855,481,-834,-830,-835,481,-625,481,-626,-627,-628,-629,-574,481,481,-630,-631,-632,481,481,481,481,481,481,-635,-636,-637,-592,-1894,-602,481,-638,-639,-713,-640,-604,481,-572,-577,-580,-583,481,481,481,-598,-601,481,-608,481,481,481,481,481,481,481,481,481,481,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,481,481,481,-995,481,481,481,481,481,481,-306,-325,-319,-296,-375,-452,-453,-454,-458,481,-443,481,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,481,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,481,481,481,481,481,481,481,481,481,-316,-535,-508,-591,-937,-939,-940,-438,481,-440,-380,-381,-383,-507,-509,-511,481,-513,-514,-519,-520,481,-532,-534,-537,-538,-543,-548,-726,481,-727,481,-732,481,-734,481,-739,-656,-660,-661,481,-666,481,-667,481,-672,-674,481,-677,481,481,481,-687,-689,481,-692,481,481,-744,481,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,481,481,481,481,481,-877,481,-880,-908,-920,-925,-388,-389,481,-394,481,-397,481,-402,481,-403,481,-408,481,-413,481,-417,481,-418,481,-423,481,-426,-899,-900,-643,-585,-1894,-901,481,481,481,-800,481,481,-804,481,-807,-833,481,-818,481,-820,481,-822,-808,481,-824,481,-851,-852,481,481,-811,481,-646,-902,-904,-648,-649,-645,481,-705,-706,481,-642,-903,-647,-650,-603,-714,481,481,-605,-586,481,481,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,481,481,-709,-710,481,-716,481,481,481,481,481,481,-938,481,-439,-441,-747,481,-891,481,-715,-1894,481,481,481,481,481,-442,-512,-523,481,-728,-733,481,-735,481,-740,481,-662,-668,481,-678,-680,-682,-683,-690,-693,-697,-745,481,481,-874,481,481,-878,481,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,481,-812,481,-814,-801,481,-802,-805,481,-816,-819,-821,-823,-825,481,-826,481,-809,481,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,481,-282,481,481,481,481,-455,481,481,-729,481,-736,481,-741,481,-663,-671,481,481,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,481,-836,-53,481,481,-730,481,-737,481,-742,-664,481,-873,-54,481,481,-731,-738,-743,481,481,481,-872,]),'MAX_UPDATES_PER_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[482,482,482,482,-1894,482,482,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,482,482,482,482,-275,-276,482,-1425,482,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,482,482,482,-490,482,482,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,482,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,482,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,482,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,482,-172,-173,-174,-175,-993,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-290,-291,-281,482,482,482,482,482,-328,-318,-332,-333,-334,482,482,-982,-983,-984,-985,-986,-987,-988,482,482,482,482,482,482,482,482,482,482,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,482,482,482,-353,-356,482,-323,-324,-141,482,-142,482,-143,482,-430,-935,-936,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-1894,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-1894,482,-1894,482,482,482,482,482,482,482,482,482,482,482,482,-1894,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,482,-1894,482,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,482,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,482,482,482,-191,-192,482,-994,482,482,482,482,482,-277,-278,-279,-280,-365,482,-308,482,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,482,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,482,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,482,482,482,482,482,482,-573,482,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,482,482,-723,-724,-725,482,482,482,482,482,482,-994,482,482,-91,-92,482,482,482,482,-309,-310,-320,482,-307,-293,-294,-295,482,482,482,482,-618,-633,-590,482,482,-436,482,-437,482,-444,-445,-446,-378,-379,482,482,482,-506,482,482,-510,482,482,482,482,-515,-516,-517,-518,482,482,-521,-522,482,-524,-525,-526,-527,-528,-529,-530,-531,482,-533,482,482,482,-539,-541,-542,482,-544,-545,-546,-547,482,482,482,482,482,482,-652,-653,-654,-655,482,-657,-658,-659,482,482,482,-665,482,482,-669,-670,482,482,-673,482,-675,-676,482,-679,482,-681,482,482,-684,-685,-686,482,-688,482,482,-691,482,482,-694,-695,-696,482,-698,-699,-700,-701,482,482,-746,482,-749,-750,-751,-752,-753,482,-755,-756,-757,-758,-759,482,-766,-767,-769,482,-771,-772,-773,-782,-856,-858,-860,-862,482,482,482,482,-868,482,-870,482,482,482,482,482,482,482,-906,-907,482,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,482,-921,-924,482,-934,482,-385,-386,-387,482,482,-390,-391,-392,-393,482,-396,482,-399,-400,482,-401,482,-406,-407,482,-410,-411,-412,482,-415,482,-416,482,-421,-422,482,-425,482,-428,-429,-1894,-1894,482,-619,-620,-621,-622,-623,-634,-584,-624,-797,482,482,482,482,482,-831,482,482,-806,482,-832,482,482,482,482,-798,482,-853,-799,482,482,482,482,482,482,-854,-855,482,-834,-830,-835,482,-625,482,-626,-627,-628,-629,-574,482,482,-630,-631,-632,482,482,482,482,482,482,-635,-636,-637,-592,-1894,-602,482,-638,-639,-713,-640,-604,482,-572,-577,-580,-583,482,482,482,-598,-601,482,-608,482,482,482,482,482,482,482,482,482,482,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,482,482,482,-995,482,482,482,482,482,482,-306,-325,-319,-296,-375,-452,-453,-454,-458,482,-443,482,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,482,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,482,482,482,482,482,482,482,482,482,-316,-535,-508,-591,-937,-939,-940,-438,482,-440,-380,-381,-383,-507,-509,-511,482,-513,-514,-519,-520,482,-532,-534,-537,-538,-543,-548,-726,482,-727,482,-732,482,-734,482,-739,-656,-660,-661,482,-666,482,-667,482,-672,-674,482,-677,482,482,482,-687,-689,482,-692,482,482,-744,482,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,482,482,482,482,482,-877,482,-880,-908,-920,-925,-388,-389,482,-394,482,-397,482,-402,482,-403,482,-408,482,-413,482,-417,482,-418,482,-423,482,-426,-899,-900,-643,-585,-1894,-901,482,482,482,-800,482,482,-804,482,-807,-833,482,-818,482,-820,482,-822,-808,482,-824,482,-851,-852,482,482,-811,482,-646,-902,-904,-648,-649,-645,482,-705,-706,482,-642,-903,-647,-650,-603,-714,482,482,-605,-586,482,482,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,482,482,-709,-710,482,-716,482,482,482,482,482,482,-938,482,-439,-441,-747,482,-891,482,-715,-1894,482,482,482,482,482,-442,-512,-523,482,-728,-733,482,-735,482,-740,482,-662,-668,482,-678,-680,-682,-683,-690,-693,-697,-745,482,482,-874,482,482,-878,482,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,482,-812,482,-814,-801,482,-802,-805,482,-816,-819,-821,-823,-825,482,-826,482,-809,482,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,482,-282,482,482,482,482,-455,482,482,-729,482,-736,482,-741,482,-663,-671,482,482,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,482,-836,-53,482,482,-730,482,-737,482,-742,-664,482,-873,-54,482,482,-731,-738,-743,482,482,482,-872,]),'MAX_USED_PART_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[483,483,483,483,-1894,483,483,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,483,483,483,483,-275,-276,483,-1425,483,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,483,483,483,-490,483,483,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,483,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,483,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,483,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,483,-172,-173,-174,-175,-993,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-290,-291,-281,483,483,483,483,483,-328,-318,-332,-333,-334,483,483,-982,-983,-984,-985,-986,-987,-988,483,483,483,483,483,483,483,483,483,483,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,483,483,483,-353,-356,483,-323,-324,-141,483,-142,483,-143,483,-430,-935,-936,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-1894,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-1894,483,-1894,483,483,483,483,483,483,483,483,483,483,483,483,-1894,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,483,-1894,483,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,483,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,483,483,483,-191,-192,483,-994,483,483,483,483,483,-277,-278,-279,-280,-365,483,-308,483,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,483,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,483,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,483,483,483,483,483,483,-573,483,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,483,483,-723,-724,-725,483,483,483,483,483,483,-994,483,483,-91,-92,483,483,483,483,-309,-310,-320,483,-307,-293,-294,-295,483,483,483,483,-618,-633,-590,483,483,-436,483,-437,483,-444,-445,-446,-378,-379,483,483,483,-506,483,483,-510,483,483,483,483,-515,-516,-517,-518,483,483,-521,-522,483,-524,-525,-526,-527,-528,-529,-530,-531,483,-533,483,483,483,-539,-541,-542,483,-544,-545,-546,-547,483,483,483,483,483,483,-652,-653,-654,-655,483,-657,-658,-659,483,483,483,-665,483,483,-669,-670,483,483,-673,483,-675,-676,483,-679,483,-681,483,483,-684,-685,-686,483,-688,483,483,-691,483,483,-694,-695,-696,483,-698,-699,-700,-701,483,483,-746,483,-749,-750,-751,-752,-753,483,-755,-756,-757,-758,-759,483,-766,-767,-769,483,-771,-772,-773,-782,-856,-858,-860,-862,483,483,483,483,-868,483,-870,483,483,483,483,483,483,483,-906,-907,483,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,483,-921,-924,483,-934,483,-385,-386,-387,483,483,-390,-391,-392,-393,483,-396,483,-399,-400,483,-401,483,-406,-407,483,-410,-411,-412,483,-415,483,-416,483,-421,-422,483,-425,483,-428,-429,-1894,-1894,483,-619,-620,-621,-622,-623,-634,-584,-624,-797,483,483,483,483,483,-831,483,483,-806,483,-832,483,483,483,483,-798,483,-853,-799,483,483,483,483,483,483,-854,-855,483,-834,-830,-835,483,-625,483,-626,-627,-628,-629,-574,483,483,-630,-631,-632,483,483,483,483,483,483,-635,-636,-637,-592,-1894,-602,483,-638,-639,-713,-640,-604,483,-572,-577,-580,-583,483,483,483,-598,-601,483,-608,483,483,483,483,483,483,483,483,483,483,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,483,483,483,-995,483,483,483,483,483,483,-306,-325,-319,-296,-375,-452,-453,-454,-458,483,-443,483,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,483,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,483,483,483,483,483,483,483,483,483,-316,-535,-508,-591,-937,-939,-940,-438,483,-440,-380,-381,-383,-507,-509,-511,483,-513,-514,-519,-520,483,-532,-534,-537,-538,-543,-548,-726,483,-727,483,-732,483,-734,483,-739,-656,-660,-661,483,-666,483,-667,483,-672,-674,483,-677,483,483,483,-687,-689,483,-692,483,483,-744,483,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,483,483,483,483,483,-877,483,-880,-908,-920,-925,-388,-389,483,-394,483,-397,483,-402,483,-403,483,-408,483,-413,483,-417,483,-418,483,-423,483,-426,-899,-900,-643,-585,-1894,-901,483,483,483,-800,483,483,-804,483,-807,-833,483,-818,483,-820,483,-822,-808,483,-824,483,-851,-852,483,483,-811,483,-646,-902,-904,-648,-649,-645,483,-705,-706,483,-642,-903,-647,-650,-603,-714,483,483,-605,-586,483,483,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,483,483,-709,-710,483,-716,483,483,483,483,483,483,-938,483,-439,-441,-747,483,-891,483,-715,-1894,483,483,483,483,483,-442,-512,-523,483,-728,-733,483,-735,483,-740,483,-662,-668,483,-678,-680,-682,-683,-690,-693,-697,-745,483,483,-874,483,483,-878,483,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,483,-812,483,-814,-801,483,-802,-805,483,-816,-819,-821,-823,-825,483,-826,483,-809,483,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,483,-282,483,483,483,483,-455,483,483,-729,483,-736,483,-741,483,-663,-671,483,483,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,483,-836,-53,483,483,-730,483,-737,483,-742,-664,483,-873,-54,483,483,-731,-738,-743,483,483,483,-872,]),'MAX_USER_CONNECTIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[484,484,484,484,-1894,484,484,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,484,484,484,484,-275,-276,484,-1425,484,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,484,484,484,-490,484,484,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,484,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,484,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,484,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,484,-172,-173,-174,-175,-993,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-290,-291,-281,484,484,484,484,484,-328,-318,-332,-333,-334,484,484,-982,-983,-984,-985,-986,-987,-988,484,484,484,484,484,484,484,484,484,484,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,484,484,484,-353,-356,484,-323,-324,-141,484,-142,484,-143,484,-430,-935,-936,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-1894,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-1894,484,-1894,484,484,484,484,484,484,484,484,484,484,484,484,-1894,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,484,-1894,484,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,484,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,484,484,484,-191,-192,484,-994,484,484,484,484,484,-277,-278,-279,-280,-365,484,-308,484,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,484,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,484,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,484,484,484,484,484,484,-573,484,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,484,484,-723,-724,-725,484,484,484,484,484,484,-994,484,484,-91,-92,484,484,484,484,-309,-310,-320,484,-307,-293,-294,-295,484,484,484,484,-618,-633,-590,484,484,-436,484,-437,484,-444,-445,-446,-378,-379,484,484,484,-506,484,484,-510,484,484,484,484,-515,-516,-517,-518,484,484,-521,-522,484,-524,-525,-526,-527,-528,-529,-530,-531,484,-533,484,484,484,-539,-541,-542,484,-544,-545,-546,-547,484,484,484,484,484,484,-652,-653,-654,-655,484,-657,-658,-659,484,484,484,-665,484,484,-669,-670,484,484,-673,484,-675,-676,484,-679,484,-681,484,484,-684,-685,-686,484,-688,484,484,-691,484,484,-694,-695,-696,484,-698,-699,-700,-701,484,484,-746,484,-749,-750,-751,-752,-753,484,-755,-756,-757,-758,-759,484,-766,-767,-769,484,-771,-772,-773,-782,-856,-858,-860,-862,484,484,484,484,-868,484,-870,484,484,484,484,484,484,484,-906,-907,484,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,484,-921,-924,484,-934,484,-385,-386,-387,484,484,-390,-391,-392,-393,484,-396,484,-399,-400,484,-401,484,-406,-407,484,-410,-411,-412,484,-415,484,-416,484,-421,-422,484,-425,484,-428,-429,-1894,-1894,484,-619,-620,-621,-622,-623,-634,-584,-624,-797,484,484,484,484,484,-831,484,484,-806,484,-832,484,484,484,484,-798,484,-853,-799,484,484,484,484,484,484,-854,-855,484,-834,-830,-835,484,-625,484,-626,-627,-628,-629,-574,484,484,-630,-631,-632,484,484,484,484,484,484,-635,-636,-637,-592,-1894,-602,484,-638,-639,-713,-640,-604,484,-572,-577,-580,-583,484,484,484,-598,-601,484,-608,484,484,484,484,484,484,484,484,484,484,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,484,484,484,-995,484,484,484,484,484,484,-306,-325,-319,-296,-375,-452,-453,-454,-458,484,-443,484,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,484,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,484,484,484,484,484,484,484,484,484,-316,-535,-508,-591,-937,-939,-940,-438,484,-440,-380,-381,-383,-507,-509,-511,484,-513,-514,-519,-520,484,-532,-534,-537,-538,-543,-548,-726,484,-727,484,-732,484,-734,484,-739,-656,-660,-661,484,-666,484,-667,484,-672,-674,484,-677,484,484,484,-687,-689,484,-692,484,484,-744,484,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,484,484,484,484,484,-877,484,-880,-908,-920,-925,-388,-389,484,-394,484,-397,484,-402,484,-403,484,-408,484,-413,484,-417,484,-418,484,-423,484,-426,-899,-900,-643,-585,-1894,-901,484,484,484,-800,484,484,-804,484,-807,-833,484,-818,484,-820,484,-822,-808,484,-824,484,-851,-852,484,484,-811,484,-646,-902,-904,-648,-649,-645,484,-705,-706,484,-642,-903,-647,-650,-603,-714,484,484,-605,-586,484,484,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,484,484,-709,-710,484,-716,484,484,484,484,484,484,-938,484,-439,-441,-747,484,-891,484,-715,-1894,484,484,484,484,484,-442,-512,-523,484,-728,-733,484,-735,484,-740,484,-662,-668,484,-678,-680,-682,-683,-690,-693,-697,-745,484,484,-874,484,484,-878,484,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,484,-812,484,-814,-801,484,-802,-805,484,-816,-819,-821,-823,-825,484,-826,484,-809,484,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,484,-282,484,484,484,484,-455,484,484,-729,484,-736,484,-741,484,-663,-671,484,484,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,484,-836,-53,484,484,-730,484,-737,484,-742,-664,484,-873,-54,484,484,-731,-738,-743,484,484,484,-872,]),'MD5':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[485,485,485,1136,-1894,485,485,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,485,485,485,485,-275,-276,1136,-1425,1136,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1136,1136,1136,-490,1136,1136,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1136,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1136,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1921,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,485,-172,-173,-174,-175,-993,485,485,485,485,485,485,485,485,485,485,1136,1136,1136,1136,1136,-290,-291,-281,485,1136,1136,1136,1136,-328,-318,-332,-333,-334,1136,1136,-982,-983,-984,-985,-986,-987,-988,485,485,1136,1136,1136,1136,1136,1136,1136,1136,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1136,1136,1136,-353,-356,485,-323,-324,-141,1136,-142,1136,-143,1136,-430,-935,-936,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1894,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1894,1136,-1894,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1894,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-1894,485,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1136,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1136,485,485,-191,-192,485,-994,1136,485,485,485,485,-277,-278,-279,-280,-365,1136,-308,1136,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1136,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1136,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1136,1136,1136,1136,1136,1136,-573,1136,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1136,1136,-723,-724,-725,1136,1921,485,485,485,485,-994,485,1136,-91,-92,485,485,485,1136,-309,-310,-320,1136,-307,-293,-294,-295,1136,485,1136,1136,-618,-633,-590,1136,485,-436,485,-437,1136,-444,-445,-446,-378,-379,1136,1136,1136,-506,1136,1136,-510,1136,1136,1136,1136,-515,-516,-517,-518,1136,1136,-521,-522,1136,-524,-525,-526,-527,-528,-529,-530,-531,1136,-533,1136,1136,1136,-539,-541,-542,1136,-544,-545,-546,-547,1136,1136,1136,1136,1136,1136,-652,-653,-654,-655,485,-657,-658,-659,1136,1136,1136,-665,1136,1136,-669,-670,1136,1136,-673,1136,-675,-676,1136,-679,1136,-681,1136,1136,-684,-685,-686,1136,-688,1136,1136,-691,1136,1136,-694,-695,-696,1136,-698,-699,-700,-701,1136,1136,-746,1136,-749,-750,-751,-752,-753,1136,-755,-756,-757,-758,-759,1136,-766,-767,-769,1136,-771,-772,-773,-782,-856,-858,-860,-862,1136,1136,1136,1136,-868,1136,-870,1136,1136,1136,1136,1136,1136,1136,-906,-907,1136,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1136,-921,-924,1136,-934,1136,-385,-386,-387,1136,1136,-390,-391,-392,-393,1136,-396,1136,-399,-400,1136,-401,1136,-406,-407,1136,-410,-411,-412,1136,-415,1136,-416,1136,-421,-422,1136,-425,1136,-428,-429,-1894,-1894,1136,-619,-620,-621,-622,-623,-634,-584,-624,-797,1136,1136,1136,1136,1136,-831,1136,1136,-806,1136,-832,1136,1136,1136,1136,-798,1136,-853,-799,1136,1136,1136,1136,1136,1136,-854,-855,1136,-834,-830,-835,1136,-625,1136,-626,-627,-628,-629,-574,1136,1136,-630,-631,-632,1136,1136,1136,1136,1136,1136,-635,-636,-637,-592,-1894,-602,1136,-638,-639,-713,-640,-604,1136,-572,-577,-580,-583,1136,1136,1136,-598,-601,1136,-608,1136,1136,1136,1136,1136,1136,1136,1136,1136,1136,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1136,485,485,-995,485,1136,485,485,485,1136,-306,-325,-319,-296,-375,-452,-453,-454,-458,485,-443,1136,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1136,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,485,485,485,485,485,485,485,485,1136,-316,-535,-508,-591,-937,-939,-940,-438,1136,-440,-380,-381,-383,-507,-509,-511,1136,-513,-514,-519,-520,1136,-532,-534,-537,-538,-543,-548,-726,1136,-727,1136,-732,1136,-734,1136,-739,-656,-660,-661,1136,-666,1136,-667,1136,-672,-674,1136,-677,1136,1136,1136,-687,-689,1136,-692,1136,1136,-744,1136,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1136,1136,1136,1136,1136,-877,1136,-880,-908,-920,-925,-388,-389,1136,-394,1136,-397,1136,-402,1136,-403,1136,-408,1136,-413,1136,-417,1136,-418,1136,-423,1136,-426,-899,-900,-643,-585,-1894,-901,1136,1136,1136,-800,1136,1136,-804,1136,-807,-833,1136,-818,1136,-820,1136,-822,-808,1136,-824,1136,-851,-852,1136,1136,-811,1136,-646,-902,-904,-648,-649,-645,1136,-705,-706,1136,-642,-903,-647,-650,-603,-714,1136,1136,-605,-586,1136,1136,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1136,1136,-709,-710,1136,-716,1136,485,485,485,1136,1136,-938,485,-439,-441,-747,1136,-891,1921,-715,-1894,1136,1136,485,485,1136,-442,-512,-523,1136,-728,-733,1136,-735,1136,-740,1136,-662,-668,1136,-678,-680,-682,-683,-690,-693,-697,-745,1136,1136,-874,1136,1136,-878,1136,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1136,-812,1136,-814,-801,1136,-802,-805,1136,-816,-819,-821,-823,-825,1136,-826,1136,-809,1136,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,485,-282,485,1136,485,1136,-455,1136,1136,-729,1136,-736,1136,-741,1136,-663,-671,1136,1136,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1136,-836,-53,485,1136,-730,1136,-737,1136,-742,-664,1136,-873,-54,485,485,-731,-738,-743,1136,485,1136,-872,]),'MEDIUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[486,486,486,486,-1894,486,486,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,486,486,486,486,-275,-276,486,-1425,486,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,486,486,486,-490,486,486,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,486,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,486,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,486,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,486,-172,-173,-174,-175,-993,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-290,-291,-281,486,486,486,486,486,-328,-318,-332,-333,-334,486,486,-982,-983,-984,-985,-986,-987,-988,486,486,486,486,486,486,486,486,486,486,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,486,486,486,-353,-356,486,-323,-324,-141,486,-142,486,-143,486,-430,-935,-936,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-1894,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-1894,486,-1894,486,486,486,486,486,486,486,486,486,486,486,486,-1894,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,486,-1894,486,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,486,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,486,486,486,-191,-192,486,-994,486,486,486,486,486,-277,-278,-279,-280,-365,486,-308,486,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,486,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,486,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,486,486,486,486,486,486,-573,486,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,486,486,-723,-724,-725,486,486,486,486,486,486,-994,486,486,-91,-92,486,486,486,486,-309,-310,-320,486,-307,-293,-294,-295,486,486,486,486,-618,-633,-590,486,486,-436,486,-437,486,-444,-445,-446,-378,-379,486,486,486,-506,486,486,-510,486,486,486,486,-515,-516,-517,-518,486,486,-521,-522,486,-524,-525,-526,-527,-528,-529,-530,-531,486,-533,486,486,486,-539,-541,-542,486,-544,-545,-546,-547,486,486,486,486,486,486,-652,-653,-654,-655,486,-657,-658,-659,486,486,486,-665,486,486,-669,-670,486,486,-673,486,-675,-676,486,-679,486,-681,486,486,-684,-685,-686,486,-688,486,486,-691,486,486,-694,-695,-696,486,-698,-699,-700,-701,486,486,-746,486,-749,-750,-751,-752,-753,486,-755,-756,-757,-758,-759,486,-766,-767,-769,486,-771,-772,-773,-782,-856,-858,-860,-862,486,486,486,486,-868,486,-870,486,486,486,486,486,486,486,-906,-907,486,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,486,-921,-924,486,-934,486,-385,-386,-387,486,486,-390,-391,-392,-393,486,-396,486,-399,-400,486,-401,486,-406,-407,486,-410,-411,-412,486,-415,486,-416,486,-421,-422,486,-425,486,-428,-429,-1894,-1894,486,-619,-620,-621,-622,-623,-634,-584,-624,-797,486,486,486,486,486,-831,486,486,-806,486,-832,486,486,486,486,-798,486,-853,-799,486,486,486,486,486,486,-854,-855,486,-834,-830,-835,486,-625,486,-626,-627,-628,-629,-574,486,486,-630,-631,-632,486,486,486,486,486,486,-635,-636,-637,-592,-1894,-602,486,-638,-639,-713,-640,-604,486,-572,-577,-580,-583,486,486,486,-598,-601,486,-608,486,486,486,486,486,486,486,486,486,486,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,486,486,486,-995,486,486,486,486,486,486,-306,-325,-319,-296,-375,-452,-453,-454,-458,486,-443,486,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,486,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,486,486,486,486,486,486,486,486,486,-316,-535,-508,-591,-937,-939,-940,-438,486,-440,-380,-381,-383,-507,-509,-511,486,-513,-514,-519,-520,486,-532,-534,-537,-538,-543,-548,-726,486,-727,486,-732,486,-734,486,-739,-656,-660,-661,486,-666,486,-667,486,-672,-674,486,-677,486,486,486,-687,-689,486,-692,486,486,-744,486,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,486,486,486,486,486,-877,486,-880,-908,-920,-925,-388,-389,486,-394,486,-397,486,-402,486,-403,486,-408,486,-413,486,-417,486,-418,486,-423,486,-426,-899,-900,-643,-585,-1894,-901,486,486,486,-800,486,486,-804,486,-807,-833,486,-818,486,-820,486,-822,-808,486,-824,486,-851,-852,486,486,-811,486,-646,-902,-904,-648,-649,-645,486,-705,-706,486,-642,-903,-647,-650,-603,-714,486,486,-605,-586,486,486,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,486,486,-709,-710,486,-716,486,486,486,486,486,486,-938,486,-439,-441,-747,486,-891,486,-715,-1894,486,486,486,486,486,-442,-512,-523,486,-728,-733,486,-735,486,-740,486,-662,-668,486,-678,-680,-682,-683,-690,-693,-697,-745,486,486,-874,486,486,-878,486,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,486,-812,486,-814,-801,486,-802,-805,486,-816,-819,-821,-823,-825,486,-826,486,-809,486,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,486,-282,486,486,486,486,-455,486,486,-729,486,-736,486,-741,486,-663,-671,486,486,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,486,-836,-53,486,486,-730,486,-737,486,-742,-664,486,-873,-54,486,486,-731,-738,-743,486,486,486,-872,]),'MEMBER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[487,487,487,487,-1894,487,487,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,487,487,487,487,-275,-276,487,-1425,487,1444,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,487,487,487,-490,487,487,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,487,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,487,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,487,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,487,-172,-173,-174,-175,-993,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-290,-291,-281,487,487,-363,487,487,487,-328,-318,-332,-333,-334,487,487,-982,-983,-984,-985,-986,-987,-988,487,487,487,487,487,487,487,487,487,487,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,487,487,487,-353,-356,487,-323,-324,-141,487,-142,487,-143,487,-430,-935,-936,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-1894,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-1894,487,-1894,487,487,487,487,487,487,487,487,487,487,487,487,-1894,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,487,-1894,487,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,487,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,487,487,487,-191,-192,487,-994,487,487,487,487,487,-277,-278,-279,-280,-365,487,-308,487,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,487,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,487,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,487,487,487,487,487,487,-573,487,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,487,487,-723,-724,-725,487,487,487,487,487,487,-994,487,487,-91,-92,487,487,487,487,-309,-310,-320,487,-307,-293,-294,-295,487,487,487,487,-618,-633,-590,487,487,-436,487,-437,487,-444,-445,-446,-378,-379,487,487,487,-506,487,487,-510,487,487,487,487,-515,-516,-517,-518,487,487,-521,-522,487,-524,-525,-526,-527,-528,-529,-530,-531,487,-533,487,487,487,-539,-541,-542,487,-544,-545,-546,-547,487,487,487,487,487,487,-652,-653,-654,-655,487,-657,-658,-659,487,487,487,-665,487,487,-669,-670,487,487,-673,487,-675,-676,487,-679,487,-681,487,487,-684,-685,-686,487,-688,487,487,-691,487,487,-694,-695,-696,487,-698,-699,-700,-701,487,487,-746,487,-749,-750,-751,-752,-753,487,-755,-756,-757,-758,-759,487,-766,-767,-769,487,-771,-772,-773,-782,-856,-858,-860,-862,487,487,487,487,-868,487,-870,487,487,487,487,487,487,487,-906,-907,487,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,487,-921,-924,487,-934,487,-385,-386,-387,487,487,-390,-391,-392,-393,487,-396,487,-399,-400,487,-401,487,-406,-407,487,-410,-411,-412,487,-415,487,-416,487,-421,-422,487,-425,487,-428,-429,-1894,-1894,487,-619,-620,-621,-622,-623,-634,-584,-624,-797,487,487,487,487,487,-831,487,487,-806,487,-832,487,487,487,487,-798,487,-853,-799,487,487,487,487,487,487,-854,-855,487,-834,-830,-835,487,-625,487,-626,-627,-628,-629,-574,487,487,-630,-631,-632,487,487,487,487,487,487,-635,-636,-637,-592,-1894,-602,487,-638,-639,-713,-640,-604,487,-572,-577,-580,-583,487,487,487,-598,-601,487,-608,487,487,487,487,487,487,487,487,487,487,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,487,487,487,-995,487,487,487,487,487,487,-306,-325,-319,-296,-375,-452,-453,-454,-458,487,-443,487,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,487,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,487,487,487,487,487,487,487,487,487,-316,-535,-508,-591,-937,-939,-940,-438,487,-440,-380,-381,-383,-507,-509,-511,487,-513,-514,-519,-520,487,-532,-534,-537,-538,-543,-548,-726,487,-727,487,-732,487,-734,487,-739,-656,-660,-661,487,-666,487,-667,487,-672,-674,487,-677,487,487,487,-687,-689,487,-692,487,487,-744,487,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,487,487,487,487,487,-877,487,-880,-908,-920,-925,-388,-389,487,-394,487,-397,487,-402,487,-403,487,-408,487,-413,487,-417,487,-418,487,-423,487,-426,-899,-900,-643,-585,-1894,-901,487,487,487,-800,487,487,-804,487,-807,-833,487,-818,487,-820,487,-822,-808,487,-824,487,-851,-852,487,487,-811,487,-646,-902,-904,-648,-649,-645,487,-705,-706,487,-642,-903,-647,-650,-603,-714,487,487,-605,-586,487,487,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,487,487,-709,-710,487,-716,487,487,487,487,487,487,-938,487,-439,-441,-747,487,-891,487,-715,-1894,487,487,487,487,487,-442,-512,-523,487,-728,-733,487,-735,487,-740,487,-662,-668,487,-678,-680,-682,-683,-690,-693,-697,-745,487,487,-874,487,487,-878,487,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,487,-812,487,-814,-801,487,-802,-805,487,-816,-819,-821,-823,-825,487,-826,487,-809,487,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,487,-282,487,487,487,487,-455,487,487,-729,487,-736,487,-741,487,-663,-671,487,487,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,487,-836,-53,487,487,-730,487,-737,487,-742,-664,487,-873,-54,487,487,-731,-738,-743,487,487,487,-872,]),'MEMORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[488,488,488,488,-1894,488,488,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,488,488,488,488,-275,-276,488,-1425,488,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,488,488,488,-490,488,488,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,488,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,488,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,488,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,488,-172,-173,-174,-175,-993,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-290,-291,-281,488,488,488,488,488,-328,-318,-332,-333,-334,488,488,-982,-983,-984,-985,-986,-987,-988,488,488,488,488,488,488,488,488,488,488,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,488,488,488,-353,-356,488,-323,-324,-141,488,-142,488,-143,488,-430,-935,-936,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-1894,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-1894,488,-1894,488,488,488,488,488,488,488,488,488,488,488,488,-1894,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,488,-1894,488,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,488,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,488,488,488,-191,-192,488,-994,488,488,488,488,488,-277,-278,-279,-280,-365,488,-308,488,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,488,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,488,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,488,488,488,488,488,488,-573,488,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,488,488,-723,-724,-725,488,488,488,488,488,488,-994,488,488,-91,-92,488,488,488,488,-309,-310,-320,488,-307,-293,-294,-295,488,488,488,488,-618,-633,-590,488,488,-436,488,-437,488,-444,-445,-446,-378,-379,488,488,488,-506,488,488,-510,488,488,488,488,-515,-516,-517,-518,488,488,-521,-522,488,-524,-525,-526,-527,-528,-529,-530,-531,488,-533,488,488,488,-539,-541,-542,488,-544,-545,-546,-547,488,488,488,488,488,488,-652,-653,-654,-655,488,-657,-658,-659,488,488,488,-665,488,488,-669,-670,488,488,-673,488,-675,-676,488,-679,488,-681,488,488,-684,-685,-686,488,-688,488,488,-691,488,488,-694,-695,-696,488,-698,-699,-700,-701,488,488,-746,488,-749,-750,-751,-752,-753,488,-755,-756,-757,-758,-759,488,-766,-767,-769,488,-771,-772,-773,-782,-856,-858,-860,-862,488,488,488,488,-868,488,-870,488,488,488,488,488,488,488,-906,-907,488,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,488,-921,-924,488,-934,488,-385,-386,-387,488,488,-390,-391,-392,-393,488,-396,488,-399,-400,488,-401,488,-406,-407,488,-410,-411,-412,488,-415,488,-416,488,-421,-422,488,-425,488,-428,-429,-1894,-1894,488,-619,-620,-621,-622,-623,-634,-584,-624,-797,488,488,488,488,488,-831,488,488,-806,488,-832,488,488,488,488,-798,488,-853,-799,488,488,488,488,488,488,-854,-855,488,-834,-830,-835,488,-625,488,-626,-627,-628,-629,-574,488,488,-630,-631,-632,488,488,488,488,488,488,-635,-636,-637,-592,-1894,-602,488,-638,-639,-713,-640,-604,488,-572,-577,-580,-583,488,488,488,-598,-601,488,-608,488,488,488,488,488,488,488,488,488,488,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,488,488,488,-995,488,488,488,488,488,488,-306,-325,-319,-296,-375,-452,-453,-454,-458,488,-443,488,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,488,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,488,488,488,488,488,488,488,488,488,-316,-535,-508,-591,-937,-939,-940,-438,488,-440,-380,-381,-383,-507,-509,-511,488,-513,-514,-519,-520,488,-532,-534,-537,-538,-543,-548,-726,488,-727,488,-732,488,-734,488,-739,-656,-660,-661,488,-666,488,-667,488,-672,-674,488,-677,488,488,488,-687,-689,488,-692,488,488,-744,488,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,488,488,488,488,488,-877,488,-880,-908,-920,-925,-388,-389,488,-394,488,-397,488,-402,488,-403,488,-408,488,-413,488,-417,488,-418,488,-423,488,-426,-899,-900,-643,-585,-1894,-901,488,488,488,-800,488,488,-804,488,-807,-833,488,-818,488,-820,488,-822,-808,488,-824,488,-851,-852,488,488,-811,488,-646,-902,-904,-648,-649,-645,488,-705,-706,488,-642,-903,-647,-650,-603,-714,488,488,-605,-586,488,488,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,488,488,-709,-710,488,-716,488,488,488,488,488,488,-938,488,-439,-441,-747,488,-891,488,-715,-1894,488,488,488,488,488,-442,-512,-523,488,-728,-733,488,-735,488,-740,488,-662,-668,488,-678,-680,-682,-683,-690,-693,-697,-745,488,488,-874,488,488,-878,488,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,488,-812,488,-814,-801,488,-802,-805,488,-816,-819,-821,-823,-825,488,-826,488,-809,488,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,488,-282,488,488,488,488,-455,488,488,-729,488,-736,488,-741,488,-663,-671,488,488,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,488,-836,-53,488,488,-730,488,-737,488,-742,-664,488,-873,-54,488,488,-731,-738,-743,488,488,488,-872,]),'MEMTABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[489,489,489,489,-1894,489,489,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,489,489,489,489,-275,-276,489,-1425,489,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,489,489,489,-490,489,489,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,489,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,489,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,489,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,489,-172,-173,-174,-175,-993,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-290,-291,-281,489,489,489,489,489,-328,-318,-332,-333,-334,489,489,-982,-983,-984,-985,-986,-987,-988,489,489,489,489,489,489,489,489,489,489,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,489,489,489,-353,-356,489,-323,-324,-141,489,-142,489,-143,489,-430,-935,-936,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-1894,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-1894,489,-1894,489,489,489,489,489,489,489,489,489,489,489,489,-1894,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,489,-1894,489,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,489,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,489,489,489,-191,-192,489,-994,489,489,489,489,489,-277,-278,-279,-280,-365,489,-308,489,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,489,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,489,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,489,489,489,489,489,489,-573,489,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,489,489,-723,-724,-725,489,489,489,489,489,489,-994,489,489,-91,-92,489,489,489,489,-309,-310,-320,489,-307,-293,-294,-295,489,489,489,489,-618,-633,-590,489,489,-436,489,-437,489,-444,-445,-446,-378,-379,489,489,489,-506,489,489,-510,489,489,489,489,-515,-516,-517,-518,489,489,-521,-522,489,-524,-525,-526,-527,-528,-529,-530,-531,489,-533,489,489,489,-539,-541,-542,489,-544,-545,-546,-547,489,489,489,489,489,489,-652,-653,-654,-655,489,-657,-658,-659,489,489,489,-665,489,489,-669,-670,489,489,-673,489,-675,-676,489,-679,489,-681,489,489,-684,-685,-686,489,-688,489,489,-691,489,489,-694,-695,-696,489,-698,-699,-700,-701,489,489,-746,489,-749,-750,-751,-752,-753,489,-755,-756,-757,-758,-759,489,-766,-767,-769,489,-771,-772,-773,-782,-856,-858,-860,-862,489,489,489,489,-868,489,-870,489,489,489,489,489,489,489,-906,-907,489,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,489,-921,-924,489,-934,489,-385,-386,-387,489,489,-390,-391,-392,-393,489,-396,489,-399,-400,489,-401,489,-406,-407,489,-410,-411,-412,489,-415,489,-416,489,-421,-422,489,-425,489,-428,-429,-1894,-1894,489,-619,-620,-621,-622,-623,-634,-584,-624,-797,489,489,489,489,489,-831,489,489,-806,489,-832,489,489,489,489,-798,489,-853,-799,489,489,489,489,489,489,-854,-855,489,-834,-830,-835,489,-625,489,-626,-627,-628,-629,-574,489,489,-630,-631,-632,489,489,489,489,489,489,-635,-636,-637,-592,-1894,-602,489,-638,-639,-713,-640,-604,489,-572,-577,-580,-583,489,489,489,-598,-601,489,-608,489,489,489,489,489,489,489,489,489,489,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,489,489,489,-995,489,489,489,489,489,489,-306,-325,-319,-296,-375,-452,-453,-454,-458,489,-443,489,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,489,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,489,489,489,489,489,489,489,489,489,-316,-535,-508,-591,-937,-939,-940,-438,489,-440,-380,-381,-383,-507,-509,-511,489,-513,-514,-519,-520,489,-532,-534,-537,-538,-543,-548,-726,489,-727,489,-732,489,-734,489,-739,-656,-660,-661,489,-666,489,-667,489,-672,-674,489,-677,489,489,489,-687,-689,489,-692,489,489,-744,489,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,489,489,489,489,489,-877,489,-880,-908,-920,-925,-388,-389,489,-394,489,-397,489,-402,489,-403,489,-408,489,-413,489,-417,489,-418,489,-423,489,-426,-899,-900,-643,-585,-1894,-901,489,489,489,-800,489,489,-804,489,-807,-833,489,-818,489,-820,489,-822,-808,489,-824,489,-851,-852,489,489,-811,489,-646,-902,-904,-648,-649,-645,489,-705,-706,489,-642,-903,-647,-650,-603,-714,489,489,-605,-586,489,489,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,489,489,-709,-710,489,-716,489,489,489,489,489,489,-938,489,-439,-441,-747,489,-891,489,-715,-1894,489,489,489,489,489,-442,-512,-523,489,-728,-733,489,-735,489,-740,489,-662,-668,489,-678,-680,-682,-683,-690,-693,-697,-745,489,489,-874,489,489,-878,489,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,489,-812,489,-814,-801,489,-802,-805,489,-816,-819,-821,-823,-825,489,-826,489,-809,489,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,489,-282,489,489,489,489,-455,489,489,-729,489,-736,489,-741,489,-663,-671,489,489,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,489,-836,-53,489,489,-730,489,-737,489,-742,-664,489,-873,-54,489,489,-731,-738,-743,489,489,489,-872,]),'MERGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[490,490,490,490,-1894,490,490,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,490,490,490,490,-275,-276,490,-1425,490,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,490,490,490,-490,490,490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,490,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,490,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,490,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,490,-172,-173,-174,-175,-993,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-290,-291,-281,490,490,490,490,490,-328,-318,-332,-333,-334,490,490,-982,-983,-984,-985,-986,-987,-988,490,490,490,490,490,490,490,490,490,490,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,490,490,490,-353,-356,490,-323,-324,-141,490,-142,490,-143,490,-430,-935,-936,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-1894,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-1894,490,-1894,490,490,490,490,490,490,490,490,490,490,490,490,-1894,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,490,-1894,490,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,490,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,490,490,490,-191,-192,490,-994,490,490,490,490,490,-277,-278,-279,-280,-365,490,-308,490,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,490,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,490,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,490,490,490,490,490,490,-573,490,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,490,490,-723,-724,-725,490,490,490,490,490,490,-994,490,490,-91,-92,490,490,490,490,-309,-310,-320,490,-307,-293,-294,-295,490,490,490,490,-618,-633,-590,490,490,-436,490,-437,490,-444,-445,-446,-378,-379,490,490,490,-506,490,490,-510,490,490,490,490,-515,-516,-517,-518,490,490,-521,-522,490,-524,-525,-526,-527,-528,-529,-530,-531,490,-533,490,490,490,-539,-541,-542,490,-544,-545,-546,-547,490,490,490,490,490,490,-652,-653,-654,-655,490,-657,-658,-659,490,490,490,-665,490,490,-669,-670,490,490,-673,490,-675,-676,490,-679,490,-681,490,490,-684,-685,-686,490,-688,490,490,-691,490,490,-694,-695,-696,490,-698,-699,-700,-701,490,490,-746,490,-749,-750,-751,-752,-753,490,-755,-756,-757,-758,-759,490,-766,-767,-769,490,-771,-772,-773,-782,-856,-858,-860,-862,490,490,490,490,-868,490,-870,490,490,490,490,490,490,490,-906,-907,490,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,490,-921,-924,490,-934,490,-385,-386,-387,490,490,-390,-391,-392,-393,490,-396,490,-399,-400,490,-401,490,-406,-407,490,-410,-411,-412,490,-415,490,-416,490,-421,-422,490,-425,490,-428,-429,-1894,-1894,490,-619,-620,-621,-622,-623,-634,-584,-624,-797,490,490,490,490,490,-831,490,490,-806,490,-832,490,490,490,490,-798,490,-853,-799,490,490,490,490,490,490,-854,-855,490,-834,-830,-835,490,-625,490,-626,-627,-628,-629,-574,490,490,-630,-631,-632,490,490,490,490,490,490,-635,-636,-637,-592,-1894,-602,490,-638,-639,-713,-640,-604,490,-572,-577,-580,-583,490,490,490,-598,-601,490,-608,490,490,490,490,490,490,490,490,490,490,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,490,490,490,-995,490,490,490,490,490,490,-306,-325,-319,-296,-375,-452,-453,-454,-458,490,-443,490,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,490,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,490,490,490,490,490,490,490,490,490,-316,-535,-508,-591,-937,-939,-940,-438,490,-440,-380,-381,-383,-507,-509,-511,490,-513,-514,-519,-520,490,-532,-534,-537,-538,-543,-548,-726,490,-727,490,-732,490,-734,490,-739,-656,-660,-661,490,-666,490,-667,490,-672,-674,490,-677,490,490,490,-687,-689,490,-692,490,490,-744,490,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,490,490,490,490,490,-877,490,-880,-908,-920,-925,-388,-389,490,-394,490,-397,490,-402,490,-403,490,-408,490,-413,490,-417,490,-418,490,-423,490,-426,-899,-900,-643,-585,-1894,-901,490,490,490,-800,490,490,-804,490,-807,-833,490,-818,490,-820,490,-822,-808,490,-824,490,-851,-852,490,490,-811,490,-646,-902,-904,-648,-649,-645,490,-705,-706,490,-642,-903,-647,-650,-603,-714,490,490,-605,-586,490,490,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,490,490,-709,-710,490,-716,490,490,490,490,490,490,-938,490,-439,-441,-747,490,-891,490,-715,-1894,490,490,490,490,490,-442,-512,-523,490,-728,-733,490,-735,490,-740,490,-662,-668,490,-678,-680,-682,-683,-690,-693,-697,-745,490,490,-874,490,490,-878,490,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,490,-812,490,-814,-801,490,-802,-805,490,-816,-819,-821,-823,-825,490,-826,490,-809,490,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,490,-282,490,490,490,490,-455,490,490,-729,490,-736,490,-741,490,-663,-671,490,490,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,490,-836,-53,490,490,-730,490,-737,490,-742,-664,490,-873,-54,490,490,-731,-738,-743,490,490,490,-872,]),'MESSAGE_TEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[491,491,491,491,-1894,491,491,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,491,491,491,491,-275,-276,491,-1425,491,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,491,491,491,-490,491,491,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,491,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,491,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,491,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,491,-172,-173,-174,-175,-993,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-290,-291,-281,491,491,491,491,491,-328,-318,-332,-333,-334,491,491,-982,-983,-984,-985,-986,-987,-988,491,491,491,491,491,491,491,491,491,491,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,491,491,491,-353,-356,491,-323,-324,-141,491,-142,491,-143,491,-430,-935,-936,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-1894,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-1894,491,-1894,491,491,491,491,491,491,491,491,491,491,491,491,-1894,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,491,-1894,491,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,491,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,491,491,491,-191,-192,491,-994,491,491,491,491,491,-277,-278,-279,-280,-365,491,-308,491,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,491,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,491,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,491,491,491,491,491,491,-573,491,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,491,491,-723,-724,-725,491,491,491,491,491,491,-994,491,491,-91,-92,491,491,491,491,-309,-310,-320,491,-307,-293,-294,-295,491,491,491,491,-618,-633,-590,491,491,-436,491,-437,491,-444,-445,-446,-378,-379,491,491,491,-506,491,491,-510,491,491,491,491,-515,-516,-517,-518,491,491,-521,-522,491,-524,-525,-526,-527,-528,-529,-530,-531,491,-533,491,491,491,-539,-541,-542,491,-544,-545,-546,-547,491,491,491,491,491,491,-652,-653,-654,-655,491,-657,-658,-659,491,491,491,-665,491,491,-669,-670,491,491,-673,491,-675,-676,491,-679,491,-681,491,491,-684,-685,-686,491,-688,491,491,-691,491,491,-694,-695,-696,491,-698,-699,-700,-701,491,491,-746,491,-749,-750,-751,-752,-753,491,-755,-756,-757,-758,-759,491,-766,-767,-769,491,-771,-772,-773,-782,-856,-858,-860,-862,491,491,491,491,-868,491,-870,491,491,491,491,491,491,491,-906,-907,491,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,491,-921,-924,491,-934,491,-385,-386,-387,491,491,-390,-391,-392,-393,491,-396,491,-399,-400,491,-401,491,-406,-407,491,-410,-411,-412,491,-415,491,-416,491,-421,-422,491,-425,491,-428,-429,-1894,-1894,491,-619,-620,-621,-622,-623,-634,-584,-624,-797,491,491,491,491,491,-831,491,491,-806,491,-832,491,491,491,491,-798,491,-853,-799,491,491,491,491,491,491,-854,-855,491,-834,-830,-835,491,-625,491,-626,-627,-628,-629,-574,491,491,-630,-631,-632,491,491,491,491,491,491,-635,-636,-637,-592,-1894,-602,491,-638,-639,-713,-640,-604,491,-572,-577,-580,-583,491,491,491,-598,-601,491,-608,491,491,491,491,491,491,491,491,491,491,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,491,491,491,-995,491,491,491,491,491,491,-306,-325,-319,-296,-375,-452,-453,-454,-458,491,-443,491,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,491,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,491,491,491,491,491,491,491,491,491,-316,-535,-508,-591,-937,-939,-940,-438,491,-440,-380,-381,-383,-507,-509,-511,491,-513,-514,-519,-520,491,-532,-534,-537,-538,-543,-548,-726,491,-727,491,-732,491,-734,491,-739,-656,-660,-661,491,-666,491,-667,491,-672,-674,491,-677,491,491,491,-687,-689,491,-692,491,491,-744,491,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,491,491,491,491,491,-877,491,-880,-908,-920,-925,-388,-389,491,-394,491,-397,491,-402,491,-403,491,-408,491,-413,491,-417,491,-418,491,-423,491,-426,-899,-900,-643,-585,-1894,-901,491,491,491,-800,491,491,-804,491,-807,-833,491,-818,491,-820,491,-822,-808,491,-824,491,-851,-852,491,491,-811,491,-646,-902,-904,-648,-649,-645,491,-705,-706,491,-642,-903,-647,-650,-603,-714,491,491,-605,-586,491,491,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,491,491,-709,-710,491,-716,491,491,491,491,491,491,-938,491,-439,-441,-747,491,-891,491,-715,-1894,491,491,491,491,491,-442,-512,-523,491,-728,-733,491,-735,491,-740,491,-662,-668,491,-678,-680,-682,-683,-690,-693,-697,-745,491,491,-874,491,491,-878,491,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,491,-812,491,-814,-801,491,-802,-805,491,-816,-819,-821,-823,-825,491,-826,491,-809,491,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,491,-282,491,491,491,491,-455,491,491,-729,491,-736,491,-741,491,-663,-671,491,491,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,491,-836,-53,491,491,-730,491,-737,491,-742,-664,491,-873,-54,491,491,-731,-738,-743,491,491,491,-872,]),'META':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[492,492,492,492,-1894,492,492,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,492,492,492,492,-275,-276,492,-1425,492,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,492,492,492,-490,492,492,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,492,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,492,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,492,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,492,-172,-173,-174,-175,-993,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-290,-291,-281,492,492,492,492,492,-328,-318,-332,-333,-334,492,492,-982,-983,-984,-985,-986,-987,-988,492,492,492,492,492,492,492,492,492,492,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,492,492,492,-353,-356,492,-323,-324,-141,492,-142,492,-143,492,-430,-935,-936,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-1894,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-1894,492,-1894,492,492,492,492,492,492,492,492,492,492,492,492,-1894,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,492,-1894,492,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,492,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,492,492,492,-191,-192,492,-994,492,492,492,492,492,-277,-278,-279,-280,-365,492,-308,492,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,492,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,492,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,492,492,492,492,492,492,-573,492,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,492,492,-723,-724,-725,492,492,492,492,492,492,-994,492,492,-91,-92,492,492,492,492,-309,-310,-320,492,-307,-293,-294,-295,492,492,492,492,-618,-633,-590,492,492,-436,492,-437,492,-444,-445,-446,-378,-379,492,492,492,-506,492,492,-510,492,492,492,492,-515,-516,-517,-518,492,492,-521,-522,492,-524,-525,-526,-527,-528,-529,-530,-531,492,-533,492,492,492,-539,-541,-542,492,-544,-545,-546,-547,492,492,492,492,492,492,-652,-653,-654,-655,492,-657,-658,-659,492,492,492,-665,492,492,-669,-670,492,492,-673,492,-675,-676,492,-679,492,-681,492,492,-684,-685,-686,492,-688,492,492,-691,492,492,-694,-695,-696,492,-698,-699,-700,-701,492,492,-746,492,-749,-750,-751,-752,-753,492,-755,-756,-757,-758,-759,492,-766,-767,-769,492,-771,-772,-773,-782,-856,-858,-860,-862,492,492,492,492,-868,492,-870,492,492,492,492,492,492,492,-906,-907,492,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,492,-921,-924,492,-934,492,-385,-386,-387,492,492,-390,-391,-392,-393,492,-396,492,-399,-400,492,-401,492,-406,-407,492,-410,-411,-412,492,-415,492,-416,492,-421,-422,492,-425,492,-428,-429,-1894,-1894,492,-619,-620,-621,-622,-623,-634,-584,-624,-797,492,492,492,492,492,-831,492,492,-806,492,-832,492,492,492,492,-798,492,-853,-799,492,492,492,492,492,492,-854,-855,492,-834,-830,-835,492,-625,492,-626,-627,-628,-629,-574,492,492,-630,-631,-632,492,492,492,492,492,492,-635,-636,-637,-592,-1894,-602,492,-638,-639,-713,-640,-604,492,-572,-577,-580,-583,492,492,492,-598,-601,492,-608,492,492,492,492,492,492,492,492,492,492,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,492,492,492,-995,492,492,492,492,492,492,-306,-325,-319,-296,-375,-452,-453,-454,-458,492,-443,492,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,492,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,492,492,492,492,492,492,492,492,492,-316,-535,-508,-591,-937,-939,-940,-438,492,-440,-380,-381,-383,-507,-509,-511,492,-513,-514,-519,-520,492,-532,-534,-537,-538,-543,-548,-726,492,-727,492,-732,492,-734,492,-739,-656,-660,-661,492,-666,492,-667,492,-672,-674,492,-677,492,492,492,-687,-689,492,-692,492,492,-744,492,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,492,492,492,492,492,-877,492,-880,-908,-920,-925,-388,-389,492,-394,492,-397,492,-402,492,-403,492,-408,492,-413,492,-417,492,-418,492,-423,492,-426,-899,-900,-643,-585,-1894,-901,492,492,492,-800,492,492,-804,492,-807,-833,492,-818,492,-820,492,-822,-808,492,-824,492,-851,-852,492,492,-811,492,-646,-902,-904,-648,-649,-645,492,-705,-706,492,-642,-903,-647,-650,-603,-714,492,492,-605,-586,492,492,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,492,492,-709,-710,492,-716,492,492,492,492,492,492,-938,492,-439,-441,-747,492,-891,492,-715,-1894,492,492,492,492,492,-442,-512,-523,492,-728,-733,492,-735,492,-740,492,-662,-668,492,-678,-680,-682,-683,-690,-693,-697,-745,492,492,-874,492,492,-878,492,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,492,-812,492,-814,-801,492,-802,-805,492,-816,-819,-821,-823,-825,492,-826,492,-809,492,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,492,-282,492,492,492,492,-455,492,492,-729,492,-736,492,-741,492,-663,-671,492,492,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,492,-836,-53,492,492,-730,492,-737,492,-742,-664,492,-873,-54,492,492,-731,-738,-743,492,492,492,-872,]),'MICROSECOND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[493,493,493,1288,-1894,493,493,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,493,493,493,493,-275,-276,1288,-1425,1288,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1288,1288,1288,-490,1288,1288,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1288,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1288,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1288,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,493,-172,-173,-174,-175,-993,493,493,493,493,493,493,493,493,493,493,1288,1288,1288,1288,1288,-290,-291,-281,493,1288,1288,1288,1288,-328,-318,-332,-333,-334,1288,1288,-982,-983,-984,-985,-986,-987,-988,493,493,1288,1288,1288,1288,1288,1288,1288,1288,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1288,1288,2104,1288,-353,-356,493,-323,-324,-141,1288,-142,1288,-143,1288,-430,-935,-936,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1894,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1894,1288,-1894,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1894,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,2104,2104,1288,1288,2104,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-1894,493,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1288,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1288,493,493,-191,-192,493,-994,1288,493,493,493,493,-277,-278,-279,-280,-365,1288,-308,1288,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1288,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1288,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1288,1288,1288,1288,1288,1288,-573,1288,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1288,1288,-723,-724,-725,1288,1288,493,493,493,493,-994,493,1288,-91,-92,493,493,493,1288,-309,-310,-320,1288,-307,-293,-294,-295,1288,493,1288,1288,-618,-633,-590,1288,493,-436,493,-437,1288,-444,-445,-446,-378,-379,1288,1288,1288,-506,1288,1288,-510,1288,1288,1288,1288,-515,-516,-517,-518,1288,1288,-521,-522,1288,-524,-525,-526,-527,-528,-529,-530,-531,1288,-533,1288,1288,1288,-539,-541,-542,1288,-544,-545,-546,-547,1288,1288,1288,1288,1288,1288,-652,-653,-654,-655,493,-657,-658,-659,1288,1288,1288,-665,1288,1288,-669,-670,1288,1288,-673,1288,-675,-676,1288,-679,1288,-681,1288,1288,-684,-685,-686,1288,-688,1288,1288,-691,1288,1288,-694,-695,-696,1288,-698,-699,-700,-701,1288,1288,-746,1288,-749,-750,-751,-752,-753,1288,-755,-756,-757,-758,-759,1288,-766,-767,-769,1288,-771,-772,-773,-782,-856,-858,-860,-862,1288,1288,1288,1288,-868,1288,-870,1288,1288,1288,1288,1288,1288,1288,-906,-907,1288,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1288,-921,-924,1288,-934,1288,-385,-386,-387,1288,1288,-390,-391,-392,-393,1288,-396,1288,-399,-400,1288,-401,1288,-406,-407,1288,-410,-411,-412,1288,-415,1288,-416,1288,-421,-422,1288,-425,1288,-428,-429,-1894,-1894,1288,-619,-620,-621,-622,-623,-634,-584,-624,-797,1288,1288,1288,1288,1288,-831,1288,1288,-806,1288,-832,1288,1288,1288,1288,-798,1288,-853,-799,1288,1288,1288,1288,1288,1288,-854,-855,1288,-834,-830,-835,1288,-625,1288,-626,-627,-628,-629,-574,1288,1288,-630,-631,-632,1288,1288,1288,1288,1288,1288,-635,-636,-637,-592,-1894,-602,1288,-638,-639,-713,-640,-604,1288,-572,-577,-580,-583,1288,1288,1288,-598,-601,1288,-608,1288,1288,1288,1288,1288,1288,1288,1288,1288,1288,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1288,493,493,-995,493,1288,493,493,493,1288,-306,-325,-319,-296,-375,-452,-453,-454,-458,493,-443,1288,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1288,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,493,493,493,493,493,493,493,493,1288,-316,-535,-508,-591,-937,-939,-940,-438,1288,-440,-380,-381,-383,-507,-509,-511,1288,-513,-514,-519,-520,1288,-532,-534,-537,-538,-543,-548,-726,1288,-727,1288,-732,1288,-734,1288,-739,-656,-660,-661,1288,-666,1288,-667,1288,-672,-674,1288,-677,1288,1288,1288,-687,-689,1288,-692,1288,1288,-744,1288,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1288,1288,1288,1288,1288,-877,1288,-880,-908,-920,-925,-388,-389,1288,-394,1288,-397,1288,-402,1288,-403,1288,-408,1288,-413,1288,-417,1288,-418,1288,-423,1288,-426,-899,-900,-643,-585,-1894,-901,1288,1288,1288,-800,1288,1288,-804,1288,-807,-833,1288,-818,1288,-820,1288,-822,-808,1288,-824,1288,-851,-852,1288,1288,-811,1288,-646,-902,-904,-648,-649,-645,1288,-705,-706,1288,-642,-903,-647,-650,-603,-714,1288,1288,-605,-586,1288,1288,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1288,1288,-709,-710,1288,-716,1288,493,493,493,1288,1288,-938,493,-439,-441,-747,1288,-891,1288,-715,-1894,1288,1288,493,493,1288,-442,-512,-523,1288,-728,-733,1288,-735,1288,-740,1288,-662,-668,1288,-678,-680,-682,-683,-690,-693,-697,-745,1288,1288,-874,1288,1288,-878,1288,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1288,-812,1288,-814,-801,1288,-802,-805,1288,-816,-819,-821,-823,-825,1288,-826,1288,-809,1288,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,493,-282,493,1288,493,1288,-455,1288,1288,-729,1288,-736,1288,-741,1288,-663,-671,1288,1288,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1288,-836,-53,493,1288,-730,1288,-737,1288,-742,-664,1288,-873,-54,493,493,-731,-738,-743,1288,493,1288,-872,]),'MID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[494,494,494,1108,-1894,494,494,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,494,494,494,494,-275,-276,1108,-1425,1108,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1108,1108,1108,-490,1108,1108,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1108,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1108,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1922,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,494,-172,-173,-174,-175,-993,494,494,494,494,494,494,494,494,494,494,1108,1108,1108,1108,1108,-290,-291,-281,494,1108,1108,1108,1108,-328,-318,-332,-333,-334,1108,1108,-982,-983,-984,-985,-986,-987,-988,494,494,1108,1108,1108,1108,1108,1108,1108,1108,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1108,1108,1108,-353,-356,494,-323,-324,-141,1108,-142,1108,-143,1108,-430,-935,-936,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1894,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1894,1108,-1894,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1894,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-1894,494,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1108,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1108,494,494,-191,-192,494,-994,1108,494,494,494,494,-277,-278,-279,-280,-365,1108,-308,1108,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1108,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1108,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1108,1108,1108,1108,1108,1108,-573,1108,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1108,1108,-723,-724,-725,1108,1922,494,494,494,494,-994,494,1108,-91,-92,494,494,494,1108,-309,-310,-320,1108,-307,-293,-294,-295,1108,494,1108,1108,-618,-633,-590,1108,494,-436,494,-437,1108,-444,-445,-446,-378,-379,1108,1108,1108,-506,1108,1108,-510,1108,1108,1108,1108,-515,-516,-517,-518,1108,1108,-521,-522,1108,-524,-525,-526,-527,-528,-529,-530,-531,1108,-533,1108,1108,1108,-539,-541,-542,1108,-544,-545,-546,-547,1108,1108,1108,1108,1108,1108,-652,-653,-654,-655,494,-657,-658,-659,1108,1108,1108,-665,1108,1108,-669,-670,1108,1108,-673,1108,-675,-676,1108,-679,1108,-681,1108,1108,-684,-685,-686,1108,-688,1108,1108,-691,1108,1108,-694,-695,-696,1108,-698,-699,-700,-701,1108,1108,-746,1108,-749,-750,-751,-752,-753,1108,-755,-756,-757,-758,-759,1108,-766,-767,-769,1108,-771,-772,-773,-782,-856,-858,-860,-862,1108,1108,1108,1108,-868,1108,-870,1108,1108,1108,1108,1108,1108,1108,-906,-907,1108,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1108,-921,-924,1108,-934,1108,-385,-386,-387,1108,1108,-390,-391,-392,-393,1108,-396,1108,-399,-400,1108,-401,1108,-406,-407,1108,-410,-411,-412,1108,-415,1108,-416,1108,-421,-422,1108,-425,1108,-428,-429,-1894,-1894,1108,-619,-620,-621,-622,-623,-634,-584,-624,-797,1108,1108,1108,1108,1108,-831,1108,1108,-806,1108,-832,1108,1108,1108,1108,-798,1108,-853,-799,1108,1108,1108,1108,1108,1108,-854,-855,1108,-834,-830,-835,1108,-625,1108,-626,-627,-628,-629,-574,1108,1108,-630,-631,-632,1108,1108,1108,1108,1108,1108,-635,-636,-637,-592,-1894,-602,1108,-638,-639,-713,-640,-604,1108,-572,-577,-580,-583,1108,1108,1108,-598,-601,1108,-608,1108,1108,1108,1108,1108,1108,1108,1108,1108,1108,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1108,494,494,-995,494,1108,494,494,494,1108,-306,-325,-319,-296,-375,-452,-453,-454,-458,494,-443,1108,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1108,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,494,494,494,494,494,494,494,494,1108,-316,-535,-508,-591,-937,-939,-940,-438,1108,-440,-380,-381,-383,-507,-509,-511,1108,-513,-514,-519,-520,1108,-532,-534,-537,-538,-543,-548,-726,1108,-727,1108,-732,1108,-734,1108,-739,-656,-660,-661,1108,-666,1108,-667,1108,-672,-674,1108,-677,1108,1108,1108,-687,-689,1108,-692,1108,1108,-744,1108,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1108,1108,1108,1108,1108,-877,1108,-880,-908,-920,-925,-388,-389,1108,-394,1108,-397,1108,-402,1108,-403,1108,-408,1108,-413,1108,-417,1108,-418,1108,-423,1108,-426,-899,-900,-643,-585,-1894,-901,1108,1108,1108,-800,1108,1108,-804,1108,-807,-833,1108,-818,1108,-820,1108,-822,-808,1108,-824,1108,-851,-852,1108,1108,-811,1108,-646,-902,-904,-648,-649,-645,1108,-705,-706,1108,-642,-903,-647,-650,-603,-714,1108,1108,-605,-586,1108,1108,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1108,1108,-709,-710,1108,-716,1108,494,494,494,1108,1108,-938,494,-439,-441,-747,1108,-891,1922,-715,-1894,1108,1108,494,494,1108,-442,-512,-523,1108,-728,-733,1108,-735,1108,-740,1108,-662,-668,1108,-678,-680,-682,-683,-690,-693,-697,-745,1108,1108,-874,1108,1108,-878,1108,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1108,-812,1108,-814,-801,1108,-802,-805,1108,-816,-819,-821,-823,-825,1108,-826,1108,-809,1108,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,494,-282,494,1108,494,1108,-455,1108,1108,-729,1108,-736,1108,-741,1108,-663,-671,1108,1108,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1108,-836,-53,494,1108,-730,1108,-737,1108,-742,-664,1108,-873,-54,494,494,-731,-738,-743,1108,494,1108,-872,]),'MIDDLEINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[495,495,495,495,-1894,495,495,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,495,495,495,495,-275,-276,495,-1425,495,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,495,495,495,-490,495,495,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,495,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,495,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,495,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,495,-172,-173,-174,-175,-993,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-290,-291,-281,495,495,495,495,495,-328,-318,-332,-333,-334,495,495,-982,-983,-984,-985,-986,-987,-988,495,495,495,495,495,495,495,495,495,495,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,495,495,495,-353,-356,495,-323,-324,-141,495,-142,495,-143,495,-430,-935,-936,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-1894,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-1894,495,-1894,495,495,495,495,495,495,495,495,495,495,495,495,-1894,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,495,-1894,495,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,495,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,495,495,495,-191,-192,495,-994,495,495,495,495,495,-277,-278,-279,-280,-365,495,-308,495,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,495,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,495,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,495,495,495,495,495,495,-573,495,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,495,495,-723,-724,-725,495,495,495,495,495,495,-994,495,495,-91,-92,495,495,495,495,-309,-310,-320,495,-307,-293,-294,-295,495,495,495,495,-618,-633,-590,495,495,-436,495,-437,495,-444,-445,-446,-378,-379,495,495,495,-506,495,495,-510,495,495,495,495,-515,-516,-517,-518,495,495,-521,-522,495,-524,-525,-526,-527,-528,-529,-530,-531,495,-533,495,495,495,-539,-541,-542,495,-544,-545,-546,-547,495,495,495,495,495,495,-652,-653,-654,-655,495,-657,-658,-659,495,495,495,-665,495,495,-669,-670,495,495,-673,495,-675,-676,495,-679,495,-681,495,495,-684,-685,-686,495,-688,495,495,-691,495,495,-694,-695,-696,495,-698,-699,-700,-701,495,495,-746,495,-749,-750,-751,-752,-753,495,-755,-756,-757,-758,-759,495,-766,-767,-769,495,-771,-772,-773,-782,-856,-858,-860,-862,495,495,495,495,-868,495,-870,495,495,495,495,495,495,495,-906,-907,495,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,495,-921,-924,495,-934,495,-385,-386,-387,495,495,-390,-391,-392,-393,495,-396,495,-399,-400,495,-401,495,-406,-407,495,-410,-411,-412,495,-415,495,-416,495,-421,-422,495,-425,495,-428,-429,-1894,-1894,495,-619,-620,-621,-622,-623,-634,-584,-624,-797,495,495,495,495,495,-831,495,495,-806,495,-832,495,495,495,495,-798,495,-853,-799,495,495,495,495,495,495,-854,-855,495,-834,-830,-835,495,-625,495,-626,-627,-628,-629,-574,495,495,-630,-631,-632,495,495,495,495,495,495,-635,-636,-637,-592,-1894,-602,495,-638,-639,-713,-640,-604,495,-572,-577,-580,-583,495,495,495,-598,-601,495,-608,495,495,495,495,495,495,495,495,495,495,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,495,495,495,-995,495,495,495,495,495,495,-306,-325,-319,-296,-375,-452,-453,-454,-458,495,-443,495,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,495,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,495,495,495,495,495,495,495,495,495,-316,-535,-508,-591,-937,-939,-940,-438,495,-440,-380,-381,-383,-507,-509,-511,495,-513,-514,-519,-520,495,-532,-534,-537,-538,-543,-548,-726,495,-727,495,-732,495,-734,495,-739,-656,-660,-661,495,-666,495,-667,495,-672,-674,495,-677,495,495,495,-687,-689,495,-692,495,495,-744,495,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,495,495,495,495,495,-877,495,-880,-908,-920,-925,-388,-389,495,-394,495,-397,495,-402,495,-403,495,-408,495,-413,495,-417,495,-418,495,-423,495,-426,-899,-900,-643,-585,-1894,-901,495,495,495,-800,495,495,-804,495,-807,-833,495,-818,495,-820,495,-822,-808,495,-824,495,-851,-852,495,495,-811,495,-646,-902,-904,-648,-649,-645,495,-705,-706,495,-642,-903,-647,-650,-603,-714,495,495,-605,-586,495,495,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,495,495,-709,-710,495,-716,495,495,495,495,495,495,-938,495,-439,-441,-747,495,-891,495,-715,-1894,495,495,495,495,495,-442,-512,-523,495,-728,-733,495,-735,495,-740,495,-662,-668,495,-678,-680,-682,-683,-690,-693,-697,-745,495,495,-874,495,495,-878,495,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,495,-812,495,-814,-801,495,-802,-805,495,-816,-819,-821,-823,-825,495,-826,495,-809,495,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,495,-282,495,495,495,495,-455,495,495,-729,495,-736,495,-741,495,-663,-671,495,495,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,495,-836,-53,495,495,-730,495,-737,495,-742,-664,495,-873,-54,495,495,-731,-738,-743,495,495,495,-872,]),'MIGRATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[496,496,496,496,-1894,496,496,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,496,496,496,496,-275,-276,496,-1425,496,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,496,496,496,-490,496,496,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,496,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,496,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,496,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,496,-172,-173,-174,-175,-993,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-290,-291,-281,496,496,496,496,496,-328,-318,-332,-333,-334,496,496,-982,-983,-984,-985,-986,-987,-988,496,496,496,496,496,496,496,496,496,496,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,496,496,496,-353,-356,496,-323,-324,-141,496,-142,496,-143,496,-430,-935,-936,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-1894,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-1894,496,-1894,496,496,496,496,496,496,496,496,496,496,496,496,-1894,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,496,-1894,496,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,496,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,496,496,496,-191,-192,496,-994,496,496,496,496,496,-277,-278,-279,-280,-365,496,-308,496,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,496,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,496,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,496,496,496,496,496,496,-573,496,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,496,496,-723,-724,-725,496,496,496,496,496,496,-994,496,496,-91,-92,496,496,496,496,-309,-310,-320,496,-307,-293,-294,-295,496,496,496,496,-618,-633,-590,496,496,-436,496,-437,496,-444,-445,-446,-378,-379,496,496,496,-506,496,496,-510,496,496,496,496,-515,-516,-517,-518,496,496,-521,-522,496,-524,-525,-526,-527,-528,-529,-530,-531,496,-533,496,496,496,-539,-541,-542,496,-544,-545,-546,-547,496,496,496,496,496,496,-652,-653,-654,-655,496,-657,-658,-659,496,496,496,-665,496,496,-669,-670,496,496,-673,496,-675,-676,496,-679,496,-681,496,496,-684,-685,-686,496,-688,496,496,-691,496,496,-694,-695,-696,496,-698,-699,-700,-701,496,496,-746,496,-749,-750,-751,-752,-753,496,-755,-756,-757,-758,-759,496,-766,-767,-769,496,-771,-772,-773,-782,-856,-858,-860,-862,496,496,496,496,-868,496,-870,496,496,496,496,496,496,496,-906,-907,496,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,496,-921,-924,496,-934,496,-385,-386,-387,496,496,-390,-391,-392,-393,496,-396,496,-399,-400,496,-401,496,-406,-407,496,-410,-411,-412,496,-415,496,-416,496,-421,-422,496,-425,496,-428,-429,-1894,-1894,496,-619,-620,-621,-622,-623,-634,-584,-624,-797,496,496,496,496,496,-831,496,496,-806,496,-832,496,496,496,496,-798,496,-853,-799,496,496,496,496,496,496,-854,-855,496,-834,-830,-835,496,-625,496,-626,-627,-628,-629,-574,496,496,-630,-631,-632,496,496,496,496,496,496,-635,-636,-637,-592,-1894,-602,496,-638,-639,-713,-640,-604,496,-572,-577,-580,-583,496,496,496,-598,-601,496,-608,496,496,496,496,496,496,496,496,496,496,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,496,496,496,-995,496,496,496,496,496,496,-306,-325,-319,-296,-375,-452,-453,-454,-458,496,-443,496,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,496,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,496,496,496,496,496,496,496,496,496,-316,-535,-508,-591,-937,-939,-940,-438,496,-440,-380,-381,-383,-507,-509,-511,496,-513,-514,-519,-520,496,-532,-534,-537,-538,-543,-548,-726,496,-727,496,-732,496,-734,496,-739,-656,-660,-661,496,-666,496,-667,496,-672,-674,496,-677,496,496,496,-687,-689,496,-692,496,496,-744,496,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,496,496,496,496,496,-877,496,-880,-908,-920,-925,-388,-389,496,-394,496,-397,496,-402,496,-403,496,-408,496,-413,496,-417,496,-418,496,-423,496,-426,-899,-900,-643,-585,-1894,-901,496,496,496,-800,496,496,-804,496,-807,-833,496,-818,496,-820,496,-822,-808,496,-824,496,-851,-852,496,496,-811,496,-646,-902,-904,-648,-649,-645,496,-705,-706,496,-642,-903,-647,-650,-603,-714,496,496,-605,-586,496,496,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,496,496,-709,-710,496,-716,496,496,496,496,496,496,-938,496,-439,-441,-747,496,-891,496,-715,-1894,496,496,496,496,496,-442,-512,-523,496,-728,-733,496,-735,496,-740,496,-662,-668,496,-678,-680,-682,-683,-690,-693,-697,-745,496,496,-874,496,496,-878,496,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,496,-812,496,-814,-801,496,-802,-805,496,-816,-819,-821,-823,-825,496,-826,496,-809,496,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,496,-282,496,496,496,496,-455,496,496,-729,496,-736,496,-741,496,-663,-671,496,496,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,496,-836,-53,496,496,-730,496,-737,496,-742,-664,496,-873,-54,496,496,-731,-738,-743,496,496,496,-872,]),'MIGRATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[497,497,497,497,-1894,497,497,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,497,497,497,497,-275,-276,497,-1425,497,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,497,497,497,-490,497,497,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,497,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,497,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,497,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,497,-172,-173,-174,-175,-993,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-290,-291,-281,497,497,497,497,497,-328,-318,-332,-333,-334,497,497,-982,-983,-984,-985,-986,-987,-988,497,497,497,497,497,497,497,497,497,497,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,497,497,497,-353,-356,497,-323,-324,-141,497,-142,497,-143,497,-430,-935,-936,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-1894,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-1894,497,-1894,497,497,497,497,497,497,497,497,497,497,497,497,-1894,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,497,-1894,497,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,497,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,497,497,497,-191,-192,497,-994,497,497,497,497,497,-277,-278,-279,-280,-365,497,-308,497,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,497,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,497,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,497,497,497,497,497,497,-573,497,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,497,497,-723,-724,-725,497,497,497,497,497,497,-994,497,497,-91,-92,497,497,497,497,-309,-310,-320,497,-307,-293,-294,-295,497,497,497,497,-618,-633,-590,497,497,-436,497,-437,497,-444,-445,-446,-378,-379,497,497,497,-506,497,497,-510,497,497,497,497,-515,-516,-517,-518,497,497,-521,-522,497,-524,-525,-526,-527,-528,-529,-530,-531,497,-533,497,497,497,-539,-541,-542,497,-544,-545,-546,-547,497,497,497,497,497,497,-652,-653,-654,-655,497,-657,-658,-659,497,497,497,-665,497,497,-669,-670,497,497,-673,497,-675,-676,497,-679,497,-681,497,497,-684,-685,-686,497,-688,497,497,-691,497,497,-694,-695,-696,497,-698,-699,-700,-701,497,497,-746,497,-749,-750,-751,-752,-753,497,-755,-756,-757,-758,-759,497,-766,-767,-769,497,-771,-772,-773,-782,-856,-858,-860,-862,497,497,497,497,-868,497,-870,497,497,497,497,497,497,497,-906,-907,497,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,497,-921,-924,497,-934,497,-385,-386,-387,497,497,-390,-391,-392,-393,497,-396,497,-399,-400,497,-401,497,-406,-407,497,-410,-411,-412,497,-415,497,-416,497,-421,-422,497,-425,497,-428,-429,-1894,-1894,497,-619,-620,-621,-622,-623,-634,-584,-624,-797,497,497,497,497,497,-831,497,497,-806,497,-832,497,497,497,497,-798,497,-853,-799,497,497,497,497,497,497,-854,-855,497,-834,-830,-835,497,-625,497,-626,-627,-628,-629,-574,497,497,-630,-631,-632,497,497,497,497,497,497,-635,-636,-637,-592,-1894,-602,497,-638,-639,-713,-640,-604,497,-572,-577,-580,-583,497,497,497,-598,-601,497,-608,497,497,497,497,497,497,497,497,497,497,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,497,497,497,-995,497,497,497,497,497,497,-306,-325,-319,-296,-375,-452,-453,-454,-458,497,-443,497,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,497,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,497,497,497,497,497,497,497,497,497,-316,-535,-508,-591,-937,-939,-940,-438,497,-440,-380,-381,-383,-507,-509,-511,497,-513,-514,-519,-520,497,-532,-534,-537,-538,-543,-548,-726,497,-727,497,-732,497,-734,497,-739,-656,-660,-661,497,-666,497,-667,497,-672,-674,497,-677,497,497,497,-687,-689,497,-692,497,497,-744,497,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,497,497,497,497,497,-877,497,-880,-908,-920,-925,-388,-389,497,-394,497,-397,497,-402,497,-403,497,-408,497,-413,497,-417,497,-418,497,-423,497,-426,-899,-900,-643,-585,-1894,-901,497,497,497,-800,497,497,-804,497,-807,-833,497,-818,497,-820,497,-822,-808,497,-824,497,-851,-852,497,497,-811,497,-646,-902,-904,-648,-649,-645,497,-705,-706,497,-642,-903,-647,-650,-603,-714,497,497,-605,-586,497,497,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,497,497,-709,-710,497,-716,497,497,497,497,497,497,-938,497,-439,-441,-747,497,-891,497,-715,-1894,497,497,497,497,497,-442,-512,-523,497,-728,-733,497,-735,497,-740,497,-662,-668,497,-678,-680,-682,-683,-690,-693,-697,-745,497,497,-874,497,497,-878,497,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,497,-812,497,-814,-801,497,-802,-805,497,-816,-819,-821,-823,-825,497,-826,497,-809,497,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,497,-282,497,497,497,497,-455,497,497,-729,497,-736,497,-741,497,-663,-671,497,497,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,497,-836,-53,497,497,-730,497,-737,497,-742,-664,497,-873,-54,497,497,-731,-738,-743,497,497,497,-872,]),'MIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[498,498,498,1289,-1894,498,498,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,498,498,498,498,-275,-276,1289,-1425,1289,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1289,1289,1289,-490,1289,1289,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1289,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1289,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1289,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,498,-172,-173,-174,-175,-993,498,498,498,498,498,498,498,498,498,498,1289,1289,1289,1289,1289,-290,-291,-281,498,1289,1289,1289,1289,-328,-318,-332,-333,-334,1289,1289,-982,-983,-984,-985,-986,-987,-988,498,498,1289,1289,1289,1289,1289,1289,1289,1289,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1289,1289,1289,-353,-356,498,-323,-324,-141,1289,-142,1289,-143,1289,-430,-935,-936,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1894,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1894,1289,-1894,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1894,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-1894,498,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1289,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1289,498,498,-191,-192,498,-994,1289,498,498,498,498,-277,-278,-279,-280,-365,1289,-308,1289,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1289,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1289,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1289,1289,1289,1289,1289,1289,-573,1289,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1289,1289,-723,-724,-725,1289,1289,498,498,498,498,-994,498,1289,-91,-92,498,498,498,1289,-309,-310,-320,1289,-307,-293,-294,-295,1289,498,1289,1289,-618,-633,-590,1289,498,-436,498,-437,1289,-444,-445,-446,-378,-379,1289,1289,1289,-506,1289,1289,-510,1289,1289,1289,1289,-515,-516,-517,-518,1289,1289,-521,-522,1289,-524,-525,-526,-527,-528,-529,-530,-531,1289,-533,1289,1289,1289,-539,-541,-542,1289,-544,-545,-546,-547,1289,1289,1289,1289,1289,1289,-652,-653,-654,-655,498,-657,-658,-659,1289,1289,1289,-665,1289,1289,-669,-670,1289,1289,-673,1289,-675,-676,1289,-679,1289,-681,1289,1289,-684,-685,-686,1289,-688,1289,1289,-691,1289,1289,-694,-695,-696,1289,-698,-699,-700,-701,1289,1289,-746,1289,-749,-750,-751,-752,-753,1289,-755,-756,-757,-758,-759,1289,-766,-767,-769,1289,-771,-772,-773,-782,-856,-858,-860,-862,1289,1289,1289,1289,-868,1289,-870,1289,1289,1289,1289,1289,1289,1289,-906,-907,1289,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1289,-921,-924,1289,-934,1289,-385,-386,-387,1289,1289,-390,-391,-392,-393,1289,-396,1289,-399,-400,1289,-401,1289,-406,-407,1289,-410,-411,-412,1289,-415,1289,-416,1289,-421,-422,1289,-425,1289,-428,-429,-1894,-1894,1289,-619,-620,-621,-622,-623,-634,-584,-624,-797,1289,1289,1289,1289,1289,-831,1289,1289,-806,1289,-832,1289,1289,1289,1289,-798,1289,-853,-799,1289,1289,1289,1289,1289,1289,-854,-855,1289,-834,-830,-835,1289,-625,1289,-626,-627,-628,-629,-574,1289,1289,-630,-631,-632,1289,1289,1289,1289,1289,1289,-635,-636,-637,-592,-1894,-602,1289,-638,-639,-713,-640,-604,1289,-572,-577,-580,-583,1289,1289,1289,-598,-601,1289,-608,1289,1289,1289,1289,1289,1289,1289,1289,1289,1289,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1289,498,498,-995,498,1289,498,498,498,1289,-306,-325,-319,-296,-375,-452,-453,-454,-458,498,-443,1289,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1289,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,498,498,498,498,498,498,498,498,1289,-316,-535,-508,-591,-937,-939,-940,-438,1289,-440,-380,-381,-383,-507,-509,-511,1289,-513,-514,-519,-520,1289,-532,-534,-537,-538,-543,-548,-726,1289,-727,1289,-732,1289,-734,1289,-739,-656,-660,-661,1289,-666,1289,-667,1289,-672,-674,1289,-677,1289,1289,1289,-687,-689,1289,-692,1289,1289,-744,1289,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1289,1289,1289,1289,1289,-877,1289,-880,-908,-920,-925,-388,-389,1289,-394,1289,-397,1289,-402,1289,-403,1289,-408,1289,-413,1289,-417,1289,-418,1289,-423,1289,-426,-899,-900,-643,-585,-1894,-901,1289,1289,1289,-800,1289,1289,-804,1289,-807,-833,1289,-818,1289,-820,1289,-822,-808,1289,-824,1289,-851,-852,1289,1289,-811,1289,-646,-902,-904,-648,-649,-645,1289,-705,-706,1289,-642,-903,-647,-650,-603,-714,1289,1289,-605,-586,1289,1289,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1289,1289,-709,-710,1289,-716,1289,498,498,498,1289,1289,-938,498,-439,-441,-747,1289,-891,1289,-715,-1894,1289,1289,498,498,1289,-442,-512,-523,1289,-728,-733,1289,-735,1289,-740,1289,-662,-668,1289,-678,-680,-682,-683,-690,-693,-697,-745,1289,1289,-874,1289,1289,-878,1289,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1289,-812,1289,-814,-801,1289,-802,-805,1289,-816,-819,-821,-823,-825,1289,-826,1289,-809,1289,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,498,-282,498,1289,498,1289,-455,1289,1289,-729,1289,-736,1289,-741,1289,-663,-671,1289,1289,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1289,-836,-53,498,1289,-730,1289,-737,1289,-742,-664,1289,-873,-54,498,498,-731,-738,-743,1289,498,1289,-872,]),'MINOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[499,499,499,499,-1894,499,499,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,499,499,499,499,-275,-276,499,-1425,499,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,499,499,499,-490,499,499,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,499,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,499,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,499,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,499,-172,-173,-174,-175,-993,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-290,-291,-281,499,499,499,499,499,-328,-318,-332,-333,-334,499,499,-982,-983,-984,-985,-986,-987,-988,499,499,499,499,499,499,499,499,499,499,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,499,499,499,-353,-356,499,-323,-324,-141,499,-142,499,-143,499,-430,-935,-936,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-1894,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-1894,499,-1894,499,499,499,499,499,499,499,499,499,499,499,499,-1894,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,499,-1894,499,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,499,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,499,499,499,-191,-192,499,-994,499,499,499,499,499,-277,-278,-279,-280,-365,499,-308,499,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,499,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,499,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,499,499,499,499,499,499,-573,499,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,499,499,-723,-724,-725,499,499,499,499,499,499,-994,499,499,-91,-92,499,499,499,499,-309,-310,-320,499,-307,-293,-294,-295,499,499,499,499,-618,-633,-590,499,499,-436,499,-437,499,-444,-445,-446,-378,-379,499,499,499,-506,499,499,-510,499,499,499,499,-515,-516,-517,-518,499,499,-521,-522,499,-524,-525,-526,-527,-528,-529,-530,-531,499,-533,499,499,499,-539,-541,-542,499,-544,-545,-546,-547,499,499,499,499,499,499,-652,-653,-654,-655,499,-657,-658,-659,499,499,499,-665,499,499,-669,-670,499,499,-673,499,-675,-676,499,-679,499,-681,499,499,-684,-685,-686,499,-688,499,499,-691,499,499,-694,-695,-696,499,-698,-699,-700,-701,499,499,-746,499,-749,-750,-751,-752,-753,499,-755,-756,-757,-758,-759,499,-766,-767,-769,499,-771,-772,-773,-782,-856,-858,-860,-862,499,499,499,499,-868,499,-870,499,499,499,499,499,499,499,-906,-907,499,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,499,-921,-924,499,-934,499,-385,-386,-387,499,499,-390,-391,-392,-393,499,-396,499,-399,-400,499,-401,499,-406,-407,499,-410,-411,-412,499,-415,499,-416,499,-421,-422,499,-425,499,-428,-429,-1894,-1894,499,-619,-620,-621,-622,-623,-634,-584,-624,-797,499,499,499,499,499,-831,499,499,-806,499,-832,499,499,499,499,-798,499,-853,-799,499,499,499,499,499,499,-854,-855,499,-834,-830,-835,499,-625,499,-626,-627,-628,-629,-574,499,499,-630,-631,-632,499,499,499,499,499,499,-635,-636,-637,-592,-1894,-602,499,-638,-639,-713,-640,-604,499,-572,-577,-580,-583,499,499,499,-598,-601,499,-608,499,499,499,499,499,499,499,499,499,499,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,499,499,499,-995,499,499,499,499,499,499,-306,-325,-319,-296,-375,-452,-453,-454,-458,499,-443,499,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,499,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,499,499,499,499,499,499,499,499,499,-316,-535,-508,-591,-937,-939,-940,-438,499,-440,-380,-381,-383,-507,-509,-511,499,-513,-514,-519,-520,499,-532,-534,-537,-538,-543,-548,-726,499,-727,499,-732,499,-734,499,-739,-656,-660,-661,499,-666,499,-667,499,-672,-674,499,-677,499,499,499,-687,-689,499,-692,499,499,-744,499,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,499,499,499,499,499,-877,499,-880,-908,-920,-925,-388,-389,499,-394,499,-397,499,-402,499,-403,499,-408,499,-413,499,-417,499,-418,499,-423,499,-426,-899,-900,-643,-585,-1894,-901,499,499,499,-800,499,499,-804,499,-807,-833,499,-818,499,-820,499,-822,-808,499,-824,499,-851,-852,499,499,-811,499,-646,-902,-904,-648,-649,-645,499,-705,-706,499,-642,-903,-647,-650,-603,-714,499,499,-605,-586,499,499,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,499,499,-709,-710,499,-716,499,499,499,499,499,499,-938,499,-439,-441,-747,499,-891,499,-715,-1894,499,499,499,499,499,-442,-512,-523,499,-728,-733,499,-735,499,-740,499,-662,-668,499,-678,-680,-682,-683,-690,-693,-697,-745,499,499,-874,499,499,-878,499,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,499,-812,499,-814,-801,499,-802,-805,499,-816,-819,-821,-823,-825,499,-826,499,-809,499,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,499,-282,499,499,499,499,-455,499,499,-729,499,-736,499,-741,499,-663,-671,499,499,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,499,-836,-53,499,499,-730,499,-737,499,-742,-664,499,-873,-54,499,499,-731,-738,-743,499,499,499,-872,]),'MINUTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[500,500,500,1290,-1894,500,500,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,500,500,500,500,-275,-276,1290,-1425,1290,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1290,1290,1290,-490,1290,1290,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1290,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1290,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1290,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,500,-172,-173,-174,-175,-993,500,500,500,500,500,500,500,500,500,500,1290,1290,1290,1290,1290,-290,-291,-281,500,1290,1290,1290,1290,-328,-318,-332,-333,-334,1290,1290,-982,-983,-984,-985,-986,-987,-988,500,500,1290,1290,1290,1290,1290,1290,1290,1290,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1290,1290,2106,1290,-353,-356,500,-323,-324,-141,1290,-142,1290,-143,1290,-430,-935,-936,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1894,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1894,1290,-1894,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1894,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,2106,2106,1290,1290,2106,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-1894,500,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1290,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1290,500,500,-191,-192,500,-994,1290,500,500,500,500,-277,-278,-279,-280,-365,1290,-308,1290,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1290,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1290,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1290,1290,1290,1290,1290,1290,-573,1290,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1290,1290,-723,-724,-725,1290,1290,500,500,500,500,-994,500,1290,-91,-92,500,500,500,1290,-309,-310,-320,1290,-307,-293,-294,-295,1290,500,1290,1290,-618,-633,-590,1290,500,-436,500,-437,1290,-444,-445,-446,-378,-379,1290,1290,1290,-506,1290,1290,-510,1290,1290,1290,1290,-515,-516,-517,-518,1290,1290,-521,-522,1290,-524,-525,-526,-527,-528,-529,-530,-531,1290,-533,1290,1290,1290,-539,-541,-542,1290,-544,-545,-546,-547,1290,1290,1290,1290,1290,1290,-652,-653,-654,-655,500,-657,-658,-659,1290,1290,1290,-665,1290,1290,-669,-670,1290,1290,-673,1290,-675,-676,1290,-679,1290,-681,1290,1290,-684,-685,-686,1290,-688,1290,1290,-691,1290,1290,-694,-695,-696,1290,-698,-699,-700,-701,1290,1290,-746,1290,-749,-750,-751,-752,-753,1290,-755,-756,-757,-758,-759,1290,-766,-767,-769,1290,-771,-772,-773,-782,-856,-858,-860,-862,1290,1290,1290,1290,-868,1290,-870,1290,1290,1290,1290,1290,1290,1290,-906,-907,1290,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1290,-921,-924,1290,-934,1290,-385,-386,-387,1290,1290,-390,-391,-392,-393,1290,-396,1290,-399,-400,1290,-401,1290,-406,-407,1290,-410,-411,-412,1290,-415,1290,-416,1290,-421,-422,1290,-425,1290,-428,-429,-1894,-1894,1290,-619,-620,-621,-622,-623,-634,-584,-624,-797,1290,1290,1290,1290,1290,-831,1290,1290,-806,1290,-832,1290,1290,1290,1290,-798,1290,-853,-799,1290,1290,1290,1290,1290,1290,-854,-855,1290,-834,-830,-835,1290,-625,1290,-626,-627,-628,-629,-574,1290,1290,-630,-631,-632,1290,1290,1290,1290,1290,1290,-635,-636,-637,-592,-1894,-602,1290,-638,-639,-713,-640,-604,1290,-572,-577,-580,-583,1290,1290,1290,-598,-601,1290,-608,1290,1290,1290,1290,1290,1290,1290,1290,1290,1290,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1290,500,500,-995,500,1290,500,500,500,1290,-306,-325,-319,-296,-375,-452,-453,-454,-458,500,-443,1290,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1290,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,500,500,500,500,500,500,500,500,1290,-316,-535,-508,-591,-937,-939,-940,-438,1290,-440,-380,-381,-383,-507,-509,-511,1290,-513,-514,-519,-520,1290,-532,-534,-537,-538,-543,-548,-726,1290,-727,1290,-732,1290,-734,1290,-739,-656,-660,-661,1290,-666,1290,-667,1290,-672,-674,1290,-677,1290,1290,1290,-687,-689,1290,-692,1290,1290,-744,1290,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1290,1290,1290,1290,1290,-877,1290,-880,-908,-920,-925,-388,-389,1290,-394,1290,-397,1290,-402,1290,-403,1290,-408,1290,-413,1290,-417,1290,-418,1290,-423,1290,-426,-899,-900,-643,-585,-1894,-901,1290,1290,1290,-800,1290,1290,-804,1290,-807,-833,1290,-818,1290,-820,1290,-822,-808,1290,-824,1290,-851,-852,1290,1290,-811,1290,-646,-902,-904,-648,-649,-645,1290,-705,-706,1290,-642,-903,-647,-650,-603,-714,1290,1290,-605,-586,1290,1290,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1290,1290,-709,-710,1290,-716,1290,500,500,500,1290,1290,-938,500,-439,-441,-747,1290,-891,1290,-715,-1894,1290,1290,500,500,1290,-442,-512,-523,1290,-728,-733,1290,-735,1290,-740,1290,-662,-668,1290,-678,-680,-682,-683,-690,-693,-697,-745,1290,1290,-874,1290,1290,-878,1290,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1290,-812,1290,-814,-801,1290,-802,-805,1290,-816,-819,-821,-823,-825,1290,-826,1290,-809,1290,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,500,-282,500,1290,500,1290,-455,1290,1290,-729,1290,-736,1290,-741,1290,-663,-671,1290,1290,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1290,-836,-53,500,1290,-730,1290,-737,1290,-742,-664,1290,-873,-54,500,500,-731,-738,-743,1290,500,1290,-872,]),'MIN_CPU':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[501,501,501,501,-1894,501,501,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,501,501,501,501,-275,-276,501,-1425,501,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,501,501,501,-490,501,501,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,501,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,501,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,501,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,501,-172,-173,-174,-175,-993,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-290,-291,-281,501,501,501,501,501,-328,-318,-332,-333,-334,501,501,-982,-983,-984,-985,-986,-987,-988,501,501,501,501,501,501,501,501,501,501,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,501,501,501,-353,-356,501,-323,-324,-141,501,-142,501,-143,501,-430,-935,-936,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-1894,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-1894,501,-1894,501,501,501,501,501,501,501,501,501,501,501,501,-1894,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,501,-1894,501,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,501,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,501,501,501,-191,-192,501,-994,501,501,501,501,501,-277,-278,-279,-280,-365,501,-308,501,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,501,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,501,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,501,501,501,501,501,501,-573,501,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,501,501,-723,-724,-725,501,501,501,501,501,501,-994,501,501,-91,-92,501,501,501,501,-309,-310,-320,501,-307,-293,-294,-295,501,501,501,501,-618,-633,-590,501,501,-436,501,-437,501,-444,-445,-446,-378,-379,501,501,501,-506,501,501,-510,501,501,501,501,-515,-516,-517,-518,501,501,-521,-522,501,-524,-525,-526,-527,-528,-529,-530,-531,501,-533,501,501,501,-539,-541,-542,501,-544,-545,-546,-547,501,501,501,501,501,501,-652,-653,-654,-655,501,-657,-658,-659,501,501,501,-665,501,501,-669,-670,501,501,-673,501,-675,-676,501,-679,501,-681,501,501,-684,-685,-686,501,-688,501,501,-691,501,501,-694,-695,-696,501,-698,-699,-700,-701,501,501,-746,501,-749,-750,-751,-752,-753,501,-755,-756,-757,-758,-759,501,-766,-767,-769,501,-771,-772,-773,-782,-856,-858,-860,-862,501,501,501,501,-868,501,-870,501,501,501,501,501,501,501,-906,-907,501,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,501,-921,-924,501,-934,501,-385,-386,-387,501,501,-390,-391,-392,-393,501,-396,501,-399,-400,501,-401,501,-406,-407,501,-410,-411,-412,501,-415,501,-416,501,-421,-422,501,-425,501,-428,-429,-1894,-1894,501,-619,-620,-621,-622,-623,-634,-584,-624,-797,501,501,501,501,501,-831,501,501,-806,501,-832,501,501,501,501,-798,501,-853,-799,501,501,501,501,501,501,-854,-855,501,-834,-830,-835,501,-625,501,-626,-627,-628,-629,-574,501,501,-630,-631,-632,501,501,501,501,501,501,-635,-636,-637,-592,-1894,-602,501,-638,-639,-713,-640,-604,501,-572,-577,-580,-583,501,501,501,-598,-601,501,-608,501,501,501,501,501,501,501,501,501,501,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,501,501,501,-995,501,501,501,501,501,501,-306,-325,-319,-296,-375,-452,-453,-454,-458,501,-443,501,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,501,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,501,501,501,501,501,501,501,501,501,-316,-535,-508,-591,-937,-939,-940,-438,501,-440,-380,-381,-383,-507,-509,-511,501,-513,-514,-519,-520,501,-532,-534,-537,-538,-543,-548,-726,501,-727,501,-732,501,-734,501,-739,-656,-660,-661,501,-666,501,-667,501,-672,-674,501,-677,501,501,501,-687,-689,501,-692,501,501,-744,501,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,501,501,501,501,501,-877,501,-880,-908,-920,-925,-388,-389,501,-394,501,-397,501,-402,501,-403,501,-408,501,-413,501,-417,501,-418,501,-423,501,-426,-899,-900,-643,-585,-1894,-901,501,501,501,-800,501,501,-804,501,-807,-833,501,-818,501,-820,501,-822,-808,501,-824,501,-851,-852,501,501,-811,501,-646,-902,-904,-648,-649,-645,501,-705,-706,501,-642,-903,-647,-650,-603,-714,501,501,-605,-586,501,501,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,501,501,-709,-710,501,-716,501,501,501,501,501,501,-938,501,-439,-441,-747,501,-891,501,-715,-1894,501,501,501,501,501,-442,-512,-523,501,-728,-733,501,-735,501,-740,501,-662,-668,501,-678,-680,-682,-683,-690,-693,-697,-745,501,501,-874,501,501,-878,501,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,501,-812,501,-814,-801,501,-802,-805,501,-816,-819,-821,-823,-825,501,-826,501,-809,501,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,501,-282,501,501,501,501,-455,501,501,-729,501,-736,501,-741,501,-663,-671,501,501,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,501,-836,-53,501,501,-730,501,-737,501,-742,-664,501,-873,-54,501,501,-731,-738,-743,501,501,501,-872,]),'MIN_IOPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[502,502,502,502,-1894,502,502,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,502,502,502,502,-275,-276,502,-1425,502,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,502,502,502,-490,502,502,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,502,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,502,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,502,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,502,-172,-173,-174,-175,-993,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-290,-291,-281,502,502,502,502,502,-328,-318,-332,-333,-334,502,502,-982,-983,-984,-985,-986,-987,-988,502,502,502,502,502,502,502,502,502,502,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,502,502,502,-353,-356,502,-323,-324,-141,502,-142,502,-143,502,-430,-935,-936,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-1894,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-1894,502,-1894,502,502,502,502,502,502,502,502,502,502,502,502,-1894,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,502,-1894,502,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,502,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,502,502,502,-191,-192,502,-994,502,502,502,502,502,-277,-278,-279,-280,-365,502,-308,502,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,502,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,502,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,502,502,502,502,502,502,-573,502,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,502,502,-723,-724,-725,502,502,502,502,502,502,-994,502,502,-91,-92,502,502,502,502,-309,-310,-320,502,-307,-293,-294,-295,502,502,502,502,-618,-633,-590,502,502,-436,502,-437,502,-444,-445,-446,-378,-379,502,502,502,-506,502,502,-510,502,502,502,502,-515,-516,-517,-518,502,502,-521,-522,502,-524,-525,-526,-527,-528,-529,-530,-531,502,-533,502,502,502,-539,-541,-542,502,-544,-545,-546,-547,502,502,502,502,502,502,-652,-653,-654,-655,502,-657,-658,-659,502,502,502,-665,502,502,-669,-670,502,502,-673,502,-675,-676,502,-679,502,-681,502,502,-684,-685,-686,502,-688,502,502,-691,502,502,-694,-695,-696,502,-698,-699,-700,-701,502,502,-746,502,-749,-750,-751,-752,-753,502,-755,-756,-757,-758,-759,502,-766,-767,-769,502,-771,-772,-773,-782,-856,-858,-860,-862,502,502,502,502,-868,502,-870,502,502,502,502,502,502,502,-906,-907,502,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,502,-921,-924,502,-934,502,-385,-386,-387,502,502,-390,-391,-392,-393,502,-396,502,-399,-400,502,-401,502,-406,-407,502,-410,-411,-412,502,-415,502,-416,502,-421,-422,502,-425,502,-428,-429,-1894,-1894,502,-619,-620,-621,-622,-623,-634,-584,-624,-797,502,502,502,502,502,-831,502,502,-806,502,-832,502,502,502,502,-798,502,-853,-799,502,502,502,502,502,502,-854,-855,502,-834,-830,-835,502,-625,502,-626,-627,-628,-629,-574,502,502,-630,-631,-632,502,502,502,502,502,502,-635,-636,-637,-592,-1894,-602,502,-638,-639,-713,-640,-604,502,-572,-577,-580,-583,502,502,502,-598,-601,502,-608,502,502,502,502,502,502,502,502,502,502,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,502,502,502,-995,502,502,502,502,502,502,-306,-325,-319,-296,-375,-452,-453,-454,-458,502,-443,502,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,502,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,502,502,502,502,502,502,502,502,502,-316,-535,-508,-591,-937,-939,-940,-438,502,-440,-380,-381,-383,-507,-509,-511,502,-513,-514,-519,-520,502,-532,-534,-537,-538,-543,-548,-726,502,-727,502,-732,502,-734,502,-739,-656,-660,-661,502,-666,502,-667,502,-672,-674,502,-677,502,502,502,-687,-689,502,-692,502,502,-744,502,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,502,502,502,502,502,-877,502,-880,-908,-920,-925,-388,-389,502,-394,502,-397,502,-402,502,-403,502,-408,502,-413,502,-417,502,-418,502,-423,502,-426,-899,-900,-643,-585,-1894,-901,502,502,502,-800,502,502,-804,502,-807,-833,502,-818,502,-820,502,-822,-808,502,-824,502,-851,-852,502,502,-811,502,-646,-902,-904,-648,-649,-645,502,-705,-706,502,-642,-903,-647,-650,-603,-714,502,502,-605,-586,502,502,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,502,502,-709,-710,502,-716,502,502,502,502,502,502,-938,502,-439,-441,-747,502,-891,502,-715,-1894,502,502,502,502,502,-442,-512,-523,502,-728,-733,502,-735,502,-740,502,-662,-668,502,-678,-680,-682,-683,-690,-693,-697,-745,502,502,-874,502,502,-878,502,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,502,-812,502,-814,-801,502,-802,-805,502,-816,-819,-821,-823,-825,502,-826,502,-809,502,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,502,-282,502,502,502,502,-455,502,502,-729,502,-736,502,-741,502,-663,-671,502,502,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,502,-836,-53,502,502,-730,502,-737,502,-742,-664,502,-873,-54,502,502,-731,-738,-743,502,502,502,-872,]),'MIN_MEMORY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[503,503,503,503,-1894,503,503,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,503,503,503,503,-275,-276,503,-1425,503,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,503,503,503,-490,503,503,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,503,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,503,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,503,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,503,-172,-173,-174,-175,-993,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-290,-291,-281,503,503,503,503,503,-328,-318,-332,-333,-334,503,503,-982,-983,-984,-985,-986,-987,-988,503,503,503,503,503,503,503,503,503,503,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,503,503,503,-353,-356,503,-323,-324,-141,503,-142,503,-143,503,-430,-935,-936,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-1894,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-1894,503,-1894,503,503,503,503,503,503,503,503,503,503,503,503,-1894,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,503,-1894,503,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,503,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,503,503,503,-191,-192,503,-994,503,503,503,503,503,-277,-278,-279,-280,-365,503,-308,503,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,503,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,503,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,503,503,503,503,503,503,-573,503,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,503,503,-723,-724,-725,503,503,503,503,503,503,-994,503,503,-91,-92,503,503,503,503,-309,-310,-320,503,-307,-293,-294,-295,503,503,503,503,-618,-633,-590,503,503,-436,503,-437,503,-444,-445,-446,-378,-379,503,503,503,-506,503,503,-510,503,503,503,503,-515,-516,-517,-518,503,503,-521,-522,503,-524,-525,-526,-527,-528,-529,-530,-531,503,-533,503,503,503,-539,-541,-542,503,-544,-545,-546,-547,503,503,503,503,503,503,-652,-653,-654,-655,503,-657,-658,-659,503,503,503,-665,503,503,-669,-670,503,503,-673,503,-675,-676,503,-679,503,-681,503,503,-684,-685,-686,503,-688,503,503,-691,503,503,-694,-695,-696,503,-698,-699,-700,-701,503,503,-746,503,-749,-750,-751,-752,-753,503,-755,-756,-757,-758,-759,503,-766,-767,-769,503,-771,-772,-773,-782,-856,-858,-860,-862,503,503,503,503,-868,503,-870,503,503,503,503,503,503,503,-906,-907,503,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,503,-921,-924,503,-934,503,-385,-386,-387,503,503,-390,-391,-392,-393,503,-396,503,-399,-400,503,-401,503,-406,-407,503,-410,-411,-412,503,-415,503,-416,503,-421,-422,503,-425,503,-428,-429,-1894,-1894,503,-619,-620,-621,-622,-623,-634,-584,-624,-797,503,503,503,503,503,-831,503,503,-806,503,-832,503,503,503,503,-798,503,-853,-799,503,503,503,503,503,503,-854,-855,503,-834,-830,-835,503,-625,503,-626,-627,-628,-629,-574,503,503,-630,-631,-632,503,503,503,503,503,503,-635,-636,-637,-592,-1894,-602,503,-638,-639,-713,-640,-604,503,-572,-577,-580,-583,503,503,503,-598,-601,503,-608,503,503,503,503,503,503,503,503,503,503,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,503,503,503,-995,503,503,503,503,503,503,-306,-325,-319,-296,-375,-452,-453,-454,-458,503,-443,503,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,503,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,503,503,503,503,503,503,503,503,503,-316,-535,-508,-591,-937,-939,-940,-438,503,-440,-380,-381,-383,-507,-509,-511,503,-513,-514,-519,-520,503,-532,-534,-537,-538,-543,-548,-726,503,-727,503,-732,503,-734,503,-739,-656,-660,-661,503,-666,503,-667,503,-672,-674,503,-677,503,503,503,-687,-689,503,-692,503,503,-744,503,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,503,503,503,503,503,-877,503,-880,-908,-920,-925,-388,-389,503,-394,503,-397,503,-402,503,-403,503,-408,503,-413,503,-417,503,-418,503,-423,503,-426,-899,-900,-643,-585,-1894,-901,503,503,503,-800,503,503,-804,503,-807,-833,503,-818,503,-820,503,-822,-808,503,-824,503,-851,-852,503,503,-811,503,-646,-902,-904,-648,-649,-645,503,-705,-706,503,-642,-903,-647,-650,-603,-714,503,503,-605,-586,503,503,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,503,503,-709,-710,503,-716,503,503,503,503,503,503,-938,503,-439,-441,-747,503,-891,503,-715,-1894,503,503,503,503,503,-442,-512,-523,503,-728,-733,503,-735,503,-740,503,-662,-668,503,-678,-680,-682,-683,-690,-693,-697,-745,503,503,-874,503,503,-878,503,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,503,-812,503,-814,-801,503,-802,-805,503,-816,-819,-821,-823,-825,503,-826,503,-809,503,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,503,-282,503,503,503,503,-455,503,503,-729,503,-736,503,-741,503,-663,-671,503,503,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,503,-836,-53,503,503,-730,503,-737,503,-742,-664,503,-873,-54,503,503,-731,-738,-743,503,503,503,-872,]),'MIN_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[504,504,504,504,-1894,504,504,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,504,504,504,504,-275,-276,504,-1425,504,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,504,504,504,-490,504,504,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,504,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,504,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,504,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,504,-172,-173,-174,-175,-993,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-290,-291,-281,504,504,504,504,504,-328,-318,-332,-333,-334,504,504,-982,-983,-984,-985,-986,-987,-988,504,504,504,504,504,504,504,504,504,504,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,504,504,504,-353,-356,504,-323,-324,-141,504,-142,504,-143,504,-430,-935,-936,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-1894,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-1894,504,-1894,504,504,504,504,504,504,504,504,504,504,504,504,-1894,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,504,-1894,504,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,504,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,504,504,504,-191,-192,504,-994,504,504,504,504,504,-277,-278,-279,-280,-365,504,-308,504,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,504,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,504,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,504,504,504,504,504,504,-573,504,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,504,504,-723,-724,-725,504,504,504,504,504,504,-994,504,504,-91,-92,504,504,504,504,-309,-310,-320,504,-307,-293,-294,-295,504,504,504,504,-618,-633,-590,504,504,-436,504,-437,504,-444,-445,-446,-378,-379,504,504,504,-506,504,504,-510,504,504,504,504,-515,-516,-517,-518,504,504,-521,-522,504,-524,-525,-526,-527,-528,-529,-530,-531,504,-533,504,504,504,-539,-541,-542,504,-544,-545,-546,-547,504,504,504,504,504,504,-652,-653,-654,-655,504,-657,-658,-659,504,504,504,-665,504,504,-669,-670,504,504,-673,504,-675,-676,504,-679,504,-681,504,504,-684,-685,-686,504,-688,504,504,-691,504,504,-694,-695,-696,504,-698,-699,-700,-701,504,504,-746,504,-749,-750,-751,-752,-753,504,-755,-756,-757,-758,-759,504,-766,-767,-769,504,-771,-772,-773,-782,-856,-858,-860,-862,504,504,504,504,-868,504,-870,504,504,504,504,504,504,504,-906,-907,504,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,504,-921,-924,504,-934,504,-385,-386,-387,504,504,-390,-391,-392,-393,504,-396,504,-399,-400,504,-401,504,-406,-407,504,-410,-411,-412,504,-415,504,-416,504,-421,-422,504,-425,504,-428,-429,-1894,-1894,504,-619,-620,-621,-622,-623,-634,-584,-624,-797,504,504,504,504,504,-831,504,504,-806,504,-832,504,504,504,504,-798,504,-853,-799,504,504,504,504,504,504,-854,-855,504,-834,-830,-835,504,-625,504,-626,-627,-628,-629,-574,504,504,-630,-631,-632,504,504,504,504,504,504,-635,-636,-637,-592,-1894,-602,504,-638,-639,-713,-640,-604,504,-572,-577,-580,-583,504,504,504,-598,-601,504,-608,504,504,504,504,504,504,504,504,504,504,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,504,504,504,-995,504,504,504,504,504,504,-306,-325,-319,-296,-375,-452,-453,-454,-458,504,-443,504,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,504,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,504,504,504,504,504,504,504,504,504,-316,-535,-508,-591,-937,-939,-940,-438,504,-440,-380,-381,-383,-507,-509,-511,504,-513,-514,-519,-520,504,-532,-534,-537,-538,-543,-548,-726,504,-727,504,-732,504,-734,504,-739,-656,-660,-661,504,-666,504,-667,504,-672,-674,504,-677,504,504,504,-687,-689,504,-692,504,504,-744,504,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,504,504,504,504,504,-877,504,-880,-908,-920,-925,-388,-389,504,-394,504,-397,504,-402,504,-403,504,-408,504,-413,504,-417,504,-418,504,-423,504,-426,-899,-900,-643,-585,-1894,-901,504,504,504,-800,504,504,-804,504,-807,-833,504,-818,504,-820,504,-822,-808,504,-824,504,-851,-852,504,504,-811,504,-646,-902,-904,-648,-649,-645,504,-705,-706,504,-642,-903,-647,-650,-603,-714,504,504,-605,-586,504,504,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,504,504,-709,-710,504,-716,504,504,504,504,504,504,-938,504,-439,-441,-747,504,-891,504,-715,-1894,504,504,504,504,504,-442,-512,-523,504,-728,-733,504,-735,504,-740,504,-662,-668,504,-678,-680,-682,-683,-690,-693,-697,-745,504,504,-874,504,504,-878,504,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,504,-812,504,-814,-801,504,-802,-805,504,-816,-819,-821,-823,-825,504,-826,504,-809,504,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,504,-282,504,504,504,504,-455,504,504,-729,504,-736,504,-741,504,-663,-671,504,504,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,504,-836,-53,504,504,-730,504,-737,504,-742,-664,504,-873,-54,504,504,-731,-738,-743,504,504,504,-872,]),'MKEDATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[505,505,505,505,-1894,505,505,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,505,505,505,505,-275,-276,505,-1425,505,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,505,505,505,-490,505,505,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,505,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,505,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,505,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,505,-172,-173,-174,-175,-993,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-290,-291,-281,505,505,505,505,505,-328,-318,-332,-333,-334,505,505,-982,-983,-984,-985,-986,-987,-988,505,505,505,505,505,505,505,505,505,505,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,505,505,505,-353,-356,505,-323,-324,-141,505,-142,505,-143,505,-430,-935,-936,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-1894,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-1894,505,-1894,505,505,505,505,505,505,505,505,505,505,505,505,-1894,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,505,-1894,505,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,505,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,505,505,505,-191,-192,505,-994,505,505,505,505,505,-277,-278,-279,-280,-365,505,-308,505,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,505,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,505,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,505,505,505,505,505,505,-573,505,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,505,505,-723,-724,-725,505,505,505,505,505,505,-994,505,505,-91,-92,505,505,505,505,-309,-310,-320,505,-307,-293,-294,-295,505,505,505,505,-618,-633,-590,505,505,-436,505,-437,505,-444,-445,-446,-378,-379,505,505,505,-506,505,505,-510,505,505,505,505,-515,-516,-517,-518,505,505,-521,-522,505,-524,-525,-526,-527,-528,-529,-530,-531,505,-533,505,505,505,-539,-541,-542,505,-544,-545,-546,-547,505,505,505,505,505,505,-652,-653,-654,-655,505,-657,-658,-659,505,505,505,-665,505,505,-669,-670,505,505,-673,505,-675,-676,505,-679,505,-681,505,505,-684,-685,-686,505,-688,505,505,-691,505,505,-694,-695,-696,505,-698,-699,-700,-701,505,505,-746,505,-749,-750,-751,-752,-753,505,-755,-756,-757,-758,-759,505,-766,-767,-769,505,-771,-772,-773,-782,-856,-858,-860,-862,505,505,505,505,-868,505,-870,505,505,505,505,505,505,505,-906,-907,505,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,505,-921,-924,505,-934,505,-385,-386,-387,505,505,-390,-391,-392,-393,505,-396,505,-399,-400,505,-401,505,-406,-407,505,-410,-411,-412,505,-415,505,-416,505,-421,-422,505,-425,505,-428,-429,-1894,-1894,505,-619,-620,-621,-622,-623,-634,-584,-624,-797,505,505,505,505,505,-831,505,505,-806,505,-832,505,505,505,505,-798,505,-853,-799,505,505,505,505,505,505,-854,-855,505,-834,-830,-835,505,-625,505,-626,-627,-628,-629,-574,505,505,-630,-631,-632,505,505,505,505,505,505,-635,-636,-637,-592,-1894,-602,505,-638,-639,-713,-640,-604,505,-572,-577,-580,-583,505,505,505,-598,-601,505,-608,505,505,505,505,505,505,505,505,505,505,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,505,505,505,-995,505,505,505,505,505,505,-306,-325,-319,-296,-375,-452,-453,-454,-458,505,-443,505,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,505,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,505,505,505,505,505,505,505,505,505,-316,-535,-508,-591,-937,-939,-940,-438,505,-440,-380,-381,-383,-507,-509,-511,505,-513,-514,-519,-520,505,-532,-534,-537,-538,-543,-548,-726,505,-727,505,-732,505,-734,505,-739,-656,-660,-661,505,-666,505,-667,505,-672,-674,505,-677,505,505,505,-687,-689,505,-692,505,505,-744,505,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,505,505,505,505,505,-877,505,-880,-908,-920,-925,-388,-389,505,-394,505,-397,505,-402,505,-403,505,-408,505,-413,505,-417,505,-418,505,-423,505,-426,-899,-900,-643,-585,-1894,-901,505,505,505,-800,505,505,-804,505,-807,-833,505,-818,505,-820,505,-822,-808,505,-824,505,-851,-852,505,505,-811,505,-646,-902,-904,-648,-649,-645,505,-705,-706,505,-642,-903,-647,-650,-603,-714,505,505,-605,-586,505,505,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,505,505,-709,-710,505,-716,505,505,505,505,505,505,-938,505,-439,-441,-747,505,-891,505,-715,-1894,505,505,505,505,505,-442,-512,-523,505,-728,-733,505,-735,505,-740,505,-662,-668,505,-678,-680,-682,-683,-690,-693,-697,-745,505,505,-874,505,505,-878,505,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,505,-812,505,-814,-801,505,-802,-805,505,-816,-819,-821,-823,-825,505,-826,505,-809,505,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,505,-282,505,505,505,505,-455,505,505,-729,505,-736,505,-741,505,-663,-671,505,505,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,505,-836,-53,505,505,-730,505,-737,505,-742,-664,505,-873,-54,505,505,-731,-738,-743,505,505,505,-872,]),'MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3201,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3740,3743,3756,3769,3773,3783,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[506,506,506,506,-1894,506,506,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,506,506,506,506,-275,-276,506,-1425,506,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,506,506,506,-490,506,506,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,506,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,506,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,506,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,506,-172,-173,-174,-175,-993,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-290,-291,-281,506,506,506,506,506,-328,-318,-332,-333,-334,506,506,-982,-983,-984,-985,-986,-987,-988,506,506,506,506,506,506,506,506,506,506,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,506,506,506,-353,-356,506,-323,-324,-141,506,-142,506,-143,506,-430,-935,-936,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-1894,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-1894,506,-1894,506,506,506,506,506,506,506,506,506,506,506,506,-1894,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,506,-1894,506,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,506,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,506,506,506,-191,-192,506,-994,506,506,506,506,506,-277,-278,-279,-280,-365,506,-308,506,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,506,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,506,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,506,506,506,506,506,506,-573,506,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,506,506,-723,-724,-725,506,506,506,506,506,506,-994,506,506,-91,-92,506,506,506,506,-309,-310,-320,506,-307,-293,-294,-295,506,506,506,506,-618,-633,-590,506,506,-436,506,-437,506,-444,-445,-446,-378,-379,506,506,506,-506,506,506,-510,506,506,506,506,-515,-516,-517,-518,506,506,-521,-522,506,-524,-525,-526,-527,-528,-529,-530,-531,506,-533,506,506,506,-539,-541,-542,506,-544,-545,-546,-547,506,506,506,506,506,506,-652,-653,-654,-655,506,-657,-658,-659,506,506,506,-665,506,506,-669,-670,506,506,-673,506,-675,-676,506,-679,506,-681,506,506,-684,-685,-686,506,-688,506,506,-691,506,506,-694,-695,-696,506,-698,-699,-700,-701,506,506,-746,506,-749,-750,-751,-752,-753,506,-755,-756,-757,-758,-759,506,-766,-767,-769,506,-771,-772,-773,-782,-856,-858,-860,-862,506,506,506,506,-868,506,-870,506,506,506,506,506,506,506,-906,-907,506,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,506,-921,-924,506,-934,506,-385,-386,-387,506,506,-390,-391,-392,-393,506,-396,506,-399,-400,506,-401,506,-406,-407,506,-410,-411,-412,506,-415,506,-416,506,-421,-422,506,-425,506,-428,-429,-1894,-1894,506,-619,-620,-621,-622,-623,-634,-584,-624,-797,506,506,506,506,506,-831,506,506,-806,506,-832,506,506,506,506,-798,506,-853,-799,506,506,506,506,506,506,-854,-855,506,-834,-830,-835,506,-625,506,-626,-627,-628,-629,-574,506,506,-630,-631,-632,506,506,506,506,506,506,-635,-636,-637,-592,-1894,-602,506,-638,-639,-713,-640,-604,506,-572,-577,-580,-583,506,506,506,-598,-601,506,-608,506,506,506,506,506,506,506,506,506,506,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,506,506,506,-995,506,506,506,506,506,506,-306,-325,-319,-296,-375,-452,-453,-454,-458,506,-443,506,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,506,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,506,506,3475,506,506,506,506,506,506,506,-316,-535,-508,-591,-937,-939,-940,-438,506,-440,-380,-381,-383,-507,-509,-511,506,-513,-514,-519,-520,506,-532,-534,-537,-538,-543,-548,-726,506,-727,506,-732,506,-734,506,-739,-656,-660,-661,506,-666,506,-667,506,-672,-674,506,-677,506,506,506,-687,-689,506,-692,506,506,-744,506,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,506,506,506,506,506,-877,506,-880,-908,-920,-925,-388,-389,506,-394,506,-397,506,-402,506,-403,506,-408,506,-413,506,-417,506,-418,506,-423,506,-426,-899,-900,-643,-585,-1894,-901,506,506,506,-800,506,506,-804,506,-807,-833,506,-818,506,-820,506,-822,-808,506,-824,506,-851,-852,506,506,-811,506,-646,-902,-904,-648,-649,-645,506,-705,-706,506,-642,-903,-647,-650,-603,-714,506,506,-605,-586,506,506,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,506,506,-709,-710,506,-716,506,506,506,506,506,506,-938,506,-439,-441,-747,506,-891,506,-715,-1894,506,506,506,506,506,-442,-512,-523,506,-728,-733,506,-735,506,-740,506,-662,-668,506,-678,-680,-682,-683,-690,-693,-697,-745,506,506,-874,506,506,-878,506,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,506,-812,506,-814,-801,506,-802,-805,506,-816,-819,-821,-823,-825,506,-826,506,-809,506,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,506,-282,3784,506,506,506,506,3830,-455,506,506,-729,506,-736,506,-741,506,-663,-671,506,506,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,506,-836,-53,506,506,-730,506,-737,506,-742,-664,506,-873,-54,506,506,-731,-738,-743,506,506,506,-872,]),'MODIFIES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[507,507,507,507,-1894,507,507,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,507,507,507,507,-275,-276,507,-1425,507,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,507,507,507,-490,507,507,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,507,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,507,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,507,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,507,-172,-173,-174,-175,-993,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-290,-291,-281,507,507,507,507,507,-328,-318,-332,-333,-334,507,507,-982,-983,-984,-985,-986,-987,-988,507,507,507,507,507,507,507,507,507,507,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,507,507,507,-353,-356,507,-323,-324,-141,507,-142,507,-143,507,-430,-935,-936,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-1894,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-1894,507,-1894,507,507,507,507,507,507,507,507,507,507,507,507,-1894,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,507,-1894,507,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,507,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,507,507,507,-191,-192,507,-994,507,507,507,507,507,-277,-278,-279,-280,-365,507,-308,507,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,507,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,507,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,507,507,507,507,507,507,-573,507,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,507,507,-723,-724,-725,507,507,507,507,507,507,-994,507,507,-91,-92,507,507,507,507,-309,-310,-320,507,-307,-293,-294,-295,507,507,507,507,-618,-633,-590,507,507,-436,507,-437,507,-444,-445,-446,-378,-379,507,507,507,-506,507,507,-510,507,507,507,507,-515,-516,-517,-518,507,507,-521,-522,507,-524,-525,-526,-527,-528,-529,-530,-531,507,-533,507,507,507,-539,-541,-542,507,-544,-545,-546,-547,507,507,507,507,507,507,-652,-653,-654,-655,507,-657,-658,-659,507,507,507,-665,507,507,-669,-670,507,507,-673,507,-675,-676,507,-679,507,-681,507,507,-684,-685,-686,507,-688,507,507,-691,507,507,-694,-695,-696,507,-698,-699,-700,-701,507,507,-746,507,-749,-750,-751,-752,-753,507,-755,-756,-757,-758,-759,507,-766,-767,-769,507,-771,-772,-773,-782,-856,-858,-860,-862,507,507,507,507,-868,507,-870,507,507,507,507,507,507,507,-906,-907,507,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,507,-921,-924,507,-934,507,-385,-386,-387,507,507,-390,-391,-392,-393,507,-396,507,-399,-400,507,-401,507,-406,-407,507,-410,-411,-412,507,-415,507,-416,507,-421,-422,507,-425,507,-428,-429,-1894,-1894,507,-619,-620,-621,-622,-623,-634,-584,-624,-797,507,507,507,507,507,-831,507,507,-806,507,-832,507,507,507,507,-798,507,-853,-799,507,507,507,507,507,507,-854,-855,507,-834,-830,-835,507,-625,507,-626,-627,-628,-629,-574,507,507,-630,-631,-632,507,507,507,507,507,507,-635,-636,-637,-592,-1894,-602,507,-638,-639,-713,-640,-604,507,-572,-577,-580,-583,507,507,507,-598,-601,507,-608,507,507,507,507,507,507,507,507,507,507,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,507,507,507,-995,507,507,507,507,507,507,-306,-325,-319,-296,-375,-452,-453,-454,-458,507,-443,507,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,507,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,507,507,507,507,507,507,507,507,507,-316,-535,-508,-591,-937,-939,-940,-438,507,-440,-380,-381,-383,-507,-509,-511,507,-513,-514,-519,-520,507,-532,-534,-537,-538,-543,-548,-726,507,-727,507,-732,507,-734,507,-739,-656,-660,-661,507,-666,507,-667,507,-672,-674,507,-677,507,507,507,-687,-689,507,-692,507,507,-744,507,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,507,507,507,507,507,-877,507,-880,-908,-920,-925,-388,-389,507,-394,507,-397,507,-402,507,-403,507,-408,507,-413,507,-417,507,-418,507,-423,507,-426,-899,-900,-643,-585,-1894,-901,507,507,507,-800,507,507,-804,507,-807,-833,507,-818,507,-820,507,-822,-808,507,-824,507,-851,-852,507,507,-811,507,-646,-902,-904,-648,-649,-645,507,-705,-706,507,-642,-903,-647,-650,-603,-714,507,507,-605,-586,507,507,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,507,507,-709,-710,507,-716,507,507,507,507,507,507,-938,507,-439,-441,-747,507,-891,507,-715,-1894,507,507,507,507,507,-442,-512,-523,507,-728,-733,507,-735,507,-740,507,-662,-668,507,-678,-680,-682,-683,-690,-693,-697,-745,507,507,-874,507,507,-878,507,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,507,-812,507,-814,-801,507,-802,-805,507,-816,-819,-821,-823,-825,507,-826,507,-809,507,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,507,-282,507,507,507,507,-455,507,507,-729,507,-736,507,-741,507,-663,-671,507,507,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,507,-836,-53,507,507,-730,507,-737,507,-742,-664,507,-873,-54,507,507,-731,-738,-743,507,507,507,-872,]),'MODIFY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[508,508,508,508,-1894,508,508,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,508,508,508,508,-275,-276,508,-1425,508,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,508,508,508,-490,508,508,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,508,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,508,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,508,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,508,-172,-173,-174,-175,-993,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-290,-291,-281,508,508,508,508,508,-328,-318,-332,-333,-334,508,508,-982,-983,-984,-985,-986,-987,-988,508,508,508,508,508,508,508,508,508,508,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,508,508,508,-353,-356,508,-323,-324,-141,508,-142,508,-143,508,-430,-935,-936,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-1894,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-1894,508,-1894,508,508,508,508,508,508,508,508,508,508,508,508,-1894,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,508,-1894,508,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,508,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,508,508,508,-191,-192,508,-994,508,508,508,508,508,-277,-278,-279,-280,-365,508,-308,508,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,508,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,508,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,508,508,508,508,508,508,-573,508,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,508,508,-723,-724,-725,508,508,508,508,508,508,-994,508,508,-91,-92,508,508,508,508,-309,-310,-320,508,-307,-293,-294,-295,508,508,508,508,-618,-633,-590,508,508,-436,508,-437,508,-444,-445,-446,-378,-379,508,508,508,-506,508,508,-510,508,508,508,508,-515,-516,-517,-518,508,508,-521,-522,508,-524,-525,-526,-527,-528,-529,-530,-531,508,-533,508,508,508,-539,-541,-542,508,-544,-545,-546,-547,508,508,508,508,508,508,-652,-653,-654,-655,508,-657,-658,-659,508,508,508,-665,508,508,-669,-670,508,508,-673,508,-675,-676,508,-679,508,-681,508,508,-684,-685,-686,508,-688,508,508,-691,508,508,-694,-695,-696,508,-698,-699,-700,-701,508,508,-746,508,-749,-750,-751,-752,-753,508,-755,-756,-757,-758,-759,508,-766,-767,-769,508,-771,-772,-773,-782,-856,-858,-860,-862,508,508,508,508,-868,508,-870,508,508,508,508,508,508,508,-906,-907,508,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,508,-921,-924,508,-934,508,-385,-386,-387,508,508,-390,-391,-392,-393,508,-396,508,-399,-400,508,-401,508,-406,-407,508,-410,-411,-412,508,-415,508,-416,508,-421,-422,508,-425,508,-428,-429,-1894,-1894,508,-619,-620,-621,-622,-623,-634,-584,-624,-797,508,508,508,508,508,-831,508,508,-806,508,-832,508,508,508,508,-798,508,-853,-799,508,508,508,508,508,508,-854,-855,508,-834,-830,-835,508,-625,508,-626,-627,-628,-629,-574,508,508,-630,-631,-632,508,508,508,508,508,508,-635,-636,-637,-592,-1894,-602,508,-638,-639,-713,-640,-604,508,-572,-577,-580,-583,508,508,508,-598,-601,508,-608,508,508,508,508,508,508,508,508,508,508,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,508,508,508,-995,508,508,508,508,508,508,-306,-325,-319,-296,-375,-452,-453,-454,-458,508,-443,508,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,508,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,508,508,508,508,508,508,508,508,508,-316,-535,-508,-591,-937,-939,-940,-438,508,-440,-380,-381,-383,-507,-509,-511,508,-513,-514,-519,-520,508,-532,-534,-537,-538,-543,-548,-726,508,-727,508,-732,508,-734,508,-739,-656,-660,-661,508,-666,508,-667,508,-672,-674,508,-677,508,508,508,-687,-689,508,-692,508,508,-744,508,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,508,508,508,508,508,-877,508,-880,-908,-920,-925,-388,-389,508,-394,508,-397,508,-402,508,-403,508,-408,508,-413,508,-417,508,-418,508,-423,508,-426,-899,-900,-643,-585,-1894,-901,508,508,508,-800,508,508,-804,508,-807,-833,508,-818,508,-820,508,-822,-808,508,-824,508,-851,-852,508,508,-811,508,-646,-902,-904,-648,-649,-645,508,-705,-706,508,-642,-903,-647,-650,-603,-714,508,508,-605,-586,508,508,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,508,508,-709,-710,508,-716,508,508,508,508,508,508,-938,508,-439,-441,-747,508,-891,508,-715,-1894,508,508,508,508,508,-442,-512,-523,508,-728,-733,508,-735,508,-740,508,-662,-668,508,-678,-680,-682,-683,-690,-693,-697,-745,508,508,-874,508,508,-878,508,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,508,-812,508,-814,-801,508,-802,-805,508,-816,-819,-821,-823,-825,508,-826,508,-809,508,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,508,-282,508,508,508,508,-455,508,508,-729,508,-736,508,-741,508,-663,-671,508,508,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,508,-836,-53,508,508,-730,508,-737,508,-742,-664,508,-873,-54,508,508,-731,-738,-743,508,508,508,-872,]),'MONTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[509,509,509,1291,-1894,509,509,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,509,509,509,509,-275,-276,1291,-1425,1291,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1291,1291,1291,-490,1291,1291,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1291,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1291,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1291,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,509,-172,-173,-174,-175,-993,509,509,509,509,509,509,509,509,509,509,1291,1291,1291,1291,1291,-290,-291,-281,509,1291,1291,1291,1291,-328,-318,-332,-333,-334,1291,1291,-982,-983,-984,-985,-986,-987,-988,509,509,1291,1291,1291,1291,1291,1291,1291,1291,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1291,1291,2110,1291,-353,-356,509,-323,-324,-141,1291,-142,1291,-143,1291,-430,-935,-936,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1894,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1894,1291,-1894,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1894,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,2110,2110,1291,1291,2110,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-1894,509,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1291,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1291,509,509,-191,-192,509,-994,1291,509,509,509,509,-277,-278,-279,-280,-365,1291,-308,1291,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1291,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1291,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1291,1291,1291,1291,1291,1291,-573,1291,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1291,1291,-723,-724,-725,1291,1291,509,509,509,509,-994,509,1291,-91,-92,509,509,509,1291,-309,-310,-320,1291,-307,-293,-294,-295,1291,509,1291,1291,-618,-633,-590,1291,509,-436,509,-437,1291,-444,-445,-446,-378,-379,1291,1291,1291,-506,1291,1291,-510,1291,1291,1291,1291,-515,-516,-517,-518,1291,1291,-521,-522,1291,-524,-525,-526,-527,-528,-529,-530,-531,1291,-533,1291,1291,1291,-539,-541,-542,1291,-544,-545,-546,-547,1291,1291,1291,1291,1291,1291,-652,-653,-654,-655,509,-657,-658,-659,1291,1291,1291,-665,1291,1291,-669,-670,1291,1291,-673,1291,-675,-676,1291,-679,1291,-681,1291,1291,-684,-685,-686,1291,-688,1291,1291,-691,1291,1291,-694,-695,-696,1291,-698,-699,-700,-701,1291,1291,-746,1291,-749,-750,-751,-752,-753,1291,-755,-756,-757,-758,-759,1291,-766,-767,-769,1291,-771,-772,-773,-782,-856,-858,-860,-862,1291,1291,1291,1291,-868,1291,-870,1291,1291,1291,1291,1291,1291,1291,-906,-907,1291,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1291,-921,-924,1291,-934,1291,-385,-386,-387,1291,1291,-390,-391,-392,-393,1291,-396,1291,-399,-400,1291,-401,1291,-406,-407,1291,-410,-411,-412,1291,-415,1291,-416,1291,-421,-422,1291,-425,1291,-428,-429,-1894,-1894,1291,-619,-620,-621,-622,-623,-634,-584,-624,-797,1291,1291,1291,1291,1291,-831,1291,1291,-806,1291,-832,1291,1291,1291,1291,-798,1291,-853,-799,1291,1291,1291,1291,1291,1291,-854,-855,1291,-834,-830,-835,1291,-625,1291,-626,-627,-628,-629,-574,1291,1291,-630,-631,-632,1291,1291,1291,1291,1291,1291,-635,-636,-637,-592,-1894,-602,1291,-638,-639,-713,-640,-604,1291,-572,-577,-580,-583,1291,1291,1291,-598,-601,1291,-608,1291,1291,1291,1291,1291,1291,1291,1291,1291,1291,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1291,509,509,-995,509,1291,509,509,509,1291,-306,-325,-319,-296,-375,-452,-453,-454,-458,509,-443,1291,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1291,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,509,509,509,509,509,509,509,509,1291,-316,-535,-508,-591,-937,-939,-940,-438,1291,-440,-380,-381,-383,-507,-509,-511,1291,-513,-514,-519,-520,1291,-532,-534,-537,-538,-543,-548,-726,1291,-727,1291,-732,1291,-734,1291,-739,-656,-660,-661,1291,-666,1291,-667,1291,-672,-674,1291,-677,1291,1291,1291,-687,-689,1291,-692,1291,1291,-744,1291,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1291,1291,1291,1291,1291,-877,1291,-880,-908,-920,-925,-388,-389,1291,-394,1291,-397,1291,-402,1291,-403,1291,-408,1291,-413,1291,-417,1291,-418,1291,-423,1291,-426,-899,-900,-643,-585,-1894,-901,1291,1291,1291,-800,1291,1291,-804,1291,-807,-833,1291,-818,1291,-820,1291,-822,-808,1291,-824,1291,-851,-852,1291,1291,-811,1291,-646,-902,-904,-648,-649,-645,1291,-705,-706,1291,-642,-903,-647,-650,-603,-714,1291,1291,-605,-586,1291,1291,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1291,1291,-709,-710,1291,-716,1291,509,509,509,1291,1291,-938,509,-439,-441,-747,1291,-891,1291,-715,-1894,1291,1291,509,509,1291,-442,-512,-523,1291,-728,-733,1291,-735,1291,-740,1291,-662,-668,1291,-678,-680,-682,-683,-690,-693,-697,-745,1291,1291,-874,1291,1291,-878,1291,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1291,-812,1291,-814,-801,1291,-802,-805,1291,-816,-819,-821,-823,-825,1291,-826,1291,-809,1291,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,509,-282,509,1291,509,1291,-455,1291,1291,-729,1291,-736,1291,-741,1291,-663,-671,1291,1291,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1291,-836,-53,509,1291,-730,1291,-737,1291,-742,-664,1291,-873,-54,509,509,-731,-738,-743,1291,509,1291,-872,]),'MONTHNAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[510,510,510,1292,-1894,510,510,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,510,510,510,510,-275,-276,1292,-1425,1292,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1292,1292,1292,-490,1292,1292,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1292,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1292,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1292,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,510,-172,-173,-174,-175,-993,510,510,510,510,510,510,510,510,510,510,1292,1292,1292,1292,1292,-290,-291,-281,510,1292,1292,1292,1292,-328,-318,-332,-333,-334,1292,1292,-982,-983,-984,-985,-986,-987,-988,510,510,1292,1292,1292,1292,1292,1292,1292,1292,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1292,1292,1292,-353,-356,510,-323,-324,-141,1292,-142,1292,-143,1292,-430,-935,-936,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1894,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1894,1292,-1894,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1894,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-1894,510,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1292,510,510,-191,-192,510,-994,1292,510,510,510,510,-277,-278,-279,-280,-365,1292,-308,1292,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1292,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1292,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1292,1292,1292,1292,1292,1292,-573,1292,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1292,1292,-723,-724,-725,1292,1292,510,510,510,510,-994,510,1292,-91,-92,510,510,510,1292,-309,-310,-320,1292,-307,-293,-294,-295,1292,510,1292,1292,-618,-633,-590,1292,510,-436,510,-437,1292,-444,-445,-446,-378,-379,1292,1292,1292,-506,1292,1292,-510,1292,1292,1292,1292,-515,-516,-517,-518,1292,1292,-521,-522,1292,-524,-525,-526,-527,-528,-529,-530,-531,1292,-533,1292,1292,1292,-539,-541,-542,1292,-544,-545,-546,-547,1292,1292,1292,1292,1292,1292,-652,-653,-654,-655,510,-657,-658,-659,1292,1292,1292,-665,1292,1292,-669,-670,1292,1292,-673,1292,-675,-676,1292,-679,1292,-681,1292,1292,-684,-685,-686,1292,-688,1292,1292,-691,1292,1292,-694,-695,-696,1292,-698,-699,-700,-701,1292,1292,-746,1292,-749,-750,-751,-752,-753,1292,-755,-756,-757,-758,-759,1292,-766,-767,-769,1292,-771,-772,-773,-782,-856,-858,-860,-862,1292,1292,1292,1292,-868,1292,-870,1292,1292,1292,1292,1292,1292,1292,-906,-907,1292,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1292,-921,-924,1292,-934,1292,-385,-386,-387,1292,1292,-390,-391,-392,-393,1292,-396,1292,-399,-400,1292,-401,1292,-406,-407,1292,-410,-411,-412,1292,-415,1292,-416,1292,-421,-422,1292,-425,1292,-428,-429,-1894,-1894,1292,-619,-620,-621,-622,-623,-634,-584,-624,-797,1292,1292,1292,1292,1292,-831,1292,1292,-806,1292,-832,1292,1292,1292,1292,-798,1292,-853,-799,1292,1292,1292,1292,1292,1292,-854,-855,1292,-834,-830,-835,1292,-625,1292,-626,-627,-628,-629,-574,1292,1292,-630,-631,-632,1292,1292,1292,1292,1292,1292,-635,-636,-637,-592,-1894,-602,1292,-638,-639,-713,-640,-604,1292,-572,-577,-580,-583,1292,1292,1292,-598,-601,1292,-608,1292,1292,1292,1292,1292,1292,1292,1292,1292,1292,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1292,510,510,-995,510,1292,510,510,510,1292,-306,-325,-319,-296,-375,-452,-453,-454,-458,510,-443,1292,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1292,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,510,510,510,510,510,510,510,510,1292,-316,-535,-508,-591,-937,-939,-940,-438,1292,-440,-380,-381,-383,-507,-509,-511,1292,-513,-514,-519,-520,1292,-532,-534,-537,-538,-543,-548,-726,1292,-727,1292,-732,1292,-734,1292,-739,-656,-660,-661,1292,-666,1292,-667,1292,-672,-674,1292,-677,1292,1292,1292,-687,-689,1292,-692,1292,1292,-744,1292,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1292,1292,1292,1292,1292,-877,1292,-880,-908,-920,-925,-388,-389,1292,-394,1292,-397,1292,-402,1292,-403,1292,-408,1292,-413,1292,-417,1292,-418,1292,-423,1292,-426,-899,-900,-643,-585,-1894,-901,1292,1292,1292,-800,1292,1292,-804,1292,-807,-833,1292,-818,1292,-820,1292,-822,-808,1292,-824,1292,-851,-852,1292,1292,-811,1292,-646,-902,-904,-648,-649,-645,1292,-705,-706,1292,-642,-903,-647,-650,-603,-714,1292,1292,-605,-586,1292,1292,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1292,1292,-709,-710,1292,-716,1292,510,510,510,1292,1292,-938,510,-439,-441,-747,1292,-891,1292,-715,-1894,1292,1292,510,510,1292,-442,-512,-523,1292,-728,-733,1292,-735,1292,-740,1292,-662,-668,1292,-678,-680,-682,-683,-690,-693,-697,-745,1292,1292,-874,1292,1292,-878,1292,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1292,-812,1292,-814,-801,1292,-802,-805,1292,-816,-819,-821,-823,-825,1292,-826,1292,-809,1292,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,510,-282,510,1292,510,1292,-455,1292,1292,-729,1292,-736,1292,-741,1292,-663,-671,1292,1292,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1292,-836,-53,510,1292,-730,1292,-737,1292,-742,-664,1292,-873,-54,510,510,-731,-738,-743,1292,510,1292,-872,]),'MOVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[511,511,511,511,-1894,511,511,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,511,511,511,511,-275,-276,511,-1425,511,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,511,511,511,-490,511,511,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,511,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,511,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,511,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,511,-172,-173,-174,-175,-993,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-290,-291,-281,511,511,511,511,511,-328,-318,-332,-333,-334,511,511,-982,-983,-984,-985,-986,-987,-988,511,511,511,511,511,511,511,511,511,511,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,511,511,511,-353,-356,511,-323,-324,-141,511,-142,511,-143,511,-430,-935,-936,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-1894,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-1894,511,-1894,511,511,511,511,511,511,511,511,511,511,511,511,-1894,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,511,-1894,511,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,511,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,511,511,511,-191,-192,511,-994,511,511,511,511,511,-277,-278,-279,-280,-365,511,-308,511,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,511,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,511,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,511,511,511,511,511,511,-573,511,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,511,511,-723,-724,-725,511,511,511,511,511,511,-994,511,511,-91,-92,511,511,511,511,-309,-310,-320,511,-307,-293,-294,-295,511,511,511,511,-618,-633,-590,511,511,-436,511,-437,511,-444,-445,-446,-378,-379,511,511,511,-506,511,511,-510,511,511,511,511,-515,-516,-517,-518,511,511,-521,-522,511,-524,-525,-526,-527,-528,-529,-530,-531,511,-533,511,511,511,-539,-541,-542,511,-544,-545,-546,-547,511,511,511,511,511,511,-652,-653,-654,-655,511,-657,-658,-659,511,511,511,-665,511,511,-669,-670,511,511,-673,511,-675,-676,511,-679,511,-681,511,511,-684,-685,-686,511,-688,511,511,-691,511,511,-694,-695,-696,511,-698,-699,-700,-701,511,511,-746,511,-749,-750,-751,-752,-753,511,-755,-756,-757,-758,-759,511,-766,-767,-769,511,-771,-772,-773,-782,-856,-858,-860,-862,511,511,511,511,-868,511,-870,511,511,511,511,511,511,511,-906,-907,511,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,511,-921,-924,511,-934,511,-385,-386,-387,511,511,-390,-391,-392,-393,511,-396,511,-399,-400,511,-401,511,-406,-407,511,-410,-411,-412,511,-415,511,-416,511,-421,-422,511,-425,511,-428,-429,-1894,-1894,511,-619,-620,-621,-622,-623,-634,-584,-624,-797,511,511,511,511,511,-831,511,511,-806,511,-832,511,511,511,511,-798,511,-853,-799,511,511,511,511,511,511,-854,-855,511,-834,-830,-835,511,-625,511,-626,-627,-628,-629,-574,511,511,-630,-631,-632,511,511,511,511,511,511,-635,-636,-637,-592,-1894,-602,511,-638,-639,-713,-640,-604,511,-572,-577,-580,-583,511,511,511,-598,-601,511,-608,511,511,511,511,511,511,511,511,511,511,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,511,511,511,-995,511,511,511,511,511,511,-306,-325,-319,-296,-375,-452,-453,-454,-458,511,-443,511,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,511,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,511,511,511,511,511,511,511,511,511,-316,-535,-508,-591,-937,-939,-940,-438,511,-440,-380,-381,-383,-507,-509,-511,511,-513,-514,-519,-520,511,-532,-534,-537,-538,-543,-548,-726,511,-727,511,-732,511,-734,511,-739,-656,-660,-661,511,-666,511,-667,511,-672,-674,511,-677,511,511,511,-687,-689,511,-692,511,511,-744,511,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,511,511,511,511,511,-877,511,-880,-908,-920,-925,-388,-389,511,-394,511,-397,511,-402,511,-403,511,-408,511,-413,511,-417,511,-418,511,-423,511,-426,-899,-900,-643,-585,-1894,-901,511,511,511,-800,511,511,-804,511,-807,-833,511,-818,511,-820,511,-822,-808,511,-824,511,-851,-852,511,511,-811,511,-646,-902,-904,-648,-649,-645,511,-705,-706,511,-642,-903,-647,-650,-603,-714,511,511,-605,-586,511,511,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,511,511,-709,-710,511,-716,511,511,511,511,511,511,-938,511,-439,-441,-747,511,-891,511,-715,-1894,511,511,511,511,511,-442,-512,-523,511,-728,-733,511,-735,511,-740,511,-662,-668,511,-678,-680,-682,-683,-690,-693,-697,-745,511,511,-874,511,511,-878,511,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,511,-812,511,-814,-801,511,-802,-805,511,-816,-819,-821,-823,-825,511,-826,511,-809,511,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,511,-282,511,511,511,511,-455,511,511,-729,511,-736,511,-741,511,-663,-671,511,511,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,511,-836,-53,511,511,-730,511,-737,511,-742,-664,511,-873,-54,511,511,-731,-738,-743,511,511,511,-872,]),'MULTILINESTRING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[512,512,512,512,-1894,512,512,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,512,512,512,512,-275,-276,512,-1425,512,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,512,512,512,-490,512,512,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,512,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,512,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,512,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,512,-172,-173,-174,-175,-993,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-290,-291,-281,512,512,512,512,512,-328,-318,-332,-333,-334,512,512,-982,-983,-984,-985,-986,-987,-988,512,512,512,512,512,512,512,512,512,512,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,512,512,512,-353,-356,512,-323,-324,-141,512,-142,512,-143,512,-430,-935,-936,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-1894,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-1894,512,-1894,512,512,512,512,512,512,512,512,512,512,512,512,-1894,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,512,-1894,512,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,512,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,512,512,512,-191,-192,512,-994,512,512,512,512,512,-277,-278,-279,-280,-365,512,-308,512,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,512,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,512,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,512,512,512,512,512,512,-573,512,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,512,512,-723,-724,-725,512,512,512,512,512,512,-994,512,512,-91,-92,512,512,512,512,-309,-310,-320,512,-307,-293,-294,-295,512,512,512,512,-618,-633,-590,512,512,-436,512,-437,512,-444,-445,-446,-378,-379,512,512,512,-506,512,512,-510,512,512,512,512,-515,-516,-517,-518,512,512,-521,-522,512,-524,-525,-526,-527,-528,-529,-530,-531,512,-533,512,512,512,-539,-541,-542,512,-544,-545,-546,-547,512,512,512,512,512,512,-652,-653,-654,-655,512,-657,-658,-659,512,512,512,-665,512,512,-669,-670,512,512,-673,512,-675,-676,512,-679,512,-681,512,512,-684,-685,-686,512,-688,512,512,-691,512,512,-694,-695,-696,512,-698,-699,-700,-701,512,512,-746,512,-749,-750,-751,-752,-753,512,-755,-756,-757,-758,-759,512,-766,-767,-769,512,-771,-772,-773,-782,-856,-858,-860,-862,512,512,512,512,-868,512,-870,512,512,512,512,512,512,512,-906,-907,512,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,512,-921,-924,512,-934,512,-385,-386,-387,512,512,-390,-391,-392,-393,512,-396,512,-399,-400,512,-401,512,-406,-407,512,-410,-411,-412,512,-415,512,-416,512,-421,-422,512,-425,512,-428,-429,-1894,-1894,512,-619,-620,-621,-622,-623,-634,-584,-624,-797,512,512,512,512,512,-831,512,512,-806,512,-832,512,512,512,512,-798,512,-853,-799,512,512,512,512,512,512,-854,-855,512,-834,-830,-835,512,-625,512,-626,-627,-628,-629,-574,512,512,-630,-631,-632,512,512,512,512,512,512,-635,-636,-637,-592,-1894,-602,512,-638,-639,-713,-640,-604,512,-572,-577,-580,-583,512,512,512,-598,-601,512,-608,512,512,512,512,512,512,512,512,512,512,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,512,512,512,-995,512,512,512,512,512,512,-306,-325,-319,-296,-375,-452,-453,-454,-458,512,-443,512,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,512,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,512,512,512,512,512,512,512,512,512,-316,-535,-508,-591,-937,-939,-940,-438,512,-440,-380,-381,-383,-507,-509,-511,512,-513,-514,-519,-520,512,-532,-534,-537,-538,-543,-548,-726,512,-727,512,-732,512,-734,512,-739,-656,-660,-661,512,-666,512,-667,512,-672,-674,512,-677,512,512,512,-687,-689,512,-692,512,512,-744,512,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,512,512,512,512,512,-877,512,-880,-908,-920,-925,-388,-389,512,-394,512,-397,512,-402,512,-403,512,-408,512,-413,512,-417,512,-418,512,-423,512,-426,-899,-900,-643,-585,-1894,-901,512,512,512,-800,512,512,-804,512,-807,-833,512,-818,512,-820,512,-822,-808,512,-824,512,-851,-852,512,512,-811,512,-646,-902,-904,-648,-649,-645,512,-705,-706,512,-642,-903,-647,-650,-603,-714,512,512,-605,-586,512,512,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,512,512,-709,-710,512,-716,512,512,512,512,512,512,-938,512,-439,-441,-747,512,-891,512,-715,-1894,512,512,512,512,512,-442,-512,-523,512,-728,-733,512,-735,512,-740,512,-662,-668,512,-678,-680,-682,-683,-690,-693,-697,-745,512,512,-874,512,512,-878,512,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,512,-812,512,-814,-801,512,-802,-805,512,-816,-819,-821,-823,-825,512,-826,512,-809,512,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,512,-282,512,512,512,512,-455,512,512,-729,512,-736,512,-741,512,-663,-671,512,512,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,512,-836,-53,512,512,-730,512,-737,512,-742,-664,512,-873,-54,512,512,-731,-738,-743,512,512,512,-872,]),'MULTIPOINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[513,513,513,513,-1894,513,513,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,513,513,513,513,-275,-276,513,-1425,513,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,513,513,513,-490,513,513,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,513,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,513,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,513,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,513,-172,-173,-174,-175,-993,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-290,-291,-281,513,513,513,513,513,-328,-318,-332,-333,-334,513,513,-982,-983,-984,-985,-986,-987,-988,513,513,513,513,513,513,513,513,513,513,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,513,513,513,-353,-356,513,-323,-324,-141,513,-142,513,-143,513,-430,-935,-936,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-1894,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-1894,513,-1894,513,513,513,513,513,513,513,513,513,513,513,513,-1894,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,513,-1894,513,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,513,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,513,513,513,-191,-192,513,-994,513,513,513,513,513,-277,-278,-279,-280,-365,513,-308,513,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,513,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,513,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,513,513,513,513,513,513,-573,513,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,513,513,-723,-724,-725,513,513,513,513,513,513,-994,513,513,-91,-92,513,513,513,513,-309,-310,-320,513,-307,-293,-294,-295,513,513,513,513,-618,-633,-590,513,513,-436,513,-437,513,-444,-445,-446,-378,-379,513,513,513,-506,513,513,-510,513,513,513,513,-515,-516,-517,-518,513,513,-521,-522,513,-524,-525,-526,-527,-528,-529,-530,-531,513,-533,513,513,513,-539,-541,-542,513,-544,-545,-546,-547,513,513,513,513,513,513,-652,-653,-654,-655,513,-657,-658,-659,513,513,513,-665,513,513,-669,-670,513,513,-673,513,-675,-676,513,-679,513,-681,513,513,-684,-685,-686,513,-688,513,513,-691,513,513,-694,-695,-696,513,-698,-699,-700,-701,513,513,-746,513,-749,-750,-751,-752,-753,513,-755,-756,-757,-758,-759,513,-766,-767,-769,513,-771,-772,-773,-782,-856,-858,-860,-862,513,513,513,513,-868,513,-870,513,513,513,513,513,513,513,-906,-907,513,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,513,-921,-924,513,-934,513,-385,-386,-387,513,513,-390,-391,-392,-393,513,-396,513,-399,-400,513,-401,513,-406,-407,513,-410,-411,-412,513,-415,513,-416,513,-421,-422,513,-425,513,-428,-429,-1894,-1894,513,-619,-620,-621,-622,-623,-634,-584,-624,-797,513,513,513,513,513,-831,513,513,-806,513,-832,513,513,513,513,-798,513,-853,-799,513,513,513,513,513,513,-854,-855,513,-834,-830,-835,513,-625,513,-626,-627,-628,-629,-574,513,513,-630,-631,-632,513,513,513,513,513,513,-635,-636,-637,-592,-1894,-602,513,-638,-639,-713,-640,-604,513,-572,-577,-580,-583,513,513,513,-598,-601,513,-608,513,513,513,513,513,513,513,513,513,513,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,513,513,513,-995,513,513,513,513,513,513,-306,-325,-319,-296,-375,-452,-453,-454,-458,513,-443,513,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,513,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,513,513,513,513,513,513,513,513,513,-316,-535,-508,-591,-937,-939,-940,-438,513,-440,-380,-381,-383,-507,-509,-511,513,-513,-514,-519,-520,513,-532,-534,-537,-538,-543,-548,-726,513,-727,513,-732,513,-734,513,-739,-656,-660,-661,513,-666,513,-667,513,-672,-674,513,-677,513,513,513,-687,-689,513,-692,513,513,-744,513,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,513,513,513,513,513,-877,513,-880,-908,-920,-925,-388,-389,513,-394,513,-397,513,-402,513,-403,513,-408,513,-413,513,-417,513,-418,513,-423,513,-426,-899,-900,-643,-585,-1894,-901,513,513,513,-800,513,513,-804,513,-807,-833,513,-818,513,-820,513,-822,-808,513,-824,513,-851,-852,513,513,-811,513,-646,-902,-904,-648,-649,-645,513,-705,-706,513,-642,-903,-647,-650,-603,-714,513,513,-605,-586,513,513,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,513,513,-709,-710,513,-716,513,513,513,513,513,513,-938,513,-439,-441,-747,513,-891,513,-715,-1894,513,513,513,513,513,-442,-512,-523,513,-728,-733,513,-735,513,-740,513,-662,-668,513,-678,-680,-682,-683,-690,-693,-697,-745,513,513,-874,513,513,-878,513,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,513,-812,513,-814,-801,513,-802,-805,513,-816,-819,-821,-823,-825,513,-826,513,-809,513,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,513,-282,513,513,513,513,-455,513,513,-729,513,-736,513,-741,513,-663,-671,513,513,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,513,-836,-53,513,513,-730,513,-737,513,-742,-664,513,-873,-54,513,513,-731,-738,-743,513,513,513,-872,]),'MULTIPOLYGON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[514,514,514,514,-1894,514,514,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,514,514,514,514,-275,-276,514,-1425,514,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,514,514,514,-490,514,514,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,514,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,514,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,514,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,514,-172,-173,-174,-175,-993,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-290,-291,-281,514,514,514,514,514,-328,-318,-332,-333,-334,514,514,-982,-983,-984,-985,-986,-987,-988,514,514,514,514,514,514,514,514,514,514,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,514,514,514,-353,-356,514,-323,-324,-141,514,-142,514,-143,514,-430,-935,-936,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-1894,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-1894,514,-1894,514,514,514,514,514,514,514,514,514,514,514,514,-1894,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,514,-1894,514,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,514,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,514,514,514,-191,-192,514,-994,514,514,514,514,514,-277,-278,-279,-280,-365,514,-308,514,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,514,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,514,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,514,514,514,514,514,514,-573,514,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,514,514,-723,-724,-725,514,514,514,514,514,514,-994,514,514,-91,-92,514,514,514,514,-309,-310,-320,514,-307,-293,-294,-295,514,514,514,514,-618,-633,-590,514,514,-436,514,-437,514,-444,-445,-446,-378,-379,514,514,514,-506,514,514,-510,514,514,514,514,-515,-516,-517,-518,514,514,-521,-522,514,-524,-525,-526,-527,-528,-529,-530,-531,514,-533,514,514,514,-539,-541,-542,514,-544,-545,-546,-547,514,514,514,514,514,514,-652,-653,-654,-655,514,-657,-658,-659,514,514,514,-665,514,514,-669,-670,514,514,-673,514,-675,-676,514,-679,514,-681,514,514,-684,-685,-686,514,-688,514,514,-691,514,514,-694,-695,-696,514,-698,-699,-700,-701,514,514,-746,514,-749,-750,-751,-752,-753,514,-755,-756,-757,-758,-759,514,-766,-767,-769,514,-771,-772,-773,-782,-856,-858,-860,-862,514,514,514,514,-868,514,-870,514,514,514,514,514,514,514,-906,-907,514,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,514,-921,-924,514,-934,514,-385,-386,-387,514,514,-390,-391,-392,-393,514,-396,514,-399,-400,514,-401,514,-406,-407,514,-410,-411,-412,514,-415,514,-416,514,-421,-422,514,-425,514,-428,-429,-1894,-1894,514,-619,-620,-621,-622,-623,-634,-584,-624,-797,514,514,514,514,514,-831,514,514,-806,514,-832,514,514,514,514,-798,514,-853,-799,514,514,514,514,514,514,-854,-855,514,-834,-830,-835,514,-625,514,-626,-627,-628,-629,-574,514,514,-630,-631,-632,514,514,514,514,514,514,-635,-636,-637,-592,-1894,-602,514,-638,-639,-713,-640,-604,514,-572,-577,-580,-583,514,514,514,-598,-601,514,-608,514,514,514,514,514,514,514,514,514,514,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,514,514,514,-995,514,514,514,514,514,514,-306,-325,-319,-296,-375,-452,-453,-454,-458,514,-443,514,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,514,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,514,514,514,514,514,514,514,514,514,-316,-535,-508,-591,-937,-939,-940,-438,514,-440,-380,-381,-383,-507,-509,-511,514,-513,-514,-519,-520,514,-532,-534,-537,-538,-543,-548,-726,514,-727,514,-732,514,-734,514,-739,-656,-660,-661,514,-666,514,-667,514,-672,-674,514,-677,514,514,514,-687,-689,514,-692,514,514,-744,514,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,514,514,514,514,514,-877,514,-880,-908,-920,-925,-388,-389,514,-394,514,-397,514,-402,514,-403,514,-408,514,-413,514,-417,514,-418,514,-423,514,-426,-899,-900,-643,-585,-1894,-901,514,514,514,-800,514,514,-804,514,-807,-833,514,-818,514,-820,514,-822,-808,514,-824,514,-851,-852,514,514,-811,514,-646,-902,-904,-648,-649,-645,514,-705,-706,514,-642,-903,-647,-650,-603,-714,514,514,-605,-586,514,514,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,514,514,-709,-710,514,-716,514,514,514,514,514,514,-938,514,-439,-441,-747,514,-891,514,-715,-1894,514,514,514,514,514,-442,-512,-523,514,-728,-733,514,-735,514,-740,514,-662,-668,514,-678,-680,-682,-683,-690,-693,-697,-745,514,514,-874,514,514,-878,514,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,514,-812,514,-814,-801,514,-802,-805,514,-816,-819,-821,-823,-825,514,-826,514,-809,514,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,514,-282,514,514,514,514,-455,514,514,-729,514,-736,514,-741,514,-663,-671,514,514,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,514,-836,-53,514,514,-730,514,-737,514,-742,-664,514,-873,-54,514,514,-731,-738,-743,514,514,514,-872,]),'MUTEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[515,515,515,515,-1894,515,515,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,515,515,515,515,-275,-276,515,-1425,515,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,515,515,515,-490,515,515,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,515,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,515,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,515,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,515,-172,-173,-174,-175,-993,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-290,-291,-281,515,515,515,515,515,-328,-318,-332,-333,-334,515,515,-982,-983,-984,-985,-986,-987,-988,515,515,515,515,515,515,515,515,515,515,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,515,515,515,-353,-356,515,-323,-324,-141,515,-142,515,-143,515,-430,-935,-936,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-1894,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-1894,515,-1894,515,515,515,515,515,515,515,515,515,515,515,515,-1894,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,515,-1894,515,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,515,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,515,515,515,-191,-192,515,-994,515,515,515,515,515,-277,-278,-279,-280,-365,515,-308,515,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,515,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,515,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,515,515,515,515,515,515,-573,515,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,515,515,-723,-724,-725,515,515,515,515,515,515,-994,515,515,-91,-92,515,515,515,515,-309,-310,-320,515,-307,-293,-294,-295,515,515,515,515,-618,-633,-590,515,515,-436,515,-437,515,-444,-445,-446,-378,-379,515,515,515,-506,515,515,-510,515,515,515,515,-515,-516,-517,-518,515,515,-521,-522,515,-524,-525,-526,-527,-528,-529,-530,-531,515,-533,515,515,515,-539,-541,-542,515,-544,-545,-546,-547,515,515,515,515,515,515,-652,-653,-654,-655,515,-657,-658,-659,515,515,515,-665,515,515,-669,-670,515,515,-673,515,-675,-676,515,-679,515,-681,515,515,-684,-685,-686,515,-688,515,515,-691,515,515,-694,-695,-696,515,-698,-699,-700,-701,515,515,-746,515,-749,-750,-751,-752,-753,515,-755,-756,-757,-758,-759,515,-766,-767,-769,515,-771,-772,-773,-782,-856,-858,-860,-862,515,515,515,515,-868,515,-870,515,515,515,515,515,515,515,-906,-907,515,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,515,-921,-924,515,-934,515,-385,-386,-387,515,515,-390,-391,-392,-393,515,-396,515,-399,-400,515,-401,515,-406,-407,515,-410,-411,-412,515,-415,515,-416,515,-421,-422,515,-425,515,-428,-429,-1894,-1894,515,-619,-620,-621,-622,-623,-634,-584,-624,-797,515,515,515,515,515,-831,515,515,-806,515,-832,515,515,515,515,-798,515,-853,-799,515,515,515,515,515,515,-854,-855,515,-834,-830,-835,515,-625,515,-626,-627,-628,-629,-574,515,515,-630,-631,-632,515,515,515,515,515,515,-635,-636,-637,-592,-1894,-602,515,-638,-639,-713,-640,-604,515,-572,-577,-580,-583,515,515,515,-598,-601,515,-608,515,515,515,515,515,515,515,515,515,515,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,515,515,515,-995,515,515,515,515,515,515,-306,-325,-319,-296,-375,-452,-453,-454,-458,515,-443,515,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,515,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,515,515,515,515,515,515,515,515,515,-316,-535,-508,-591,-937,-939,-940,-438,515,-440,-380,-381,-383,-507,-509,-511,515,-513,-514,-519,-520,515,-532,-534,-537,-538,-543,-548,-726,515,-727,515,-732,515,-734,515,-739,-656,-660,-661,515,-666,515,-667,515,-672,-674,515,-677,515,515,515,-687,-689,515,-692,515,515,-744,515,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,515,515,515,515,515,-877,515,-880,-908,-920,-925,-388,-389,515,-394,515,-397,515,-402,515,-403,515,-408,515,-413,515,-417,515,-418,515,-423,515,-426,-899,-900,-643,-585,-1894,-901,515,515,515,-800,515,515,-804,515,-807,-833,515,-818,515,-820,515,-822,-808,515,-824,515,-851,-852,515,515,-811,515,-646,-902,-904,-648,-649,-645,515,-705,-706,515,-642,-903,-647,-650,-603,-714,515,515,-605,-586,515,515,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,515,515,-709,-710,515,-716,515,515,515,515,515,515,-938,515,-439,-441,-747,515,-891,515,-715,-1894,515,515,515,515,515,-442,-512,-523,515,-728,-733,515,-735,515,-740,515,-662,-668,515,-678,-680,-682,-683,-690,-693,-697,-745,515,515,-874,515,515,-878,515,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,515,-812,515,-814,-801,515,-802,-805,515,-816,-819,-821,-823,-825,515,-826,515,-809,515,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,515,-282,515,515,515,515,-455,515,515,-729,515,-736,515,-741,515,-663,-671,515,515,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,515,-836,-53,515,515,-730,515,-737,515,-742,-664,515,-873,-54,515,515,-731,-738,-743,515,515,515,-872,]),'MYSQL_ERRNO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[516,516,516,516,-1894,516,516,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,516,516,516,516,-275,-276,516,-1425,516,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,516,516,516,-490,516,516,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,516,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,516,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,516,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,516,-172,-173,-174,-175,-993,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-290,-291,-281,516,516,516,516,516,-328,-318,-332,-333,-334,516,516,-982,-983,-984,-985,-986,-987,-988,516,516,516,516,516,516,516,516,516,516,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,516,516,516,-353,-356,516,-323,-324,-141,516,-142,516,-143,516,-430,-935,-936,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-1894,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-1894,516,-1894,516,516,516,516,516,516,516,516,516,516,516,516,-1894,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,516,-1894,516,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,516,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,516,516,516,-191,-192,516,-994,516,516,516,516,516,-277,-278,-279,-280,-365,516,-308,516,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,516,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,516,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,516,516,516,516,516,516,-573,516,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,516,516,-723,-724,-725,516,516,516,516,516,516,-994,516,516,-91,-92,516,516,516,516,-309,-310,-320,516,-307,-293,-294,-295,516,516,516,516,-618,-633,-590,516,516,-436,516,-437,516,-444,-445,-446,-378,-379,516,516,516,-506,516,516,-510,516,516,516,516,-515,-516,-517,-518,516,516,-521,-522,516,-524,-525,-526,-527,-528,-529,-530,-531,516,-533,516,516,516,-539,-541,-542,516,-544,-545,-546,-547,516,516,516,516,516,516,-652,-653,-654,-655,516,-657,-658,-659,516,516,516,-665,516,516,-669,-670,516,516,-673,516,-675,-676,516,-679,516,-681,516,516,-684,-685,-686,516,-688,516,516,-691,516,516,-694,-695,-696,516,-698,-699,-700,-701,516,516,-746,516,-749,-750,-751,-752,-753,516,-755,-756,-757,-758,-759,516,-766,-767,-769,516,-771,-772,-773,-782,-856,-858,-860,-862,516,516,516,516,-868,516,-870,516,516,516,516,516,516,516,-906,-907,516,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,516,-921,-924,516,-934,516,-385,-386,-387,516,516,-390,-391,-392,-393,516,-396,516,-399,-400,516,-401,516,-406,-407,516,-410,-411,-412,516,-415,516,-416,516,-421,-422,516,-425,516,-428,-429,-1894,-1894,516,-619,-620,-621,-622,-623,-634,-584,-624,-797,516,516,516,516,516,-831,516,516,-806,516,-832,516,516,516,516,-798,516,-853,-799,516,516,516,516,516,516,-854,-855,516,-834,-830,-835,516,-625,516,-626,-627,-628,-629,-574,516,516,-630,-631,-632,516,516,516,516,516,516,-635,-636,-637,-592,-1894,-602,516,-638,-639,-713,-640,-604,516,-572,-577,-580,-583,516,516,516,-598,-601,516,-608,516,516,516,516,516,516,516,516,516,516,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,516,516,516,-995,516,516,516,516,516,516,-306,-325,-319,-296,-375,-452,-453,-454,-458,516,-443,516,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,516,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,516,516,516,516,516,516,516,516,516,-316,-535,-508,-591,-937,-939,-940,-438,516,-440,-380,-381,-383,-507,-509,-511,516,-513,-514,-519,-520,516,-532,-534,-537,-538,-543,-548,-726,516,-727,516,-732,516,-734,516,-739,-656,-660,-661,516,-666,516,-667,516,-672,-674,516,-677,516,516,516,-687,-689,516,-692,516,516,-744,516,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,516,516,516,516,516,-877,516,-880,-908,-920,-925,-388,-389,516,-394,516,-397,516,-402,516,-403,516,-408,516,-413,516,-417,516,-418,516,-423,516,-426,-899,-900,-643,-585,-1894,-901,516,516,516,-800,516,516,-804,516,-807,-833,516,-818,516,-820,516,-822,-808,516,-824,516,-851,-852,516,516,-811,516,-646,-902,-904,-648,-649,-645,516,-705,-706,516,-642,-903,-647,-650,-603,-714,516,516,-605,-586,516,516,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,516,516,-709,-710,516,-716,516,516,516,516,516,516,-938,516,-439,-441,-747,516,-891,516,-715,-1894,516,516,516,516,516,-442,-512,-523,516,-728,-733,516,-735,516,-740,516,-662,-668,516,-678,-680,-682,-683,-690,-693,-697,-745,516,516,-874,516,516,-878,516,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,516,-812,516,-814,-801,516,-802,-805,516,-816,-819,-821,-823,-825,516,-826,516,-809,516,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,516,-282,516,516,516,516,-455,516,516,-729,516,-736,516,-741,516,-663,-671,516,516,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,516,-836,-53,516,516,-730,516,-737,516,-742,-664,516,-873,-54,516,516,-731,-738,-743,516,516,516,-872,]),'NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[517,517,517,517,-1894,517,517,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,517,517,517,517,-275,-276,517,-1425,517,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,517,517,517,-490,517,517,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,517,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,517,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,517,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,517,-172,-173,-174,-175,-993,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-290,-291,-281,517,517,517,517,517,-328,-318,-332,-333,-334,517,517,-982,-983,-984,-985,-986,-987,-988,517,517,517,517,517,517,517,517,517,517,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,517,517,517,-353,-356,517,-323,-324,-141,517,-142,517,-143,517,-430,-935,-936,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-1894,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-1894,517,-1894,517,517,517,517,517,517,517,517,517,517,517,517,-1894,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,517,-1894,517,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,517,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,517,517,517,-191,-192,517,-994,517,517,517,517,517,-277,-278,-279,-280,-365,517,-308,517,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,517,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,517,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,517,517,517,517,517,517,-573,517,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,517,517,-723,-724,-725,517,517,517,517,517,517,-994,517,517,-91,-92,517,517,517,517,-309,-310,-320,517,-307,-293,-294,-295,517,517,517,517,-618,-633,-590,517,517,-436,517,-437,517,-444,-445,-446,-378,-379,517,517,517,-506,517,517,-510,517,517,517,517,-515,-516,-517,-518,517,517,-521,-522,517,-524,-525,-526,-527,-528,-529,-530,-531,517,-533,517,517,517,-539,-541,-542,517,-544,-545,-546,-547,517,517,517,517,517,517,-652,-653,-654,-655,517,-657,-658,-659,517,517,517,-665,517,517,-669,-670,517,517,-673,517,-675,-676,517,-679,517,-681,517,517,-684,-685,-686,517,-688,517,517,-691,517,517,-694,-695,-696,517,-698,-699,-700,-701,517,517,-746,517,-749,-750,-751,-752,-753,517,-755,-756,-757,-758,-759,517,-766,-767,-769,517,-771,-772,-773,-782,-856,-858,-860,-862,517,517,517,517,-868,517,-870,517,517,517,517,517,517,517,-906,-907,517,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,517,-921,-924,517,-934,517,-385,-386,-387,517,517,-390,-391,-392,-393,517,-396,517,-399,-400,517,-401,517,-406,-407,517,-410,-411,-412,517,-415,517,-416,517,-421,-422,517,-425,517,-428,-429,-1894,-1894,517,-619,-620,-621,-622,-623,-634,-584,-624,-797,517,517,517,517,517,-831,517,517,-806,517,-832,517,517,517,517,-798,517,-853,-799,517,517,517,517,517,517,-854,-855,517,-834,-830,-835,517,-625,517,-626,-627,-628,-629,-574,517,517,-630,-631,-632,517,517,517,517,517,517,-635,-636,-637,-592,-1894,-602,517,-638,-639,-713,-640,-604,517,-572,-577,-580,-583,517,517,517,-598,-601,517,-608,517,517,517,517,517,517,517,517,517,517,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,517,517,517,-995,517,517,517,517,517,517,-306,-325,-319,-296,-375,-452,-453,-454,-458,517,-443,517,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,517,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,517,517,517,517,517,517,517,517,517,-316,-535,-508,-591,-937,-939,-940,-438,517,-440,-380,-381,-383,-507,-509,-511,517,-513,-514,-519,-520,517,-532,-534,-537,-538,-543,-548,-726,517,-727,517,-732,517,-734,517,-739,-656,-660,-661,517,-666,517,-667,517,-672,-674,517,-677,517,517,517,-687,-689,517,-692,517,517,-744,517,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,517,517,517,517,517,-877,517,-880,-908,-920,-925,-388,-389,517,-394,517,-397,517,-402,517,-403,517,-408,517,-413,517,-417,517,-418,517,-423,517,-426,-899,-900,-643,-585,-1894,-901,517,517,517,-800,517,517,-804,517,-807,-833,517,-818,517,-820,517,-822,-808,517,-824,517,-851,-852,517,517,-811,517,-646,-902,-904,-648,-649,-645,517,-705,-706,517,-642,-903,-647,-650,-603,-714,517,517,-605,-586,517,517,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,517,517,-709,-710,517,-716,517,517,517,517,517,517,-938,517,-439,-441,-747,517,-891,517,-715,-1894,517,517,517,517,517,-442,-512,-523,517,-728,-733,517,-735,517,-740,517,-662,-668,517,-678,-680,-682,-683,-690,-693,-697,-745,517,517,-874,517,517,-878,517,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,517,-812,517,-814,-801,517,-802,-805,517,-816,-819,-821,-823,-825,517,-826,517,-809,517,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,517,-282,517,517,517,517,-455,517,517,-729,517,-736,517,-741,517,-663,-671,517,517,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,517,-836,-53,517,517,-730,517,-737,517,-742,-664,517,-873,-54,517,517,-731,-738,-743,517,517,517,-872,]),'NAMES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[518,518,518,518,-1894,518,518,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,518,518,518,518,-275,-276,518,-1425,518,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,518,518,518,-490,518,518,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,518,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,518,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,518,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,518,-172,-173,-174,-175,-993,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-290,-291,-281,518,518,518,518,518,-328,-318,-332,-333,-334,518,518,-982,-983,-984,-985,-986,-987,-988,518,518,518,518,518,518,518,518,518,518,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,518,518,518,-353,-356,518,-323,-324,-141,518,-142,518,-143,518,-430,-935,-936,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-1894,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-1894,518,-1894,518,518,518,518,518,518,518,518,518,518,518,518,-1894,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,518,-1894,518,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,518,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,518,518,518,-191,-192,518,-994,518,518,518,518,518,-277,-278,-279,-280,-365,518,-308,518,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,518,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,518,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,518,518,518,518,518,518,-573,518,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,518,518,-723,-724,-725,518,518,518,518,518,518,-994,518,518,-91,-92,518,518,518,518,-309,-310,-320,518,-307,-293,-294,-295,518,518,518,518,-618,-633,-590,518,518,-436,518,-437,518,-444,-445,-446,-378,-379,518,518,518,-506,518,518,-510,518,518,518,518,-515,-516,-517,-518,518,518,-521,-522,518,-524,-525,-526,-527,-528,-529,-530,-531,518,-533,518,518,518,-539,-541,-542,518,-544,-545,-546,-547,518,518,518,518,518,518,-652,-653,-654,-655,518,-657,-658,-659,518,518,518,-665,518,518,-669,-670,518,518,-673,518,-675,-676,518,-679,518,-681,518,518,-684,-685,-686,518,-688,518,518,-691,518,518,-694,-695,-696,518,-698,-699,-700,-701,518,518,-746,518,-749,-750,-751,-752,-753,518,-755,-756,-757,-758,-759,518,-766,-767,-769,518,-771,-772,-773,-782,-856,-858,-860,-862,518,518,518,518,-868,518,-870,518,518,518,518,518,518,518,-906,-907,518,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,518,-921,-924,518,-934,518,-385,-386,-387,518,518,-390,-391,-392,-393,518,-396,518,-399,-400,518,-401,518,-406,-407,518,-410,-411,-412,518,-415,518,-416,518,-421,-422,518,-425,518,-428,-429,-1894,-1894,518,-619,-620,-621,-622,-623,-634,-584,-624,-797,518,518,518,518,518,-831,518,518,-806,518,-832,518,518,518,518,-798,518,-853,-799,518,518,518,518,518,518,-854,-855,518,-834,-830,-835,518,-625,518,-626,-627,-628,-629,-574,518,518,-630,-631,-632,518,518,518,518,518,518,-635,-636,-637,-592,-1894,-602,518,-638,-639,-713,-640,-604,518,-572,-577,-580,-583,518,518,518,-598,-601,518,-608,518,518,518,518,518,518,518,518,518,518,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,518,518,518,-995,518,518,518,518,518,518,-306,-325,-319,-296,-375,-452,-453,-454,-458,518,-443,518,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,518,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,518,518,518,518,518,518,518,518,518,-316,-535,-508,-591,-937,-939,-940,-438,518,-440,-380,-381,-383,-507,-509,-511,518,-513,-514,-519,-520,518,-532,-534,-537,-538,-543,-548,-726,518,-727,518,-732,518,-734,518,-739,-656,-660,-661,518,-666,518,-667,518,-672,-674,518,-677,518,518,518,-687,-689,518,-692,518,518,-744,518,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,518,518,518,518,518,-877,518,-880,-908,-920,-925,-388,-389,518,-394,518,-397,518,-402,518,-403,518,-408,518,-413,518,-417,518,-418,518,-423,518,-426,-899,-900,-643,-585,-1894,-901,518,518,518,-800,518,518,-804,518,-807,-833,518,-818,518,-820,518,-822,-808,518,-824,518,-851,-852,518,518,-811,518,-646,-902,-904,-648,-649,-645,518,-705,-706,518,-642,-903,-647,-650,-603,-714,518,518,-605,-586,518,518,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,518,518,-709,-710,518,-716,518,518,518,518,518,518,-938,518,-439,-441,-747,518,-891,518,-715,-1894,518,518,518,518,518,-442,-512,-523,518,-728,-733,518,-735,518,-740,518,-662,-668,518,-678,-680,-682,-683,-690,-693,-697,-745,518,518,-874,518,518,-878,518,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,518,-812,518,-814,-801,518,-802,-805,518,-816,-819,-821,-823,-825,518,-826,518,-809,518,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,518,-282,518,518,518,518,-455,518,518,-729,518,-736,518,-741,518,-663,-671,518,518,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,518,-836,-53,518,518,-730,518,-737,518,-742,-664,518,-873,-54,518,518,-731,-738,-743,518,518,518,-872,]),'NAME_CONST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[519,519,519,1213,-1894,519,519,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,519,519,519,519,-275,-276,1213,-1425,1213,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1213,1213,1213,-490,1213,1213,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1213,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1213,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1923,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,519,-172,-173,-174,-175,-993,519,519,519,519,519,519,519,519,519,519,1213,1213,1213,1213,1213,-290,-291,-281,519,1213,1213,1213,1213,-328,-318,-332,-333,-334,1213,1213,-982,-983,-984,-985,-986,-987,-988,519,519,1213,1213,1213,1213,1213,1213,1213,1213,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1213,1213,1213,-353,-356,519,-323,-324,-141,1213,-142,1213,-143,1213,-430,-935,-936,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1894,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1894,1213,-1894,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1894,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-1894,519,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1213,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1213,519,519,-191,-192,519,-994,1213,519,519,519,519,-277,-278,-279,-280,-365,1213,-308,1213,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1213,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1213,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1213,1213,1213,1213,1213,1213,-573,1213,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1213,1213,-723,-724,-725,1213,1923,519,519,519,519,-994,519,1213,-91,-92,519,519,519,1213,-309,-310,-320,1213,-307,-293,-294,-295,1213,519,1213,1213,-618,-633,-590,1213,519,-436,519,-437,1213,-444,-445,-446,-378,-379,1213,1213,1213,-506,1213,1213,-510,1213,1213,1213,1213,-515,-516,-517,-518,1213,1213,-521,-522,1213,-524,-525,-526,-527,-528,-529,-530,-531,1213,-533,1213,1213,1213,-539,-541,-542,1213,-544,-545,-546,-547,1213,1213,1213,1213,1213,1213,-652,-653,-654,-655,519,-657,-658,-659,1213,1213,1213,-665,1213,1213,-669,-670,1213,1213,-673,1213,-675,-676,1213,-679,1213,-681,1213,1213,-684,-685,-686,1213,-688,1213,1213,-691,1213,1213,-694,-695,-696,1213,-698,-699,-700,-701,1213,1213,-746,1213,-749,-750,-751,-752,-753,1213,-755,-756,-757,-758,-759,1213,-766,-767,-769,1213,-771,-772,-773,-782,-856,-858,-860,-862,1213,1213,1213,1213,-868,1213,-870,1213,1213,1213,1213,1213,1213,1213,-906,-907,1213,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1213,-921,-924,1213,-934,1213,-385,-386,-387,1213,1213,-390,-391,-392,-393,1213,-396,1213,-399,-400,1213,-401,1213,-406,-407,1213,-410,-411,-412,1213,-415,1213,-416,1213,-421,-422,1213,-425,1213,-428,-429,-1894,-1894,1213,-619,-620,-621,-622,-623,-634,-584,-624,-797,1213,1213,1213,1213,1213,-831,1213,1213,-806,1213,-832,1213,1213,1213,1213,-798,1213,-853,-799,1213,1213,1213,1213,1213,1213,-854,-855,1213,-834,-830,-835,1213,-625,1213,-626,-627,-628,-629,-574,1213,1213,-630,-631,-632,1213,1213,1213,1213,1213,1213,-635,-636,-637,-592,-1894,-602,1213,-638,-639,-713,-640,-604,1213,-572,-577,-580,-583,1213,1213,1213,-598,-601,1213,-608,1213,1213,1213,1213,1213,1213,1213,1213,1213,1213,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1213,519,519,-995,519,1213,519,519,519,1213,-306,-325,-319,-296,-375,-452,-453,-454,-458,519,-443,1213,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1213,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,519,519,519,519,519,519,519,519,1213,-316,-535,-508,-591,-937,-939,-940,-438,1213,-440,-380,-381,-383,-507,-509,-511,1213,-513,-514,-519,-520,1213,-532,-534,-537,-538,-543,-548,-726,1213,-727,1213,-732,1213,-734,1213,-739,-656,-660,-661,1213,-666,1213,-667,1213,-672,-674,1213,-677,1213,1213,1213,-687,-689,1213,-692,1213,1213,-744,1213,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1213,1213,1213,1213,1213,-877,1213,-880,-908,-920,-925,-388,-389,1213,-394,1213,-397,1213,-402,1213,-403,1213,-408,1213,-413,1213,-417,1213,-418,1213,-423,1213,-426,-899,-900,-643,-585,-1894,-901,1213,1213,1213,-800,1213,1213,-804,1213,-807,-833,1213,-818,1213,-820,1213,-822,-808,1213,-824,1213,-851,-852,1213,1213,-811,1213,-646,-902,-904,-648,-649,-645,1213,-705,-706,1213,-642,-903,-647,-650,-603,-714,1213,1213,-605,-586,1213,1213,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1213,1213,-709,-710,1213,-716,1213,519,519,519,1213,1213,-938,519,-439,-441,-747,1213,-891,1923,-715,-1894,1213,1213,519,519,1213,-442,-512,-523,1213,-728,-733,1213,-735,1213,-740,1213,-662,-668,1213,-678,-680,-682,-683,-690,-693,-697,-745,1213,1213,-874,1213,1213,-878,1213,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1213,-812,1213,-814,-801,1213,-802,-805,1213,-816,-819,-821,-823,-825,1213,-826,1213,-809,1213,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,519,-282,519,1213,519,1213,-455,1213,1213,-729,1213,-736,1213,-741,1213,-663,-671,1213,1213,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1213,-836,-53,519,1213,-730,1213,-737,1213,-742,-664,1213,-873,-54,519,519,-731,-738,-743,1213,519,1213,-872,]),'NATIONAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[520,520,520,520,-1894,520,520,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,520,520,520,520,-275,-276,520,-1425,520,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,520,520,520,-490,520,520,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,520,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,520,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,520,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,520,-172,-173,-174,-175,-993,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-290,-291,-281,520,520,520,520,520,-328,-318,-332,-333,-334,520,520,-982,-983,-984,-985,-986,-987,-988,520,520,520,520,520,520,520,520,520,520,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,520,520,520,-353,-356,520,-323,-324,-141,520,-142,520,-143,520,-430,-935,-936,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-1894,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-1894,520,-1894,520,520,520,520,520,520,520,520,520,520,520,520,-1894,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,520,-1894,520,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,520,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,520,520,520,-191,-192,520,-994,520,520,520,520,520,-277,-278,-279,-280,-365,520,-308,520,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,520,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,520,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,520,520,520,520,520,520,-573,520,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,520,520,-723,-724,-725,520,520,520,520,520,520,-994,520,520,-91,-92,520,520,520,520,-309,-310,-320,520,-307,-293,-294,-295,520,520,520,520,-618,-633,-590,520,520,-436,520,-437,520,-444,-445,-446,-378,-379,520,520,520,-506,520,520,-510,520,520,520,520,-515,-516,-517,-518,520,520,-521,-522,520,-524,-525,-526,-527,-528,-529,-530,-531,520,-533,520,520,520,-539,-541,-542,520,-544,-545,-546,-547,520,520,520,520,520,520,-652,-653,-654,-655,520,-657,-658,-659,520,520,520,-665,520,520,-669,-670,520,520,-673,520,-675,-676,520,-679,520,-681,520,520,-684,-685,-686,520,-688,520,520,-691,520,520,-694,-695,-696,520,-698,-699,-700,-701,520,520,-746,520,-749,-750,-751,-752,-753,520,-755,-756,-757,-758,-759,520,-766,-767,-769,520,-771,-772,-773,-782,-856,-858,-860,-862,520,520,520,520,-868,520,-870,520,520,520,520,520,520,520,-906,-907,520,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,520,-921,-924,520,-934,520,-385,-386,-387,520,520,-390,-391,-392,-393,520,-396,520,-399,-400,520,-401,520,-406,-407,520,-410,-411,-412,520,-415,520,-416,520,-421,-422,520,-425,520,-428,-429,-1894,-1894,520,-619,-620,-621,-622,-623,-634,-584,-624,-797,520,520,520,520,520,-831,520,520,-806,520,-832,520,520,520,520,-798,520,-853,-799,520,520,520,520,520,520,-854,-855,520,-834,-830,-835,520,-625,520,-626,-627,-628,-629,-574,520,520,-630,-631,-632,520,520,520,520,520,520,-635,-636,-637,-592,-1894,-602,520,-638,-639,-713,-640,-604,520,-572,-577,-580,-583,520,520,520,-598,-601,520,-608,520,520,520,520,520,520,520,520,520,520,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,520,520,520,-995,520,520,520,520,520,520,-306,-325,-319,-296,-375,-452,-453,-454,-458,520,-443,520,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,520,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,520,520,520,520,520,520,520,520,520,-316,-535,-508,-591,-937,-939,-940,-438,520,-440,-380,-381,-383,-507,-509,-511,520,-513,-514,-519,-520,520,-532,-534,-537,-538,-543,-548,-726,520,-727,520,-732,520,-734,520,-739,-656,-660,-661,520,-666,520,-667,520,-672,-674,520,-677,520,520,520,-687,-689,520,-692,520,520,-744,520,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,520,520,520,520,520,-877,520,-880,-908,-920,-925,-388,-389,520,-394,520,-397,520,-402,520,-403,520,-408,520,-413,520,-417,520,-418,520,-423,520,-426,-899,-900,-643,-585,-1894,-901,520,520,520,-800,520,520,-804,520,-807,-833,520,-818,520,-820,520,-822,-808,520,-824,520,-851,-852,520,520,-811,520,-646,-902,-904,-648,-649,-645,520,-705,-706,520,-642,-903,-647,-650,-603,-714,520,520,-605,-586,520,520,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,520,520,-709,-710,520,-716,520,520,520,520,520,520,-938,520,-439,-441,-747,520,-891,520,-715,-1894,520,520,520,520,520,-442,-512,-523,520,-728,-733,520,-735,520,-740,520,-662,-668,520,-678,-680,-682,-683,-690,-693,-697,-745,520,520,-874,520,520,-878,520,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,520,-812,520,-814,-801,520,-802,-805,520,-816,-819,-821,-823,-825,520,-826,520,-809,520,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,520,-282,520,520,520,520,-455,520,520,-729,520,-736,520,-741,520,-663,-671,520,520,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,520,-836,-53,520,520,-730,520,-737,520,-742,-664,520,-873,-54,520,520,-731,-738,-743,520,520,520,-872,]),'NCHAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[521,521,521,521,-1894,521,521,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,521,521,521,521,-275,-276,521,-1425,521,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,521,521,521,-490,521,521,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,521,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,521,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,521,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,521,-172,-173,-174,-175,-993,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-290,-291,-281,521,521,521,521,521,-328,-318,-332,-333,-334,521,521,-982,-983,-984,-985,-986,-987,-988,521,521,521,521,521,521,521,521,521,521,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,521,521,521,-353,-356,521,-323,-324,-141,521,-142,521,-143,521,-430,-935,-936,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-1894,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-1894,521,-1894,521,521,521,521,521,521,521,521,521,521,521,521,-1894,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,521,-1894,521,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,521,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,521,521,521,-191,-192,521,-994,521,521,521,521,521,-277,-278,-279,-280,-365,521,-308,521,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,521,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,521,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,521,521,521,521,521,521,-573,521,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,521,521,-723,-724,-725,521,521,521,521,521,521,-994,521,521,-91,-92,521,521,521,521,-309,-310,-320,521,-307,-293,-294,-295,521,521,521,521,-618,-633,-590,521,521,-436,521,-437,521,-444,-445,-446,-378,-379,521,521,521,-506,521,521,-510,521,521,521,521,-515,-516,-517,-518,521,521,-521,-522,521,-524,-525,-526,-527,-528,-529,-530,-531,521,-533,521,521,521,-539,-541,-542,521,-544,-545,-546,-547,521,521,521,521,521,521,-652,-653,-654,-655,521,-657,-658,-659,521,521,521,-665,521,521,-669,-670,521,521,-673,521,-675,-676,521,-679,521,-681,521,521,-684,-685,-686,521,-688,521,521,-691,521,521,-694,-695,-696,521,-698,-699,-700,-701,521,521,-746,521,-749,-750,-751,-752,-753,521,-755,-756,-757,-758,-759,521,-766,-767,-769,521,-771,-772,-773,-782,-856,-858,-860,-862,521,521,521,521,-868,521,-870,521,521,521,521,521,521,521,-906,-907,521,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,521,-921,-924,521,-934,521,-385,-386,-387,521,521,-390,-391,-392,-393,521,-396,521,-399,-400,521,-401,521,-406,-407,521,-410,-411,-412,521,-415,521,-416,521,-421,-422,521,-425,521,-428,-429,-1894,-1894,521,-619,-620,-621,-622,-623,-634,-584,-624,-797,521,521,521,521,521,-831,521,521,-806,521,-832,521,521,521,521,-798,521,-853,-799,521,521,521,521,521,521,-854,-855,521,-834,-830,-835,521,-625,521,-626,-627,-628,-629,-574,521,521,-630,-631,-632,521,521,521,521,521,521,-635,-636,-637,-592,-1894,-602,521,-638,-639,-713,-640,-604,521,-572,-577,-580,-583,521,521,521,-598,-601,521,-608,521,521,521,521,521,521,521,521,521,521,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,521,521,521,-995,521,521,521,521,521,521,-306,-325,-319,-296,-375,-452,-453,-454,-458,521,-443,521,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,521,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,521,521,521,521,521,521,521,521,521,-316,-535,-508,-591,-937,-939,-940,-438,521,-440,-380,-381,-383,-507,-509,-511,521,-513,-514,-519,-520,521,-532,-534,-537,-538,-543,-548,-726,521,-727,521,-732,521,-734,521,-739,-656,-660,-661,521,-666,521,-667,521,-672,-674,521,-677,521,521,521,-687,-689,521,-692,521,521,-744,521,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,521,521,521,521,521,-877,521,-880,-908,-920,-925,-388,-389,521,-394,521,-397,521,-402,521,-403,521,-408,521,-413,521,-417,521,-418,521,-423,521,-426,-899,-900,-643,-585,-1894,-901,521,521,521,-800,521,521,-804,521,-807,-833,521,-818,521,-820,521,-822,-808,521,-824,521,-851,-852,521,521,-811,521,-646,-902,-904,-648,-649,-645,521,-705,-706,521,-642,-903,-647,-650,-603,-714,521,521,-605,-586,521,521,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,521,521,-709,-710,521,-716,521,521,521,521,521,521,-938,521,-439,-441,-747,521,-891,521,-715,-1894,521,521,521,521,521,-442,-512,-523,521,-728,-733,521,-735,521,-740,521,-662,-668,521,-678,-680,-682,-683,-690,-693,-697,-745,521,521,-874,521,521,-878,521,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,521,-812,521,-814,-801,521,-802,-805,521,-816,-819,-821,-823,-825,521,-826,521,-809,521,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,521,-282,521,521,521,521,-455,521,521,-729,521,-736,521,-741,521,-663,-671,521,521,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,521,-836,-53,521,521,-730,521,-737,521,-742,-664,521,-873,-54,521,521,-731,-738,-743,521,521,521,-872,]),'NDB':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[522,522,522,522,-1894,522,522,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,522,522,522,522,-275,-276,522,-1425,522,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,522,522,522,-490,522,522,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,522,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,522,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,522,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,522,-172,-173,-174,-175,-993,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-290,-291,-281,522,522,522,522,522,-328,-318,-332,-333,-334,522,522,-982,-983,-984,-985,-986,-987,-988,522,522,522,522,522,522,522,522,522,522,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,522,522,522,-353,-356,522,-323,-324,-141,522,-142,522,-143,522,-430,-935,-936,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-1894,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-1894,522,-1894,522,522,522,522,522,522,522,522,522,522,522,522,-1894,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,522,-1894,522,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,522,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,522,522,522,-191,-192,522,-994,522,522,522,522,522,-277,-278,-279,-280,-365,522,-308,522,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,522,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,522,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,522,522,522,522,522,522,-573,522,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,522,522,-723,-724,-725,522,522,522,522,522,522,-994,522,522,-91,-92,522,522,522,522,-309,-310,-320,522,-307,-293,-294,-295,522,522,522,522,-618,-633,-590,522,522,-436,522,-437,522,-444,-445,-446,-378,-379,522,522,522,-506,522,522,-510,522,522,522,522,-515,-516,-517,-518,522,522,-521,-522,522,-524,-525,-526,-527,-528,-529,-530,-531,522,-533,522,522,522,-539,-541,-542,522,-544,-545,-546,-547,522,522,522,522,522,522,-652,-653,-654,-655,522,-657,-658,-659,522,522,522,-665,522,522,-669,-670,522,522,-673,522,-675,-676,522,-679,522,-681,522,522,-684,-685,-686,522,-688,522,522,-691,522,522,-694,-695,-696,522,-698,-699,-700,-701,522,522,-746,522,-749,-750,-751,-752,-753,522,-755,-756,-757,-758,-759,522,-766,-767,-769,522,-771,-772,-773,-782,-856,-858,-860,-862,522,522,522,522,-868,522,-870,522,522,522,522,522,522,522,-906,-907,522,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,522,-921,-924,522,-934,522,-385,-386,-387,522,522,-390,-391,-392,-393,522,-396,522,-399,-400,522,-401,522,-406,-407,522,-410,-411,-412,522,-415,522,-416,522,-421,-422,522,-425,522,-428,-429,-1894,-1894,522,-619,-620,-621,-622,-623,-634,-584,-624,-797,522,522,522,522,522,-831,522,522,-806,522,-832,522,522,522,522,-798,522,-853,-799,522,522,522,522,522,522,-854,-855,522,-834,-830,-835,522,-625,522,-626,-627,-628,-629,-574,522,522,-630,-631,-632,522,522,522,522,522,522,-635,-636,-637,-592,-1894,-602,522,-638,-639,-713,-640,-604,522,-572,-577,-580,-583,522,522,522,-598,-601,522,-608,522,522,522,522,522,522,522,522,522,522,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,522,522,522,-995,522,522,522,522,522,522,-306,-325,-319,-296,-375,-452,-453,-454,-458,522,-443,522,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,522,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,522,522,522,522,522,522,522,522,522,-316,-535,-508,-591,-937,-939,-940,-438,522,-440,-380,-381,-383,-507,-509,-511,522,-513,-514,-519,-520,522,-532,-534,-537,-538,-543,-548,-726,522,-727,522,-732,522,-734,522,-739,-656,-660,-661,522,-666,522,-667,522,-672,-674,522,-677,522,522,522,-687,-689,522,-692,522,522,-744,522,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,522,522,522,522,522,-877,522,-880,-908,-920,-925,-388,-389,522,-394,522,-397,522,-402,522,-403,522,-408,522,-413,522,-417,522,-418,522,-423,522,-426,-899,-900,-643,-585,-1894,-901,522,522,522,-800,522,522,-804,522,-807,-833,522,-818,522,-820,522,-822,-808,522,-824,522,-851,-852,522,522,-811,522,-646,-902,-904,-648,-649,-645,522,-705,-706,522,-642,-903,-647,-650,-603,-714,522,522,-605,-586,522,522,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,522,522,-709,-710,522,-716,522,522,522,522,522,522,-938,522,-439,-441,-747,522,-891,522,-715,-1894,522,522,522,522,522,-442,-512,-523,522,-728,-733,522,-735,522,-740,522,-662,-668,522,-678,-680,-682,-683,-690,-693,-697,-745,522,522,-874,522,522,-878,522,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,522,-812,522,-814,-801,522,-802,-805,522,-816,-819,-821,-823,-825,522,-826,522,-809,522,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,522,-282,522,522,522,522,-455,522,522,-729,522,-736,522,-741,522,-663,-671,522,522,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,522,-836,-53,522,522,-730,522,-737,522,-742,-664,522,-873,-54,522,522,-731,-738,-743,522,522,522,-872,]),'NDBCLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[523,523,523,523,-1894,523,523,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,523,523,523,523,-275,-276,523,-1425,523,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,523,523,523,-490,523,523,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,523,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,523,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,523,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,523,-172,-173,-174,-175,-993,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-290,-291,-281,523,523,523,523,523,-328,-318,-332,-333,-334,523,523,-982,-983,-984,-985,-986,-987,-988,523,523,523,523,523,523,523,523,523,523,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,523,523,523,-353,-356,523,-323,-324,-141,523,-142,523,-143,523,-430,-935,-936,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-1894,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-1894,523,-1894,523,523,523,523,523,523,523,523,523,523,523,523,-1894,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,523,-1894,523,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,523,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,523,523,523,-191,-192,523,-994,523,523,523,523,523,-277,-278,-279,-280,-365,523,-308,523,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,523,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,523,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,523,523,523,523,523,523,-573,523,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,523,523,-723,-724,-725,523,523,523,523,523,523,-994,523,523,-91,-92,523,523,523,523,-309,-310,-320,523,-307,-293,-294,-295,523,523,523,523,-618,-633,-590,523,523,-436,523,-437,523,-444,-445,-446,-378,-379,523,523,523,-506,523,523,-510,523,523,523,523,-515,-516,-517,-518,523,523,-521,-522,523,-524,-525,-526,-527,-528,-529,-530,-531,523,-533,523,523,523,-539,-541,-542,523,-544,-545,-546,-547,523,523,523,523,523,523,-652,-653,-654,-655,523,-657,-658,-659,523,523,523,-665,523,523,-669,-670,523,523,-673,523,-675,-676,523,-679,523,-681,523,523,-684,-685,-686,523,-688,523,523,-691,523,523,-694,-695,-696,523,-698,-699,-700,-701,523,523,-746,523,-749,-750,-751,-752,-753,523,-755,-756,-757,-758,-759,523,-766,-767,-769,523,-771,-772,-773,-782,-856,-858,-860,-862,523,523,523,523,-868,523,-870,523,523,523,523,523,523,523,-906,-907,523,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,523,-921,-924,523,-934,523,-385,-386,-387,523,523,-390,-391,-392,-393,523,-396,523,-399,-400,523,-401,523,-406,-407,523,-410,-411,-412,523,-415,523,-416,523,-421,-422,523,-425,523,-428,-429,-1894,-1894,523,-619,-620,-621,-622,-623,-634,-584,-624,-797,523,523,523,523,523,-831,523,523,-806,523,-832,523,523,523,523,-798,523,-853,-799,523,523,523,523,523,523,-854,-855,523,-834,-830,-835,523,-625,523,-626,-627,-628,-629,-574,523,523,-630,-631,-632,523,523,523,523,523,523,-635,-636,-637,-592,-1894,-602,523,-638,-639,-713,-640,-604,523,-572,-577,-580,-583,523,523,523,-598,-601,523,-608,523,523,523,523,523,523,523,523,523,523,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,523,523,523,-995,523,523,523,523,523,523,-306,-325,-319,-296,-375,-452,-453,-454,-458,523,-443,523,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,523,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,523,523,523,523,523,523,523,523,523,-316,-535,-508,-591,-937,-939,-940,-438,523,-440,-380,-381,-383,-507,-509,-511,523,-513,-514,-519,-520,523,-532,-534,-537,-538,-543,-548,-726,523,-727,523,-732,523,-734,523,-739,-656,-660,-661,523,-666,523,-667,523,-672,-674,523,-677,523,523,523,-687,-689,523,-692,523,523,-744,523,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,523,523,523,523,523,-877,523,-880,-908,-920,-925,-388,-389,523,-394,523,-397,523,-402,523,-403,523,-408,523,-413,523,-417,523,-418,523,-423,523,-426,-899,-900,-643,-585,-1894,-901,523,523,523,-800,523,523,-804,523,-807,-833,523,-818,523,-820,523,-822,-808,523,-824,523,-851,-852,523,523,-811,523,-646,-902,-904,-648,-649,-645,523,-705,-706,523,-642,-903,-647,-650,-603,-714,523,523,-605,-586,523,523,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,523,523,-709,-710,523,-716,523,523,523,523,523,523,-938,523,-439,-441,-747,523,-891,523,-715,-1894,523,523,523,523,523,-442,-512,-523,523,-728,-733,523,-735,523,-740,523,-662,-668,523,-678,-680,-682,-683,-690,-693,-697,-745,523,523,-874,523,523,-878,523,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,523,-812,523,-814,-801,523,-802,-805,523,-816,-819,-821,-823,-825,523,-826,523,-809,523,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,523,-282,523,523,523,523,-455,523,523,-729,523,-736,523,-741,523,-663,-671,523,523,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,523,-836,-53,523,523,-730,523,-737,523,-742,-664,523,-873,-54,523,523,-731,-738,-743,523,523,523,-872,]),'NESTED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[524,524,524,524,-1894,524,524,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,524,524,524,524,-275,-276,524,-1425,524,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,524,524,524,-490,524,524,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,524,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,524,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,524,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,524,-172,-173,-174,-175,-993,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-290,-291,-281,524,524,524,524,524,-328,-318,-332,-333,-334,524,524,-982,-983,-984,-985,-986,-987,-988,524,524,524,524,524,524,524,524,524,524,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,524,524,524,-353,-356,524,-323,-324,-141,524,-142,524,-143,524,-430,-935,-936,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-1894,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-1894,524,-1894,524,524,524,524,524,524,524,524,524,524,524,524,-1894,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,524,-1894,524,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,524,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,524,524,524,-191,-192,524,-994,524,524,524,524,524,-277,-278,-279,-280,-365,524,-308,524,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,524,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,524,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,524,524,524,524,524,524,-573,524,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,524,524,-723,-724,-725,524,524,524,524,524,524,-994,524,524,-91,-92,524,524,524,524,-309,-310,-320,524,-307,-293,-294,-295,524,524,524,524,-618,-633,-590,524,524,-436,524,-437,524,-444,-445,-446,-378,-379,524,524,524,-506,524,524,-510,524,524,524,524,-515,-516,-517,-518,524,524,-521,-522,524,-524,-525,-526,-527,-528,-529,-530,-531,524,-533,524,524,524,-539,-541,-542,524,-544,-545,-546,-547,524,524,524,524,524,524,-652,-653,-654,-655,524,-657,-658,-659,524,524,524,-665,524,524,-669,-670,524,524,-673,524,-675,-676,524,-679,524,-681,524,524,-684,-685,-686,524,-688,524,524,-691,524,524,-694,-695,-696,524,-698,-699,-700,-701,524,524,-746,524,-749,-750,-751,-752,-753,524,-755,-756,-757,-758,-759,524,-766,-767,-769,524,-771,-772,-773,-782,-856,-858,-860,-862,524,524,524,524,-868,524,-870,524,524,524,524,524,524,524,-906,-907,524,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,524,-921,-924,524,-934,524,-385,-386,-387,524,524,-390,-391,-392,-393,524,-396,524,-399,-400,524,-401,524,-406,-407,524,-410,-411,-412,524,-415,524,-416,524,-421,-422,524,-425,524,-428,-429,-1894,-1894,524,-619,-620,-621,-622,-623,-634,-584,-624,-797,524,524,524,524,524,-831,524,524,-806,524,-832,524,524,524,524,-798,524,-853,-799,524,524,524,524,524,524,-854,-855,524,-834,-830,-835,524,-625,524,-626,-627,-628,-629,-574,524,524,-630,-631,-632,524,524,524,524,524,524,-635,-636,-637,-592,-1894,-602,524,-638,-639,-713,-640,-604,524,-572,-577,-580,-583,524,524,524,-598,-601,524,-608,524,524,524,524,524,524,524,524,524,524,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,524,524,524,-995,524,524,524,524,524,524,-306,-325,-319,-296,-375,-452,-453,-454,-458,524,-443,524,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,524,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,524,524,524,524,524,524,524,524,524,-316,-535,-508,-591,-937,-939,-940,-438,524,-440,-380,-381,-383,-507,-509,-511,524,-513,-514,-519,-520,524,-532,-534,-537,-538,-543,-548,-726,524,-727,524,-732,524,-734,524,-739,-656,-660,-661,524,-666,524,-667,524,-672,-674,524,-677,524,524,524,-687,-689,524,-692,524,524,-744,524,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,524,524,524,524,524,-877,524,-880,-908,-920,-925,-388,-389,524,-394,524,-397,524,-402,524,-403,524,-408,524,-413,524,-417,524,-418,524,-423,524,-426,-899,-900,-643,-585,-1894,-901,524,524,524,-800,524,524,-804,524,-807,-833,524,-818,524,-820,524,-822,-808,524,-824,524,-851,-852,524,524,-811,524,-646,-902,-904,-648,-649,-645,524,-705,-706,524,-642,-903,-647,-650,-603,-714,524,524,-605,-586,524,524,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,524,524,-709,-710,524,-716,524,524,524,524,524,524,-938,524,-439,-441,-747,524,-891,524,-715,-1894,524,524,524,524,524,-442,-512,-523,524,-728,-733,524,-735,524,-740,524,-662,-668,524,-678,-680,-682,-683,-690,-693,-697,-745,524,524,-874,524,524,-878,524,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,524,-812,524,-814,-801,524,-802,-805,524,-816,-819,-821,-823,-825,524,-826,524,-809,524,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,524,-282,524,524,524,524,-455,524,524,-729,524,-736,524,-741,524,-663,-671,524,524,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,524,-836,-53,524,524,-730,524,-737,524,-742,-664,524,-873,-54,524,524,-731,-738,-743,524,524,524,-872,]),'NEW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[525,525,525,525,-1894,525,525,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,525,525,525,525,-275,-276,525,-1425,525,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,525,525,525,-490,525,525,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,525,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,525,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,525,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,525,-172,-173,-174,-175,-993,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-290,-291,-281,525,525,525,525,525,-328,-318,-332,-333,-334,525,525,-982,-983,-984,-985,-986,-987,-988,525,525,525,525,525,525,525,525,525,525,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,525,525,525,-353,-356,525,-323,-324,-141,525,-142,525,-143,525,-430,-935,-936,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-1894,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-1894,525,-1894,525,525,525,525,525,525,525,525,525,525,525,525,-1894,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,525,-1894,525,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,525,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,525,525,525,-191,-192,525,-994,525,525,525,525,525,-277,-278,-279,-280,-365,525,-308,525,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,525,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,525,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,525,525,525,525,525,525,-573,525,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,525,525,-723,-724,-725,525,525,525,525,525,525,-994,525,525,-91,-92,525,525,525,525,-309,-310,-320,525,-307,-293,-294,-295,525,525,525,525,-618,-633,-590,525,525,-436,525,-437,525,-444,-445,-446,-378,-379,525,525,525,-506,525,525,-510,525,525,525,525,-515,-516,-517,-518,525,525,-521,-522,525,-524,-525,-526,-527,-528,-529,-530,-531,525,-533,525,525,525,-539,-541,-542,525,-544,-545,-546,-547,525,525,525,525,525,525,-652,-653,-654,-655,525,-657,-658,-659,525,525,525,-665,525,525,-669,-670,525,525,-673,525,-675,-676,525,-679,525,-681,525,525,-684,-685,-686,525,-688,525,525,-691,525,525,-694,-695,-696,525,-698,-699,-700,-701,525,525,-746,525,-749,-750,-751,-752,-753,525,-755,-756,-757,-758,-759,525,-766,-767,-769,525,-771,-772,-773,-782,-856,-858,-860,-862,525,525,525,525,-868,525,-870,525,525,525,525,525,525,525,-906,-907,525,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,525,-921,-924,525,-934,525,-385,-386,-387,525,525,-390,-391,-392,-393,525,-396,525,-399,-400,525,-401,525,-406,-407,525,-410,-411,-412,525,-415,525,-416,525,-421,-422,525,-425,525,-428,-429,-1894,-1894,525,-619,-620,-621,-622,-623,-634,-584,-624,-797,525,525,525,525,525,-831,525,525,-806,525,-832,525,525,525,525,-798,525,-853,-799,525,525,525,525,525,525,-854,-855,525,-834,-830,-835,525,-625,525,-626,-627,-628,-629,-574,525,525,-630,-631,-632,525,525,525,525,525,525,-635,-636,-637,-592,-1894,-602,525,-638,-639,-713,-640,-604,525,-572,-577,-580,-583,525,525,525,-598,-601,525,-608,525,525,525,525,525,525,525,525,525,525,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,525,525,525,-995,525,525,525,525,525,525,-306,-325,-319,-296,-375,-452,-453,-454,-458,525,-443,525,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,525,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,525,525,525,525,525,525,525,525,525,-316,-535,-508,-591,-937,-939,-940,-438,525,-440,-380,-381,-383,-507,-509,-511,525,-513,-514,-519,-520,525,-532,-534,-537,-538,-543,-548,-726,525,-727,525,-732,525,-734,525,-739,-656,-660,-661,525,-666,525,-667,525,-672,-674,525,-677,525,525,525,-687,-689,525,-692,525,525,-744,525,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,525,525,525,525,525,-877,525,-880,-908,-920,-925,-388,-389,525,-394,525,-397,525,-402,525,-403,525,-408,525,-413,525,-417,525,-418,525,-423,525,-426,-899,-900,-643,-585,-1894,-901,525,525,525,-800,525,525,-804,525,-807,-833,525,-818,525,-820,525,-822,-808,525,-824,525,-851,-852,525,525,-811,525,-646,-902,-904,-648,-649,-645,525,-705,-706,525,-642,-903,-647,-650,-603,-714,525,525,-605,-586,525,525,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,525,525,-709,-710,525,-716,525,525,525,525,525,525,-938,525,-439,-441,-747,525,-891,525,-715,-1894,525,525,525,525,525,-442,-512,-523,525,-728,-733,525,-735,525,-740,525,-662,-668,525,-678,-680,-682,-683,-690,-693,-697,-745,525,525,-874,525,525,-878,525,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,525,-812,525,-814,-801,525,-802,-805,525,-816,-819,-821,-823,-825,525,-826,525,-809,525,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,525,-282,525,525,525,525,-455,525,525,-729,525,-736,525,-741,525,-663,-671,525,525,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,525,-836,-53,525,525,-730,525,-737,525,-742,-664,525,-873,-54,525,525,-731,-738,-743,525,525,525,-872,]),'NEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1377,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[526,526,526,526,-1894,526,526,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,526,526,526,526,-275,-276,526,-1425,526,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,526,526,526,-490,526,526,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,526,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,526,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,526,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1994,526,-172,-173,-174,-175,-993,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-290,-291,-281,526,526,526,526,526,-328,-318,-332,-333,-334,526,526,-982,-983,-984,-985,-986,-987,-988,526,526,526,526,526,526,526,526,526,526,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,526,526,526,-353,-356,526,-323,-324,-141,526,-142,526,-143,526,-430,-935,-936,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-1894,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-1894,526,-1894,526,526,526,526,526,526,526,526,526,526,526,526,-1894,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,526,-1894,526,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,526,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,526,526,526,-191,-192,526,-994,526,526,526,526,526,-277,-278,-279,-280,-365,526,-308,526,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,526,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,526,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,526,526,526,526,526,526,-573,526,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,526,526,-723,-724,-725,526,526,526,526,526,526,-994,526,526,-91,-92,526,526,526,526,-309,-310,-320,526,-307,-293,-294,-295,526,526,526,526,-618,-633,-590,526,526,-436,526,-437,526,-444,-445,-446,-378,-379,526,526,526,-506,526,526,-510,526,526,526,526,-515,-516,-517,-518,526,526,-521,-522,526,-524,-525,-526,-527,-528,-529,-530,-531,526,-533,526,526,526,-539,-541,-542,526,-544,-545,-546,-547,526,526,526,526,526,526,-652,-653,-654,-655,526,-657,-658,-659,526,526,526,-665,526,526,-669,-670,526,526,-673,526,-675,-676,526,-679,526,-681,526,526,-684,-685,-686,526,-688,526,526,-691,526,526,-694,-695,-696,526,-698,-699,-700,-701,526,526,-746,526,-749,-750,-751,-752,-753,526,-755,-756,-757,-758,-759,526,-766,-767,-769,526,-771,-772,-773,-782,-856,-858,-860,-862,526,526,526,526,-868,526,-870,526,526,526,526,526,526,526,-906,-907,526,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,526,-921,-924,526,-934,526,-385,-386,-387,526,526,-390,-391,-392,-393,526,-396,526,-399,-400,526,-401,526,-406,-407,526,-410,-411,-412,526,-415,526,-416,526,-421,-422,526,-425,526,-428,-429,-1894,-1894,526,-619,-620,-621,-622,-623,-634,-584,-624,-797,526,526,526,526,526,-831,526,526,-806,526,-832,526,526,526,526,-798,526,-853,-799,526,526,526,526,526,526,-854,-855,526,-834,-830,-835,526,-625,526,-626,-627,-628,-629,-574,526,526,-630,-631,-632,526,526,526,526,526,526,-635,-636,-637,-592,-1894,-602,526,-638,-639,-713,-640,-604,526,-572,-577,-580,-583,526,526,526,-598,-601,526,-608,526,526,526,526,526,526,526,526,526,526,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,526,526,526,-995,526,526,526,526,526,526,-306,-325,-319,-296,-375,-452,-453,-454,-458,526,-443,526,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,526,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,526,526,526,526,526,526,526,526,526,-316,-535,-508,-591,-937,-939,-940,-438,526,-440,-380,-381,-383,-507,-509,-511,526,-513,-514,-519,-520,526,-532,-534,-537,-538,-543,-548,-726,526,-727,526,-732,526,-734,526,-739,-656,-660,-661,526,-666,526,-667,526,-672,-674,526,-677,526,526,526,-687,-689,526,-692,526,526,-744,526,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,526,526,526,526,526,-877,526,-880,-908,-920,-925,-388,-389,526,-394,526,-397,526,-402,526,-403,526,-408,526,-413,526,-417,526,-418,526,-423,526,-426,-899,-900,-643,-585,-1894,-901,526,526,526,-800,526,526,-804,526,-807,-833,526,-818,526,-820,526,-822,-808,526,-824,526,-851,-852,526,526,-811,526,-646,-902,-904,-648,-649,-645,526,-705,-706,526,-642,-903,-647,-650,-603,-714,526,526,-605,-586,526,526,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,526,526,-709,-710,526,-716,526,526,526,526,526,526,-938,526,-439,-441,-747,526,-891,526,-715,-1894,526,526,526,526,526,-442,-512,-523,526,-728,-733,526,-735,526,-740,526,-662,-668,526,-678,-680,-682,-683,-690,-693,-697,-745,526,526,-874,526,526,-878,526,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,526,-812,526,-814,-801,526,-802,-805,526,-816,-819,-821,-823,-825,526,-826,526,-809,526,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,526,-282,526,526,526,526,-455,526,526,-729,526,-736,526,-741,526,-663,-671,526,526,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,526,-836,-53,526,526,-730,526,-737,526,-742,-664,526,-873,-54,526,526,-731,-738,-743,526,526,526,-872,]),'NO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[527,527,527,527,-1894,527,527,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,527,527,527,527,-275,-276,527,-1425,527,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,527,527,527,-490,527,527,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,527,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,527,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,527,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,527,-172,-173,-174,-175,-993,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-290,-291,-281,527,527,527,527,527,-328,-318,-332,-333,-334,527,527,-982,-983,-984,-985,-986,-987,-988,527,527,527,527,527,527,527,527,527,527,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,527,527,527,-353,-356,527,-323,-324,-141,527,-142,527,-143,527,-430,-935,-936,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-1894,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-1894,527,-1894,527,527,527,527,527,527,527,527,527,527,527,527,-1894,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,527,-1894,527,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,527,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,527,527,527,-191,-192,527,-994,527,527,527,527,527,-277,-278,-279,-280,-365,527,-308,527,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,527,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,527,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,527,527,527,527,527,527,-573,527,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,527,527,-723,-724,-725,527,527,527,527,527,527,-994,527,527,-91,-92,527,527,527,527,-309,-310,-320,527,-307,-293,-294,-295,527,527,527,527,-618,-633,-590,527,527,-436,527,-437,527,-444,-445,-446,-378,-379,527,527,527,-506,527,527,-510,527,527,527,527,-515,-516,-517,-518,527,527,-521,-522,527,-524,-525,-526,-527,-528,-529,-530,-531,527,-533,527,527,527,-539,-541,-542,527,-544,-545,-546,-547,527,527,527,527,527,527,-652,-653,-654,-655,527,-657,-658,-659,527,527,527,-665,527,527,-669,-670,527,527,-673,527,-675,-676,527,-679,527,-681,527,527,-684,-685,-686,527,-688,527,527,-691,527,527,-694,-695,-696,527,-698,-699,-700,-701,527,527,-746,527,-749,-750,-751,-752,-753,527,-755,-756,-757,-758,-759,527,-766,-767,-769,527,-771,-772,-773,-782,-856,-858,-860,-862,527,527,527,527,-868,527,-870,527,527,527,527,527,527,527,-906,-907,527,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,527,-921,-924,527,-934,527,-385,-386,-387,527,527,-390,-391,-392,-393,527,-396,527,-399,-400,527,-401,527,-406,-407,527,-410,-411,-412,527,-415,527,-416,527,-421,-422,527,-425,527,-428,-429,-1894,-1894,527,-619,-620,-621,-622,-623,-634,-584,-624,-797,527,527,527,527,527,-831,527,527,-806,527,-832,527,527,527,527,-798,527,-853,-799,527,527,527,527,527,527,-854,-855,527,-834,-830,-835,527,-625,527,-626,-627,-628,-629,-574,527,527,-630,-631,-632,527,527,527,527,527,527,-635,-636,-637,-592,-1894,-602,527,-638,-639,-713,-640,-604,527,-572,-577,-580,-583,527,527,527,-598,-601,527,-608,527,527,527,527,527,527,527,527,527,527,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,527,527,527,-995,527,527,527,527,527,527,-306,-325,-319,-296,-375,-452,-453,-454,-458,527,-443,527,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,527,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,527,527,527,527,527,527,527,527,527,-316,-535,-508,-591,-937,-939,-940,-438,527,-440,-380,-381,-383,-507,-509,-511,527,-513,-514,-519,-520,527,-532,-534,-537,-538,-543,-548,-726,527,-727,527,-732,527,-734,527,-739,-656,-660,-661,527,-666,527,-667,527,-672,-674,527,-677,527,527,527,-687,-689,527,-692,527,527,-744,527,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,527,527,527,527,527,-877,527,-880,-908,-920,-925,-388,-389,527,-394,527,-397,527,-402,527,-403,527,-408,527,-413,527,-417,527,-418,527,-423,527,-426,-899,-900,-643,-585,-1894,-901,527,527,527,-800,527,527,-804,527,-807,-833,527,-818,527,-820,527,-822,-808,527,-824,527,-851,-852,527,527,-811,527,-646,-902,-904,-648,-649,-645,527,-705,-706,527,-642,-903,-647,-650,-603,-714,527,527,-605,-586,527,527,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,527,527,-709,-710,527,-716,527,527,527,527,527,527,-938,527,-439,-441,-747,527,-891,527,-715,-1894,527,527,527,527,527,-442,-512,-523,527,-728,-733,527,-735,527,-740,527,-662,-668,527,-678,-680,-682,-683,-690,-693,-697,-745,527,527,-874,527,527,-878,527,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,527,-812,527,-814,-801,527,-802,-805,527,-816,-819,-821,-823,-825,527,-826,527,-809,527,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,527,-282,527,527,527,527,-455,527,527,-729,527,-736,527,-741,527,-663,-671,527,527,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,527,-836,-53,527,527,-730,527,-737,527,-742,-664,527,-873,-54,527,527,-731,-738,-743,527,527,527,-872,]),'NOARCHIVELOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[528,528,528,528,-1894,528,528,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,528,528,528,528,-275,-276,528,-1425,528,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,528,528,528,-490,528,528,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,528,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,528,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,528,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,528,-172,-173,-174,-175,-993,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-290,-291,-281,528,528,528,528,528,-328,-318,-332,-333,-334,528,528,-982,-983,-984,-985,-986,-987,-988,528,528,528,528,528,528,528,528,528,528,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,528,528,528,-353,-356,528,-323,-324,-141,528,-142,528,-143,528,-430,-935,-936,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-1894,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-1894,528,-1894,528,528,528,528,528,528,528,528,528,528,528,528,-1894,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,528,-1894,528,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,528,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,528,528,528,-191,-192,528,-994,528,528,528,528,528,-277,-278,-279,-280,-365,528,-308,528,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,528,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,528,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,528,528,528,528,528,528,-573,528,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,528,528,-723,-724,-725,528,528,528,528,528,528,-994,528,528,-91,-92,528,528,528,528,-309,-310,-320,528,-307,-293,-294,-295,528,528,528,528,-618,-633,-590,528,528,-436,528,-437,528,-444,-445,-446,-378,-379,528,528,528,-506,528,528,-510,528,528,528,528,-515,-516,-517,-518,528,528,-521,-522,528,-524,-525,-526,-527,-528,-529,-530,-531,528,-533,528,528,528,-539,-541,-542,528,-544,-545,-546,-547,528,528,528,528,528,528,-652,-653,-654,-655,528,-657,-658,-659,528,528,528,-665,528,528,-669,-670,528,528,-673,528,-675,-676,528,-679,528,-681,528,528,-684,-685,-686,528,-688,528,528,-691,528,528,-694,-695,-696,528,-698,-699,-700,-701,528,528,-746,528,-749,-750,-751,-752,-753,528,-755,-756,-757,-758,-759,528,-766,-767,-769,528,-771,-772,-773,-782,-856,-858,-860,-862,528,528,528,528,-868,528,-870,528,528,528,528,528,528,528,-906,-907,528,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,528,-921,-924,528,-934,528,-385,-386,-387,528,528,-390,-391,-392,-393,528,-396,528,-399,-400,528,-401,528,-406,-407,528,-410,-411,-412,528,-415,528,-416,528,-421,-422,528,-425,528,-428,-429,-1894,-1894,528,-619,-620,-621,-622,-623,-634,-584,-624,-797,528,528,528,528,528,-831,528,528,-806,528,-832,528,528,528,528,-798,528,-853,-799,528,528,528,528,528,528,-854,-855,528,-834,-830,-835,528,-625,528,-626,-627,-628,-629,-574,528,528,-630,-631,-632,528,528,528,528,528,528,-635,-636,-637,-592,-1894,-602,528,-638,-639,-713,-640,-604,528,-572,-577,-580,-583,528,528,528,-598,-601,528,-608,528,528,528,528,528,528,528,528,528,528,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,528,528,528,-995,528,528,528,528,528,528,-306,-325,-319,-296,-375,-452,-453,-454,-458,528,-443,528,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,528,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,528,528,528,528,528,528,528,528,528,-316,-535,-508,-591,-937,-939,-940,-438,528,-440,-380,-381,-383,-507,-509,-511,528,-513,-514,-519,-520,528,-532,-534,-537,-538,-543,-548,-726,528,-727,528,-732,528,-734,528,-739,-656,-660,-661,528,-666,528,-667,528,-672,-674,528,-677,528,528,528,-687,-689,528,-692,528,528,-744,528,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,528,528,528,528,528,-877,528,-880,-908,-920,-925,-388,-389,528,-394,528,-397,528,-402,528,-403,528,-408,528,-413,528,-417,528,-418,528,-423,528,-426,-899,-900,-643,-585,-1894,-901,528,528,528,-800,528,528,-804,528,-807,-833,528,-818,528,-820,528,-822,-808,528,-824,528,-851,-852,528,528,-811,528,-646,-902,-904,-648,-649,-645,528,-705,-706,528,-642,-903,-647,-650,-603,-714,528,528,-605,-586,528,528,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,528,528,-709,-710,528,-716,528,528,528,528,528,528,-938,528,-439,-441,-747,528,-891,528,-715,-1894,528,528,528,528,528,-442,-512,-523,528,-728,-733,528,-735,528,-740,528,-662,-668,528,-678,-680,-682,-683,-690,-693,-697,-745,528,528,-874,528,528,-878,528,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,528,-812,528,-814,-801,528,-802,-805,528,-816,-819,-821,-823,-825,528,-826,528,-809,528,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,528,-282,528,528,528,528,-455,528,528,-729,528,-736,528,-741,528,-663,-671,528,528,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,528,-836,-53,528,528,-730,528,-737,528,-742,-664,528,-873,-54,528,528,-731,-738,-743,528,528,528,-872,]),'NODEGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[529,529,529,529,-1894,529,529,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,529,529,529,529,-275,-276,529,-1425,529,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,529,529,529,-490,529,529,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,529,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,529,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,529,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,529,-172,-173,-174,-175,-993,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-290,-291,-281,529,529,529,529,529,-328,-318,-332,-333,-334,529,529,-982,-983,-984,-985,-986,-987,-988,529,529,529,529,529,529,529,529,529,529,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,529,529,529,-353,-356,529,-323,-324,-141,529,-142,529,-143,529,-430,-935,-936,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-1894,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-1894,529,-1894,529,529,529,529,529,529,529,529,529,529,529,529,-1894,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,529,-1894,529,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,529,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,529,529,529,-191,-192,529,-994,529,529,529,529,529,-277,-278,-279,-280,-365,529,-308,529,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,529,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,529,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,529,529,529,529,529,529,-573,529,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,529,529,-723,-724,-725,529,529,529,529,529,529,-994,529,529,-91,-92,529,529,529,529,-309,-310,-320,529,-307,-293,-294,-295,529,529,529,529,-618,-633,-590,529,529,-436,529,-437,529,-444,-445,-446,-378,-379,529,529,529,-506,529,529,-510,529,529,529,529,-515,-516,-517,-518,529,529,-521,-522,529,-524,-525,-526,-527,-528,-529,-530,-531,529,-533,529,529,529,-539,-541,-542,529,-544,-545,-546,-547,529,529,529,529,529,529,-652,-653,-654,-655,529,-657,-658,-659,529,529,529,-665,529,529,-669,-670,529,529,-673,529,-675,-676,529,-679,529,-681,529,529,-684,-685,-686,529,-688,529,529,-691,529,529,-694,-695,-696,529,-698,-699,-700,-701,529,529,-746,529,-749,-750,-751,-752,-753,529,-755,-756,-757,-758,-759,529,-766,-767,-769,529,-771,-772,-773,-782,-856,-858,-860,-862,529,529,529,529,-868,529,-870,529,529,529,529,529,529,529,-906,-907,529,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,529,-921,-924,529,-934,529,-385,-386,-387,529,529,-390,-391,-392,-393,529,-396,529,-399,-400,529,-401,529,-406,-407,529,-410,-411,-412,529,-415,529,-416,529,-421,-422,529,-425,529,-428,-429,-1894,-1894,529,-619,-620,-621,-622,-623,-634,-584,-624,-797,529,529,529,529,529,-831,529,529,-806,529,-832,529,529,529,529,-798,529,-853,-799,529,529,529,529,529,529,-854,-855,529,-834,-830,-835,529,-625,529,-626,-627,-628,-629,-574,529,529,-630,-631,-632,529,529,529,529,529,529,-635,-636,-637,-592,-1894,-602,529,-638,-639,-713,-640,-604,529,-572,-577,-580,-583,529,529,529,-598,-601,529,-608,529,529,529,529,529,529,529,529,529,529,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,529,529,529,-995,529,529,529,529,529,529,-306,-325,-319,-296,-375,-452,-453,-454,-458,529,-443,529,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,529,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,529,529,529,529,529,529,529,529,529,-316,-535,-508,-591,-937,-939,-940,-438,529,-440,-380,-381,-383,-507,-509,-511,529,-513,-514,-519,-520,529,-532,-534,-537,-538,-543,-548,-726,529,-727,529,-732,529,-734,529,-739,-656,-660,-661,529,-666,529,-667,529,-672,-674,529,-677,529,529,529,-687,-689,529,-692,529,529,-744,529,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,529,529,529,529,529,-877,529,-880,-908,-920,-925,-388,-389,529,-394,529,-397,529,-402,529,-403,529,-408,529,-413,529,-417,529,-418,529,-423,529,-426,-899,-900,-643,-585,-1894,-901,529,529,529,-800,529,529,-804,529,-807,-833,529,-818,529,-820,529,-822,-808,529,-824,529,-851,-852,529,529,-811,529,-646,-902,-904,-648,-649,-645,529,-705,-706,529,-642,-903,-647,-650,-603,-714,529,529,-605,-586,529,529,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,529,529,-709,-710,529,-716,529,529,529,529,529,529,-938,529,-439,-441,-747,529,-891,529,-715,-1894,529,529,529,529,529,-442,-512,-523,529,-728,-733,529,-735,529,-740,529,-662,-668,529,-678,-680,-682,-683,-690,-693,-697,-745,529,529,-874,529,529,-878,529,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,529,-812,529,-814,-801,529,-802,-805,529,-816,-819,-821,-823,-825,529,-826,529,-809,529,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,529,-282,529,529,529,529,-455,529,529,-729,529,-736,529,-741,529,-663,-671,529,529,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,529,-836,-53,529,529,-730,529,-737,529,-742,-664,529,-873,-54,529,529,-731,-738,-743,529,529,529,-872,]),'NONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[530,530,530,530,-1894,530,530,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,530,530,530,530,-275,-276,530,-1425,530,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,530,530,530,-490,530,530,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,530,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,530,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,530,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,530,-172,-173,-174,-175,-993,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-290,-291,-281,530,530,530,530,530,-328,-318,-332,-333,-334,530,530,-982,-983,-984,-985,-986,-987,-988,530,530,530,530,530,530,530,530,530,530,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,530,530,530,-353,-356,530,-323,-324,-141,530,-142,530,-143,530,-430,-935,-936,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-1894,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-1894,530,-1894,530,530,530,530,530,530,530,530,530,530,530,530,-1894,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,530,-1894,530,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,530,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,530,530,530,-191,-192,530,-994,530,530,530,530,530,-277,-278,-279,-280,-365,530,-308,530,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,530,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,530,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,530,530,530,530,530,530,-573,530,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,530,530,-723,-724,-725,530,530,530,530,530,530,-994,530,530,-91,-92,530,530,530,530,-309,-310,-320,530,-307,-293,-294,-295,530,530,530,530,-618,-633,-590,530,530,-436,530,-437,530,-444,-445,-446,-378,-379,530,530,530,-506,530,530,-510,530,530,530,530,-515,-516,-517,-518,530,530,-521,-522,530,-524,-525,-526,-527,-528,-529,-530,-531,530,-533,530,530,530,-539,-541,-542,530,-544,-545,-546,-547,530,530,530,530,530,530,-652,-653,-654,-655,530,-657,-658,-659,530,530,530,-665,530,530,-669,-670,530,530,-673,530,-675,-676,530,-679,530,-681,530,530,-684,-685,-686,530,-688,530,530,-691,530,530,-694,-695,-696,530,-698,-699,-700,-701,530,530,-746,530,-749,-750,-751,-752,-753,530,-755,-756,-757,-758,-759,530,-766,-767,-769,530,-771,-772,-773,-782,-856,-858,-860,-862,530,530,530,530,-868,530,-870,530,530,530,530,530,530,530,-906,-907,530,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,530,-921,-924,530,-934,530,-385,-386,-387,530,530,-390,-391,-392,-393,530,-396,530,-399,-400,530,-401,530,-406,-407,530,-410,-411,-412,530,-415,530,-416,530,-421,-422,530,-425,530,-428,-429,-1894,-1894,530,-619,-620,-621,-622,-623,-634,-584,-624,-797,530,530,530,530,530,-831,530,530,-806,530,-832,530,530,530,530,-798,530,-853,-799,530,530,530,530,530,530,-854,-855,530,-834,-830,-835,530,-625,530,-626,-627,-628,-629,-574,530,530,-630,-631,-632,530,530,530,530,530,530,-635,-636,-637,-592,-1894,-602,530,-638,-639,-713,-640,-604,530,-572,-577,-580,-583,530,530,530,-598,-601,530,-608,530,530,530,530,530,530,530,530,530,530,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,530,530,530,-995,530,530,530,530,530,530,-306,-325,-319,-296,-375,-452,-453,-454,-458,530,-443,530,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,530,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,530,530,530,530,530,530,530,530,530,-316,-535,-508,-591,-937,-939,-940,-438,530,-440,-380,-381,-383,-507,-509,-511,530,-513,-514,-519,-520,530,-532,-534,-537,-538,-543,-548,-726,530,-727,530,-732,530,-734,530,-739,-656,-660,-661,530,-666,530,-667,530,-672,-674,530,-677,530,530,530,-687,-689,530,-692,530,530,-744,530,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,530,530,530,530,530,-877,530,-880,-908,-920,-925,-388,-389,530,-394,530,-397,530,-402,530,-403,530,-408,530,-413,530,-417,530,-418,530,-423,530,-426,-899,-900,-643,-585,-1894,-901,530,530,530,-800,530,530,-804,530,-807,-833,530,-818,530,-820,530,-822,-808,530,-824,530,-851,-852,530,530,-811,530,-646,-902,-904,-648,-649,-645,530,-705,-706,530,-642,-903,-647,-650,-603,-714,530,530,-605,-586,530,530,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,530,530,-709,-710,530,-716,530,530,530,530,530,530,-938,530,-439,-441,-747,530,-891,530,-715,-1894,530,530,530,530,530,-442,-512,-523,530,-728,-733,530,-735,530,-740,530,-662,-668,530,-678,-680,-682,-683,-690,-693,-697,-745,530,530,-874,530,530,-878,530,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,530,-812,530,-814,-801,530,-802,-805,530,-816,-819,-821,-823,-825,530,-826,530,-809,530,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,530,-282,530,530,530,530,-455,530,530,-729,530,-736,530,-741,530,-663,-671,530,530,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,530,-836,-53,530,530,-730,530,-737,530,-742,-664,530,-873,-54,530,530,-731,-738,-743,530,530,530,-872,]),'NORMAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[531,531,531,531,-1894,531,531,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,531,531,531,531,-275,-276,531,-1425,531,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,531,531,531,-490,531,531,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,531,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,531,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,531,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,531,-172,-173,-174,-175,-993,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-290,-291,-281,531,531,531,531,531,-328,-318,-332,-333,-334,531,531,-982,-983,-984,-985,-986,-987,-988,531,531,531,531,531,531,531,531,531,531,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,531,531,531,-353,-356,531,-323,-324,-141,531,-142,531,-143,531,-430,-935,-936,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-1894,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-1894,531,-1894,531,531,531,531,531,531,531,531,531,531,531,531,-1894,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,531,-1894,531,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,531,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,531,531,531,-191,-192,531,-994,531,531,531,531,531,-277,-278,-279,-280,-365,531,-308,531,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,531,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,531,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,531,531,531,531,531,531,-573,531,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,531,531,-723,-724,-725,531,531,531,531,531,531,-994,531,531,-91,-92,531,531,531,531,-309,-310,-320,531,-307,-293,-294,-295,531,531,531,531,-618,-633,-590,531,531,-436,531,-437,531,-444,-445,-446,-378,-379,531,531,531,-506,531,531,-510,531,531,531,531,-515,-516,-517,-518,531,531,-521,-522,531,-524,-525,-526,-527,-528,-529,-530,-531,531,-533,531,531,531,-539,-541,-542,531,-544,-545,-546,-547,531,531,531,531,531,531,-652,-653,-654,-655,531,-657,-658,-659,531,531,531,-665,531,531,-669,-670,531,531,-673,531,-675,-676,531,-679,531,-681,531,531,-684,-685,-686,531,-688,531,531,-691,531,531,-694,-695,-696,531,-698,-699,-700,-701,531,531,-746,531,-749,-750,-751,-752,-753,531,-755,-756,-757,-758,-759,531,-766,-767,-769,531,-771,-772,-773,-782,-856,-858,-860,-862,531,531,531,531,-868,531,-870,531,531,531,531,531,531,531,-906,-907,531,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,531,-921,-924,531,-934,531,-385,-386,-387,531,531,-390,-391,-392,-393,531,-396,531,-399,-400,531,-401,531,-406,-407,531,-410,-411,-412,531,-415,531,-416,531,-421,-422,531,-425,531,-428,-429,-1894,-1894,531,-619,-620,-621,-622,-623,-634,-584,-624,-797,531,531,531,531,531,-831,531,531,-806,531,-832,531,531,531,531,-798,531,-853,-799,531,531,531,531,531,531,-854,-855,531,-834,-830,-835,531,-625,531,-626,-627,-628,-629,-574,531,531,-630,-631,-632,531,531,531,531,531,531,-635,-636,-637,-592,-1894,-602,531,-638,-639,-713,-640,-604,531,-572,-577,-580,-583,531,531,531,-598,-601,531,-608,531,531,531,531,531,531,531,531,531,531,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,531,531,531,-995,531,531,531,531,531,531,-306,-325,-319,-296,-375,-452,-453,-454,-458,531,-443,531,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,531,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,531,531,531,531,531,531,531,531,531,-316,-535,-508,-591,-937,-939,-940,-438,531,-440,-380,-381,-383,-507,-509,-511,531,-513,-514,-519,-520,531,-532,-534,-537,-538,-543,-548,-726,531,-727,531,-732,531,-734,531,-739,-656,-660,-661,531,-666,531,-667,531,-672,-674,531,-677,531,531,531,-687,-689,531,-692,531,531,-744,531,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,531,531,531,531,531,-877,531,-880,-908,-920,-925,-388,-389,531,-394,531,-397,531,-402,531,-403,531,-408,531,-413,531,-417,531,-418,531,-423,531,-426,-899,-900,-643,-585,-1894,-901,531,531,531,-800,531,531,-804,531,-807,-833,531,-818,531,-820,531,-822,-808,531,-824,531,-851,-852,531,531,-811,531,-646,-902,-904,-648,-649,-645,531,-705,-706,531,-642,-903,-647,-650,-603,-714,531,531,-605,-586,531,531,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,531,531,-709,-710,531,-716,531,531,531,531,531,531,-938,531,-439,-441,-747,531,-891,531,-715,-1894,531,531,531,531,531,-442,-512,-523,531,-728,-733,531,-735,531,-740,531,-662,-668,531,-678,-680,-682,-683,-690,-693,-697,-745,531,531,-874,531,531,-878,531,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,531,-812,531,-814,-801,531,-802,-805,531,-816,-819,-821,-823,-825,531,-826,531,-809,531,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,531,-282,531,531,531,531,-455,531,531,-729,531,-736,531,-741,531,-663,-671,531,531,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,531,-836,-53,531,531,-730,531,-737,531,-742,-664,531,-873,-54,531,531,-731,-738,-743,531,531,531,-872,]),'NOW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[532,532,532,1293,-1894,532,532,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,532,532,532,532,-275,-276,1293,-1425,1293,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1293,1293,1293,-490,1293,1293,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1293,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1293,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1293,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,532,-172,-173,-174,-175,-993,532,532,532,532,532,532,532,532,532,532,1293,1293,1293,1293,1293,-290,-291,-281,532,1293,1293,1293,1293,-328,-318,-332,-333,-334,1293,1293,-982,-983,-984,-985,-986,-987,-988,532,532,1293,1293,1293,1293,1293,1293,1293,1293,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1293,1293,1293,-353,-356,532,-323,-324,-141,1293,-142,1293,-143,1293,-430,-935,-936,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1894,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1894,1293,-1894,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1894,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-1894,532,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1293,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1293,532,532,-191,-192,532,-994,1293,532,532,532,532,-277,-278,-279,-280,-365,1293,-308,1293,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1293,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1293,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1293,1293,1293,1293,1293,1293,-573,1293,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1293,1293,-723,-724,-725,1293,1293,532,532,532,532,-994,532,1293,-91,-92,532,532,532,1293,-309,-310,-320,1293,-307,-293,-294,-295,1293,532,1293,1293,-618,-633,-590,1293,532,-436,532,-437,1293,-444,-445,-446,-378,-379,1293,1293,1293,-506,1293,1293,-510,1293,1293,1293,1293,-515,-516,-517,-518,1293,1293,-521,-522,1293,-524,-525,-526,-527,-528,-529,-530,-531,1293,-533,1293,1293,1293,-539,-541,-542,1293,-544,-545,-546,-547,1293,1293,1293,1293,1293,1293,-652,-653,-654,-655,532,-657,-658,-659,1293,1293,1293,-665,1293,1293,-669,-670,1293,1293,-673,1293,-675,-676,1293,-679,1293,-681,1293,1293,-684,-685,-686,1293,-688,1293,1293,-691,1293,1293,-694,-695,-696,1293,-698,-699,-700,-701,1293,1293,-746,1293,-749,-750,-751,-752,-753,1293,-755,-756,-757,-758,-759,1293,-766,-767,-769,1293,-771,-772,-773,-782,-856,-858,-860,-862,1293,1293,1293,1293,-868,1293,-870,1293,1293,1293,1293,1293,1293,1293,-906,-907,1293,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1293,-921,-924,1293,-934,1293,-385,-386,-387,1293,1293,-390,-391,-392,-393,1293,-396,1293,-399,-400,1293,-401,1293,-406,-407,1293,-410,-411,-412,1293,-415,1293,-416,1293,-421,-422,1293,-425,1293,-428,-429,-1894,-1894,1293,-619,-620,-621,-622,-623,-634,-584,-624,-797,1293,1293,1293,1293,1293,-831,1293,1293,-806,1293,-832,1293,1293,1293,1293,-798,1293,-853,-799,1293,1293,1293,1293,1293,1293,-854,-855,1293,-834,-830,-835,1293,-625,1293,-626,-627,-628,-629,-574,1293,1293,-630,-631,-632,1293,1293,1293,1293,1293,1293,-635,-636,-637,-592,-1894,-602,1293,-638,-639,-713,-640,-604,1293,-572,-577,-580,-583,1293,1293,1293,-598,-601,1293,-608,1293,1293,1293,1293,1293,1293,1293,1293,1293,1293,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1293,532,532,-995,532,1293,532,532,532,1293,-306,-325,-319,-296,-375,-452,-453,-454,-458,532,-443,1293,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1293,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,532,532,532,532,532,532,532,532,1293,-316,-535,-508,-591,-937,-939,-940,-438,1293,-440,-380,-381,-383,-507,-509,-511,1293,-513,-514,-519,-520,1293,-532,-534,-537,-538,-543,-548,-726,1293,-727,1293,-732,1293,-734,1293,-739,-656,-660,-661,1293,-666,1293,-667,1293,-672,-674,1293,-677,1293,1293,1293,-687,-689,1293,-692,1293,1293,-744,1293,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1293,1293,1293,1293,1293,-877,1293,-880,-908,-920,-925,-388,-389,1293,-394,1293,-397,1293,-402,1293,-403,1293,-408,1293,-413,1293,-417,1293,-418,1293,-423,1293,-426,-899,-900,-643,-585,-1894,-901,1293,1293,1293,-800,1293,1293,-804,1293,-807,-833,1293,-818,1293,-820,1293,-822,-808,1293,-824,1293,-851,-852,1293,1293,-811,1293,-646,-902,-904,-648,-649,-645,1293,-705,-706,1293,-642,-903,-647,-650,-603,-714,1293,1293,-605,-586,1293,1293,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1293,1293,-709,-710,1293,-716,1293,532,532,532,1293,1293,-938,532,-439,-441,-747,1293,-891,1293,-715,-1894,1293,1293,532,532,1293,-442,-512,-523,1293,-728,-733,1293,-735,1293,-740,1293,-662,-668,1293,-678,-680,-682,-683,-690,-693,-697,-745,1293,1293,-874,1293,1293,-878,1293,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1293,-812,1293,-814,-801,1293,-802,-805,1293,-816,-819,-821,-823,-825,1293,-826,1293,-809,1293,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,532,-282,532,1293,532,1293,-455,1293,1293,-729,1293,-736,1293,-741,1293,-663,-671,1293,1293,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1293,-836,-53,532,1293,-730,1293,-737,1293,-742,-664,1293,-873,-54,532,532,-731,-738,-743,1293,532,1293,-872,]),'NOWAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[533,533,533,533,-1894,533,533,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,533,533,533,533,-275,-276,533,-1425,533,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,533,533,533,-490,533,533,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,533,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,533,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,533,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,533,-172,-173,-174,-175,-993,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-290,-291,-281,533,533,533,533,533,-328,-318,-332,-333,-334,533,533,-982,-983,-984,-985,-986,-987,-988,533,533,533,533,533,533,533,533,533,533,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,533,533,533,-353,-356,533,-323,-324,-141,533,-142,533,-143,533,-430,-935,-936,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-1894,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-1894,533,-1894,533,533,533,533,533,533,533,533,533,533,533,533,-1894,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,533,-1894,533,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,533,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,533,533,533,-191,-192,533,-994,533,533,533,533,533,-277,-278,-279,-280,-365,533,-308,533,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,533,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,533,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,533,533,533,533,533,533,-573,533,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,533,533,-723,-724,-725,533,533,533,533,533,533,-994,533,533,-91,-92,533,533,533,533,-309,-310,-320,533,-307,-293,-294,-295,533,533,533,533,-618,-633,-590,533,533,-436,533,-437,533,-444,-445,-446,-378,-379,533,533,533,-506,533,533,-510,533,533,533,533,-515,-516,-517,-518,533,533,-521,-522,533,-524,-525,-526,-527,-528,-529,-530,-531,533,-533,533,533,533,-539,-541,-542,533,-544,-545,-546,-547,533,533,533,533,533,533,-652,-653,-654,-655,533,-657,-658,-659,533,533,533,-665,533,533,-669,-670,533,533,-673,533,-675,-676,533,-679,533,-681,533,533,-684,-685,-686,533,-688,533,533,-691,533,533,-694,-695,-696,533,-698,-699,-700,-701,533,533,-746,533,-749,-750,-751,-752,-753,533,-755,-756,-757,-758,-759,533,-766,-767,-769,533,-771,-772,-773,-782,-856,-858,-860,-862,533,533,533,533,-868,533,-870,533,533,533,533,533,533,533,-906,-907,533,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,533,-921,-924,533,-934,533,-385,-386,-387,533,533,-390,-391,-392,-393,533,-396,533,-399,-400,533,-401,533,-406,-407,533,-410,-411,-412,533,-415,533,-416,533,-421,-422,533,-425,533,-428,-429,-1894,-1894,533,-619,-620,-621,-622,-623,-634,-584,-624,-797,533,533,533,533,533,-831,533,533,-806,533,-832,533,533,533,533,-798,533,-853,-799,533,533,533,533,533,533,-854,-855,533,-834,-830,-835,533,-625,533,-626,-627,-628,-629,-574,533,533,-630,-631,-632,533,533,533,533,533,533,-635,-636,-637,-592,-1894,-602,533,-638,-639,-713,-640,-604,533,-572,-577,-580,-583,533,533,533,-598,-601,533,-608,533,533,533,533,533,533,533,533,533,533,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,533,533,533,3197,-995,533,533,533,533,533,533,-306,-325,-319,-296,-375,-452,-453,-454,-458,533,-443,533,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,533,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,533,533,533,533,533,533,533,533,533,-316,-535,-508,-591,-937,-939,-940,-438,533,-440,-380,-381,-383,-507,-509,-511,533,-513,-514,-519,-520,533,-532,-534,-537,-538,-543,-548,-726,533,-727,533,-732,533,-734,533,-739,-656,-660,-661,533,-666,533,-667,533,-672,-674,533,-677,533,533,533,-687,-689,533,-692,533,533,-744,533,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,533,533,533,533,533,-877,533,-880,-908,-920,-925,-388,-389,533,-394,533,-397,533,-402,533,-403,533,-408,533,-413,533,-417,533,-418,533,-423,533,-426,-899,-900,-643,-585,-1894,-901,533,533,533,-800,533,533,-804,533,-807,-833,533,-818,533,-820,533,-822,-808,533,-824,533,-851,-852,533,533,-811,533,-646,-902,-904,-648,-649,-645,533,-705,-706,533,-642,-903,-647,-650,-603,-714,533,533,-605,-586,533,533,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,533,533,-709,-710,533,-716,533,533,533,533,533,533,-938,533,-439,-441,-747,533,-891,533,-715,-1894,533,533,533,533,533,-442,-512,-523,533,-728,-733,533,-735,533,-740,533,-662,-668,533,-678,-680,-682,-683,-690,-693,-697,-745,533,533,-874,533,533,-878,533,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,533,-812,533,-814,-801,533,-802,-805,533,-816,-819,-821,-823,-825,533,-826,533,-809,533,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,533,-282,533,533,533,533,-455,533,533,-729,533,-736,533,-741,533,-663,-671,533,533,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,533,-836,-53,533,533,-730,533,-737,533,-742,-664,533,-873,-54,533,533,-731,-738,-743,533,533,533,-872,]),'NO_WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[534,534,534,534,-1894,534,534,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,534,534,534,534,-275,-276,534,-1425,534,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,534,534,534,-490,534,534,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,534,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,534,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,534,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,534,-172,-173,-174,-175,-993,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-290,-291,-281,534,534,534,534,534,-328,-318,-332,-333,-334,534,534,-982,-983,-984,-985,-986,-987,-988,534,534,534,534,534,534,534,534,534,534,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,534,534,534,-353,-356,534,-323,-324,-141,534,-142,534,-143,534,-430,-935,-936,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-1894,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-1894,534,-1894,534,534,534,534,534,534,534,534,534,534,534,534,-1894,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,534,-1894,534,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,534,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,534,534,534,-191,-192,534,-994,534,534,534,534,534,-277,-278,-279,-280,-365,534,-308,534,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,534,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,534,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,534,534,534,534,534,534,-573,534,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,534,534,-723,-724,-725,534,534,534,534,534,534,-994,534,534,-91,-92,534,534,534,534,-309,-310,-320,534,-307,-293,-294,-295,534,534,534,534,-618,-633,-590,534,534,-436,534,-437,534,-444,-445,-446,-378,-379,534,534,534,-506,534,534,-510,534,534,534,534,-515,-516,-517,-518,534,534,-521,-522,534,-524,-525,-526,-527,-528,-529,-530,-531,534,-533,534,534,534,-539,-541,-542,534,-544,-545,-546,-547,534,534,534,534,534,534,-652,-653,-654,-655,534,-657,-658,-659,534,534,534,-665,534,534,-669,-670,534,534,-673,534,-675,-676,534,-679,534,-681,534,534,-684,-685,-686,534,-688,534,534,-691,534,534,-694,-695,-696,534,-698,-699,-700,-701,534,534,-746,534,-749,-750,-751,-752,-753,534,-755,-756,-757,-758,-759,534,-766,-767,-769,534,-771,-772,-773,-782,-856,-858,-860,-862,534,534,534,534,-868,534,-870,534,534,534,534,534,534,534,-906,-907,534,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,534,-921,-924,534,-934,534,-385,-386,-387,534,534,-390,-391,-392,-393,534,-396,534,-399,-400,534,-401,534,-406,-407,534,-410,-411,-412,534,-415,534,-416,534,-421,-422,534,-425,534,-428,-429,-1894,-1894,534,-619,-620,-621,-622,-623,-634,-584,-624,-797,534,534,534,534,534,-831,534,534,-806,534,-832,534,534,534,534,-798,534,-853,-799,534,534,534,534,534,534,-854,-855,534,-834,-830,-835,534,-625,534,-626,-627,-628,-629,-574,534,534,-630,-631,-632,534,534,534,534,534,534,-635,-636,-637,-592,-1894,-602,534,-638,-639,-713,-640,-604,534,-572,-577,-580,-583,534,534,534,-598,-601,534,-608,534,534,534,534,534,534,534,534,534,534,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,534,534,534,3198,-995,534,534,534,534,534,534,-306,-325,-319,-296,-375,-452,-453,-454,-458,534,-443,534,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,534,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,534,534,534,534,534,534,534,534,534,-316,-535,-508,-591,-937,-939,-940,-438,534,-440,-380,-381,-383,-507,-509,-511,534,-513,-514,-519,-520,534,-532,-534,-537,-538,-543,-548,-726,534,-727,534,-732,534,-734,534,-739,-656,-660,-661,534,-666,534,-667,534,-672,-674,534,-677,534,534,534,-687,-689,534,-692,534,534,-744,534,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,534,534,534,534,534,-877,534,-880,-908,-920,-925,-388,-389,534,-394,534,-397,534,-402,534,-403,534,-408,534,-413,534,-417,534,-418,534,-423,534,-426,-899,-900,-643,-585,-1894,-901,534,534,534,-800,534,534,-804,534,-807,-833,534,-818,534,-820,534,-822,-808,534,-824,534,-851,-852,534,534,-811,534,-646,-902,-904,-648,-649,-645,534,-705,-706,534,-642,-903,-647,-650,-603,-714,534,534,-605,-586,534,534,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,534,534,-709,-710,534,-716,534,534,534,534,534,534,-938,534,-439,-441,-747,534,-891,534,-715,-1894,534,534,534,534,534,-442,-512,-523,534,-728,-733,534,-735,534,-740,534,-662,-668,534,-678,-680,-682,-683,-690,-693,-697,-745,534,534,-874,534,534,-878,534,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,534,-812,534,-814,-801,534,-802,-805,534,-816,-819,-821,-823,-825,534,-826,534,-809,534,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,534,-282,534,534,534,534,-455,534,534,-729,534,-736,534,-741,534,-663,-671,534,534,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,534,-836,-53,534,534,-730,534,-737,534,-742,-664,534,-873,-54,534,534,-731,-738,-743,534,534,534,-872,]),'NULLS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2479,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2886,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2986,2987,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[535,535,535,535,-1894,535,535,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,535,535,535,535,-275,-276,535,-1425,535,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,535,535,535,-490,535,535,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,535,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,535,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,535,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,535,-172,-173,-174,-175,-993,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-290,-291,-281,535,535,535,535,535,-328,-318,-332,-333,-334,535,535,-982,-983,-984,-985,-986,-987,-988,535,535,535,535,535,535,535,535,535,535,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,535,535,535,-353,-356,535,-323,-324,-141,535,-142,535,-143,535,-430,-935,-936,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-1894,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-1894,535,-1894,535,535,535,535,535,535,535,535,535,535,535,535,-1894,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,535,-1894,535,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,535,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,535,535,535,-191,-192,535,-994,535,535,535,535,535,-277,-278,-279,-280,-365,535,-308,535,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,535,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,535,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,535,535,535,535,535,535,-573,535,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,535,535,-723,-724,-725,535,535,535,535,2887,535,535,-994,535,535,-91,-92,535,535,535,535,-309,-310,-320,535,-307,-293,-294,-295,535,535,535,535,-618,-633,-590,535,535,-436,535,-437,535,-444,-445,-446,-378,-379,535,535,535,-506,535,535,-510,535,535,535,535,-515,-516,-517,-518,535,535,-521,-522,535,-524,-525,-526,-527,-528,-529,-530,-531,535,-533,535,535,535,-539,-541,-542,535,-544,-545,-546,-547,535,535,535,535,535,535,-652,-653,-654,-655,535,-657,-658,-659,535,535,535,-665,535,535,-669,-670,535,535,-673,535,-675,-676,535,-679,535,-681,535,535,-684,-685,-686,535,-688,535,535,-691,535,535,-694,-695,-696,535,-698,-699,-700,-701,535,535,-746,535,-749,-750,-751,-752,-753,535,-755,-756,-757,-758,-759,535,-766,-767,-769,535,-771,-772,-773,-782,-856,-858,-860,-862,535,535,535,535,-868,535,-870,535,535,535,535,535,535,535,-906,-907,535,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,535,-921,-924,535,-934,535,-385,-386,-387,535,535,-390,-391,-392,-393,535,-396,535,-399,-400,535,-401,535,-406,-407,535,-410,-411,-412,535,-415,535,-416,535,-421,-422,535,-425,535,-428,-429,-1894,-1894,535,-619,-620,-621,-622,-623,-634,-584,-624,-797,535,535,535,535,535,-831,535,535,-806,535,-832,535,535,535,535,-798,535,-853,-799,535,535,535,535,535,535,-854,-855,535,-834,-830,-835,535,-625,535,-626,-627,-628,-629,-574,535,535,-630,-631,-632,535,535,535,535,535,535,-635,-636,-637,-592,-1894,-602,535,-638,-639,-713,-640,-604,535,-572,-577,-580,-583,535,535,535,-598,-601,535,-608,535,535,535,535,535,535,535,535,535,535,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,535,2887,-144,-145,535,535,-995,535,535,535,535,535,535,-306,-325,-319,-296,-375,-452,-453,-454,-458,535,3258,3259,-443,535,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,535,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,535,535,535,535,535,535,535,535,535,-316,-535,-508,-591,-937,-939,-940,-438,535,-440,-380,-381,-383,-507,-509,-511,535,-513,-514,-519,-520,535,-532,-534,-537,-538,-543,-548,-726,535,-727,535,-732,535,-734,535,-739,-656,-660,-661,535,-666,535,-667,535,-672,-674,535,-677,535,535,535,-687,-689,535,-692,535,535,-744,535,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,535,535,535,535,535,-877,535,-880,-908,-920,-925,-388,-389,535,-394,535,-397,535,-402,535,-403,535,-408,535,-413,535,-417,535,-418,535,-423,535,-426,-899,-900,-643,-585,-1894,-901,535,535,535,-800,535,535,-804,535,-807,-833,535,-818,535,-820,535,-822,-808,535,-824,535,-851,-852,535,535,-811,535,-646,-902,-904,-648,-649,-645,535,-705,-706,535,-642,-903,-647,-650,-603,-714,535,535,-605,-586,535,535,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,535,535,-709,-710,535,-716,535,535,535,535,535,535,-938,535,-439,-441,-747,535,-891,535,-715,-1894,535,535,535,535,535,-442,-512,-523,535,-728,-733,535,-735,535,-740,535,-662,-668,535,-678,-680,-682,-683,-690,-693,-697,-745,535,535,-874,535,535,-878,535,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,535,-812,535,-814,-801,535,-802,-805,535,-816,-819,-821,-823,-825,535,-826,535,-809,535,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,535,-282,535,535,535,535,-455,535,535,-729,535,-736,535,-741,535,-663,-671,535,535,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,535,-836,-53,535,535,-730,535,-737,535,-742,-664,535,-873,-54,535,535,-731,-738,-743,535,535,535,-872,]),'NULLIF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[536,536,536,1047,-1894,536,536,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,536,536,536,536,-275,-276,1047,-1425,1047,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1047,1047,1047,-490,1047,1047,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1047,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1047,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1924,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,536,-172,-173,-174,-175,-993,536,536,536,536,536,536,536,536,536,536,1047,1047,1047,1047,1047,-290,-291,-281,536,1047,1047,1047,1047,-328,-318,-332,-333,-334,1047,1047,-982,-983,-984,-985,-986,-987,-988,536,536,1047,1047,1047,1047,1047,1047,1047,1047,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1047,1047,1047,-353,-356,536,-323,-324,-141,1047,-142,1047,-143,1047,-430,-935,-936,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1894,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1894,1047,-1894,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1894,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-1894,536,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1047,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1047,536,536,-191,-192,536,-994,1047,536,536,536,536,-277,-278,-279,-280,-365,1047,-308,1047,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1047,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1047,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1047,1047,1047,1047,1047,1047,-573,1047,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1047,1047,-723,-724,-725,1047,1924,536,536,536,536,-994,536,1047,-91,-92,536,536,536,1047,-309,-310,-320,1047,-307,-293,-294,-295,1047,536,1047,1047,-618,-633,-590,1047,536,-436,536,-437,1047,-444,-445,-446,-378,-379,1047,1047,1047,-506,1047,1047,-510,1047,1047,1047,1047,-515,-516,-517,-518,1047,1047,-521,-522,1047,-524,-525,-526,-527,-528,-529,-530,-531,1047,-533,1047,1047,1047,-539,-541,-542,1047,-544,-545,-546,-547,1047,1047,1047,1047,1047,1047,-652,-653,-654,-655,536,-657,-658,-659,1047,1047,1047,-665,1047,1047,-669,-670,1047,1047,-673,1047,-675,-676,1047,-679,1047,-681,1047,1047,-684,-685,-686,1047,-688,1047,1047,-691,1047,1047,-694,-695,-696,1047,-698,-699,-700,-701,1047,1047,-746,1047,-749,-750,-751,-752,-753,1047,-755,-756,-757,-758,-759,1047,-766,-767,-769,1047,-771,-772,-773,-782,-856,-858,-860,-862,1047,1047,1047,1047,-868,1047,-870,1047,1047,1047,1047,1047,1047,1047,-906,-907,1047,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1047,-921,-924,1047,-934,1047,-385,-386,-387,1047,1047,-390,-391,-392,-393,1047,-396,1047,-399,-400,1047,-401,1047,-406,-407,1047,-410,-411,-412,1047,-415,1047,-416,1047,-421,-422,1047,-425,1047,-428,-429,-1894,-1894,1047,-619,-620,-621,-622,-623,-634,-584,-624,-797,1047,1047,1047,1047,1047,-831,1047,1047,-806,1047,-832,1047,1047,1047,1047,-798,1047,-853,-799,1047,1047,1047,1047,1047,1047,-854,-855,1047,-834,-830,-835,1047,-625,1047,-626,-627,-628,-629,-574,1047,1047,-630,-631,-632,1047,1047,1047,1047,1047,1047,-635,-636,-637,-592,-1894,-602,1047,-638,-639,-713,-640,-604,1047,-572,-577,-580,-583,1047,1047,1047,-598,-601,1047,-608,1047,1047,1047,1047,1047,1047,1047,1047,1047,1047,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1047,536,536,-995,536,1047,536,536,536,1047,-306,-325,-319,-296,-375,-452,-453,-454,-458,536,-443,1047,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1047,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,536,536,536,536,536,536,536,536,1047,-316,-535,-508,-591,-937,-939,-940,-438,1047,-440,-380,-381,-383,-507,-509,-511,1047,-513,-514,-519,-520,1047,-532,-534,-537,-538,-543,-548,-726,1047,-727,1047,-732,1047,-734,1047,-739,-656,-660,-661,1047,-666,1047,-667,1047,-672,-674,1047,-677,1047,1047,1047,-687,-689,1047,-692,1047,1047,-744,1047,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1047,1047,1047,1047,1047,-877,1047,-880,-908,-920,-925,-388,-389,1047,-394,1047,-397,1047,-402,1047,-403,1047,-408,1047,-413,1047,-417,1047,-418,1047,-423,1047,-426,-899,-900,-643,-585,-1894,-901,1047,1047,1047,-800,1047,1047,-804,1047,-807,-833,1047,-818,1047,-820,1047,-822,-808,1047,-824,1047,-851,-852,1047,1047,-811,1047,-646,-902,-904,-648,-649,-645,1047,-705,-706,1047,-642,-903,-647,-650,-603,-714,1047,1047,-605,-586,1047,1047,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1047,1047,-709,-710,1047,-716,1047,536,536,536,1047,1047,-938,536,-439,-441,-747,1047,-891,1924,-715,-1894,1047,1047,536,536,1047,-442,-512,-523,1047,-728,-733,1047,-735,1047,-740,1047,-662,-668,1047,-678,-680,-682,-683,-690,-693,-697,-745,1047,1047,-874,1047,1047,-878,1047,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1047,-812,1047,-814,-801,1047,-802,-805,1047,-816,-819,-821,-823,-825,1047,-826,1047,-809,1047,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,536,-282,536,1047,536,1047,-455,1047,1047,-729,1047,-736,1047,-741,1047,-663,-671,1047,1047,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1047,-836,-53,536,1047,-730,1047,-737,1047,-742,-664,1047,-873,-54,536,536,-731,-738,-743,1047,536,1047,-872,]),'NVARCHAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[537,537,537,537,-1894,537,537,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,537,537,537,537,-275,-276,537,-1425,537,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,537,537,537,-490,537,537,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,537,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,537,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,537,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,537,-172,-173,-174,-175,-993,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-290,-291,-281,537,537,537,537,537,-328,-318,-332,-333,-334,537,537,-982,-983,-984,-985,-986,-987,-988,537,537,537,537,537,537,537,537,537,537,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,537,537,537,-353,-356,537,-323,-324,-141,537,-142,537,-143,537,-430,-935,-936,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-1894,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-1894,537,-1894,537,537,537,537,537,537,537,537,537,537,537,537,-1894,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,537,-1894,537,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,537,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,537,537,537,-191,-192,537,-994,537,537,537,537,537,-277,-278,-279,-280,-365,537,-308,537,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,537,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,537,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,537,537,537,537,537,537,-573,537,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,537,537,-723,-724,-725,537,537,537,537,537,537,-994,537,537,-91,-92,537,537,537,537,-309,-310,-320,537,-307,-293,-294,-295,537,537,537,537,-618,-633,-590,537,537,-436,537,-437,537,-444,-445,-446,-378,-379,537,537,537,-506,537,537,-510,537,537,537,537,-515,-516,-517,-518,537,537,-521,-522,537,-524,-525,-526,-527,-528,-529,-530,-531,537,-533,537,537,537,-539,-541,-542,537,-544,-545,-546,-547,537,537,537,537,537,537,-652,-653,-654,-655,537,-657,-658,-659,537,537,537,-665,537,537,-669,-670,537,537,-673,537,-675,-676,537,-679,537,-681,537,537,-684,-685,-686,537,-688,537,537,-691,537,537,-694,-695,-696,537,-698,-699,-700,-701,537,537,-746,537,-749,-750,-751,-752,-753,537,-755,-756,-757,-758,-759,537,-766,-767,-769,537,-771,-772,-773,-782,-856,-858,-860,-862,537,537,537,537,-868,537,-870,537,537,537,537,537,537,537,-906,-907,537,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,537,-921,-924,537,-934,537,-385,-386,-387,537,537,-390,-391,-392,-393,537,-396,537,-399,-400,537,-401,537,-406,-407,537,-410,-411,-412,537,-415,537,-416,537,-421,-422,537,-425,537,-428,-429,-1894,-1894,537,-619,-620,-621,-622,-623,-634,-584,-624,-797,537,537,537,537,537,-831,537,537,-806,537,-832,537,537,537,537,-798,537,-853,-799,537,537,537,537,537,537,-854,-855,537,-834,-830,-835,537,-625,537,-626,-627,-628,-629,-574,537,537,-630,-631,-632,537,537,537,537,537,537,-635,-636,-637,-592,-1894,-602,537,-638,-639,-713,-640,-604,537,-572,-577,-580,-583,537,537,537,-598,-601,537,-608,537,537,537,537,537,537,537,537,537,537,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,537,537,537,-995,537,537,537,537,537,537,-306,-325,-319,-296,-375,-452,-453,-454,-458,537,-443,537,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,537,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,537,537,537,537,537,537,537,537,537,-316,-535,-508,-591,-937,-939,-940,-438,537,-440,-380,-381,-383,-507,-509,-511,537,-513,-514,-519,-520,537,-532,-534,-537,-538,-543,-548,-726,537,-727,537,-732,537,-734,537,-739,-656,-660,-661,537,-666,537,-667,537,-672,-674,537,-677,537,537,537,-687,-689,537,-692,537,537,-744,537,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,537,537,537,537,537,-877,537,-880,-908,-920,-925,-388,-389,537,-394,537,-397,537,-402,537,-403,537,-408,537,-413,537,-417,537,-418,537,-423,537,-426,-899,-900,-643,-585,-1894,-901,537,537,537,-800,537,537,-804,537,-807,-833,537,-818,537,-820,537,-822,-808,537,-824,537,-851,-852,537,537,-811,537,-646,-902,-904,-648,-649,-645,537,-705,-706,537,-642,-903,-647,-650,-603,-714,537,537,-605,-586,537,537,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,537,537,-709,-710,537,-716,537,537,537,537,537,537,-938,537,-439,-441,-747,537,-891,537,-715,-1894,537,537,537,537,537,-442,-512,-523,537,-728,-733,537,-735,537,-740,537,-662,-668,537,-678,-680,-682,-683,-690,-693,-697,-745,537,537,-874,537,537,-878,537,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,537,-812,537,-814,-801,537,-802,-805,537,-816,-819,-821,-823,-825,537,-826,537,-809,537,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,537,-282,537,537,537,537,-455,537,537,-729,537,-736,537,-741,537,-663,-671,537,537,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,537,-836,-53,537,537,-730,537,-737,537,-742,-664,537,-873,-54,537,537,-731,-738,-743,537,537,537,-872,]),'NVL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[538,538,538,1015,-1894,538,538,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,538,538,538,538,-275,-276,1015,-1425,1015,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1015,1015,1015,-490,1015,1015,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1015,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1015,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1925,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,538,-172,-173,-174,-175,-993,538,538,538,538,538,538,538,538,538,538,1015,1015,1015,1015,1015,-290,-291,-281,538,1015,1015,1015,1015,-328,-318,-332,-333,-334,1015,1015,-982,-983,-984,-985,-986,-987,-988,538,538,1015,1015,1015,1015,1015,1015,1015,1015,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1015,1015,1015,-353,-356,538,-323,-324,-141,1015,-142,1015,-143,1015,-430,-935,-936,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1894,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1894,1015,-1894,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1894,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-1894,538,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1015,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1015,538,538,-191,-192,538,-994,1015,538,538,538,538,-277,-278,-279,-280,-365,1015,-308,1015,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1015,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1015,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1015,1015,1015,1015,1015,1015,-573,1015,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1015,1015,-723,-724,-725,1015,1925,538,538,538,538,-994,538,1015,-91,-92,538,538,538,1015,-309,-310,-320,1015,-307,-293,-294,-295,1015,538,1015,1015,-618,-633,-590,1015,538,-436,538,-437,1015,-444,-445,-446,-378,-379,1015,1015,1015,-506,1015,1015,-510,1015,1015,1015,1015,-515,-516,-517,-518,1015,1015,-521,-522,1015,-524,-525,-526,-527,-528,-529,-530,-531,1015,-533,1015,1015,1015,-539,-541,-542,1015,-544,-545,-546,-547,1015,1015,1015,1015,1015,1015,-652,-653,-654,-655,538,-657,-658,-659,1015,1015,1015,-665,1015,1015,-669,-670,1015,1015,-673,1015,-675,-676,1015,-679,1015,-681,1015,1015,-684,-685,-686,1015,-688,1015,1015,-691,1015,1015,-694,-695,-696,1015,-698,-699,-700,-701,1015,1015,-746,1015,-749,-750,-751,-752,-753,1015,-755,-756,-757,-758,-759,1015,-766,-767,-769,1015,-771,-772,-773,-782,-856,-858,-860,-862,1015,1015,1015,1015,-868,1015,-870,1015,1015,1015,1015,1015,1015,1015,-906,-907,1015,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1015,-921,-924,1015,-934,1015,-385,-386,-387,1015,1015,-390,-391,-392,-393,1015,-396,1015,-399,-400,1015,-401,1015,-406,-407,1015,-410,-411,-412,1015,-415,1015,-416,1015,-421,-422,1015,-425,1015,-428,-429,-1894,-1894,1015,-619,-620,-621,-622,-623,-634,-584,-624,-797,1015,1015,1015,1015,1015,-831,1015,1015,-806,1015,-832,1015,1015,1015,1015,-798,1015,-853,-799,1015,1015,1015,1015,1015,1015,-854,-855,1015,-834,-830,-835,1015,-625,1015,-626,-627,-628,-629,-574,1015,1015,-630,-631,-632,1015,1015,1015,1015,1015,1015,-635,-636,-637,-592,-1894,-602,1015,-638,-639,-713,-640,-604,1015,-572,-577,-580,-583,1015,1015,1015,-598,-601,1015,-608,1015,1015,1015,1015,1015,1015,1015,1015,1015,1015,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1015,538,538,-995,538,1015,538,538,538,1015,-306,-325,-319,-296,-375,-452,-453,-454,-458,538,-443,1015,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1015,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,538,538,538,538,538,538,538,538,1015,-316,-535,-508,-591,-937,-939,-940,-438,1015,-440,-380,-381,-383,-507,-509,-511,1015,-513,-514,-519,-520,1015,-532,-534,-537,-538,-543,-548,-726,1015,-727,1015,-732,1015,-734,1015,-739,-656,-660,-661,1015,-666,1015,-667,1015,-672,-674,1015,-677,1015,1015,1015,-687,-689,1015,-692,1015,1015,-744,1015,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1015,1015,1015,1015,1015,-877,1015,-880,-908,-920,-925,-388,-389,1015,-394,1015,-397,1015,-402,1015,-403,1015,-408,1015,-413,1015,-417,1015,-418,1015,-423,1015,-426,-899,-900,-643,-585,-1894,-901,1015,1015,1015,-800,1015,1015,-804,1015,-807,-833,1015,-818,1015,-820,1015,-822,-808,1015,-824,1015,-851,-852,1015,1015,-811,1015,-646,-902,-904,-648,-649,-645,1015,-705,-706,1015,-642,-903,-647,-650,-603,-714,1015,1015,-605,-586,1015,1015,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1015,1015,-709,-710,1015,-716,1015,538,538,538,1015,1015,-938,538,-439,-441,-747,1015,-891,1925,-715,-1894,1015,1015,538,538,1015,-442,-512,-523,1015,-728,-733,1015,-735,1015,-740,1015,-662,-668,1015,-678,-680,-682,-683,-690,-693,-697,-745,1015,1015,-874,1015,1015,-878,1015,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1015,-812,1015,-814,-801,1015,-802,-805,1015,-816,-819,-821,-823,-825,1015,-826,1015,-809,1015,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,538,-282,538,1015,538,1015,-455,1015,1015,-729,1015,-736,1015,-741,1015,-663,-671,1015,1015,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1015,-836,-53,538,1015,-730,1015,-737,1015,-742,-664,1015,-873,-54,538,538,-731,-738,-743,1015,538,1015,-872,]),'OAD_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[539,539,539,539,-1894,539,539,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,539,539,539,539,-275,-276,539,-1425,539,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,539,539,539,-490,539,539,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,539,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,539,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,539,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,539,-172,-173,-174,-175,-993,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-290,-291,-281,539,539,539,539,539,-328,-318,-332,-333,-334,539,539,-982,-983,-984,-985,-986,-987,-988,539,539,539,539,539,539,539,539,539,539,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,539,539,539,-353,-356,539,-323,-324,-141,539,-142,539,-143,539,-430,-935,-936,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-1894,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-1894,539,-1894,539,539,539,539,539,539,539,539,539,539,539,539,-1894,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,539,-1894,539,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,539,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,539,539,539,-191,-192,539,-994,539,539,539,539,539,-277,-278,-279,-280,-365,539,-308,539,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,539,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,539,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,539,539,539,539,539,539,-573,539,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,539,539,-723,-724,-725,539,539,539,539,539,539,-994,539,539,-91,-92,539,539,539,539,-309,-310,-320,539,-307,-293,-294,-295,539,539,539,539,-618,-633,-590,539,539,-436,539,-437,539,-444,-445,-446,-378,-379,539,539,539,-506,539,539,-510,539,539,539,539,-515,-516,-517,-518,539,539,-521,-522,539,-524,-525,-526,-527,-528,-529,-530,-531,539,-533,539,539,539,-539,-541,-542,539,-544,-545,-546,-547,539,539,539,539,539,539,-652,-653,-654,-655,539,-657,-658,-659,539,539,539,-665,539,539,-669,-670,539,539,-673,539,-675,-676,539,-679,539,-681,539,539,-684,-685,-686,539,-688,539,539,-691,539,539,-694,-695,-696,539,-698,-699,-700,-701,539,539,-746,539,-749,-750,-751,-752,-753,539,-755,-756,-757,-758,-759,539,-766,-767,-769,539,-771,-772,-773,-782,-856,-858,-860,-862,539,539,539,539,-868,539,-870,539,539,539,539,539,539,539,-906,-907,539,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,539,-921,-924,539,-934,539,-385,-386,-387,539,539,-390,-391,-392,-393,539,-396,539,-399,-400,539,-401,539,-406,-407,539,-410,-411,-412,539,-415,539,-416,539,-421,-422,539,-425,539,-428,-429,-1894,-1894,539,-619,-620,-621,-622,-623,-634,-584,-624,-797,539,539,539,539,539,-831,539,539,-806,539,-832,539,539,539,539,-798,539,-853,-799,539,539,539,539,539,539,-854,-855,539,-834,-830,-835,539,-625,539,-626,-627,-628,-629,-574,539,539,-630,-631,-632,539,539,539,539,539,539,-635,-636,-637,-592,-1894,-602,539,-638,-639,-713,-640,-604,539,-572,-577,-580,-583,539,539,539,-598,-601,539,-608,539,539,539,539,539,539,539,539,539,539,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,539,539,539,-995,539,539,539,539,539,539,-306,-325,-319,-296,-375,-452,-453,-454,-458,539,-443,539,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,539,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,539,539,539,539,539,539,539,539,539,-316,-535,-508,-591,-937,-939,-940,-438,539,-440,-380,-381,-383,-507,-509,-511,539,-513,-514,-519,-520,539,-532,-534,-537,-538,-543,-548,-726,539,-727,539,-732,539,-734,539,-739,-656,-660,-661,539,-666,539,-667,539,-672,-674,539,-677,539,539,539,-687,-689,539,-692,539,539,-744,539,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,539,539,539,539,539,-877,539,-880,-908,-920,-925,-388,-389,539,-394,539,-397,539,-402,539,-403,539,-408,539,-413,539,-417,539,-418,539,-423,539,-426,-899,-900,-643,-585,-1894,-901,539,539,539,-800,539,539,-804,539,-807,-833,539,-818,539,-820,539,-822,-808,539,-824,539,-851,-852,539,539,-811,539,-646,-902,-904,-648,-649,-645,539,-705,-706,539,-642,-903,-647,-650,-603,-714,539,539,-605,-586,539,539,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,539,539,-709,-710,539,-716,539,539,539,539,539,539,-938,539,-439,-441,-747,539,-891,539,-715,-1894,539,539,539,539,539,-442,-512,-523,539,-728,-733,539,-735,539,-740,539,-662,-668,539,-678,-680,-682,-683,-690,-693,-697,-745,539,539,-874,539,539,-878,539,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,539,-812,539,-814,-801,539,-802,-805,539,-816,-819,-821,-823,-825,539,-826,539,-809,539,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,539,-282,539,539,539,539,-455,539,539,-729,539,-736,539,-741,539,-663,-671,539,539,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,539,-836,-53,539,539,-730,539,-737,539,-742,-664,539,-873,-54,539,539,-731,-738,-743,539,539,539,-872,]),'OCCUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[540,540,540,540,-1894,540,540,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,540,540,540,540,-275,-276,540,-1425,540,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,540,540,540,-490,540,540,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,540,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,540,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,540,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,540,-172,-173,-174,-175,-993,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-290,-291,-281,540,540,540,540,540,-328,-318,-332,-333,-334,540,540,-982,-983,-984,-985,-986,-987,-988,540,540,540,540,540,540,540,540,540,540,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,540,540,540,-353,-356,540,-323,-324,-141,540,-142,540,-143,540,-430,-935,-936,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-1894,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-1894,540,-1894,540,540,540,540,540,540,540,540,540,540,540,540,-1894,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,540,-1894,540,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,540,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,540,540,540,-191,-192,540,-994,540,540,540,540,540,-277,-278,-279,-280,-365,540,-308,540,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,540,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,540,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,540,540,540,540,540,540,-573,540,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,540,540,-723,-724,-725,540,540,540,540,540,540,-994,540,540,-91,-92,540,540,540,540,-309,-310,-320,540,-307,-293,-294,-295,540,540,540,540,-618,-633,-590,540,540,-436,540,-437,540,-444,-445,-446,-378,-379,540,540,540,-506,540,540,-510,540,540,540,540,-515,-516,-517,-518,540,540,-521,-522,540,-524,-525,-526,-527,-528,-529,-530,-531,540,-533,540,540,540,-539,-541,-542,540,-544,-545,-546,-547,540,540,540,540,540,540,-652,-653,-654,-655,540,-657,-658,-659,540,540,540,-665,540,540,-669,-670,540,540,-673,540,-675,-676,540,-679,540,-681,540,540,-684,-685,-686,540,-688,540,540,-691,540,540,-694,-695,-696,540,-698,-699,-700,-701,540,540,-746,540,-749,-750,-751,-752,-753,540,-755,-756,-757,-758,-759,540,-766,-767,-769,540,-771,-772,-773,-782,-856,-858,-860,-862,540,540,540,540,-868,540,-870,540,540,540,540,540,540,540,-906,-907,540,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,540,-921,-924,540,-934,540,-385,-386,-387,540,540,-390,-391,-392,-393,540,-396,540,-399,-400,540,-401,540,-406,-407,540,-410,-411,-412,540,-415,540,-416,540,-421,-422,540,-425,540,-428,-429,-1894,-1894,540,-619,-620,-621,-622,-623,-634,-584,-624,-797,540,540,540,540,540,-831,540,540,-806,540,-832,540,540,540,540,-798,540,-853,-799,540,540,540,540,540,540,-854,-855,540,-834,-830,-835,540,-625,540,-626,-627,-628,-629,-574,540,540,-630,-631,-632,540,540,540,540,540,540,-635,-636,-637,-592,-1894,-602,540,-638,-639,-713,-640,-604,540,-572,-577,-580,-583,540,540,540,-598,-601,540,-608,540,540,540,540,540,540,540,540,540,540,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,540,540,540,-995,540,540,540,540,540,540,-306,-325,-319,-296,-375,-452,-453,-454,-458,540,-443,540,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,540,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,540,540,540,540,540,540,540,540,540,-316,-535,-508,-591,-937,-939,-940,-438,540,-440,-380,-381,-383,-507,-509,-511,540,-513,-514,-519,-520,540,-532,-534,-537,-538,-543,-548,-726,540,-727,540,-732,540,-734,540,-739,-656,-660,-661,540,-666,540,-667,540,-672,-674,540,-677,540,540,540,-687,-689,540,-692,540,540,-744,540,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,540,540,540,540,540,-877,540,-880,-908,-920,-925,-388,-389,540,-394,540,-397,540,-402,540,-403,540,-408,540,-413,540,-417,540,-418,540,-423,540,-426,-899,-900,-643,-585,-1894,-901,540,540,540,-800,540,540,-804,540,-807,-833,540,-818,540,-820,540,-822,-808,540,-824,540,-851,-852,540,540,-811,540,-646,-902,-904,-648,-649,-645,540,-705,-706,540,-642,-903,-647,-650,-603,-714,540,540,-605,-586,540,540,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,540,540,-709,-710,540,-716,540,540,540,540,540,540,-938,540,-439,-441,-747,540,-891,540,-715,-1894,540,540,540,540,540,-442,-512,-523,540,-728,-733,540,-735,540,-740,540,-662,-668,540,-678,-680,-682,-683,-690,-693,-697,-745,540,540,-874,540,540,-878,540,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,540,-812,540,-814,-801,540,-802,-805,540,-816,-819,-821,-823,-825,540,-826,540,-809,540,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,540,-282,540,540,540,540,-455,540,540,-729,540,-736,540,-741,540,-663,-671,540,540,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,540,-836,-53,540,540,-730,540,-737,540,-742,-664,540,-873,-54,540,540,-731,-738,-743,540,540,540,-872,]),'OCT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[541,541,541,1109,-1894,541,541,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,541,541,541,541,-275,-276,1109,-1425,1109,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1109,1109,1109,-490,1109,1109,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1109,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1109,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1926,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,541,-172,-173,-174,-175,-993,541,541,541,541,541,541,541,541,541,541,1109,1109,1109,1109,1109,-290,-291,-281,541,1109,1109,1109,1109,-328,-318,-332,-333,-334,1109,1109,-982,-983,-984,-985,-986,-987,-988,541,541,1109,1109,1109,1109,1109,1109,1109,1109,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1109,1109,1109,-353,-356,541,-323,-324,-141,1109,-142,1109,-143,1109,-430,-935,-936,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1894,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1894,1109,-1894,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1894,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-1894,541,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1109,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1109,541,541,-191,-192,541,-994,1109,541,541,541,541,-277,-278,-279,-280,-365,1109,-308,1109,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1109,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1109,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1109,1109,1109,1109,1109,1109,-573,1109,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1109,1109,-723,-724,-725,1109,1926,541,541,541,541,-994,541,1109,-91,-92,541,541,541,1109,-309,-310,-320,1109,-307,-293,-294,-295,1109,541,1109,1109,-618,-633,-590,1109,541,-436,541,-437,1109,-444,-445,-446,-378,-379,1109,1109,1109,-506,1109,1109,-510,1109,1109,1109,1109,-515,-516,-517,-518,1109,1109,-521,-522,1109,-524,-525,-526,-527,-528,-529,-530,-531,1109,-533,1109,1109,1109,-539,-541,-542,1109,-544,-545,-546,-547,1109,1109,1109,1109,1109,1109,-652,-653,-654,-655,541,-657,-658,-659,1109,1109,1109,-665,1109,1109,-669,-670,1109,1109,-673,1109,-675,-676,1109,-679,1109,-681,1109,1109,-684,-685,-686,1109,-688,1109,1109,-691,1109,1109,-694,-695,-696,1109,-698,-699,-700,-701,1109,1109,-746,1109,-749,-750,-751,-752,-753,1109,-755,-756,-757,-758,-759,1109,-766,-767,-769,1109,-771,-772,-773,-782,-856,-858,-860,-862,1109,1109,1109,1109,-868,1109,-870,1109,1109,1109,1109,1109,1109,1109,-906,-907,1109,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1109,-921,-924,1109,-934,1109,-385,-386,-387,1109,1109,-390,-391,-392,-393,1109,-396,1109,-399,-400,1109,-401,1109,-406,-407,1109,-410,-411,-412,1109,-415,1109,-416,1109,-421,-422,1109,-425,1109,-428,-429,-1894,-1894,1109,-619,-620,-621,-622,-623,-634,-584,-624,-797,1109,1109,1109,1109,1109,-831,1109,1109,-806,1109,-832,1109,1109,1109,1109,-798,1109,-853,-799,1109,1109,1109,1109,1109,1109,-854,-855,1109,-834,-830,-835,1109,-625,1109,-626,-627,-628,-629,-574,1109,1109,-630,-631,-632,1109,1109,1109,1109,1109,1109,-635,-636,-637,-592,-1894,-602,1109,-638,-639,-713,-640,-604,1109,-572,-577,-580,-583,1109,1109,1109,-598,-601,1109,-608,1109,1109,1109,1109,1109,1109,1109,1109,1109,1109,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1109,541,541,-995,541,1109,541,541,541,1109,-306,-325,-319,-296,-375,-452,-453,-454,-458,541,-443,1109,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1109,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,541,541,541,541,541,541,541,541,1109,-316,-535,-508,-591,-937,-939,-940,-438,1109,-440,-380,-381,-383,-507,-509,-511,1109,-513,-514,-519,-520,1109,-532,-534,-537,-538,-543,-548,-726,1109,-727,1109,-732,1109,-734,1109,-739,-656,-660,-661,1109,-666,1109,-667,1109,-672,-674,1109,-677,1109,1109,1109,-687,-689,1109,-692,1109,1109,-744,1109,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1109,1109,1109,1109,1109,-877,1109,-880,-908,-920,-925,-388,-389,1109,-394,1109,-397,1109,-402,1109,-403,1109,-408,1109,-413,1109,-417,1109,-418,1109,-423,1109,-426,-899,-900,-643,-585,-1894,-901,1109,1109,1109,-800,1109,1109,-804,1109,-807,-833,1109,-818,1109,-820,1109,-822,-808,1109,-824,1109,-851,-852,1109,1109,-811,1109,-646,-902,-904,-648,-649,-645,1109,-705,-706,1109,-642,-903,-647,-650,-603,-714,1109,1109,-605,-586,1109,1109,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1109,1109,-709,-710,1109,-716,1109,541,541,541,1109,1109,-938,541,-439,-441,-747,1109,-891,1926,-715,-1894,1109,1109,541,541,1109,-442,-512,-523,1109,-728,-733,1109,-735,1109,-740,1109,-662,-668,1109,-678,-680,-682,-683,-690,-693,-697,-745,1109,1109,-874,1109,1109,-878,1109,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1109,-812,1109,-814,-801,1109,-802,-805,1109,-816,-819,-821,-823,-825,1109,-826,1109,-809,1109,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,541,-282,541,1109,541,1109,-455,1109,1109,-729,1109,-736,1109,-741,1109,-663,-671,1109,1109,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1109,-836,-53,541,1109,-730,1109,-737,1109,-742,-664,1109,-873,-54,541,541,-731,-738,-743,1109,541,1109,-872,]),'OCTET_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[542,542,542,1110,-1894,542,542,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,542,542,542,542,-275,-276,1110,-1425,1110,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1110,1110,1110,-490,1110,1110,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1110,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1110,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1927,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,542,-172,-173,-174,-175,-993,542,542,542,542,542,542,542,542,542,542,1110,1110,1110,1110,1110,-290,-291,-281,542,1110,1110,1110,1110,-328,-318,-332,-333,-334,1110,1110,-982,-983,-984,-985,-986,-987,-988,542,542,1110,1110,1110,1110,1110,1110,1110,1110,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1110,1110,1110,-353,-356,542,-323,-324,-141,1110,-142,1110,-143,1110,-430,-935,-936,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1894,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1894,1110,-1894,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1894,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-1894,542,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1110,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1110,542,542,-191,-192,542,-994,1110,542,542,542,542,-277,-278,-279,-280,-365,1110,-308,1110,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1110,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1110,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1110,1110,1110,1110,1110,1110,-573,1110,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1110,1110,-723,-724,-725,1110,1927,542,542,542,542,-994,542,1110,-91,-92,542,542,542,1110,-309,-310,-320,1110,-307,-293,-294,-295,1110,542,1110,1110,-618,-633,-590,1110,542,-436,542,-437,1110,-444,-445,-446,-378,-379,1110,1110,1110,-506,1110,1110,-510,1110,1110,1110,1110,-515,-516,-517,-518,1110,1110,-521,-522,1110,-524,-525,-526,-527,-528,-529,-530,-531,1110,-533,1110,1110,1110,-539,-541,-542,1110,-544,-545,-546,-547,1110,1110,1110,1110,1110,1110,-652,-653,-654,-655,542,-657,-658,-659,1110,1110,1110,-665,1110,1110,-669,-670,1110,1110,-673,1110,-675,-676,1110,-679,1110,-681,1110,1110,-684,-685,-686,1110,-688,1110,1110,-691,1110,1110,-694,-695,-696,1110,-698,-699,-700,-701,1110,1110,-746,1110,-749,-750,-751,-752,-753,1110,-755,-756,-757,-758,-759,1110,-766,-767,-769,1110,-771,-772,-773,-782,-856,-858,-860,-862,1110,1110,1110,1110,-868,1110,-870,1110,1110,1110,1110,1110,1110,1110,-906,-907,1110,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1110,-921,-924,1110,-934,1110,-385,-386,-387,1110,1110,-390,-391,-392,-393,1110,-396,1110,-399,-400,1110,-401,1110,-406,-407,1110,-410,-411,-412,1110,-415,1110,-416,1110,-421,-422,1110,-425,1110,-428,-429,-1894,-1894,1110,-619,-620,-621,-622,-623,-634,-584,-624,-797,1110,1110,1110,1110,1110,-831,1110,1110,-806,1110,-832,1110,1110,1110,1110,-798,1110,-853,-799,1110,1110,1110,1110,1110,1110,-854,-855,1110,-834,-830,-835,1110,-625,1110,-626,-627,-628,-629,-574,1110,1110,-630,-631,-632,1110,1110,1110,1110,1110,1110,-635,-636,-637,-592,-1894,-602,1110,-638,-639,-713,-640,-604,1110,-572,-577,-580,-583,1110,1110,1110,-598,-601,1110,-608,1110,1110,1110,1110,1110,1110,1110,1110,1110,1110,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1110,542,542,-995,542,1110,542,542,542,1110,-306,-325,-319,-296,-375,-452,-453,-454,-458,542,-443,1110,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1110,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,542,542,542,542,542,542,542,542,1110,-316,-535,-508,-591,-937,-939,-940,-438,1110,-440,-380,-381,-383,-507,-509,-511,1110,-513,-514,-519,-520,1110,-532,-534,-537,-538,-543,-548,-726,1110,-727,1110,-732,1110,-734,1110,-739,-656,-660,-661,1110,-666,1110,-667,1110,-672,-674,1110,-677,1110,1110,1110,-687,-689,1110,-692,1110,1110,-744,1110,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1110,1110,1110,1110,1110,-877,1110,-880,-908,-920,-925,-388,-389,1110,-394,1110,-397,1110,-402,1110,-403,1110,-408,1110,-413,1110,-417,1110,-418,1110,-423,1110,-426,-899,-900,-643,-585,-1894,-901,1110,1110,1110,-800,1110,1110,-804,1110,-807,-833,1110,-818,1110,-820,1110,-822,-808,1110,-824,1110,-851,-852,1110,1110,-811,1110,-646,-902,-904,-648,-649,-645,1110,-705,-706,1110,-642,-903,-647,-650,-603,-714,1110,1110,-605,-586,1110,1110,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1110,1110,-709,-710,1110,-716,1110,542,542,542,1110,1110,-938,542,-439,-441,-747,1110,-891,1927,-715,-1894,1110,1110,542,542,1110,-442,-512,-523,1110,-728,-733,1110,-735,1110,-740,1110,-662,-668,1110,-678,-680,-682,-683,-690,-693,-697,-745,1110,1110,-874,1110,1110,-878,1110,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1110,-812,1110,-814,-801,1110,-802,-805,1110,-816,-819,-821,-823,-825,1110,-826,1110,-809,1110,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,542,-282,542,1110,542,1110,-455,1110,1110,-729,1110,-736,1110,-741,1110,-663,-671,1110,1110,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1110,-836,-53,542,1110,-730,1110,-737,1110,-742,-664,1110,-873,-54,542,542,-731,-738,-743,1110,542,1110,-872,]),'OERCIBILITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[543,543,543,543,-1894,543,543,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,543,543,543,543,-275,-276,543,-1425,543,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,543,543,543,-490,543,543,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,543,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,543,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,543,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,543,-172,-173,-174,-175,-993,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-290,-291,-281,543,543,543,543,543,-328,-318,-332,-333,-334,543,543,-982,-983,-984,-985,-986,-987,-988,543,543,543,543,543,543,543,543,543,543,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,543,543,543,-353,-356,543,-323,-324,-141,543,-142,543,-143,543,-430,-935,-936,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-1894,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-1894,543,-1894,543,543,543,543,543,543,543,543,543,543,543,543,-1894,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,543,-1894,543,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,543,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,543,543,543,-191,-192,543,-994,543,543,543,543,543,-277,-278,-279,-280,-365,543,-308,543,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,543,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,543,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,543,543,543,543,543,543,-573,543,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,543,543,-723,-724,-725,543,543,543,543,543,543,-994,543,543,-91,-92,543,543,543,543,-309,-310,-320,543,-307,-293,-294,-295,543,543,543,543,-618,-633,-590,543,543,-436,543,-437,543,-444,-445,-446,-378,-379,543,543,543,-506,543,543,-510,543,543,543,543,-515,-516,-517,-518,543,543,-521,-522,543,-524,-525,-526,-527,-528,-529,-530,-531,543,-533,543,543,543,-539,-541,-542,543,-544,-545,-546,-547,543,543,543,543,543,543,-652,-653,-654,-655,543,-657,-658,-659,543,543,543,-665,543,543,-669,-670,543,543,-673,543,-675,-676,543,-679,543,-681,543,543,-684,-685,-686,543,-688,543,543,-691,543,543,-694,-695,-696,543,-698,-699,-700,-701,543,543,-746,543,-749,-750,-751,-752,-753,543,-755,-756,-757,-758,-759,543,-766,-767,-769,543,-771,-772,-773,-782,-856,-858,-860,-862,543,543,543,543,-868,543,-870,543,543,543,543,543,543,543,-906,-907,543,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,543,-921,-924,543,-934,543,-385,-386,-387,543,543,-390,-391,-392,-393,543,-396,543,-399,-400,543,-401,543,-406,-407,543,-410,-411,-412,543,-415,543,-416,543,-421,-422,543,-425,543,-428,-429,-1894,-1894,543,-619,-620,-621,-622,-623,-634,-584,-624,-797,543,543,543,543,543,-831,543,543,-806,543,-832,543,543,543,543,-798,543,-853,-799,543,543,543,543,543,543,-854,-855,543,-834,-830,-835,543,-625,543,-626,-627,-628,-629,-574,543,543,-630,-631,-632,543,543,543,543,543,543,-635,-636,-637,-592,-1894,-602,543,-638,-639,-713,-640,-604,543,-572,-577,-580,-583,543,543,543,-598,-601,543,-608,543,543,543,543,543,543,543,543,543,543,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,543,543,543,-995,543,543,543,543,543,543,-306,-325,-319,-296,-375,-452,-453,-454,-458,543,-443,543,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,543,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,543,543,543,543,543,543,543,543,543,-316,-535,-508,-591,-937,-939,-940,-438,543,-440,-380,-381,-383,-507,-509,-511,543,-513,-514,-519,-520,543,-532,-534,-537,-538,-543,-548,-726,543,-727,543,-732,543,-734,543,-739,-656,-660,-661,543,-666,543,-667,543,-672,-674,543,-677,543,543,543,-687,-689,543,-692,543,543,-744,543,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,543,543,543,543,543,-877,543,-880,-908,-920,-925,-388,-389,543,-394,543,-397,543,-402,543,-403,543,-408,543,-413,543,-417,543,-418,543,-423,543,-426,-899,-900,-643,-585,-1894,-901,543,543,543,-800,543,543,-804,543,-807,-833,543,-818,543,-820,543,-822,-808,543,-824,543,-851,-852,543,543,-811,543,-646,-902,-904,-648,-649,-645,543,-705,-706,543,-642,-903,-647,-650,-603,-714,543,543,-605,-586,543,543,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,543,543,-709,-710,543,-716,543,543,543,543,543,543,-938,543,-439,-441,-747,543,-891,543,-715,-1894,543,543,543,543,543,-442,-512,-523,543,-728,-733,543,-735,543,-740,543,-662,-668,543,-678,-680,-682,-683,-690,-693,-697,-745,543,543,-874,543,543,-878,543,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,543,-812,543,-814,-801,543,-802,-805,543,-816,-819,-821,-823,-825,543,-826,543,-809,543,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,543,-282,543,543,543,543,-455,543,543,-729,543,-736,543,-741,543,-663,-671,543,543,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,543,-836,-53,543,543,-730,543,-737,543,-742,-664,543,-873,-54,543,543,-731,-738,-743,543,543,543,-872,]),'OF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1444,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[544,544,544,544,-1894,544,544,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,544,544,544,544,-275,-276,544,-1425,544,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,544,544,544,-490,544,544,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,544,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,544,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,544,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,544,-172,-173,-174,-175,-993,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-290,-291,-281,544,544,544,544,544,2066,-328,-318,-332,-333,-334,544,544,-982,-983,-984,-985,-986,-987,-988,544,544,544,544,544,544,544,544,544,544,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,544,544,544,-353,-356,544,-323,-324,-141,544,-142,544,-143,544,-430,-935,-936,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-1894,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-1894,544,-1894,544,544,544,544,544,544,544,544,544,544,544,544,-1894,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,544,-1894,544,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,544,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,544,544,544,-191,-192,544,-994,544,544,544,544,544,-277,-278,-279,-280,-365,544,-308,544,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,544,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,544,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,544,544,544,544,544,544,-573,544,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,544,544,-723,-724,-725,544,544,544,544,544,544,-994,544,544,-91,-92,544,544,544,544,-309,-310,-320,544,-307,-293,-294,-295,544,544,544,544,-618,-633,-590,544,544,-436,544,-437,544,-444,-445,-446,-378,-379,544,544,544,-506,544,544,-510,544,544,544,544,-515,-516,-517,-518,544,544,-521,-522,544,-524,-525,-526,-527,-528,-529,-530,-531,544,-533,544,544,544,-539,-541,-542,544,-544,-545,-546,-547,544,544,544,544,544,544,-652,-653,-654,-655,544,-657,-658,-659,544,544,544,-665,544,544,-669,-670,544,544,-673,544,-675,-676,544,-679,544,-681,544,544,-684,-685,-686,544,-688,544,544,-691,544,544,-694,-695,-696,544,-698,-699,-700,-701,544,544,-746,544,-749,-750,-751,-752,-753,544,-755,-756,-757,-758,-759,544,-766,-767,-769,544,-771,-772,-773,-782,-856,-858,-860,-862,544,544,544,544,-868,544,-870,544,544,544,544,544,544,544,-906,-907,544,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,544,-921,-924,544,-934,544,-385,-386,-387,544,544,-390,-391,-392,-393,544,-396,544,-399,-400,544,-401,544,-406,-407,544,-410,-411,-412,544,-415,544,-416,544,-421,-422,544,-425,544,-428,-429,-1894,-1894,544,-619,-620,-621,-622,-623,-634,-584,-624,-797,544,544,544,544,544,-831,544,544,-806,544,-832,544,544,544,544,-798,544,-853,-799,544,544,544,544,544,544,-854,-855,544,-834,-830,-835,544,-625,544,-626,-627,-628,-629,-574,544,544,-630,-631,-632,544,544,544,544,544,544,-635,-636,-637,-592,-1894,-602,544,-638,-639,-713,-640,-604,544,-572,-577,-580,-583,544,544,544,-598,-601,544,-608,544,544,544,544,544,544,544,544,544,544,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,544,544,544,-995,544,544,544,544,544,544,-306,-325,-319,-296,-375,-452,-453,-454,-458,544,-443,544,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,544,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,544,544,544,544,544,544,544,544,544,-316,-535,-508,-591,-937,-939,-940,-438,544,-440,-380,-381,-383,-507,-509,-511,544,-513,-514,-519,-520,544,-532,-534,-537,-538,-543,-548,-726,544,-727,544,-732,544,-734,544,-739,-656,-660,-661,544,-666,544,-667,544,-672,-674,544,-677,544,544,544,-687,-689,544,-692,544,544,-744,544,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,544,544,544,544,544,-877,544,-880,-908,-920,-925,-388,-389,544,-394,544,-397,544,-402,544,-403,544,-408,544,-413,544,-417,544,-418,544,-423,544,-426,-899,-900,-643,-585,-1894,-901,544,544,544,-800,544,544,-804,544,-807,-833,544,-818,544,-820,544,-822,-808,544,-824,544,-851,-852,544,544,-811,544,-646,-902,-904,-648,-649,-645,544,-705,-706,544,-642,-903,-647,-650,-603,-714,544,544,-605,-586,544,544,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,544,544,-709,-710,544,-716,544,544,544,544,544,544,-938,544,-439,-441,-747,544,-891,544,-715,-1894,544,544,544,544,544,-442,-512,-523,544,-728,-733,544,-735,544,-740,544,-662,-668,544,-678,-680,-682,-683,-690,-693,-697,-745,544,544,-874,544,544,-878,544,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,544,-812,544,-814,-801,544,-802,-805,544,-816,-819,-821,-823,-825,544,-826,544,-809,544,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,544,-282,544,544,544,544,-455,544,544,-729,544,-736,544,-741,544,-663,-671,544,544,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,544,-836,-53,544,544,-730,544,-737,544,-742,-664,544,-873,-54,544,544,-731,-738,-743,544,544,544,-872,]),'OFF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[545,545,545,545,-1894,545,545,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,545,545,545,545,-275,-276,545,-1425,545,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,545,545,545,-490,545,545,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,545,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,545,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,545,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,545,-172,-173,-174,-175,-993,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-290,-291,-281,545,545,545,545,545,-328,-318,-332,-333,-334,545,545,-982,-983,-984,-985,-986,-987,-988,545,545,545,545,545,545,545,545,545,545,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,545,545,545,-353,-356,545,-323,-324,-141,545,-142,545,-143,545,-430,-935,-936,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-1894,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-1894,545,-1894,545,545,545,545,545,545,545,545,545,545,545,545,-1894,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,545,-1894,545,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,545,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,545,545,545,-191,-192,545,-994,545,545,545,545,545,-277,-278,-279,-280,-365,545,-308,545,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,545,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,545,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,545,545,545,545,545,545,-573,545,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,545,545,-723,-724,-725,545,545,545,545,545,545,-994,545,545,-91,-92,545,545,545,545,-309,-310,-320,545,-307,-293,-294,-295,545,545,545,545,-618,-633,-590,545,545,-436,545,-437,545,-444,-445,-446,-378,-379,545,545,545,-506,545,545,-510,545,545,545,545,-515,-516,-517,-518,545,545,-521,-522,545,-524,-525,-526,-527,-528,-529,-530,-531,545,-533,545,545,545,-539,-541,-542,545,-544,-545,-546,-547,545,545,545,545,545,545,-652,-653,-654,-655,545,-657,-658,-659,545,545,545,-665,545,545,-669,-670,545,545,-673,545,-675,-676,545,-679,545,-681,545,545,-684,-685,-686,545,-688,545,545,-691,545,545,-694,-695,-696,545,-698,-699,-700,-701,545,545,-746,545,-749,-750,-751,-752,-753,545,-755,-756,-757,-758,-759,545,-766,-767,-769,545,-771,-772,-773,-782,-856,-858,-860,-862,545,545,545,545,-868,545,-870,545,545,545,545,545,545,545,-906,-907,545,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,545,-921,-924,545,-934,545,-385,-386,-387,545,545,-390,-391,-392,-393,545,-396,545,-399,-400,545,-401,545,-406,-407,545,-410,-411,-412,545,-415,545,-416,545,-421,-422,545,-425,545,-428,-429,-1894,-1894,545,-619,-620,-621,-622,-623,-634,-584,-624,-797,545,545,545,545,545,-831,545,545,-806,545,-832,545,545,545,545,-798,545,-853,-799,545,545,545,545,545,545,-854,-855,545,-834,-830,-835,545,-625,545,-626,-627,-628,-629,-574,545,545,-630,-631,-632,545,545,545,545,545,545,-635,-636,-637,-592,-1894,-602,545,-638,-639,-713,-640,-604,545,-572,-577,-580,-583,545,545,545,-598,-601,545,-608,545,545,545,545,545,545,545,545,545,545,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,545,545,545,-995,545,545,545,545,545,545,-306,-325,-319,-296,-375,-452,-453,-454,-458,545,-443,545,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,545,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,545,545,545,545,545,545,545,545,545,-316,-535,-508,-591,-937,-939,-940,-438,545,-440,-380,-381,-383,-507,-509,-511,545,-513,-514,-519,-520,545,-532,-534,-537,-538,-543,-548,-726,545,-727,545,-732,545,-734,545,-739,-656,-660,-661,545,-666,545,-667,545,-672,-674,545,-677,545,545,545,-687,-689,545,-692,545,545,-744,545,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,545,545,545,545,545,-877,545,-880,-908,-920,-925,-388,-389,545,-394,545,-397,545,-402,545,-403,545,-408,545,-413,545,-417,545,-418,545,-423,545,-426,-899,-900,-643,-585,-1894,-901,545,545,545,-800,545,545,-804,545,-807,-833,545,-818,545,-820,545,-822,-808,545,-824,545,-851,-852,545,545,-811,545,-646,-902,-904,-648,-649,-645,545,-705,-706,545,-642,-903,-647,-650,-603,-714,545,545,-605,-586,545,545,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,545,545,-709,-710,545,-716,545,545,545,545,545,545,-938,545,-439,-441,-747,545,-891,545,-715,-1894,545,545,545,545,545,-442,-512,-523,545,-728,-733,545,-735,545,-740,545,-662,-668,545,-678,-680,-682,-683,-690,-693,-697,-745,545,545,-874,545,545,-878,545,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,545,-812,545,-814,-801,545,-802,-805,545,-816,-819,-821,-823,-825,545,-826,545,-809,545,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,545,-282,545,545,545,545,-455,545,545,-729,545,-736,545,-741,545,-663,-671,545,545,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,545,-836,-53,545,545,-730,545,-737,545,-742,-664,545,-873,-54,545,545,-731,-738,-743,545,545,545,-872,]),'OFFSET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1988,1990,1991,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[546,546,546,546,-1894,546,546,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,546,546,546,546,-275,-276,546,-1425,546,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,546,546,546,-490,546,546,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,546,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,546,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,546,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,546,-172,-173,-174,-175,-993,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-290,-291,-281,546,546,546,546,546,-328,-318,-332,-333,-334,546,546,-982,-983,-984,-985,-986,-987,-988,546,546,546,546,546,546,546,546,546,546,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,546,546,546,-353,-356,546,-323,-324,-141,546,-142,546,-143,546,-430,-935,-936,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-1894,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-1894,546,-1894,546,546,546,546,546,546,546,546,546,546,546,546,-1894,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,546,-1894,546,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,546,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,546,2481,-156,-157,546,546,-191,-192,546,-994,546,546,546,546,546,-277,-278,-279,-280,-365,546,-308,546,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,546,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,546,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,546,546,546,546,546,546,-573,546,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,546,546,-723,-724,-725,546,546,546,546,546,546,-994,546,546,-91,-92,546,546,546,546,-309,-310,-320,546,-307,-293,-294,-295,546,546,546,546,-618,-633,-590,546,546,-436,546,-437,546,-444,-445,-446,-378,-379,546,546,546,-506,546,546,-510,546,546,546,546,-515,-516,-517,-518,546,546,-521,-522,546,-524,-525,-526,-527,-528,-529,-530,-531,546,-533,546,546,546,-539,-541,-542,546,-544,-545,-546,-547,546,546,546,546,546,546,-652,-653,-654,-655,546,-657,-658,-659,546,546,546,-665,546,546,-669,-670,546,546,-673,546,-675,-676,546,-679,546,-681,546,546,-684,-685,-686,546,-688,546,546,-691,546,546,-694,-695,-696,546,-698,-699,-700,-701,546,546,-746,546,-749,-750,-751,-752,-753,546,-755,-756,-757,-758,-759,546,-766,-767,-769,546,-771,-772,-773,-782,-856,-858,-860,-862,546,546,546,546,-868,546,-870,546,546,546,546,546,546,546,-906,-907,546,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,546,-921,-924,546,-934,546,-385,-386,-387,546,546,-390,-391,-392,-393,546,-396,546,-399,-400,546,-401,546,-406,-407,546,-410,-411,-412,546,-415,546,-416,546,-421,-422,546,-425,546,-428,-429,-1894,-1894,546,-619,-620,-621,-622,-623,-634,-584,-624,-797,546,546,546,546,546,-831,546,546,-806,546,-832,546,546,546,546,-798,546,-853,-799,546,546,546,546,546,546,-854,-855,546,-834,-830,-835,546,-625,546,-626,-627,-628,-629,-574,546,546,-630,-631,-632,546,546,546,546,546,546,-635,-636,-637,-592,-1894,-602,546,-638,-639,-713,-640,-604,546,-572,-577,-580,-583,546,546,546,-598,-601,546,-608,546,546,546,546,546,546,546,546,546,546,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,546,546,546,-995,546,546,546,546,546,546,-306,-325,-319,-296,-375,-452,-453,-454,-458,546,-443,546,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,546,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,546,546,546,546,546,546,546,546,546,-316,-535,-508,-591,-937,-939,-940,-438,546,-440,-380,-381,-383,-507,-509,-511,546,-513,-514,-519,-520,546,-532,-534,-537,-538,-543,-548,-726,546,-727,546,-732,546,-734,546,-739,-656,-660,-661,546,-666,546,-667,546,-672,-674,546,-677,546,546,546,-687,-689,546,-692,546,546,-744,546,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,546,546,546,546,546,-877,546,-880,-908,-920,-925,-388,-389,546,-394,546,-397,546,-402,546,-403,546,-408,546,-413,546,-417,546,-418,546,-423,546,-426,-899,-900,-643,-585,-1894,-901,546,546,546,-800,546,546,-804,546,-807,-833,546,-818,546,-820,546,-822,-808,546,-824,546,-851,-852,546,546,-811,546,-646,-902,-904,-648,-649,-645,546,-705,-706,546,-642,-903,-647,-650,-603,-714,546,546,-605,-586,546,546,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,546,546,-709,-710,546,-716,546,546,546,546,546,546,-938,546,-439,-441,-747,546,-891,546,-715,-1894,546,546,546,546,546,-442,-512,-523,546,-728,-733,546,-735,546,-740,546,-662,-668,546,-678,-680,-682,-683,-690,-693,-697,-745,546,546,-874,546,546,-878,546,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,546,-812,546,-814,-801,546,-802,-805,546,-816,-819,-821,-823,-825,546,-826,546,-809,546,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,546,-282,546,546,546,546,-455,546,546,-729,546,-736,546,-741,546,-663,-671,546,546,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,546,-836,-53,546,546,-730,546,-737,546,-742,-664,546,-873,-54,546,546,-731,-738,-743,546,546,546,-872,]),'OLD_KEY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[547,547,547,547,-1894,547,547,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,547,547,547,547,-275,-276,547,-1425,547,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,547,547,547,-490,547,547,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,547,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,547,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,547,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,547,-172,-173,-174,-175,-993,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-290,-291,-281,547,547,547,547,547,-328,-318,-332,-333,-334,547,547,-982,-983,-984,-985,-986,-987,-988,547,547,547,547,547,547,547,547,547,547,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,547,547,547,-353,-356,547,-323,-324,-141,547,-142,547,-143,547,-430,-935,-936,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-1894,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-1894,547,-1894,547,547,547,547,547,547,547,547,547,547,547,547,-1894,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,547,-1894,547,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,547,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,547,547,547,-191,-192,547,-994,547,547,547,547,547,-277,-278,-279,-280,-365,547,-308,547,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,547,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,547,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,547,547,547,547,547,547,-573,547,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,547,547,-723,-724,-725,547,547,547,547,547,547,-994,547,547,-91,-92,547,547,547,547,-309,-310,-320,547,-307,-293,-294,-295,547,547,547,547,-618,-633,-590,547,547,-436,547,-437,547,-444,-445,-446,-378,-379,547,547,547,-506,547,547,-510,547,547,547,547,-515,-516,-517,-518,547,547,-521,-522,547,-524,-525,-526,-527,-528,-529,-530,-531,547,-533,547,547,547,-539,-541,-542,547,-544,-545,-546,-547,547,547,547,547,547,547,-652,-653,-654,-655,547,-657,-658,-659,547,547,547,-665,547,547,-669,-670,547,547,-673,547,-675,-676,547,-679,547,-681,547,547,-684,-685,-686,547,-688,547,547,-691,547,547,-694,-695,-696,547,-698,-699,-700,-701,547,547,-746,547,-749,-750,-751,-752,-753,547,-755,-756,-757,-758,-759,547,-766,-767,-769,547,-771,-772,-773,-782,-856,-858,-860,-862,547,547,547,547,-868,547,-870,547,547,547,547,547,547,547,-906,-907,547,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,547,-921,-924,547,-934,547,-385,-386,-387,547,547,-390,-391,-392,-393,547,-396,547,-399,-400,547,-401,547,-406,-407,547,-410,-411,-412,547,-415,547,-416,547,-421,-422,547,-425,547,-428,-429,-1894,-1894,547,-619,-620,-621,-622,-623,-634,-584,-624,-797,547,547,547,547,547,-831,547,547,-806,547,-832,547,547,547,547,-798,547,-853,-799,547,547,547,547,547,547,-854,-855,547,-834,-830,-835,547,-625,547,-626,-627,-628,-629,-574,547,547,-630,-631,-632,547,547,547,547,547,547,-635,-636,-637,-592,-1894,-602,547,-638,-639,-713,-640,-604,547,-572,-577,-580,-583,547,547,547,-598,-601,547,-608,547,547,547,547,547,547,547,547,547,547,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,547,547,547,-995,547,547,547,547,547,547,-306,-325,-319,-296,-375,-452,-453,-454,-458,547,-443,547,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,547,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,547,547,547,547,547,547,547,547,547,-316,-535,-508,-591,-937,-939,-940,-438,547,-440,-380,-381,-383,-507,-509,-511,547,-513,-514,-519,-520,547,-532,-534,-537,-538,-543,-548,-726,547,-727,547,-732,547,-734,547,-739,-656,-660,-661,547,-666,547,-667,547,-672,-674,547,-677,547,547,547,-687,-689,547,-692,547,547,-744,547,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,547,547,547,547,547,-877,547,-880,-908,-920,-925,-388,-389,547,-394,547,-397,547,-402,547,-403,547,-408,547,-413,547,-417,547,-418,547,-423,547,-426,-899,-900,-643,-585,-1894,-901,547,547,547,-800,547,547,-804,547,-807,-833,547,-818,547,-820,547,-822,-808,547,-824,547,-851,-852,547,547,-811,547,-646,-902,-904,-648,-649,-645,547,-705,-706,547,-642,-903,-647,-650,-603,-714,547,547,-605,-586,547,547,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,547,547,-709,-710,547,-716,547,547,547,547,547,547,-938,547,-439,-441,-747,547,-891,547,-715,-1894,547,547,547,547,547,-442,-512,-523,547,-728,-733,547,-735,547,-740,547,-662,-668,547,-678,-680,-682,-683,-690,-693,-697,-745,547,547,-874,547,547,-878,547,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,547,-812,547,-814,-801,547,-802,-805,547,-816,-819,-821,-823,-825,547,-826,547,-809,547,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,547,-282,547,547,547,547,-455,547,547,-729,547,-736,547,-741,547,-663,-671,547,547,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,547,-836,-53,547,547,-730,547,-737,547,-742,-664,547,-873,-54,547,547,-731,-738,-743,547,547,547,-872,]),'OLD_PASSWORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[548,548,548,548,-1894,548,548,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,548,548,548,548,-275,-276,548,-1425,548,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,548,548,548,-490,548,548,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,548,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,548,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,548,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,548,-172,-173,-174,-175,-993,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-290,-291,-281,548,548,548,548,548,-328,-318,-332,-333,-334,548,548,-982,-983,-984,-985,-986,-987,-988,548,548,548,548,548,548,548,548,548,548,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,548,548,548,-353,-356,548,-323,-324,-141,548,-142,548,-143,548,-430,-935,-936,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-1894,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-1894,548,-1894,548,548,548,548,548,548,548,548,548,548,548,548,-1894,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,548,-1894,548,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,548,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,548,548,548,-191,-192,548,-994,548,548,548,548,548,-277,-278,-279,-280,-365,548,-308,548,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,548,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,548,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,548,548,548,548,548,548,-573,548,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,548,548,-723,-724,-725,548,548,548,548,548,548,-994,548,548,-91,-92,548,548,548,548,-309,-310,-320,548,-307,-293,-294,-295,548,548,548,548,-618,-633,-590,548,548,-436,548,-437,548,-444,-445,-446,-378,-379,548,548,548,-506,548,548,-510,548,548,548,548,-515,-516,-517,-518,548,548,-521,-522,548,-524,-525,-526,-527,-528,-529,-530,-531,548,-533,548,548,548,-539,-541,-542,548,-544,-545,-546,-547,548,548,548,548,548,548,-652,-653,-654,-655,548,-657,-658,-659,548,548,548,-665,548,548,-669,-670,548,548,-673,548,-675,-676,548,-679,548,-681,548,548,-684,-685,-686,548,-688,548,548,-691,548,548,-694,-695,-696,548,-698,-699,-700,-701,548,548,-746,548,-749,-750,-751,-752,-753,548,-755,-756,-757,-758,-759,548,-766,-767,-769,548,-771,-772,-773,-782,-856,-858,-860,-862,548,548,548,548,-868,548,-870,548,548,548,548,548,548,548,-906,-907,548,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,548,-921,-924,548,-934,548,-385,-386,-387,548,548,-390,-391,-392,-393,548,-396,548,-399,-400,548,-401,548,-406,-407,548,-410,-411,-412,548,-415,548,-416,548,-421,-422,548,-425,548,-428,-429,-1894,-1894,548,-619,-620,-621,-622,-623,-634,-584,-624,-797,548,548,548,548,548,-831,548,548,-806,548,-832,548,548,548,548,-798,548,-853,-799,548,548,548,548,548,548,-854,-855,548,-834,-830,-835,548,-625,548,-626,-627,-628,-629,-574,548,548,-630,-631,-632,548,548,548,548,548,548,-635,-636,-637,-592,-1894,-602,548,-638,-639,-713,-640,-604,548,-572,-577,-580,-583,548,548,548,-598,-601,548,-608,548,548,548,548,548,548,548,548,548,548,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,548,548,548,-995,548,548,548,548,548,548,-306,-325,-319,-296,-375,-452,-453,-454,-458,548,-443,548,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,548,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,548,548,548,548,548,548,548,548,548,-316,-535,-508,-591,-937,-939,-940,-438,548,-440,-380,-381,-383,-507,-509,-511,548,-513,-514,-519,-520,548,-532,-534,-537,-538,-543,-548,-726,548,-727,548,-732,548,-734,548,-739,-656,-660,-661,548,-666,548,-667,548,-672,-674,548,-677,548,548,548,-687,-689,548,-692,548,548,-744,548,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,548,548,548,548,548,-877,548,-880,-908,-920,-925,-388,-389,548,-394,548,-397,548,-402,548,-403,548,-408,548,-413,548,-417,548,-418,548,-423,548,-426,-899,-900,-643,-585,-1894,-901,548,548,548,-800,548,548,-804,548,-807,-833,548,-818,548,-820,548,-822,-808,548,-824,548,-851,-852,548,548,-811,548,-646,-902,-904,-648,-649,-645,548,-705,-706,548,-642,-903,-647,-650,-603,-714,548,548,-605,-586,548,548,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,548,548,-709,-710,548,-716,548,548,548,548,548,548,-938,548,-439,-441,-747,548,-891,548,-715,-1894,548,548,548,548,548,-442,-512,-523,548,-728,-733,548,-735,548,-740,548,-662,-668,548,-678,-680,-682,-683,-690,-693,-697,-745,548,548,-874,548,548,-878,548,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,548,-812,548,-814,-801,548,-802,-805,548,-816,-819,-821,-823,-825,548,-826,548,-809,548,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,548,-282,548,548,548,548,-455,548,548,-729,548,-736,548,-741,548,-663,-671,548,548,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,548,-836,-53,548,548,-730,548,-737,548,-742,-664,548,-873,-54,548,548,-731,-738,-743,548,548,548,-872,]),'ONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[549,549,549,549,-1894,549,549,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,549,549,549,549,-275,-276,549,-1425,549,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,549,549,549,-490,549,549,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,549,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,549,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,549,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,549,-172,-173,-174,-175,-993,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-290,-291,-281,549,549,549,549,549,-328,-318,-332,-333,-334,549,549,-982,-983,-984,-985,-986,-987,-988,549,549,549,549,549,549,549,549,549,549,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,549,549,549,-353,-356,549,-323,-324,-141,549,-142,549,-143,549,-430,-935,-936,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-1894,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-1894,549,-1894,549,549,549,549,549,549,549,549,549,549,549,549,-1894,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,549,-1894,549,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,549,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,549,549,549,-191,-192,549,-994,549,549,549,549,549,-277,-278,-279,-280,-365,549,-308,549,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,549,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,549,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,549,549,549,549,549,549,-573,549,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,549,549,-723,-724,-725,549,549,549,549,549,549,-994,549,549,-91,-92,549,549,549,549,-309,-310,-320,549,-307,-293,-294,-295,549,549,549,549,-618,-633,-590,549,549,-436,549,-437,549,-444,-445,-446,-378,-379,549,549,549,-506,549,549,-510,549,549,549,549,-515,-516,-517,-518,549,549,-521,-522,549,-524,-525,-526,-527,-528,-529,-530,-531,549,-533,549,549,549,-539,-541,-542,549,-544,-545,-546,-547,549,549,549,549,549,549,-652,-653,-654,-655,549,-657,-658,-659,549,549,549,-665,549,549,-669,-670,549,549,-673,549,-675,-676,549,-679,549,-681,549,549,-684,-685,-686,549,-688,549,549,-691,549,549,-694,-695,-696,549,-698,-699,-700,-701,549,549,-746,549,-749,-750,-751,-752,-753,549,-755,-756,-757,-758,-759,549,-766,-767,-769,549,-771,-772,-773,-782,-856,-858,-860,-862,549,549,549,549,-868,549,-870,549,549,549,549,549,549,549,-906,-907,549,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,549,-921,-924,549,-934,549,-385,-386,-387,549,549,-390,-391,-392,-393,549,-396,549,-399,-400,549,-401,549,-406,-407,549,-410,-411,-412,549,-415,549,-416,549,-421,-422,549,-425,549,-428,-429,-1894,-1894,549,-619,-620,-621,-622,-623,-634,-584,-624,-797,549,549,549,549,549,-831,549,549,-806,549,-832,549,549,549,549,-798,549,-853,-799,549,549,549,549,549,549,-854,-855,549,-834,-830,-835,549,-625,549,-626,-627,-628,-629,-574,549,549,-630,-631,-632,549,549,549,549,549,549,-635,-636,-637,-592,-1894,-602,549,-638,-639,-713,-640,-604,549,-572,-577,-580,-583,549,549,549,-598,-601,549,-608,549,549,549,549,549,549,549,549,549,549,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,549,549,549,-995,549,549,549,549,549,549,-306,-325,-319,-296,-375,-452,-453,-454,-458,549,-443,549,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,549,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,549,549,549,549,549,549,549,549,549,-316,-535,-508,-591,-937,-939,-940,-438,549,-440,-380,-381,-383,-507,-509,-511,549,-513,-514,-519,-520,549,-532,-534,-537,-538,-543,-548,-726,549,-727,549,-732,549,-734,549,-739,-656,-660,-661,549,-666,549,-667,549,-672,-674,549,-677,549,549,549,-687,-689,549,-692,549,549,-744,549,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,549,549,549,549,549,-877,549,-880,-908,-920,-925,-388,-389,549,-394,549,-397,549,-402,549,-403,549,-408,549,-413,549,-417,549,-418,549,-423,549,-426,-899,-900,-643,-585,-1894,-901,549,549,549,-800,549,549,-804,549,-807,-833,549,-818,549,-820,549,-822,-808,549,-824,549,-851,-852,549,549,-811,549,-646,-902,-904,-648,-649,-645,549,-705,-706,549,-642,-903,-647,-650,-603,-714,549,549,-605,-586,549,549,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,549,549,-709,-710,549,-716,549,549,549,549,549,549,-938,549,-439,-441,-747,549,-891,549,-715,-1894,549,549,549,549,549,-442,-512,-523,549,-728,-733,549,-735,549,-740,549,-662,-668,549,-678,-680,-682,-683,-690,-693,-697,-745,549,549,-874,549,549,-878,549,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,549,-812,549,-814,-801,549,-802,-805,549,-816,-819,-821,-823,-825,549,-826,549,-809,549,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,549,-282,549,549,549,549,-455,549,549,-729,549,-736,549,-741,549,-663,-671,549,549,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,549,-836,-53,549,549,-730,549,-737,549,-742,-664,549,-873,-54,549,549,-731,-738,-743,549,549,549,-872,]),'ONE_SHOT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[550,550,550,550,-1894,550,550,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,550,550,550,550,-275,-276,550,-1425,550,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,550,550,550,-490,550,550,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,550,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,550,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,550,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,550,-172,-173,-174,-175,-993,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-290,-291,-281,550,550,550,550,550,-328,-318,-332,-333,-334,550,550,-982,-983,-984,-985,-986,-987,-988,550,550,550,550,550,550,550,550,550,550,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,550,550,550,-353,-356,550,-323,-324,-141,550,-142,550,-143,550,-430,-935,-936,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-1894,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-1894,550,-1894,550,550,550,550,550,550,550,550,550,550,550,550,-1894,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,550,-1894,550,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,550,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,550,550,550,-191,-192,550,-994,550,550,550,550,550,-277,-278,-279,-280,-365,550,-308,550,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,550,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,550,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,550,550,550,550,550,550,-573,550,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,550,550,-723,-724,-725,550,550,550,550,550,550,-994,550,550,-91,-92,550,550,550,550,-309,-310,-320,550,-307,-293,-294,-295,550,550,550,550,-618,-633,-590,550,550,-436,550,-437,550,-444,-445,-446,-378,-379,550,550,550,-506,550,550,-510,550,550,550,550,-515,-516,-517,-518,550,550,-521,-522,550,-524,-525,-526,-527,-528,-529,-530,-531,550,-533,550,550,550,-539,-541,-542,550,-544,-545,-546,-547,550,550,550,550,550,550,-652,-653,-654,-655,550,-657,-658,-659,550,550,550,-665,550,550,-669,-670,550,550,-673,550,-675,-676,550,-679,550,-681,550,550,-684,-685,-686,550,-688,550,550,-691,550,550,-694,-695,-696,550,-698,-699,-700,-701,550,550,-746,550,-749,-750,-751,-752,-753,550,-755,-756,-757,-758,-759,550,-766,-767,-769,550,-771,-772,-773,-782,-856,-858,-860,-862,550,550,550,550,-868,550,-870,550,550,550,550,550,550,550,-906,-907,550,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,550,-921,-924,550,-934,550,-385,-386,-387,550,550,-390,-391,-392,-393,550,-396,550,-399,-400,550,-401,550,-406,-407,550,-410,-411,-412,550,-415,550,-416,550,-421,-422,550,-425,550,-428,-429,-1894,-1894,550,-619,-620,-621,-622,-623,-634,-584,-624,-797,550,550,550,550,550,-831,550,550,-806,550,-832,550,550,550,550,-798,550,-853,-799,550,550,550,550,550,550,-854,-855,550,-834,-830,-835,550,-625,550,-626,-627,-628,-629,-574,550,550,-630,-631,-632,550,550,550,550,550,550,-635,-636,-637,-592,-1894,-602,550,-638,-639,-713,-640,-604,550,-572,-577,-580,-583,550,550,550,-598,-601,550,-608,550,550,550,550,550,550,550,550,550,550,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,550,550,550,-995,550,550,550,550,550,550,-306,-325,-319,-296,-375,-452,-453,-454,-458,550,-443,550,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,550,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,550,550,550,550,550,550,550,550,550,-316,-535,-508,-591,-937,-939,-940,-438,550,-440,-380,-381,-383,-507,-509,-511,550,-513,-514,-519,-520,550,-532,-534,-537,-538,-543,-548,-726,550,-727,550,-732,550,-734,550,-739,-656,-660,-661,550,-666,550,-667,550,-672,-674,550,-677,550,550,550,-687,-689,550,-692,550,550,-744,550,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,550,550,550,550,550,-877,550,-880,-908,-920,-925,-388,-389,550,-394,550,-397,550,-402,550,-403,550,-408,550,-413,550,-417,550,-418,550,-423,550,-426,-899,-900,-643,-585,-1894,-901,550,550,550,-800,550,550,-804,550,-807,-833,550,-818,550,-820,550,-822,-808,550,-824,550,-851,-852,550,550,-811,550,-646,-902,-904,-648,-649,-645,550,-705,-706,550,-642,-903,-647,-650,-603,-714,550,550,-605,-586,550,550,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,550,550,-709,-710,550,-716,550,550,550,550,550,550,-938,550,-439,-441,-747,550,-891,550,-715,-1894,550,550,550,550,550,-442,-512,-523,550,-728,-733,550,-735,550,-740,550,-662,-668,550,-678,-680,-682,-683,-690,-693,-697,-745,550,550,-874,550,550,-878,550,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,550,-812,550,-814,-801,550,-802,-805,550,-816,-819,-821,-823,-825,550,-826,550,-809,550,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,550,-282,550,550,550,550,-455,550,550,-729,550,-736,550,-741,550,-663,-671,550,550,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,550,-836,-53,550,550,-730,550,-737,550,-742,-664,550,-873,-54,550,550,-731,-738,-743,550,550,550,-872,]),'ONLY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2893,2894,2895,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[551,551,551,551,-1894,551,551,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,551,551,551,551,-275,-276,551,-1425,551,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,551,551,551,-490,551,551,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,551,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,551,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,551,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,551,-172,-173,-174,-175,-993,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-290,-291,-281,551,551,551,551,551,-328,-318,-332,-333,-334,551,551,-982,-983,-984,-985,-986,-987,-988,551,551,551,551,551,551,551,551,551,551,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,551,551,551,-353,-356,551,-323,-324,-141,551,-142,551,-143,551,-430,-935,-936,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-1894,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-1894,551,-1894,551,551,551,551,551,551,551,551,551,551,551,551,-1894,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,551,-1894,551,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,551,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,551,551,551,-191,-192,551,-994,551,551,551,551,551,-277,-278,-279,-280,-365,551,-308,551,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,551,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,551,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,551,551,551,551,551,551,-573,551,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,551,551,-723,-724,-725,551,551,551,551,551,551,-994,551,551,-91,-92,551,551,551,551,-309,-310,-320,551,-307,-293,-294,-295,551,551,551,551,-618,-633,-590,551,551,-436,551,-437,551,-444,-445,-446,-378,-379,551,551,551,-506,551,551,-510,551,551,551,551,-515,-516,-517,-518,551,551,-521,-522,551,-524,-525,-526,-527,-528,-529,-530,-531,551,-533,551,551,551,-539,-541,-542,551,-544,-545,-546,-547,551,551,551,551,551,551,-652,-653,-654,-655,551,-657,-658,-659,551,551,551,-665,551,551,-669,-670,551,551,-673,551,-675,-676,551,-679,551,-681,551,551,-684,-685,-686,551,-688,551,551,-691,551,551,-694,-695,-696,551,-698,-699,-700,-701,551,551,-746,551,-749,-750,-751,-752,-753,551,-755,-756,-757,-758,-759,551,-766,-767,-769,551,-771,-772,-773,-782,-856,-858,-860,-862,551,551,551,551,-868,551,-870,551,551,551,551,551,551,551,-906,-907,551,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,551,-921,-924,551,-934,551,-385,-386,-387,551,551,-390,-391,-392,-393,551,-396,551,-399,-400,551,-401,551,-406,-407,551,-410,-411,-412,551,-415,551,-416,551,-421,-422,551,-425,551,-428,-429,-1894,-1894,551,-619,-620,-621,-622,-623,-634,-584,-624,-797,551,551,551,551,551,-831,551,551,-806,551,-832,551,551,551,551,-798,551,-853,-799,551,551,551,551,551,551,-854,-855,551,-834,-830,-835,551,-625,551,-626,-627,-628,-629,-574,551,551,-630,-631,-632,551,551,551,551,551,551,-635,-636,-637,-592,-1894,-602,551,-638,-639,-713,-640,-604,551,-572,-577,-580,-583,551,551,551,-598,-601,551,-608,551,551,551,551,551,551,551,551,551,551,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,551,3162,-162,-163,551,551,-995,551,551,551,551,551,551,-306,-325,-319,-296,-375,-452,-453,-454,-458,551,-443,551,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,551,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,551,551,551,551,551,551,551,551,551,-316,-535,-508,-591,-937,-939,-940,-438,551,-440,-380,-381,-383,-507,-509,-511,551,-513,-514,-519,-520,551,-532,-534,-537,-538,-543,-548,-726,551,-727,551,-732,551,-734,551,-739,-656,-660,-661,551,-666,551,-667,551,-672,-674,551,-677,551,551,551,-687,-689,551,-692,551,551,-744,551,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,551,551,551,551,551,-877,551,-880,-908,-920,-925,-388,-389,551,-394,551,-397,551,-402,551,-403,551,-408,551,-413,551,-417,551,-418,551,-423,551,-426,-899,-900,-643,-585,-1894,-901,551,551,551,-800,551,551,-804,551,-807,-833,551,-818,551,-820,551,-822,-808,551,-824,551,-851,-852,551,551,-811,551,-646,-902,-904,-648,-649,-645,551,-705,-706,551,-642,-903,-647,-650,-603,-714,551,551,-605,-586,551,551,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,551,551,-709,-710,551,-716,551,551,551,551,551,551,-938,551,-439,-441,-747,551,-891,551,-715,-1894,551,551,551,551,551,-442,-512,-523,551,-728,-733,551,-735,551,-740,551,-662,-668,551,-678,-680,-682,-683,-690,-693,-697,-745,551,551,-874,551,551,-878,551,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,551,-812,551,-814,-801,551,-802,-805,551,-816,-819,-821,-823,-825,551,-826,551,-809,551,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,551,-282,551,551,551,551,-455,551,551,-729,551,-736,551,-741,551,-663,-671,551,551,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,551,-836,-53,551,551,-730,551,-737,551,-742,-664,551,-873,-54,551,551,-731,-738,-743,551,551,551,-872,]),'ONTHNAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[552,552,552,552,-1894,552,552,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,552,552,552,552,-275,-276,552,-1425,552,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,552,552,552,-490,552,552,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,552,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,552,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,552,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,552,-172,-173,-174,-175,-993,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-290,-291,-281,552,552,552,552,552,-328,-318,-332,-333,-334,552,552,-982,-983,-984,-985,-986,-987,-988,552,552,552,552,552,552,552,552,552,552,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,552,552,552,-353,-356,552,-323,-324,-141,552,-142,552,-143,552,-430,-935,-936,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-1894,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-1894,552,-1894,552,552,552,552,552,552,552,552,552,552,552,552,-1894,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,552,-1894,552,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,552,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,552,552,552,-191,-192,552,-994,552,552,552,552,552,-277,-278,-279,-280,-365,552,-308,552,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,552,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,552,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,552,552,552,552,552,552,-573,552,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,552,552,-723,-724,-725,552,552,552,552,552,552,-994,552,552,-91,-92,552,552,552,552,-309,-310,-320,552,-307,-293,-294,-295,552,552,552,552,-618,-633,-590,552,552,-436,552,-437,552,-444,-445,-446,-378,-379,552,552,552,-506,552,552,-510,552,552,552,552,-515,-516,-517,-518,552,552,-521,-522,552,-524,-525,-526,-527,-528,-529,-530,-531,552,-533,552,552,552,-539,-541,-542,552,-544,-545,-546,-547,552,552,552,552,552,552,-652,-653,-654,-655,552,-657,-658,-659,552,552,552,-665,552,552,-669,-670,552,552,-673,552,-675,-676,552,-679,552,-681,552,552,-684,-685,-686,552,-688,552,552,-691,552,552,-694,-695,-696,552,-698,-699,-700,-701,552,552,-746,552,-749,-750,-751,-752,-753,552,-755,-756,-757,-758,-759,552,-766,-767,-769,552,-771,-772,-773,-782,-856,-858,-860,-862,552,552,552,552,-868,552,-870,552,552,552,552,552,552,552,-906,-907,552,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,552,-921,-924,552,-934,552,-385,-386,-387,552,552,-390,-391,-392,-393,552,-396,552,-399,-400,552,-401,552,-406,-407,552,-410,-411,-412,552,-415,552,-416,552,-421,-422,552,-425,552,-428,-429,-1894,-1894,552,-619,-620,-621,-622,-623,-634,-584,-624,-797,552,552,552,552,552,-831,552,552,-806,552,-832,552,552,552,552,-798,552,-853,-799,552,552,552,552,552,552,-854,-855,552,-834,-830,-835,552,-625,552,-626,-627,-628,-629,-574,552,552,-630,-631,-632,552,552,552,552,552,552,-635,-636,-637,-592,-1894,-602,552,-638,-639,-713,-640,-604,552,-572,-577,-580,-583,552,552,552,-598,-601,552,-608,552,552,552,552,552,552,552,552,552,552,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,552,552,552,-995,552,552,552,552,552,552,-306,-325,-319,-296,-375,-452,-453,-454,-458,552,-443,552,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,552,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,552,552,552,552,552,552,552,552,552,-316,-535,-508,-591,-937,-939,-940,-438,552,-440,-380,-381,-383,-507,-509,-511,552,-513,-514,-519,-520,552,-532,-534,-537,-538,-543,-548,-726,552,-727,552,-732,552,-734,552,-739,-656,-660,-661,552,-666,552,-667,552,-672,-674,552,-677,552,552,552,-687,-689,552,-692,552,552,-744,552,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,552,552,552,552,552,-877,552,-880,-908,-920,-925,-388,-389,552,-394,552,-397,552,-402,552,-403,552,-408,552,-413,552,-417,552,-418,552,-423,552,-426,-899,-900,-643,-585,-1894,-901,552,552,552,-800,552,552,-804,552,-807,-833,552,-818,552,-820,552,-822,-808,552,-824,552,-851,-852,552,552,-811,552,-646,-902,-904,-648,-649,-645,552,-705,-706,552,-642,-903,-647,-650,-603,-714,552,552,-605,-586,552,552,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,552,552,-709,-710,552,-716,552,552,552,552,552,552,-938,552,-439,-441,-747,552,-891,552,-715,-1894,552,552,552,552,552,-442,-512,-523,552,-728,-733,552,-735,552,-740,552,-662,-668,552,-678,-680,-682,-683,-690,-693,-697,-745,552,552,-874,552,552,-878,552,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,552,-812,552,-814,-801,552,-802,-805,552,-816,-819,-821,-823,-825,552,-826,552,-809,552,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,552,-282,552,552,552,552,-455,552,552,-729,552,-736,552,-741,552,-663,-671,552,552,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,552,-836,-53,552,552,-730,552,-737,552,-742,-664,552,-873,-54,552,552,-731,-738,-743,552,552,552,-872,]),'OPEN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[553,553,553,553,-1894,553,553,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,553,553,553,553,-275,-276,553,-1425,553,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,553,553,553,-490,553,553,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,553,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,553,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,553,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,553,-172,-173,-174,-175,-993,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-290,-291,-281,553,553,553,553,553,-328,-318,-332,-333,-334,553,553,-982,-983,-984,-985,-986,-987,-988,553,553,553,553,553,553,553,553,553,553,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,553,553,553,-353,-356,553,-323,-324,-141,553,-142,553,-143,553,-430,-935,-936,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-1894,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-1894,553,-1894,553,553,553,553,553,553,553,553,553,553,553,553,-1894,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,553,-1894,553,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,553,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,553,553,553,-191,-192,553,-994,553,553,553,553,553,-277,-278,-279,-280,-365,553,-308,553,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,553,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,553,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,553,553,553,553,553,553,-573,553,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,553,553,-723,-724,-725,553,553,553,553,553,553,-994,553,553,-91,-92,553,553,553,553,-309,-310,-320,553,-307,-293,-294,-295,553,553,553,553,-618,-633,-590,553,553,-436,553,-437,553,-444,-445,-446,-378,-379,553,553,553,-506,553,553,-510,553,553,553,553,-515,-516,-517,-518,553,553,-521,-522,553,-524,-525,-526,-527,-528,-529,-530,-531,553,-533,553,553,553,-539,-541,-542,553,-544,-545,-546,-547,553,553,553,553,553,553,-652,-653,-654,-655,553,-657,-658,-659,553,553,553,-665,553,553,-669,-670,553,553,-673,553,-675,-676,553,-679,553,-681,553,553,-684,-685,-686,553,-688,553,553,-691,553,553,-694,-695,-696,553,-698,-699,-700,-701,553,553,-746,553,-749,-750,-751,-752,-753,553,-755,-756,-757,-758,-759,553,-766,-767,-769,553,-771,-772,-773,-782,-856,-858,-860,-862,553,553,553,553,-868,553,-870,553,553,553,553,553,553,553,-906,-907,553,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,553,-921,-924,553,-934,553,-385,-386,-387,553,553,-390,-391,-392,-393,553,-396,553,-399,-400,553,-401,553,-406,-407,553,-410,-411,-412,553,-415,553,-416,553,-421,-422,553,-425,553,-428,-429,-1894,-1894,553,-619,-620,-621,-622,-623,-634,-584,-624,-797,553,553,553,553,553,-831,553,553,-806,553,-832,553,553,553,553,-798,553,-853,-799,553,553,553,553,553,553,-854,-855,553,-834,-830,-835,553,-625,553,-626,-627,-628,-629,-574,553,553,-630,-631,-632,553,553,553,553,553,553,-635,-636,-637,-592,-1894,-602,553,-638,-639,-713,-640,-604,553,-572,-577,-580,-583,553,553,553,-598,-601,553,-608,553,553,553,553,553,553,553,553,553,553,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,553,553,553,-995,553,553,553,553,553,553,-306,-325,-319,-296,-375,-452,-453,-454,-458,553,-443,553,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,553,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,553,553,553,553,553,553,553,553,553,-316,-535,-508,-591,-937,-939,-940,-438,553,-440,-380,-381,-383,-507,-509,-511,553,-513,-514,-519,-520,553,-532,-534,-537,-538,-543,-548,-726,553,-727,553,-732,553,-734,553,-739,-656,-660,-661,553,-666,553,-667,553,-672,-674,553,-677,553,553,553,-687,-689,553,-692,553,553,-744,553,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,553,553,553,553,553,-877,553,-880,-908,-920,-925,-388,-389,553,-394,553,-397,553,-402,553,-403,553,-408,553,-413,553,-417,553,-418,553,-423,553,-426,-899,-900,-643,-585,-1894,-901,553,553,553,-800,553,553,-804,553,-807,-833,553,-818,553,-820,553,-822,-808,553,-824,553,-851,-852,553,553,-811,553,-646,-902,-904,-648,-649,-645,553,-705,-706,553,-642,-903,-647,-650,-603,-714,553,553,-605,-586,553,553,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,553,553,-709,-710,553,-716,553,553,553,553,553,553,-938,553,-439,-441,-747,553,-891,553,-715,-1894,553,553,553,553,553,-442,-512,-523,553,-728,-733,553,-735,553,-740,553,-662,-668,553,-678,-680,-682,-683,-690,-693,-697,-745,553,553,-874,553,553,-878,553,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,553,-812,553,-814,-801,553,-802,-805,553,-816,-819,-821,-823,-825,553,-826,553,-809,553,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,553,-282,553,553,553,553,-455,553,553,-729,553,-736,553,-741,553,-663,-671,553,553,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,553,-836,-53,553,553,-730,553,-737,553,-742,-664,553,-873,-54,553,553,-731,-738,-743,553,553,553,-872,]),'OPTIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[554,554,554,554,-1894,554,554,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,554,554,554,554,-275,-276,554,-1425,554,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,554,554,554,-490,554,554,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,554,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,554,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,554,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,554,-172,-173,-174,-175,-993,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-290,-291,-281,554,554,554,554,554,-328,-318,-332,-333,-334,554,554,-982,-983,-984,-985,-986,-987,-988,554,554,554,554,554,554,554,554,554,554,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,554,554,554,-353,-356,554,-323,-324,-141,554,-142,554,-143,554,-430,-935,-936,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-1894,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-1894,554,-1894,554,554,554,554,554,554,554,554,554,554,554,554,-1894,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,554,-1894,554,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,554,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,554,554,554,-191,-192,554,-994,554,554,554,554,554,-277,-278,-279,-280,-365,554,-308,554,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,554,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,554,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,554,554,554,554,554,554,-573,554,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,554,554,-723,-724,-725,554,554,554,554,554,554,-994,554,554,-91,-92,554,554,554,554,-309,-310,-320,554,-307,-293,-294,-295,554,554,554,554,-618,-633,-590,554,554,-436,554,-437,554,-444,-445,-446,-378,-379,554,554,554,-506,554,554,-510,554,554,554,554,-515,-516,-517,-518,554,554,-521,-522,554,-524,-525,-526,-527,-528,-529,-530,-531,554,-533,554,554,554,-539,-541,-542,554,-544,-545,-546,-547,554,554,554,554,554,554,-652,-653,-654,-655,554,-657,-658,-659,554,554,554,-665,554,554,-669,-670,554,554,-673,554,-675,-676,554,-679,554,-681,554,554,-684,-685,-686,554,-688,554,554,-691,554,554,-694,-695,-696,554,-698,-699,-700,-701,554,554,-746,554,-749,-750,-751,-752,-753,554,-755,-756,-757,-758,-759,554,-766,-767,-769,554,-771,-772,-773,-782,-856,-858,-860,-862,554,554,554,554,-868,554,-870,554,554,554,554,554,554,554,-906,-907,554,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,554,-921,-924,554,-934,554,-385,-386,-387,554,554,-390,-391,-392,-393,554,-396,554,-399,-400,554,-401,554,-406,-407,554,-410,-411,-412,554,-415,554,-416,554,-421,-422,554,-425,554,-428,-429,-1894,-1894,554,-619,-620,-621,-622,-623,-634,-584,-624,-797,554,554,554,554,554,-831,554,554,-806,554,-832,554,554,554,554,-798,554,-853,-799,554,554,554,554,554,554,-854,-855,554,-834,-830,-835,554,-625,554,-626,-627,-628,-629,-574,554,554,-630,-631,-632,554,554,554,554,554,554,-635,-636,-637,-592,-1894,-602,554,-638,-639,-713,-640,-604,554,-572,-577,-580,-583,554,554,554,-598,-601,554,-608,554,554,554,554,554,554,554,554,554,554,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,554,554,554,-995,554,554,554,554,554,554,-306,-325,-319,-296,-375,-452,-453,-454,-458,554,-443,554,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,554,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,554,554,554,554,554,554,554,554,554,-316,-535,-508,-591,-937,-939,-940,-438,554,-440,-380,-381,-383,-507,-509,-511,554,-513,-514,-519,-520,554,-532,-534,-537,-538,-543,-548,-726,554,-727,554,-732,554,-734,554,-739,-656,-660,-661,554,-666,554,-667,554,-672,-674,554,-677,554,554,554,-687,-689,554,-692,554,554,-744,554,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,554,554,554,554,554,-877,554,-880,-908,-920,-925,-388,-389,554,-394,554,-397,554,-402,554,-403,554,-408,554,-413,554,-417,554,-418,554,-423,554,-426,-899,-900,-643,-585,-1894,-901,554,554,554,-800,554,554,-804,554,-807,-833,554,-818,554,-820,554,-822,-808,554,-824,554,-851,-852,554,554,-811,554,-646,-902,-904,-648,-649,-645,554,-705,-706,554,-642,-903,-647,-650,-603,-714,554,554,-605,-586,554,554,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,554,554,-709,-710,554,-716,554,554,554,554,554,554,-938,554,-439,-441,-747,554,-891,554,-715,-1894,554,554,554,554,554,-442,-512,-523,554,-728,-733,554,-735,554,-740,554,-662,-668,554,-678,-680,-682,-683,-690,-693,-697,-745,554,554,-874,554,554,-878,554,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,554,-812,554,-814,-801,554,-802,-805,554,-816,-819,-821,-823,-825,554,-826,554,-809,554,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,554,-282,554,554,554,554,-455,554,554,-729,554,-736,554,-741,554,-663,-671,554,554,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,554,-836,-53,554,554,-730,554,-737,554,-742,-664,554,-873,-54,554,554,-731,-738,-743,554,554,554,-872,]),'OR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2502,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3210,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3705,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[555,555,555,555,-1894,555,555,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,555,555,555,555,1426,-276,555,-1425,555,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,555,555,555,-490,555,555,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,555,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,555,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,555,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,555,-172,-173,-174,-175,-993,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-290,-291,-281,555,555,-363,555,555,555,-328,-318,-332,-333,-334,555,555,-982,-983,-984,-985,-986,-987,-988,555,555,555,555,555,555,555,555,555,555,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,555,555,555,-353,-356,555,-323,-324,-141,555,-142,555,-143,555,-430,-935,-936,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-1894,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-1894,555,-1894,555,555,555,555,555,555,555,555,555,555,555,555,-1894,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,555,-1894,555,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,555,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,555,555,555,-191,-192,555,-994,555,555,555,555,555,-277,-278,-279,-280,-365,555,-308,555,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,555,1426,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,555,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,555,555,555,555,555,555,-573,555,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,555,555,-723,-724,-725,555,555,555,555,555,1426,555,-994,555,555,-91,-92,555,555,555,555,-309,-310,-320,555,-307,-293,-294,-295,555,555,555,555,-618,-633,-590,555,555,-436,555,-437,555,-444,-445,-446,-378,-379,555,555,555,-506,555,555,-510,555,555,555,555,-515,-516,-517,-518,555,555,-521,-522,555,-524,-525,-526,-527,-528,-529,-530,-531,555,-533,555,555,555,-539,-541,-542,555,-544,-545,-546,-547,555,555,555,555,555,555,-652,-653,-654,-655,555,-657,-658,-659,555,555,555,-665,555,555,-669,-670,555,555,-673,555,-675,-676,555,-679,555,-681,555,555,-684,-685,-686,555,-688,555,555,-691,555,555,-694,-695,-696,555,-698,-699,-700,-701,555,555,-746,555,-749,-750,-751,-752,-753,555,-755,-756,-757,-758,-759,555,-766,-767,-769,555,-771,-772,-773,-782,-856,-858,-860,-862,555,555,555,555,-868,555,-870,555,555,555,555,555,555,555,-906,-907,555,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,555,-921,-924,555,-934,555,-385,-386,-387,555,555,-390,-391,-392,-393,555,-396,555,-399,-400,555,-401,555,-406,-407,555,-410,-411,-412,555,-415,555,-416,555,-421,-422,555,-425,555,-428,-429,-1894,-1894,555,-619,-620,-621,-622,-623,-634,-584,-624,-797,555,555,555,555,555,-831,555,555,-806,555,-832,555,555,555,555,-798,555,-853,-799,555,555,555,555,555,555,-854,-855,555,-834,-830,-835,555,-625,555,-626,-627,-628,-629,-574,555,555,-630,-631,-632,555,555,555,555,555,555,-635,-636,-637,-592,-1894,-602,555,-638,-639,-713,-640,-604,555,-572,-577,-580,-583,555,555,555,-598,-601,555,-608,555,555,555,555,555,555,555,555,555,555,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,555,555,555,-995,555,555,555,555,555,555,-306,-325,-319,-296,-375,-452,-453,-454,-458,555,-443,555,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,555,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,555,555,555,1426,555,555,555,555,555,555,-316,-535,-508,-591,-937,-939,-940,-438,555,-440,-380,-381,-383,-507,-509,-511,555,-513,-514,-519,-520,555,-532,-534,-537,-538,-543,-548,-726,555,-727,555,-732,555,-734,555,-739,-656,-660,-661,555,-666,555,-667,555,-672,-674,555,-677,555,555,555,-687,-689,555,-692,555,555,-744,555,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,555,555,555,555,555,-877,555,-880,-908,-920,-925,-388,-389,555,-394,555,-397,555,-402,555,-403,555,-408,555,-413,555,-417,555,-418,555,-423,555,-426,-899,-900,-643,-585,-1894,-901,555,555,555,-800,555,555,-804,555,-807,-833,555,-818,555,-820,555,-822,-808,555,-824,555,-851,-852,555,555,-811,555,-646,-902,-904,-648,-649,-645,555,-705,-706,555,-642,-903,-647,-650,-603,-714,555,555,-605,-586,555,555,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,555,555,-709,-710,555,-716,555,555,555,555,555,555,-938,555,-439,-441,-747,555,-891,555,-715,-1894,555,555,555,555,555,-442,-512,-523,555,-728,-733,555,-735,555,-740,555,-662,-668,555,-678,-680,-682,-683,-690,-693,-697,-745,555,555,-874,555,555,-878,555,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,555,-812,555,-814,-801,555,-802,-805,555,-816,-819,-821,-823,-825,555,-826,555,-809,555,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,555,1426,-282,555,555,555,555,-455,555,555,-729,555,-736,555,-741,555,-663,-671,555,555,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,555,-836,-53,555,555,-730,555,-737,555,-742,-664,555,-873,-54,555,555,-731,-738,-743,555,555,555,-872,]),'ORA_DECODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[556,556,556,1016,-1894,556,556,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,556,556,556,556,-275,-276,1016,-1425,1016,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1016,1016,1016,-490,1016,1016,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1016,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1016,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1928,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,556,-172,-173,-174,-175,-993,556,556,556,556,556,556,556,556,556,556,1016,1016,1016,1016,1016,-290,-291,-281,556,1016,1016,1016,1016,-328,-318,-332,-333,-334,1016,1016,-982,-983,-984,-985,-986,-987,-988,556,556,1016,1016,1016,1016,1016,1016,1016,1016,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1016,1016,1016,-353,-356,556,-323,-324,-141,1016,-142,1016,-143,1016,-430,-935,-936,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1894,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1894,1016,-1894,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1894,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-1894,556,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1016,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1016,556,556,-191,-192,556,-994,1016,556,556,556,556,-277,-278,-279,-280,-365,1016,-308,1016,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1016,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1016,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1016,1016,1016,1016,1016,1016,-573,1016,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1016,1016,-723,-724,-725,1016,1928,556,556,556,556,-994,556,1016,-91,-92,556,556,556,1016,-309,-310,-320,1016,-307,-293,-294,-295,1016,556,1016,1016,-618,-633,-590,1016,556,-436,556,-437,1016,-444,-445,-446,-378,-379,1016,1016,1016,-506,1016,1016,-510,1016,1016,1016,1016,-515,-516,-517,-518,1016,1016,-521,-522,1016,-524,-525,-526,-527,-528,-529,-530,-531,1016,-533,1016,1016,1016,-539,-541,-542,1016,-544,-545,-546,-547,1016,1016,1016,1016,1016,1016,-652,-653,-654,-655,556,-657,-658,-659,1016,1016,1016,-665,1016,1016,-669,-670,1016,1016,-673,1016,-675,-676,1016,-679,1016,-681,1016,1016,-684,-685,-686,1016,-688,1016,1016,-691,1016,1016,-694,-695,-696,1016,-698,-699,-700,-701,1016,1016,-746,1016,-749,-750,-751,-752,-753,1016,-755,-756,-757,-758,-759,1016,-766,-767,-769,1016,-771,-772,-773,-782,-856,-858,-860,-862,1016,1016,1016,1016,-868,1016,-870,1016,1016,1016,1016,1016,1016,1016,-906,-907,1016,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1016,-921,-924,1016,-934,1016,-385,-386,-387,1016,1016,-390,-391,-392,-393,1016,-396,1016,-399,-400,1016,-401,1016,-406,-407,1016,-410,-411,-412,1016,-415,1016,-416,1016,-421,-422,1016,-425,1016,-428,-429,-1894,-1894,1016,-619,-620,-621,-622,-623,-634,-584,-624,-797,1016,1016,1016,1016,1016,-831,1016,1016,-806,1016,-832,1016,1016,1016,1016,-798,1016,-853,-799,1016,1016,1016,1016,1016,1016,-854,-855,1016,-834,-830,-835,1016,-625,1016,-626,-627,-628,-629,-574,1016,1016,-630,-631,-632,1016,1016,1016,1016,1016,1016,-635,-636,-637,-592,-1894,-602,1016,-638,-639,-713,-640,-604,1016,-572,-577,-580,-583,1016,1016,1016,-598,-601,1016,-608,1016,1016,1016,1016,1016,1016,1016,1016,1016,1016,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1016,556,556,-995,556,1016,556,556,556,1016,-306,-325,-319,-296,-375,-452,-453,-454,-458,556,-443,1016,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1016,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,556,556,556,556,556,556,556,556,1016,-316,-535,-508,-591,-937,-939,-940,-438,1016,-440,-380,-381,-383,-507,-509,-511,1016,-513,-514,-519,-520,1016,-532,-534,-537,-538,-543,-548,-726,1016,-727,1016,-732,1016,-734,1016,-739,-656,-660,-661,1016,-666,1016,-667,1016,-672,-674,1016,-677,1016,1016,1016,-687,-689,1016,-692,1016,1016,-744,1016,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1016,1016,1016,1016,1016,-877,1016,-880,-908,-920,-925,-388,-389,1016,-394,1016,-397,1016,-402,1016,-403,1016,-408,1016,-413,1016,-417,1016,-418,1016,-423,1016,-426,-899,-900,-643,-585,-1894,-901,1016,1016,1016,-800,1016,1016,-804,1016,-807,-833,1016,-818,1016,-820,1016,-822,-808,1016,-824,1016,-851,-852,1016,1016,-811,1016,-646,-902,-904,-648,-649,-645,1016,-705,-706,1016,-642,-903,-647,-650,-603,-714,1016,1016,-605,-586,1016,1016,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1016,1016,-709,-710,1016,-716,1016,556,556,556,1016,1016,-938,556,-439,-441,-747,1016,-891,1928,-715,-1894,1016,1016,556,556,1016,-442,-512,-523,1016,-728,-733,1016,-735,1016,-740,1016,-662,-668,1016,-678,-680,-682,-683,-690,-693,-697,-745,1016,1016,-874,1016,1016,-878,1016,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1016,-812,1016,-814,-801,1016,-802,-805,1016,-816,-819,-821,-823,-825,1016,-826,1016,-809,1016,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,556,-282,556,1016,556,1016,-455,1016,1016,-729,1016,-736,1016,-741,1016,-663,-671,1016,1016,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1016,-836,-53,556,1016,-730,1016,-737,1016,-742,-664,1016,-873,-54,556,556,-731,-738,-743,1016,556,1016,-872,]),'ORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[557,557,557,1111,-1894,557,557,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,557,557,557,557,-275,-276,1111,-1425,1111,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1111,1111,1111,-490,1111,1111,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1111,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1111,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1929,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,557,-172,-173,-174,-175,-993,557,557,557,557,557,557,557,557,557,557,1111,1111,1111,1111,1111,-290,-291,-281,557,1111,1111,1111,1111,-328,-318,-332,-333,-334,1111,1111,-982,-983,-984,-985,-986,-987,-988,557,557,1111,1111,1111,1111,1111,1111,1111,1111,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1111,1111,1111,-353,-356,557,-323,-324,-141,1111,-142,1111,-143,1111,-430,-935,-936,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1894,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1894,1111,-1894,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1894,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-1894,557,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1111,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1111,557,557,-191,-192,557,-994,1111,557,557,557,557,-277,-278,-279,-280,-365,1111,-308,1111,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1111,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1111,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1111,1111,1111,1111,1111,1111,-573,1111,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1111,1111,-723,-724,-725,1111,1929,557,557,557,557,-994,557,1111,-91,-92,557,557,557,1111,-309,-310,-320,1111,-307,-293,-294,-295,1111,557,1111,1111,-618,-633,-590,1111,557,-436,557,-437,1111,-444,-445,-446,-378,-379,1111,1111,1111,-506,1111,1111,-510,1111,1111,1111,1111,-515,-516,-517,-518,1111,1111,-521,-522,1111,-524,-525,-526,-527,-528,-529,-530,-531,1111,-533,1111,1111,1111,-539,-541,-542,1111,-544,-545,-546,-547,1111,1111,1111,1111,1111,1111,-652,-653,-654,-655,557,-657,-658,-659,1111,1111,1111,-665,1111,1111,-669,-670,1111,1111,-673,1111,-675,-676,1111,-679,1111,-681,1111,1111,-684,-685,-686,1111,-688,1111,1111,-691,1111,1111,-694,-695,-696,1111,-698,-699,-700,-701,1111,1111,-746,1111,-749,-750,-751,-752,-753,1111,-755,-756,-757,-758,-759,1111,-766,-767,-769,1111,-771,-772,-773,-782,-856,-858,-860,-862,1111,1111,1111,1111,-868,1111,-870,1111,1111,1111,1111,1111,1111,1111,-906,-907,1111,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1111,-921,-924,1111,-934,1111,-385,-386,-387,1111,1111,-390,-391,-392,-393,1111,-396,1111,-399,-400,1111,-401,1111,-406,-407,1111,-410,-411,-412,1111,-415,1111,-416,1111,-421,-422,1111,-425,1111,-428,-429,-1894,-1894,1111,-619,-620,-621,-622,-623,-634,-584,-624,-797,1111,1111,1111,1111,1111,-831,1111,1111,-806,1111,-832,1111,1111,1111,1111,-798,1111,-853,-799,1111,1111,1111,1111,1111,1111,-854,-855,1111,-834,-830,-835,1111,-625,1111,-626,-627,-628,-629,-574,1111,1111,-630,-631,-632,1111,1111,1111,1111,1111,1111,-635,-636,-637,-592,-1894,-602,1111,-638,-639,-713,-640,-604,1111,-572,-577,-580,-583,1111,1111,1111,-598,-601,1111,-608,1111,1111,1111,1111,1111,1111,1111,1111,1111,1111,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1111,557,557,-995,557,1111,557,557,557,1111,-306,-325,-319,-296,-375,-452,-453,-454,-458,557,-443,1111,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1111,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,557,557,557,557,557,557,557,557,1111,-316,-535,-508,-591,-937,-939,-940,-438,1111,-440,-380,-381,-383,-507,-509,-511,1111,-513,-514,-519,-520,1111,-532,-534,-537,-538,-543,-548,-726,1111,-727,1111,-732,1111,-734,1111,-739,-656,-660,-661,1111,-666,1111,-667,1111,-672,-674,1111,-677,1111,1111,1111,-687,-689,1111,-692,1111,1111,-744,1111,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1111,1111,1111,1111,1111,-877,1111,-880,-908,-920,-925,-388,-389,1111,-394,1111,-397,1111,-402,1111,-403,1111,-408,1111,-413,1111,-417,1111,-418,1111,-423,1111,-426,-899,-900,-643,-585,-1894,-901,1111,1111,1111,-800,1111,1111,-804,1111,-807,-833,1111,-818,1111,-820,1111,-822,-808,1111,-824,1111,-851,-852,1111,1111,-811,1111,-646,-902,-904,-648,-649,-645,1111,-705,-706,1111,-642,-903,-647,-650,-603,-714,1111,1111,-605,-586,1111,1111,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1111,1111,-709,-710,1111,-716,1111,557,557,557,1111,1111,-938,557,-439,-441,-747,1111,-891,1929,-715,-1894,1111,1111,557,557,1111,-442,-512,-523,1111,-728,-733,1111,-735,1111,-740,1111,-662,-668,1111,-678,-680,-682,-683,-690,-693,-697,-745,1111,1111,-874,1111,1111,-878,1111,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1111,-812,1111,-814,-801,1111,-802,-805,1111,-816,-819,-821,-823,-825,1111,-826,1111,-809,1111,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,557,-282,557,1111,557,1111,-455,1111,1111,-729,1111,-736,1111,-741,1111,-663,-671,1111,1111,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1111,-836,-53,557,1111,-730,1111,-737,1111,-742,-664,1111,-873,-54,557,557,-731,-738,-743,1111,557,1111,-872,]),'ORDINALITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[558,558,558,558,-1894,558,558,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,558,558,558,558,-275,-276,558,-1425,558,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,558,558,558,-490,558,558,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,558,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,558,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,558,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,558,-172,-173,-174,-175,-993,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-290,-291,-281,558,558,558,558,558,-328,-318,-332,-333,-334,558,558,-982,-983,-984,-985,-986,-987,-988,558,558,558,558,558,558,558,558,558,558,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,558,558,558,-353,-356,558,-323,-324,-141,558,-142,558,-143,558,-430,-935,-936,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-1894,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-1894,558,-1894,558,558,558,558,558,558,558,558,558,558,558,558,-1894,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,558,-1894,558,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,558,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,558,558,558,-191,-192,558,-994,558,558,558,558,558,-277,-278,-279,-280,-365,558,-308,558,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,558,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,558,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,558,558,558,558,558,558,-573,558,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,558,558,-723,-724,-725,558,558,558,558,558,558,-994,558,558,-91,-92,558,558,558,558,-309,-310,-320,558,-307,-293,-294,-295,558,558,558,558,-618,-633,-590,558,558,-436,558,-437,558,-444,-445,-446,-378,-379,558,558,558,-506,558,558,-510,558,558,558,558,-515,-516,-517,-518,558,558,-521,-522,558,-524,-525,-526,-527,-528,-529,-530,-531,558,-533,558,558,558,-539,-541,-542,558,-544,-545,-546,-547,558,558,558,558,558,558,-652,-653,-654,-655,558,-657,-658,-659,558,558,558,-665,558,558,-669,-670,558,558,-673,558,-675,-676,558,-679,558,-681,558,558,-684,-685,-686,558,-688,558,558,-691,558,558,-694,-695,-696,558,-698,-699,-700,-701,558,558,-746,558,-749,-750,-751,-752,-753,558,-755,-756,-757,-758,-759,558,-766,-767,-769,558,-771,-772,-773,-782,-856,-858,-860,-862,558,558,558,558,-868,558,-870,558,558,558,558,558,558,558,-906,-907,558,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,558,-921,-924,558,-934,558,-385,-386,-387,558,558,-390,-391,-392,-393,558,-396,558,-399,-400,558,-401,558,-406,-407,558,-410,-411,-412,558,-415,558,-416,558,-421,-422,558,-425,558,-428,-429,-1894,-1894,558,-619,-620,-621,-622,-623,-634,-584,-624,-797,558,558,558,558,558,-831,558,558,-806,558,-832,558,558,558,558,-798,558,-853,-799,558,558,558,558,558,558,-854,-855,558,-834,-830,-835,558,-625,558,-626,-627,-628,-629,-574,558,558,-630,-631,-632,558,558,558,558,558,558,-635,-636,-637,-592,-1894,-602,558,-638,-639,-713,-640,-604,558,-572,-577,-580,-583,558,558,558,-598,-601,558,-608,558,558,558,558,558,558,558,558,558,558,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,558,558,558,-995,558,558,558,558,558,558,-306,-325,-319,-296,-375,-452,-453,-454,-458,558,-443,558,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,558,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,558,558,558,558,558,558,558,558,558,-316,-535,-508,-591,-937,-939,-940,-438,558,-440,-380,-381,-383,-507,-509,-511,558,-513,-514,-519,-520,558,-532,-534,-537,-538,-543,-548,-726,558,-727,558,-732,558,-734,558,-739,-656,-660,-661,558,-666,558,-667,558,-672,-674,558,-677,558,558,558,-687,-689,558,-692,558,558,-744,558,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,558,558,558,558,558,-877,558,-880,-908,-920,-925,-388,-389,558,-394,558,-397,558,-402,558,-403,558,-408,558,-413,558,-417,558,-418,558,-423,558,-426,-899,-900,-643,-585,-1894,-901,558,558,558,-800,558,558,-804,558,-807,-833,558,-818,558,-820,558,-822,-808,558,-824,558,-851,-852,558,558,-811,558,-646,-902,-904,-648,-649,-645,558,-705,-706,558,-642,-903,-647,-650,-603,-714,558,558,-605,-586,558,558,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,558,558,-709,-710,558,-716,558,558,558,558,558,558,-938,558,-439,-441,-747,558,-891,558,-715,-1894,558,558,558,558,558,-442,-512,-523,558,-728,-733,558,-735,558,-740,558,-662,-668,558,-678,-680,-682,-683,-690,-693,-697,-745,558,558,-874,558,558,-878,558,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,558,-812,558,-814,-801,558,-802,-805,558,-816,-819,-821,-823,-825,558,-826,558,-809,558,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,558,-282,558,558,558,558,-455,558,558,-729,558,-736,558,-741,558,-663,-671,558,558,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,558,-836,-53,558,558,-730,558,-737,558,-742,-664,558,-873,-54,558,558,-731,-738,-743,558,558,558,-872,]),'ORIG_DEFAULT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[559,559,559,559,-1894,559,559,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,559,559,559,559,-275,-276,559,-1425,559,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,559,559,559,-490,559,559,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,559,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,559,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,559,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,559,-172,-173,-174,-175,-993,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-290,-291,-281,559,559,559,559,559,-328,-318,-332,-333,-334,559,559,-982,-983,-984,-985,-986,-987,-988,559,559,559,559,559,559,559,559,559,559,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,559,559,559,-353,-356,559,-323,-324,-141,559,-142,559,-143,559,-430,-935,-936,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-1894,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-1894,559,-1894,559,559,559,559,559,559,559,559,559,559,559,559,-1894,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,559,-1894,559,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,559,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,559,559,559,-191,-192,559,-994,559,559,559,559,559,-277,-278,-279,-280,-365,559,-308,559,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,559,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,559,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,559,559,559,559,559,559,-573,559,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,559,559,-723,-724,-725,559,559,559,559,559,559,-994,559,559,-91,-92,559,559,559,559,-309,-310,-320,559,-307,-293,-294,-295,559,559,559,559,-618,-633,-590,559,559,-436,559,-437,559,-444,-445,-446,-378,-379,559,559,559,-506,559,559,-510,559,559,559,559,-515,-516,-517,-518,559,559,-521,-522,559,-524,-525,-526,-527,-528,-529,-530,-531,559,-533,559,559,559,-539,-541,-542,559,-544,-545,-546,-547,559,559,559,559,559,559,-652,-653,-654,-655,559,-657,-658,-659,559,559,559,-665,559,559,-669,-670,559,559,-673,559,-675,-676,559,-679,559,-681,559,559,-684,-685,-686,559,-688,559,559,-691,559,559,-694,-695,-696,559,-698,-699,-700,-701,559,559,-746,559,-749,-750,-751,-752,-753,559,-755,-756,-757,-758,-759,559,-766,-767,-769,559,-771,-772,-773,-782,-856,-858,-860,-862,559,559,559,559,-868,559,-870,559,559,559,559,559,559,559,-906,-907,559,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,559,-921,-924,559,-934,559,-385,-386,-387,559,559,-390,-391,-392,-393,559,-396,559,-399,-400,559,-401,559,-406,-407,559,-410,-411,-412,559,-415,559,-416,559,-421,-422,559,-425,559,-428,-429,-1894,-1894,559,-619,-620,-621,-622,-623,-634,-584,-624,-797,559,559,559,559,559,-831,559,559,-806,559,-832,559,559,559,559,-798,559,-853,-799,559,559,559,559,559,559,-854,-855,559,-834,-830,-835,559,-625,559,-626,-627,-628,-629,-574,559,559,-630,-631,-632,559,559,559,559,559,559,-635,-636,-637,-592,-1894,-602,559,-638,-639,-713,-640,-604,559,-572,-577,-580,-583,559,559,559,-598,-601,559,-608,559,559,559,559,559,559,559,559,559,559,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,559,559,559,-995,559,559,559,559,559,559,-306,-325,-319,-296,-375,-452,-453,-454,-458,559,-443,559,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,559,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,559,559,559,559,559,559,559,559,559,-316,-535,-508,-591,-937,-939,-940,-438,559,-440,-380,-381,-383,-507,-509,-511,559,-513,-514,-519,-520,559,-532,-534,-537,-538,-543,-548,-726,559,-727,559,-732,559,-734,559,-739,-656,-660,-661,559,-666,559,-667,559,-672,-674,559,-677,559,559,559,-687,-689,559,-692,559,559,-744,559,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,559,559,559,559,559,-877,559,-880,-908,-920,-925,-388,-389,559,-394,559,-397,559,-402,559,-403,559,-408,559,-413,559,-417,559,-418,559,-423,559,-426,-899,-900,-643,-585,-1894,-901,559,559,559,-800,559,559,-804,559,-807,-833,559,-818,559,-820,559,-822,-808,559,-824,559,-851,-852,559,559,-811,559,-646,-902,-904,-648,-649,-645,559,-705,-706,559,-642,-903,-647,-650,-603,-714,559,559,-605,-586,559,559,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,559,559,-709,-710,559,-716,559,559,559,559,559,559,-938,559,-439,-441,-747,559,-891,559,-715,-1894,559,559,559,559,559,-442,-512,-523,559,-728,-733,559,-735,559,-740,559,-662,-668,559,-678,-680,-682,-683,-690,-693,-697,-745,559,559,-874,559,559,-878,559,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,559,-812,559,-814,-801,559,-802,-805,559,-816,-819,-821,-823,-825,559,-826,559,-809,559,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,559,-282,559,559,559,559,-455,559,559,-729,559,-736,559,-741,559,-663,-671,559,559,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,559,-836,-53,559,559,-730,559,-737,559,-742,-664,559,-873,-54,559,559,-731,-738,-743,559,559,559,-872,]),'OUTLINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[560,560,560,560,-1894,560,560,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,560,560,560,560,-275,-276,560,-1425,560,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,560,560,560,-490,560,560,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,560,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,560,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,560,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,560,-172,-173,-174,-175,-993,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-290,-291,-281,560,560,560,560,560,-328,-318,-332,-333,-334,560,560,-982,-983,-984,-985,-986,-987,-988,560,560,560,560,560,560,560,560,560,560,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,560,560,560,-353,-356,560,-323,-324,-141,560,-142,560,-143,560,-430,-935,-936,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-1894,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-1894,560,-1894,560,560,560,560,560,560,560,560,560,560,560,560,-1894,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,560,-1894,560,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,560,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,560,560,560,-191,-192,560,-994,560,560,560,560,560,-277,-278,-279,-280,-365,560,-308,560,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,560,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,560,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,560,560,560,560,560,560,-573,560,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,560,560,-723,-724,-725,560,560,560,560,560,560,-994,560,560,-91,-92,560,560,560,560,-309,-310,-320,560,-307,-293,-294,-295,560,560,560,560,-618,-633,-590,560,560,-436,560,-437,560,-444,-445,-446,-378,-379,560,560,560,-506,560,560,-510,560,560,560,560,-515,-516,-517,-518,560,560,-521,-522,560,-524,-525,-526,-527,-528,-529,-530,-531,560,-533,560,560,560,-539,-541,-542,560,-544,-545,-546,-547,560,560,560,560,560,560,-652,-653,-654,-655,560,-657,-658,-659,560,560,560,-665,560,560,-669,-670,560,560,-673,560,-675,-676,560,-679,560,-681,560,560,-684,-685,-686,560,-688,560,560,-691,560,560,-694,-695,-696,560,-698,-699,-700,-701,560,560,-746,560,-749,-750,-751,-752,-753,560,-755,-756,-757,-758,-759,560,-766,-767,-769,560,-771,-772,-773,-782,-856,-858,-860,-862,560,560,560,560,-868,560,-870,560,560,560,560,560,560,560,-906,-907,560,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,560,-921,-924,560,-934,560,-385,-386,-387,560,560,-390,-391,-392,-393,560,-396,560,-399,-400,560,-401,560,-406,-407,560,-410,-411,-412,560,-415,560,-416,560,-421,-422,560,-425,560,-428,-429,-1894,-1894,560,-619,-620,-621,-622,-623,-634,-584,-624,-797,560,560,560,560,560,-831,560,560,-806,560,-832,560,560,560,560,-798,560,-853,-799,560,560,560,560,560,560,-854,-855,560,-834,-830,-835,560,-625,560,-626,-627,-628,-629,-574,560,560,-630,-631,-632,560,560,560,560,560,560,-635,-636,-637,-592,-1894,-602,560,-638,-639,-713,-640,-604,560,-572,-577,-580,-583,560,560,560,-598,-601,560,-608,560,560,560,560,560,560,560,560,560,560,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,560,560,560,-995,560,560,560,560,560,560,-306,-325,-319,-296,-375,-452,-453,-454,-458,560,-443,560,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,560,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,560,560,560,560,560,560,560,560,560,-316,-535,-508,-591,-937,-939,-940,-438,560,-440,-380,-381,-383,-507,-509,-511,560,-513,-514,-519,-520,560,-532,-534,-537,-538,-543,-548,-726,560,-727,560,-732,560,-734,560,-739,-656,-660,-661,560,-666,560,-667,560,-672,-674,560,-677,560,560,560,-687,-689,560,-692,560,560,-744,560,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,560,560,560,560,560,-877,560,-880,-908,-920,-925,-388,-389,560,-394,560,-397,560,-402,560,-403,560,-408,560,-413,560,-417,560,-418,560,-423,560,-426,-899,-900,-643,-585,-1894,-901,560,560,560,-800,560,560,-804,560,-807,-833,560,-818,560,-820,560,-822,-808,560,-824,560,-851,-852,560,560,-811,560,-646,-902,-904,-648,-649,-645,560,-705,-706,560,-642,-903,-647,-650,-603,-714,560,560,-605,-586,560,560,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,560,560,-709,-710,560,-716,560,560,560,560,560,560,-938,560,-439,-441,-747,560,-891,560,-715,-1894,560,560,560,560,560,-442,-512,-523,560,-728,-733,560,-735,560,-740,560,-662,-668,560,-678,-680,-682,-683,-690,-693,-697,-745,560,560,-874,560,560,-878,560,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,560,-812,560,-814,-801,560,-802,-805,560,-816,-819,-821,-823,-825,560,-826,560,-809,560,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,560,-282,560,560,560,560,-455,560,560,-729,560,-736,560,-741,560,-663,-671,560,560,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,560,-836,-53,560,560,-730,560,-737,560,-742,-664,560,-873,-54,560,560,-731,-738,-743,560,560,560,-872,]),'OVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2128,2129,2136,2137,2138,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2556,2560,2562,2563,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2985,2988,2989,2992,2993,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3258,3259,3260,3261,3265,3266,3267,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3509,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[561,561,561,561,-1894,561,561,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,561,561,561,561,-275,-276,561,-1425,561,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,561,561,561,-490,561,561,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,561,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,561,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,561,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,561,-172,-173,-174,-175,-993,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-290,-291,-281,561,561,561,561,561,-328,-318,-332,-333,-334,561,561,-982,-983,-984,-985,-986,-987,-988,561,561,561,561,561,561,561,561,561,561,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,561,561,561,-353,-356,561,-323,-324,-141,561,-142,561,-143,561,-430,-935,-936,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-1894,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-1894,561,-1894,561,561,561,561,561,561,561,561,561,561,561,561,-1894,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,561,-1894,561,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,561,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,561,561,561,-191,-192,561,-994,561,561,561,561,561,-277,-278,-279,-280,-365,561,-308,561,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,561,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,561,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,2554,2554,2554,2554,2554,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,561,561,561,561,561,561,-573,561,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,561,561,-723,-724,-725,561,561,561,561,561,561,-994,561,561,-91,-92,561,561,561,561,-309,-310,-320,561,-307,-293,-294,-295,561,561,561,561,-618,-633,-590,561,561,-436,561,-437,-1894,-1894,561,2554,-444,-445,-446,-378,-379,561,561,561,-506,561,561,-510,561,561,561,561,-515,-516,-517,-518,561,561,-521,-522,561,-524,-525,-526,-527,-528,-529,-530,-531,561,-533,561,561,561,-539,-541,-542,561,-544,-545,-546,-547,561,561,561,561,561,561,-652,-653,-654,-655,561,-657,-658,-659,561,561,561,-665,561,561,-669,-670,561,561,-673,561,-675,-676,561,-679,561,-681,561,561,-684,-685,-686,561,-688,561,561,-691,561,561,-694,-695,-696,561,-698,-699,-700,-701,561,561,-746,561,-749,-750,-751,-752,-753,561,-755,-756,-757,-758,-759,561,-766,-767,-769,561,-771,-772,-773,-782,-856,-858,-860,-862,561,561,561,561,-868,561,-870,561,561,561,561,561,561,561,-906,-907,561,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,561,-921,-924,561,-934,561,-385,-386,-387,561,561,-390,-391,-392,-393,561,-396,561,-399,-400,561,-401,561,-406,-407,561,-410,-411,-412,561,-415,561,-416,561,-421,-422,561,-425,561,-428,-429,2554,2554,561,-619,-620,-621,-622,-623,-634,-584,-624,-797,561,561,561,561,561,-831,561,561,-806,561,-832,561,561,561,561,-798,561,-853,-799,561,561,561,561,561,561,-854,-855,561,-834,-830,-835,561,-625,561,-626,-627,-628,-629,-574,561,561,-630,-631,-632,561,561,561,561,561,561,-635,-636,-637,-592,2554,-602,561,-638,-639,-713,-640,-604,561,-572,-577,-580,-583,561,561,561,-598,-601,561,-608,561,561,561,561,561,561,561,561,561,561,-718,2554,2554,2554,2554,2554,2554,2554,2554,2554,-994,561,561,561,-995,561,561,561,561,561,561,-306,-325,-319,-296,-375,-452,-453,-454,-458,561,2554,-449,-1894,2554,-1894,-443,561,-933,2554,-889,-450,-451,-890,2554,2554,2554,2554,2554,-898,561,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,561,561,561,561,561,561,561,561,561,-316,-535,-508,-591,-937,-939,-940,-438,-447,-448,2554,561,-440,2554,-1894,-380,-381,-383,-507,-509,-511,561,-513,-514,-519,-520,561,-532,-534,-537,-538,-543,-548,-726,561,-727,561,-732,561,-734,561,-739,-656,-660,-661,561,-666,561,-667,561,-672,-674,561,-677,561,561,561,-687,-689,561,-692,561,561,-744,561,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,561,561,561,561,561,-877,561,-880,-908,-920,-925,-388,-389,561,-394,561,-397,561,-402,561,-403,561,-408,561,-413,561,-417,561,-418,561,-423,561,-426,-899,-900,-643,-585,2554,-901,561,561,561,-800,561,561,-804,561,-807,-833,561,-818,561,-820,561,-822,-808,561,-824,561,-851,-852,561,561,-811,561,-646,-902,-904,-648,-649,-645,561,-705,-706,561,-642,-903,-647,-650,-603,-714,561,561,-605,-586,561,561,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,561,561,-709,-710,561,-716,561,561,561,561,561,561,-938,561,-439,-441,2554,-747,561,-891,561,-715,2554,561,561,561,561,561,-442,-512,-523,561,-728,-733,561,-735,561,-740,561,-662,-668,561,-678,-680,-682,-683,-690,-693,-697,-745,561,561,-874,561,561,-878,561,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,561,-812,561,-814,-801,561,-802,-805,561,-816,-819,-821,-823,-825,561,-826,561,-809,561,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,561,-282,561,561,561,561,-455,561,561,-729,561,-736,561,-741,561,-663,-671,561,561,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,561,-836,-53,561,561,-730,561,-737,561,-742,-664,561,-873,-54,561,561,-731,-738,-743,561,561,561,-872,]),'OWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[562,562,562,562,-1894,562,562,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,562,562,562,562,-275,-276,562,-1425,562,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,562,562,562,-490,562,562,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,562,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,562,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,562,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,562,-172,-173,-174,-175,-993,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-290,-291,-281,562,562,562,562,562,-328,-318,-332,-333,-334,562,562,-982,-983,-984,-985,-986,-987,-988,562,562,562,562,562,562,562,562,562,562,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,562,562,562,-353,-356,562,-323,-324,-141,562,-142,562,-143,562,-430,-935,-936,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-1894,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-1894,562,-1894,562,562,562,562,562,562,562,562,562,562,562,562,-1894,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,562,-1894,562,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,562,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,562,562,562,-191,-192,562,-994,562,562,562,562,562,-277,-278,-279,-280,-365,562,-308,562,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,562,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,562,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,562,562,562,562,562,562,-573,562,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,562,562,-723,-724,-725,562,562,562,562,562,562,-994,562,562,-91,-92,562,562,562,562,-309,-310,-320,562,-307,-293,-294,-295,562,562,562,562,-618,-633,-590,562,562,-436,562,-437,562,-444,-445,-446,-378,-379,562,562,562,-506,562,562,-510,562,562,562,562,-515,-516,-517,-518,562,562,-521,-522,562,-524,-525,-526,-527,-528,-529,-530,-531,562,-533,562,562,562,-539,-541,-542,562,-544,-545,-546,-547,562,562,562,562,562,562,-652,-653,-654,-655,562,-657,-658,-659,562,562,562,-665,562,562,-669,-670,562,562,-673,562,-675,-676,562,-679,562,-681,562,562,-684,-685,-686,562,-688,562,562,-691,562,562,-694,-695,-696,562,-698,-699,-700,-701,562,562,-746,562,-749,-750,-751,-752,-753,562,-755,-756,-757,-758,-759,562,-766,-767,-769,562,-771,-772,-773,-782,-856,-858,-860,-862,562,562,562,562,-868,562,-870,562,562,562,562,562,562,562,-906,-907,562,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,562,-921,-924,562,-934,562,-385,-386,-387,562,562,-390,-391,-392,-393,562,-396,562,-399,-400,562,-401,562,-406,-407,562,-410,-411,-412,562,-415,562,-416,562,-421,-422,562,-425,562,-428,-429,-1894,-1894,562,-619,-620,-621,-622,-623,-634,-584,-624,-797,562,562,562,562,562,-831,562,562,-806,562,-832,562,562,562,562,-798,562,-853,-799,562,562,562,562,562,562,-854,-855,562,-834,-830,-835,562,-625,562,-626,-627,-628,-629,-574,562,562,-630,-631,-632,562,562,562,562,562,562,-635,-636,-637,-592,-1894,-602,562,-638,-639,-713,-640,-604,562,-572,-577,-580,-583,562,562,562,-598,-601,562,-608,562,562,562,562,562,562,562,562,562,562,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,562,562,562,-995,562,562,562,562,562,562,-306,-325,-319,-296,-375,-452,-453,-454,-458,562,-443,562,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,562,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,562,562,562,562,562,562,562,562,562,-316,-535,-508,-591,-937,-939,-940,-438,562,-440,-380,-381,-383,-507,-509,-511,562,-513,-514,-519,-520,562,-532,-534,-537,-538,-543,-548,-726,562,-727,562,-732,562,-734,562,-739,-656,-660,-661,562,-666,562,-667,562,-672,-674,562,-677,562,562,562,-687,-689,562,-692,562,562,-744,562,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,562,562,562,562,562,-877,562,-880,-908,-920,-925,-388,-389,562,-394,562,-397,562,-402,562,-403,562,-408,562,-413,562,-417,562,-418,562,-423,562,-426,-899,-900,-643,-585,-1894,-901,562,562,562,-800,562,562,-804,562,-807,-833,562,-818,562,-820,562,-822,-808,562,-824,562,-851,-852,562,562,-811,562,-646,-902,-904,-648,-649,-645,562,-705,-706,562,-642,-903,-647,-650,-603,-714,562,562,-605,-586,562,562,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,562,562,-709,-710,562,-716,562,562,562,562,562,562,-938,562,-439,-441,-747,562,-891,562,-715,-1894,562,562,562,562,562,-442,-512,-523,562,-728,-733,562,-735,562,-740,562,-662,-668,562,-678,-680,-682,-683,-690,-693,-697,-745,562,562,-874,562,562,-878,562,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,562,-812,562,-814,-801,562,-802,-805,562,-816,-819,-821,-823,-825,562,-826,562,-809,562,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,562,-282,562,562,562,562,-455,562,562,-729,562,-736,562,-741,562,-663,-671,562,562,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,562,-836,-53,562,562,-730,562,-737,562,-742,-664,562,-873,-54,562,562,-731,-738,-743,562,562,562,-872,]),'OWNER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[563,563,563,563,-1894,563,563,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,563,563,563,563,-275,-276,563,-1425,563,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,563,563,563,-490,563,563,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,563,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,563,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,563,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,563,-172,-173,-174,-175,-993,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-290,-291,-281,563,563,563,563,563,-328,-318,-332,-333,-334,563,563,-982,-983,-984,-985,-986,-987,-988,563,563,563,563,563,563,563,563,563,563,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,563,563,563,-353,-356,563,-323,-324,-141,563,-142,563,-143,563,-430,-935,-936,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-1894,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-1894,563,-1894,563,563,563,563,563,563,563,563,563,563,563,563,-1894,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,563,-1894,563,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,563,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,563,563,563,-191,-192,563,-994,563,563,563,563,563,-277,-278,-279,-280,-365,563,-308,563,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,563,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,563,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,563,563,563,563,563,563,-573,563,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,563,563,-723,-724,-725,563,563,563,563,563,563,-994,563,563,-91,-92,563,563,563,563,-309,-310,-320,563,-307,-293,-294,-295,563,563,563,563,-618,-633,-590,563,563,-436,563,-437,563,-444,-445,-446,-378,-379,563,563,563,-506,563,563,-510,563,563,563,563,-515,-516,-517,-518,563,563,-521,-522,563,-524,-525,-526,-527,-528,-529,-530,-531,563,-533,563,563,563,-539,-541,-542,563,-544,-545,-546,-547,563,563,563,563,563,563,-652,-653,-654,-655,563,-657,-658,-659,563,563,563,-665,563,563,-669,-670,563,563,-673,563,-675,-676,563,-679,563,-681,563,563,-684,-685,-686,563,-688,563,563,-691,563,563,-694,-695,-696,563,-698,-699,-700,-701,563,563,-746,563,-749,-750,-751,-752,-753,563,-755,-756,-757,-758,-759,563,-766,-767,-769,563,-771,-772,-773,-782,-856,-858,-860,-862,563,563,563,563,-868,563,-870,563,563,563,563,563,563,563,-906,-907,563,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,563,-921,-924,563,-934,563,-385,-386,-387,563,563,-390,-391,-392,-393,563,-396,563,-399,-400,563,-401,563,-406,-407,563,-410,-411,-412,563,-415,563,-416,563,-421,-422,563,-425,563,-428,-429,-1894,-1894,563,-619,-620,-621,-622,-623,-634,-584,-624,-797,563,563,563,563,563,-831,563,563,-806,563,-832,563,563,563,563,-798,563,-853,-799,563,563,563,563,563,563,-854,-855,563,-834,-830,-835,563,-625,563,-626,-627,-628,-629,-574,563,563,-630,-631,-632,563,563,563,563,563,563,-635,-636,-637,-592,-1894,-602,563,-638,-639,-713,-640,-604,563,-572,-577,-580,-583,563,563,563,-598,-601,563,-608,563,563,563,563,563,563,563,563,563,563,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,563,563,563,-995,563,563,563,563,563,563,-306,-325,-319,-296,-375,-452,-453,-454,-458,563,-443,563,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,563,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,563,563,563,563,563,563,563,563,563,-316,-535,-508,-591,-937,-939,-940,-438,563,-440,-380,-381,-383,-507,-509,-511,563,-513,-514,-519,-520,563,-532,-534,-537,-538,-543,-548,-726,563,-727,563,-732,563,-734,563,-739,-656,-660,-661,563,-666,563,-667,563,-672,-674,563,-677,563,563,563,-687,-689,563,-692,563,563,-744,563,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,563,563,563,563,563,-877,563,-880,-908,-920,-925,-388,-389,563,-394,563,-397,563,-402,563,-403,563,-408,563,-413,563,-417,563,-418,563,-423,563,-426,-899,-900,-643,-585,-1894,-901,563,563,563,-800,563,563,-804,563,-807,-833,563,-818,563,-820,563,-822,-808,563,-824,563,-851,-852,563,563,-811,563,-646,-902,-904,-648,-649,-645,563,-705,-706,563,-642,-903,-647,-650,-603,-714,563,563,-605,-586,563,563,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,563,563,-709,-710,563,-716,563,563,563,563,563,563,-938,563,-439,-441,-747,563,-891,563,-715,-1894,563,563,563,563,563,-442,-512,-523,563,-728,-733,563,-735,563,-740,563,-662,-668,563,-678,-680,-682,-683,-690,-693,-697,-745,563,563,-874,563,563,-878,563,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,563,-812,563,-814,-801,563,-802,-805,563,-816,-819,-821,-823,-825,563,-826,563,-809,563,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,563,-282,563,563,563,563,-455,563,563,-729,563,-736,563,-741,563,-663,-671,563,563,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,563,-836,-53,563,563,-730,563,-737,563,-742,-664,563,-873,-54,563,563,-731,-738,-743,563,563,563,-872,]),'PACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[564,564,564,564,-1894,564,564,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,564,564,564,564,-275,-276,564,-1425,564,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,564,564,564,-490,564,564,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,564,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,564,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,564,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,564,-172,-173,-174,-175,-993,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-290,-291,-281,564,564,564,564,564,-328,-318,-332,-333,-334,564,564,-982,-983,-984,-985,-986,-987,-988,564,564,564,564,564,564,564,564,564,564,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,564,564,564,-353,-356,564,-323,-324,-141,564,-142,564,-143,564,-430,-935,-936,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-1894,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-1894,564,-1894,564,564,564,564,564,564,564,564,564,564,564,564,-1894,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,564,-1894,564,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,564,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,564,564,564,-191,-192,564,-994,564,564,564,564,564,-277,-278,-279,-280,-365,564,-308,564,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,564,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,564,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,564,564,564,564,564,564,-573,564,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,564,564,-723,-724,-725,564,564,564,564,564,564,-994,564,564,-91,-92,564,564,564,564,-309,-310,-320,564,-307,-293,-294,-295,564,564,564,564,-618,-633,-590,564,564,-436,564,-437,564,-444,-445,-446,-378,-379,564,564,564,-506,564,564,-510,564,564,564,564,-515,-516,-517,-518,564,564,-521,-522,564,-524,-525,-526,-527,-528,-529,-530,-531,564,-533,564,564,564,-539,-541,-542,564,-544,-545,-546,-547,564,564,564,564,564,564,-652,-653,-654,-655,564,-657,-658,-659,564,564,564,-665,564,564,-669,-670,564,564,-673,564,-675,-676,564,-679,564,-681,564,564,-684,-685,-686,564,-688,564,564,-691,564,564,-694,-695,-696,564,-698,-699,-700,-701,564,564,-746,564,-749,-750,-751,-752,-753,564,-755,-756,-757,-758,-759,564,-766,-767,-769,564,-771,-772,-773,-782,-856,-858,-860,-862,564,564,564,564,-868,564,-870,564,564,564,564,564,564,564,-906,-907,564,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,564,-921,-924,564,-934,564,-385,-386,-387,564,564,-390,-391,-392,-393,564,-396,564,-399,-400,564,-401,564,-406,-407,564,-410,-411,-412,564,-415,564,-416,564,-421,-422,564,-425,564,-428,-429,-1894,-1894,564,-619,-620,-621,-622,-623,-634,-584,-624,-797,564,564,564,564,564,-831,564,564,-806,564,-832,564,564,564,564,-798,564,-853,-799,564,564,564,564,564,564,-854,-855,564,-834,-830,-835,564,-625,564,-626,-627,-628,-629,-574,564,564,-630,-631,-632,564,564,564,564,564,564,-635,-636,-637,-592,-1894,-602,564,-638,-639,-713,-640,-604,564,-572,-577,-580,-583,564,564,564,-598,-601,564,-608,564,564,564,564,564,564,564,564,564,564,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,564,564,564,-995,564,564,564,564,564,564,-306,-325,-319,-296,-375,-452,-453,-454,-458,564,-443,564,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,564,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,564,564,564,564,564,564,564,564,564,-316,-535,-508,-591,-937,-939,-940,-438,564,-440,-380,-381,-383,-507,-509,-511,564,-513,-514,-519,-520,564,-532,-534,-537,-538,-543,-548,-726,564,-727,564,-732,564,-734,564,-739,-656,-660,-661,564,-666,564,-667,564,-672,-674,564,-677,564,564,564,-687,-689,564,-692,564,564,-744,564,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,564,564,564,564,564,-877,564,-880,-908,-920,-925,-388,-389,564,-394,564,-397,564,-402,564,-403,564,-408,564,-413,564,-417,564,-418,564,-423,564,-426,-899,-900,-643,-585,-1894,-901,564,564,564,-800,564,564,-804,564,-807,-833,564,-818,564,-820,564,-822,-808,564,-824,564,-851,-852,564,564,-811,564,-646,-902,-904,-648,-649,-645,564,-705,-706,564,-642,-903,-647,-650,-603,-714,564,564,-605,-586,564,564,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,564,564,-709,-710,564,-716,564,564,564,564,564,564,-938,564,-439,-441,-747,564,-891,564,-715,-1894,564,564,564,564,564,-442,-512,-523,564,-728,-733,564,-735,564,-740,564,-662,-668,564,-678,-680,-682,-683,-690,-693,-697,-745,564,564,-874,564,564,-878,564,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,564,-812,564,-814,-801,564,-802,-805,564,-816,-819,-821,-823,-825,564,-826,564,-809,564,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,564,-282,564,564,564,564,-455,564,564,-729,564,-736,564,-741,564,-663,-671,564,564,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,564,-836,-53,564,564,-730,564,-737,564,-742,-664,564,-873,-54,564,564,-731,-738,-743,564,564,564,-872,]),'PACK_KEYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[565,565,565,565,-1894,565,565,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,565,565,565,565,-275,-276,565,-1425,565,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,565,565,565,-490,565,565,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,565,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,565,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,565,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,565,-172,-173,-174,-175,-993,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-290,-291,-281,565,565,565,565,565,-328,-318,-332,-333,-334,565,565,-982,-983,-984,-985,-986,-987,-988,565,565,565,565,565,565,565,565,565,565,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,565,565,565,-353,-356,565,-323,-324,-141,565,-142,565,-143,565,-430,-935,-936,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-1894,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-1894,565,-1894,565,565,565,565,565,565,565,565,565,565,565,565,-1894,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,565,-1894,565,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,565,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,565,565,565,-191,-192,565,-994,565,565,565,565,565,-277,-278,-279,-280,-365,565,-308,565,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,565,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,565,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,565,565,565,565,565,565,-573,565,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,565,565,-723,-724,-725,565,565,565,565,565,565,-994,565,565,-91,-92,565,565,565,565,-309,-310,-320,565,-307,-293,-294,-295,565,565,565,565,-618,-633,-590,565,565,-436,565,-437,565,-444,-445,-446,-378,-379,565,565,565,-506,565,565,-510,565,565,565,565,-515,-516,-517,-518,565,565,-521,-522,565,-524,-525,-526,-527,-528,-529,-530,-531,565,-533,565,565,565,-539,-541,-542,565,-544,-545,-546,-547,565,565,565,565,565,565,-652,-653,-654,-655,565,-657,-658,-659,565,565,565,-665,565,565,-669,-670,565,565,-673,565,-675,-676,565,-679,565,-681,565,565,-684,-685,-686,565,-688,565,565,-691,565,565,-694,-695,-696,565,-698,-699,-700,-701,565,565,-746,565,-749,-750,-751,-752,-753,565,-755,-756,-757,-758,-759,565,-766,-767,-769,565,-771,-772,-773,-782,-856,-858,-860,-862,565,565,565,565,-868,565,-870,565,565,565,565,565,565,565,-906,-907,565,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,565,-921,-924,565,-934,565,-385,-386,-387,565,565,-390,-391,-392,-393,565,-396,565,-399,-400,565,-401,565,-406,-407,565,-410,-411,-412,565,-415,565,-416,565,-421,-422,565,-425,565,-428,-429,-1894,-1894,565,-619,-620,-621,-622,-623,-634,-584,-624,-797,565,565,565,565,565,-831,565,565,-806,565,-832,565,565,565,565,-798,565,-853,-799,565,565,565,565,565,565,-854,-855,565,-834,-830,-835,565,-625,565,-626,-627,-628,-629,-574,565,565,-630,-631,-632,565,565,565,565,565,565,-635,-636,-637,-592,-1894,-602,565,-638,-639,-713,-640,-604,565,-572,-577,-580,-583,565,565,565,-598,-601,565,-608,565,565,565,565,565,565,565,565,565,565,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,565,565,565,-995,565,565,565,565,565,565,-306,-325,-319,-296,-375,-452,-453,-454,-458,565,-443,565,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,565,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,565,565,565,565,565,565,565,565,565,-316,-535,-508,-591,-937,-939,-940,-438,565,-440,-380,-381,-383,-507,-509,-511,565,-513,-514,-519,-520,565,-532,-534,-537,-538,-543,-548,-726,565,-727,565,-732,565,-734,565,-739,-656,-660,-661,565,-666,565,-667,565,-672,-674,565,-677,565,565,565,-687,-689,565,-692,565,565,-744,565,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,565,565,565,565,565,-877,565,-880,-908,-920,-925,-388,-389,565,-394,565,-397,565,-402,565,-403,565,-408,565,-413,565,-417,565,-418,565,-423,565,-426,-899,-900,-643,-585,-1894,-901,565,565,565,-800,565,565,-804,565,-807,-833,565,-818,565,-820,565,-822,-808,565,-824,565,-851,-852,565,565,-811,565,-646,-902,-904,-648,-649,-645,565,-705,-706,565,-642,-903,-647,-650,-603,-714,565,565,-605,-586,565,565,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,565,565,-709,-710,565,-716,565,565,565,565,565,565,-938,565,-439,-441,-747,565,-891,565,-715,-1894,565,565,565,565,565,-442,-512,-523,565,-728,-733,565,-735,565,-740,565,-662,-668,565,-678,-680,-682,-683,-690,-693,-697,-745,565,565,-874,565,565,-878,565,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,565,-812,565,-814,-801,565,-802,-805,565,-816,-819,-821,-823,-825,565,-826,565,-809,565,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,565,-282,565,565,565,565,-455,565,565,-729,565,-736,565,-741,565,-663,-671,565,565,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,565,-836,-53,565,565,-730,565,-737,565,-742,-664,565,-873,-54,565,565,-731,-738,-743,565,565,565,-872,]),'PAGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[566,566,566,566,-1894,566,566,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,566,566,566,566,-275,-276,566,-1425,566,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,566,566,566,-490,566,566,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,566,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,566,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,566,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,566,-172,-173,-174,-175,-993,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-290,-291,-281,566,566,566,566,566,-328,-318,-332,-333,-334,566,566,-982,-983,-984,-985,-986,-987,-988,566,566,566,566,566,566,566,566,566,566,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,566,566,566,-353,-356,566,-323,-324,-141,566,-142,566,-143,566,-430,-935,-936,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-1894,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-1894,566,-1894,566,566,566,566,566,566,566,566,566,566,566,566,-1894,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,566,-1894,566,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,566,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,566,566,566,-191,-192,566,-994,566,566,566,566,566,-277,-278,-279,-280,-365,566,-308,566,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,566,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,566,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,566,566,566,566,566,566,-573,566,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,566,566,-723,-724,-725,566,566,566,566,566,566,-994,566,566,-91,-92,566,566,566,566,-309,-310,-320,566,-307,-293,-294,-295,566,566,566,566,-618,-633,-590,566,566,-436,566,-437,566,-444,-445,-446,-378,-379,566,566,566,-506,566,566,-510,566,566,566,566,-515,-516,-517,-518,566,566,-521,-522,566,-524,-525,-526,-527,-528,-529,-530,-531,566,-533,566,566,566,-539,-541,-542,566,-544,-545,-546,-547,566,566,566,566,566,566,-652,-653,-654,-655,566,-657,-658,-659,566,566,566,-665,566,566,-669,-670,566,566,-673,566,-675,-676,566,-679,566,-681,566,566,-684,-685,-686,566,-688,566,566,-691,566,566,-694,-695,-696,566,-698,-699,-700,-701,566,566,-746,566,-749,-750,-751,-752,-753,566,-755,-756,-757,-758,-759,566,-766,-767,-769,566,-771,-772,-773,-782,-856,-858,-860,-862,566,566,566,566,-868,566,-870,566,566,566,566,566,566,566,-906,-907,566,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,566,-921,-924,566,-934,566,-385,-386,-387,566,566,-390,-391,-392,-393,566,-396,566,-399,-400,566,-401,566,-406,-407,566,-410,-411,-412,566,-415,566,-416,566,-421,-422,566,-425,566,-428,-429,-1894,-1894,566,-619,-620,-621,-622,-623,-634,-584,-624,-797,566,566,566,566,566,-831,566,566,-806,566,-832,566,566,566,566,-798,566,-853,-799,566,566,566,566,566,566,-854,-855,566,-834,-830,-835,566,-625,566,-626,-627,-628,-629,-574,566,566,-630,-631,-632,566,566,566,566,566,566,-635,-636,-637,-592,-1894,-602,566,-638,-639,-713,-640,-604,566,-572,-577,-580,-583,566,566,566,-598,-601,566,-608,566,566,566,566,566,566,566,566,566,566,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,566,566,566,-995,566,566,566,566,566,566,-306,-325,-319,-296,-375,-452,-453,-454,-458,566,-443,566,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,566,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,566,566,566,566,566,566,566,566,566,-316,-535,-508,-591,-937,-939,-940,-438,566,-440,-380,-381,-383,-507,-509,-511,566,-513,-514,-519,-520,566,-532,-534,-537,-538,-543,-548,-726,566,-727,566,-732,566,-734,566,-739,-656,-660,-661,566,-666,566,-667,566,-672,-674,566,-677,566,566,566,-687,-689,566,-692,566,566,-744,566,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,566,566,566,566,566,-877,566,-880,-908,-920,-925,-388,-389,566,-394,566,-397,566,-402,566,-403,566,-408,566,-413,566,-417,566,-418,566,-423,566,-426,-899,-900,-643,-585,-1894,-901,566,566,566,-800,566,566,-804,566,-807,-833,566,-818,566,-820,566,-822,-808,566,-824,566,-851,-852,566,566,-811,566,-646,-902,-904,-648,-649,-645,566,-705,-706,566,-642,-903,-647,-650,-603,-714,566,566,-605,-586,566,566,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,566,566,-709,-710,566,-716,566,566,566,566,566,566,-938,566,-439,-441,-747,566,-891,566,-715,-1894,566,566,566,566,566,-442,-512,-523,566,-728,-733,566,-735,566,-740,566,-662,-668,566,-678,-680,-682,-683,-690,-693,-697,-745,566,566,-874,566,566,-878,566,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,566,-812,566,-814,-801,566,-802,-805,566,-816,-819,-821,-823,-825,566,-826,566,-809,566,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,566,-282,566,566,566,566,-455,566,566,-729,566,-736,566,-741,566,-663,-671,566,566,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,566,-836,-53,566,566,-730,566,-737,566,-742,-664,566,-873,-54,566,566,-731,-738,-743,566,566,566,-872,]),'PARAMETERS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[567,567,567,567,-1894,567,567,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,567,567,567,567,-275,-276,567,-1425,567,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,567,567,567,-490,567,567,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,567,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,567,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,567,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,567,-172,-173,-174,-175,-993,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-290,-291,-281,567,567,567,567,567,-328,-318,-332,-333,-334,567,567,-982,-983,-984,-985,-986,-987,-988,567,567,567,567,567,567,567,567,567,567,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,567,567,567,-353,-356,567,-323,-324,-141,567,-142,567,-143,567,-430,-935,-936,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-1894,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-1894,567,-1894,567,567,567,567,567,567,567,567,567,567,567,567,-1894,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,567,-1894,567,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,567,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,567,567,567,-191,-192,567,-994,567,567,567,567,567,-277,-278,-279,-280,-365,567,-308,567,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,567,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,567,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,567,567,567,567,567,567,-573,567,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,567,567,-723,-724,-725,567,567,567,567,567,567,-994,567,567,-91,-92,567,567,567,567,-309,-310,-320,567,-307,-293,-294,-295,567,567,567,567,-618,-633,-590,567,567,-436,567,-437,567,-444,-445,-446,-378,-379,567,567,567,-506,567,567,-510,567,567,567,567,-515,-516,-517,-518,567,567,-521,-522,567,-524,-525,-526,-527,-528,-529,-530,-531,567,-533,567,567,567,-539,-541,-542,567,-544,-545,-546,-547,567,567,567,567,567,567,-652,-653,-654,-655,567,-657,-658,-659,567,567,567,-665,567,567,-669,-670,567,567,-673,567,-675,-676,567,-679,567,-681,567,567,-684,-685,-686,567,-688,567,567,-691,567,567,-694,-695,-696,567,-698,-699,-700,-701,567,567,-746,567,-749,-750,-751,-752,-753,567,-755,-756,-757,-758,-759,567,-766,-767,-769,567,-771,-772,-773,-782,-856,-858,-860,-862,567,567,567,567,-868,567,-870,567,567,567,567,567,567,567,-906,-907,567,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,567,-921,-924,567,-934,567,-385,-386,-387,567,567,-390,-391,-392,-393,567,-396,567,-399,-400,567,-401,567,-406,-407,567,-410,-411,-412,567,-415,567,-416,567,-421,-422,567,-425,567,-428,-429,-1894,-1894,567,-619,-620,-621,-622,-623,-634,-584,-624,-797,567,567,567,567,567,-831,567,567,-806,567,-832,567,567,567,567,-798,567,-853,-799,567,567,567,567,567,567,-854,-855,567,-834,-830,-835,567,-625,567,-626,-627,-628,-629,-574,567,567,-630,-631,-632,567,567,567,567,567,567,-635,-636,-637,-592,-1894,-602,567,-638,-639,-713,-640,-604,567,-572,-577,-580,-583,567,567,567,-598,-601,567,-608,567,567,567,567,567,567,567,567,567,567,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,567,567,567,-995,567,567,567,567,567,567,-306,-325,-319,-296,-375,-452,-453,-454,-458,567,-443,567,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,567,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,567,567,567,567,567,567,567,567,567,-316,-535,-508,-591,-937,-939,-940,-438,567,-440,-380,-381,-383,-507,-509,-511,567,-513,-514,-519,-520,567,-532,-534,-537,-538,-543,-548,-726,567,-727,567,-732,567,-734,567,-739,-656,-660,-661,567,-666,567,-667,567,-672,-674,567,-677,567,567,567,-687,-689,567,-692,567,567,-744,567,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,567,567,567,567,567,-877,567,-880,-908,-920,-925,-388,-389,567,-394,567,-397,567,-402,567,-403,567,-408,567,-413,567,-417,567,-418,567,-423,567,-426,-899,-900,-643,-585,-1894,-901,567,567,567,-800,567,567,-804,567,-807,-833,567,-818,567,-820,567,-822,-808,567,-824,567,-851,-852,567,567,-811,567,-646,-902,-904,-648,-649,-645,567,-705,-706,567,-642,-903,-647,-650,-603,-714,567,567,-605,-586,567,567,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,567,567,-709,-710,567,-716,567,567,567,567,567,567,-938,567,-439,-441,-747,567,-891,567,-715,-1894,567,567,567,567,567,-442,-512,-523,567,-728,-733,567,-735,567,-740,567,-662,-668,567,-678,-680,-682,-683,-690,-693,-697,-745,567,567,-874,567,567,-878,567,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,567,-812,567,-814,-801,567,-802,-805,567,-816,-819,-821,-823,-825,567,-826,567,-809,567,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,567,-282,567,567,567,567,-455,567,567,-729,567,-736,567,-741,567,-663,-671,567,567,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,567,-836,-53,567,567,-730,567,-737,567,-742,-664,567,-873,-54,567,567,-731,-738,-743,567,567,567,-872,]),'PARSER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[568,568,568,568,-1894,568,568,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,568,568,568,568,-275,-276,568,-1425,568,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,568,568,568,-490,568,568,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,568,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,568,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,568,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,568,-172,-173,-174,-175,-993,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-290,-291,-281,568,568,568,568,568,-328,-318,-332,-333,-334,568,568,-982,-983,-984,-985,-986,-987,-988,568,568,568,568,568,568,568,568,568,568,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,568,568,568,-353,-356,568,-323,-324,-141,568,-142,568,-143,568,-430,-935,-936,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-1894,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-1894,568,-1894,568,568,568,568,568,568,568,568,568,568,568,568,-1894,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,568,-1894,568,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,568,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,568,568,568,-191,-192,568,-994,568,568,568,568,568,-277,-278,-279,-280,-365,568,-308,568,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,568,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,568,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,568,568,568,568,568,568,-573,568,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,568,568,-723,-724,-725,568,568,568,568,568,568,-994,568,568,-91,-92,568,568,568,568,-309,-310,-320,568,-307,-293,-294,-295,568,568,568,568,-618,-633,-590,568,568,-436,568,-437,568,-444,-445,-446,-378,-379,568,568,568,-506,568,568,-510,568,568,568,568,-515,-516,-517,-518,568,568,-521,-522,568,-524,-525,-526,-527,-528,-529,-530,-531,568,-533,568,568,568,-539,-541,-542,568,-544,-545,-546,-547,568,568,568,568,568,568,-652,-653,-654,-655,568,-657,-658,-659,568,568,568,-665,568,568,-669,-670,568,568,-673,568,-675,-676,568,-679,568,-681,568,568,-684,-685,-686,568,-688,568,568,-691,568,568,-694,-695,-696,568,-698,-699,-700,-701,568,568,-746,568,-749,-750,-751,-752,-753,568,-755,-756,-757,-758,-759,568,-766,-767,-769,568,-771,-772,-773,-782,-856,-858,-860,-862,568,568,568,568,-868,568,-870,568,568,568,568,568,568,568,-906,-907,568,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,568,-921,-924,568,-934,568,-385,-386,-387,568,568,-390,-391,-392,-393,568,-396,568,-399,-400,568,-401,568,-406,-407,568,-410,-411,-412,568,-415,568,-416,568,-421,-422,568,-425,568,-428,-429,-1894,-1894,568,-619,-620,-621,-622,-623,-634,-584,-624,-797,568,568,568,568,568,-831,568,568,-806,568,-832,568,568,568,568,-798,568,-853,-799,568,568,568,568,568,568,-854,-855,568,-834,-830,-835,568,-625,568,-626,-627,-628,-629,-574,568,568,-630,-631,-632,568,568,568,568,568,568,-635,-636,-637,-592,-1894,-602,568,-638,-639,-713,-640,-604,568,-572,-577,-580,-583,568,568,568,-598,-601,568,-608,568,568,568,568,568,568,568,568,568,568,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,568,568,568,-995,568,568,568,568,568,568,-306,-325,-319,-296,-375,-452,-453,-454,-458,568,-443,568,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,568,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,568,568,568,568,568,568,568,568,568,-316,-535,-508,-591,-937,-939,-940,-438,568,-440,-380,-381,-383,-507,-509,-511,568,-513,-514,-519,-520,568,-532,-534,-537,-538,-543,-548,-726,568,-727,568,-732,568,-734,568,-739,-656,-660,-661,568,-666,568,-667,568,-672,-674,568,-677,568,568,568,-687,-689,568,-692,568,568,-744,568,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,568,568,568,568,568,-877,568,-880,-908,-920,-925,-388,-389,568,-394,568,-397,568,-402,568,-403,568,-408,568,-413,568,-417,568,-418,568,-423,568,-426,-899,-900,-643,-585,-1894,-901,568,568,568,-800,568,568,-804,568,-807,-833,568,-818,568,-820,568,-822,-808,568,-824,568,-851,-852,568,568,-811,568,-646,-902,-904,-648,-649,-645,568,-705,-706,568,-642,-903,-647,-650,-603,-714,568,568,-605,-586,568,568,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,568,568,-709,-710,568,-716,568,568,568,568,568,568,-938,568,-439,-441,-747,568,-891,568,-715,-1894,568,568,568,568,568,-442,-512,-523,568,-728,-733,568,-735,568,-740,568,-662,-668,568,-678,-680,-682,-683,-690,-693,-697,-745,568,568,-874,568,568,-878,568,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,568,-812,568,-814,-801,568,-802,-805,568,-816,-819,-821,-823,-825,568,-826,568,-809,568,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,568,-282,568,568,568,568,-455,568,568,-729,568,-736,568,-741,568,-663,-671,568,568,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,568,-836,-53,568,568,-730,568,-737,568,-742,-664,568,-873,-54,568,568,-731,-738,-743,568,568,568,-872,]),'PARTIAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[569,569,569,569,-1894,569,569,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,569,569,569,569,-275,-276,569,-1425,569,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,569,569,569,-490,569,569,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,569,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,569,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,569,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,569,-172,-173,-174,-175,-993,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-290,-291,-281,569,569,569,569,569,-328,-318,-332,-333,-334,569,569,-982,-983,-984,-985,-986,-987,-988,569,569,569,569,569,569,569,569,569,569,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,569,569,569,-353,-356,569,-323,-324,-141,569,-142,569,-143,569,-430,-935,-936,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-1894,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-1894,569,-1894,569,569,569,569,569,569,569,569,569,569,569,569,-1894,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,569,-1894,569,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,569,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,569,569,569,-191,-192,569,-994,569,569,569,569,569,-277,-278,-279,-280,-365,569,-308,569,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,569,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,569,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,569,569,569,569,569,569,-573,569,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,569,569,-723,-724,-725,569,569,569,569,569,569,-994,569,569,-91,-92,569,569,569,569,-309,-310,-320,569,-307,-293,-294,-295,569,569,569,569,-618,-633,-590,569,569,-436,569,-437,569,-444,-445,-446,-378,-379,569,569,569,-506,569,569,-510,569,569,569,569,-515,-516,-517,-518,569,569,-521,-522,569,-524,-525,-526,-527,-528,-529,-530,-531,569,-533,569,569,569,-539,-541,-542,569,-544,-545,-546,-547,569,569,569,569,569,569,-652,-653,-654,-655,569,-657,-658,-659,569,569,569,-665,569,569,-669,-670,569,569,-673,569,-675,-676,569,-679,569,-681,569,569,-684,-685,-686,569,-688,569,569,-691,569,569,-694,-695,-696,569,-698,-699,-700,-701,569,569,-746,569,-749,-750,-751,-752,-753,569,-755,-756,-757,-758,-759,569,-766,-767,-769,569,-771,-772,-773,-782,-856,-858,-860,-862,569,569,569,569,-868,569,-870,569,569,569,569,569,569,569,-906,-907,569,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,569,-921,-924,569,-934,569,-385,-386,-387,569,569,-390,-391,-392,-393,569,-396,569,-399,-400,569,-401,569,-406,-407,569,-410,-411,-412,569,-415,569,-416,569,-421,-422,569,-425,569,-428,-429,-1894,-1894,569,-619,-620,-621,-622,-623,-634,-584,-624,-797,569,569,569,569,569,-831,569,569,-806,569,-832,569,569,569,569,-798,569,-853,-799,569,569,569,569,569,569,-854,-855,569,-834,-830,-835,569,-625,569,-626,-627,-628,-629,-574,569,569,-630,-631,-632,569,569,569,569,569,569,-635,-636,-637,-592,-1894,-602,569,-638,-639,-713,-640,-604,569,-572,-577,-580,-583,569,569,569,-598,-601,569,-608,569,569,569,569,569,569,569,569,569,569,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,569,569,569,-995,569,569,569,569,569,569,-306,-325,-319,-296,-375,-452,-453,-454,-458,569,-443,569,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,569,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,569,569,569,569,569,569,569,569,569,-316,-535,-508,-591,-937,-939,-940,-438,569,-440,-380,-381,-383,-507,-509,-511,569,-513,-514,-519,-520,569,-532,-534,-537,-538,-543,-548,-726,569,-727,569,-732,569,-734,569,-739,-656,-660,-661,569,-666,569,-667,569,-672,-674,569,-677,569,569,569,-687,-689,569,-692,569,569,-744,569,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,569,569,569,569,569,-877,569,-880,-908,-920,-925,-388,-389,569,-394,569,-397,569,-402,569,-403,569,-408,569,-413,569,-417,569,-418,569,-423,569,-426,-899,-900,-643,-585,-1894,-901,569,569,569,-800,569,569,-804,569,-807,-833,569,-818,569,-820,569,-822,-808,569,-824,569,-851,-852,569,569,-811,569,-646,-902,-904,-648,-649,-645,569,-705,-706,569,-642,-903,-647,-650,-603,-714,569,569,-605,-586,569,569,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,569,569,-709,-710,569,-716,569,569,569,569,569,569,-938,569,-439,-441,-747,569,-891,569,-715,-1894,569,569,569,569,569,-442,-512,-523,569,-728,-733,569,-735,569,-740,569,-662,-668,569,-678,-680,-682,-683,-690,-693,-697,-745,569,569,-874,569,569,-878,569,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,569,-812,569,-814,-801,569,-802,-805,569,-816,-819,-821,-823,-825,569,-826,569,-809,569,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,569,-282,569,569,569,569,-455,569,569,-729,569,-736,569,-741,569,-663,-671,569,569,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,569,-836,-53,569,569,-730,569,-737,569,-742,-664,569,-873,-54,569,569,-731,-738,-743,569,569,569,-872,]),'PARTITIONING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[570,570,570,570,-1894,570,570,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,570,570,570,570,-275,-276,570,-1425,570,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,570,570,570,-490,570,570,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,570,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,570,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,570,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,570,-172,-173,-174,-175,-993,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-290,-291,-281,570,570,570,570,570,-328,-318,-332,-333,-334,570,570,-982,-983,-984,-985,-986,-987,-988,570,570,570,570,570,570,570,570,570,570,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,570,570,570,-353,-356,570,-323,-324,-141,570,-142,570,-143,570,-430,-935,-936,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-1894,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-1894,570,-1894,570,570,570,570,570,570,570,570,570,570,570,570,-1894,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,570,-1894,570,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,570,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,570,570,570,-191,-192,570,-994,570,570,570,570,570,-277,-278,-279,-280,-365,570,-308,570,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,570,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,570,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,570,570,570,570,570,570,-573,570,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,570,570,-723,-724,-725,570,570,570,570,570,570,-994,570,570,-91,-92,570,570,570,570,-309,-310,-320,570,-307,-293,-294,-295,570,570,570,570,-618,-633,-590,570,570,-436,570,-437,570,-444,-445,-446,-378,-379,570,570,570,-506,570,570,-510,570,570,570,570,-515,-516,-517,-518,570,570,-521,-522,570,-524,-525,-526,-527,-528,-529,-530,-531,570,-533,570,570,570,-539,-541,-542,570,-544,-545,-546,-547,570,570,570,570,570,570,-652,-653,-654,-655,570,-657,-658,-659,570,570,570,-665,570,570,-669,-670,570,570,-673,570,-675,-676,570,-679,570,-681,570,570,-684,-685,-686,570,-688,570,570,-691,570,570,-694,-695,-696,570,-698,-699,-700,-701,570,570,-746,570,-749,-750,-751,-752,-753,570,-755,-756,-757,-758,-759,570,-766,-767,-769,570,-771,-772,-773,-782,-856,-858,-860,-862,570,570,570,570,-868,570,-870,570,570,570,570,570,570,570,-906,-907,570,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,570,-921,-924,570,-934,570,-385,-386,-387,570,570,-390,-391,-392,-393,570,-396,570,-399,-400,570,-401,570,-406,-407,570,-410,-411,-412,570,-415,570,-416,570,-421,-422,570,-425,570,-428,-429,-1894,-1894,570,-619,-620,-621,-622,-623,-634,-584,-624,-797,570,570,570,570,570,-831,570,570,-806,570,-832,570,570,570,570,-798,570,-853,-799,570,570,570,570,570,570,-854,-855,570,-834,-830,-835,570,-625,570,-626,-627,-628,-629,-574,570,570,-630,-631,-632,570,570,570,570,570,570,-635,-636,-637,-592,-1894,-602,570,-638,-639,-713,-640,-604,570,-572,-577,-580,-583,570,570,570,-598,-601,570,-608,570,570,570,570,570,570,570,570,570,570,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,570,570,570,-995,570,570,570,570,570,570,-306,-325,-319,-296,-375,-452,-453,-454,-458,570,-443,570,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,570,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,570,570,570,570,570,570,570,570,570,-316,-535,-508,-591,-937,-939,-940,-438,570,-440,-380,-381,-383,-507,-509,-511,570,-513,-514,-519,-520,570,-532,-534,-537,-538,-543,-548,-726,570,-727,570,-732,570,-734,570,-739,-656,-660,-661,570,-666,570,-667,570,-672,-674,570,-677,570,570,570,-687,-689,570,-692,570,570,-744,570,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,570,570,570,570,570,-877,570,-880,-908,-920,-925,-388,-389,570,-394,570,-397,570,-402,570,-403,570,-408,570,-413,570,-417,570,-418,570,-423,570,-426,-899,-900,-643,-585,-1894,-901,570,570,570,-800,570,570,-804,570,-807,-833,570,-818,570,-820,570,-822,-808,570,-824,570,-851,-852,570,570,-811,570,-646,-902,-904,-648,-649,-645,570,-705,-706,570,-642,-903,-647,-650,-603,-714,570,570,-605,-586,570,570,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,570,570,-709,-710,570,-716,570,570,570,570,570,570,-938,570,-439,-441,-747,570,-891,570,-715,-1894,570,570,570,570,570,-442,-512,-523,570,-728,-733,570,-735,570,-740,570,-662,-668,570,-678,-680,-682,-683,-690,-693,-697,-745,570,570,-874,570,570,-878,570,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,570,-812,570,-814,-801,570,-802,-805,570,-816,-819,-821,-823,-825,570,-826,570,-809,570,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,570,-282,570,570,570,570,-455,570,570,-729,570,-736,570,-741,570,-663,-671,570,570,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,570,-836,-53,570,570,-730,570,-737,570,-742,-664,570,-873,-54,570,570,-731,-738,-743,570,570,570,-872,]),'PARTITIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[571,571,571,571,-1894,571,571,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,571,571,571,571,-275,-276,571,-1425,571,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,571,571,571,-490,571,571,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,571,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,571,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,571,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,571,-172,-173,-174,-175,-993,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-290,-291,-281,571,571,571,571,571,-328,-318,-332,-333,-334,571,571,-982,-983,-984,-985,-986,-987,-988,571,571,571,571,571,571,571,571,571,571,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,571,571,571,-353,-356,571,-323,-324,-141,571,-142,571,-143,571,-430,-935,-936,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-1894,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-1894,571,-1894,571,571,571,571,571,571,571,571,571,571,571,571,-1894,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,571,-1894,571,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,571,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,571,571,571,-191,-192,571,-994,571,571,571,571,571,-277,-278,-279,-280,-365,571,-308,571,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,571,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,571,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,571,571,571,571,571,571,-573,571,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,571,571,-723,-724,-725,571,571,571,571,571,571,-994,571,571,-91,-92,571,571,571,571,-309,-310,-320,571,-307,-293,-294,-295,571,571,571,571,-618,-633,-590,571,571,-436,571,-437,571,-444,-445,-446,-378,-379,571,571,571,-506,571,571,-510,571,571,571,571,-515,-516,-517,-518,571,571,-521,-522,571,-524,-525,-526,-527,-528,-529,-530,-531,571,-533,571,571,571,-539,-541,-542,571,-544,-545,-546,-547,571,571,571,571,571,571,-652,-653,-654,-655,571,-657,-658,-659,571,571,571,-665,571,571,-669,-670,571,571,-673,571,-675,-676,571,-679,571,-681,571,571,-684,-685,-686,571,-688,571,571,-691,571,571,-694,-695,-696,571,-698,-699,-700,-701,571,571,-746,571,-749,-750,-751,-752,-753,571,-755,-756,-757,-758,-759,571,-766,-767,-769,571,-771,-772,-773,-782,-856,-858,-860,-862,571,571,571,571,-868,571,-870,571,571,571,571,571,571,571,-906,-907,571,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,571,-921,-924,571,-934,571,-385,-386,-387,571,571,-390,-391,-392,-393,571,-396,571,-399,-400,571,-401,571,-406,-407,571,-410,-411,-412,571,-415,571,-416,571,-421,-422,571,-425,571,-428,-429,-1894,-1894,571,-619,-620,-621,-622,-623,-634,-584,-624,-797,571,571,571,571,571,-831,571,571,-806,571,-832,571,571,571,571,-798,571,-853,-799,571,571,571,571,571,571,-854,-855,571,-834,-830,-835,571,-625,571,-626,-627,-628,-629,-574,571,571,-630,-631,-632,571,571,571,571,571,571,-635,-636,-637,-592,-1894,-602,571,-638,-639,-713,-640,-604,571,-572,-577,-580,-583,571,571,571,-598,-601,571,-608,571,571,571,571,571,571,571,571,571,571,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,571,571,571,-995,571,571,571,571,571,571,-306,-325,-319,-296,-375,-452,-453,-454,-458,571,-443,571,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,571,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,571,571,571,571,571,571,571,571,571,-316,-535,-508,-591,-937,-939,-940,-438,571,-440,-380,-381,-383,-507,-509,-511,571,-513,-514,-519,-520,571,-532,-534,-537,-538,-543,-548,-726,571,-727,571,-732,571,-734,571,-739,-656,-660,-661,571,-666,571,-667,571,-672,-674,571,-677,571,571,571,-687,-689,571,-692,571,571,-744,571,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,571,571,571,571,571,-877,571,-880,-908,-920,-925,-388,-389,571,-394,571,-397,571,-402,571,-403,571,-408,571,-413,571,-417,571,-418,571,-423,571,-426,-899,-900,-643,-585,-1894,-901,571,571,571,-800,571,571,-804,571,-807,-833,571,-818,571,-820,571,-822,-808,571,-824,571,-851,-852,571,571,-811,571,-646,-902,-904,-648,-649,-645,571,-705,-706,571,-642,-903,-647,-650,-603,-714,571,571,-605,-586,571,571,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,571,571,-709,-710,571,-716,571,571,571,571,571,571,-938,571,-439,-441,-747,571,-891,571,-715,-1894,571,571,571,571,571,-442,-512,-523,571,-728,-733,571,-735,571,-740,571,-662,-668,571,-678,-680,-682,-683,-690,-693,-697,-745,571,571,-874,571,571,-878,571,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,571,-812,571,-814,-801,571,-802,-805,571,-816,-819,-821,-823,-825,571,-826,571,-809,571,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,571,-282,571,571,571,571,-455,571,571,-729,571,-736,571,-741,571,-663,-671,571,571,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,571,-836,-53,571,571,-730,571,-737,571,-742,-664,571,-873,-54,571,571,-731,-738,-743,571,571,571,-872,]),'PARTITION_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[572,572,572,572,-1894,572,572,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,572,572,572,572,-275,-276,572,-1425,572,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,572,572,572,-490,572,572,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,572,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,572,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,572,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,572,-172,-173,-174,-175,-993,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-290,-291,-281,572,572,572,572,572,-328,-318,-332,-333,-334,572,572,-982,-983,-984,-985,-986,-987,-988,572,572,572,572,572,572,572,572,572,572,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,572,572,572,-353,-356,572,-323,-324,-141,572,-142,572,-143,572,-430,-935,-936,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-1894,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-1894,572,-1894,572,572,572,572,572,572,572,572,572,572,572,572,-1894,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,572,-1894,572,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,572,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,572,572,572,-191,-192,572,-994,572,572,572,572,572,-277,-278,-279,-280,-365,572,-308,572,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,572,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,572,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,572,572,572,572,572,572,-573,572,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,572,572,-723,-724,-725,572,572,572,572,572,572,-994,572,572,-91,-92,572,572,572,572,-309,-310,-320,572,-307,-293,-294,-295,572,572,572,572,-618,-633,-590,572,572,-436,572,-437,572,-444,-445,-446,-378,-379,572,572,572,-506,572,572,-510,572,572,572,572,-515,-516,-517,-518,572,572,-521,-522,572,-524,-525,-526,-527,-528,-529,-530,-531,572,-533,572,572,572,-539,-541,-542,572,-544,-545,-546,-547,572,572,572,572,572,572,-652,-653,-654,-655,572,-657,-658,-659,572,572,572,-665,572,572,-669,-670,572,572,-673,572,-675,-676,572,-679,572,-681,572,572,-684,-685,-686,572,-688,572,572,-691,572,572,-694,-695,-696,572,-698,-699,-700,-701,572,572,-746,572,-749,-750,-751,-752,-753,572,-755,-756,-757,-758,-759,572,-766,-767,-769,572,-771,-772,-773,-782,-856,-858,-860,-862,572,572,572,572,-868,572,-870,572,572,572,572,572,572,572,-906,-907,572,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,572,-921,-924,572,-934,572,-385,-386,-387,572,572,-390,-391,-392,-393,572,-396,572,-399,-400,572,-401,572,-406,-407,572,-410,-411,-412,572,-415,572,-416,572,-421,-422,572,-425,572,-428,-429,-1894,-1894,572,-619,-620,-621,-622,-623,-634,-584,-624,-797,572,572,572,572,572,-831,572,572,-806,572,-832,572,572,572,572,-798,572,-853,-799,572,572,572,572,572,572,-854,-855,572,-834,-830,-835,572,-625,572,-626,-627,-628,-629,-574,572,572,-630,-631,-632,572,572,572,572,572,572,-635,-636,-637,-592,-1894,-602,572,-638,-639,-713,-640,-604,572,-572,-577,-580,-583,572,572,572,-598,-601,572,-608,572,572,572,572,572,572,572,572,572,572,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,572,572,572,-995,572,572,572,572,572,572,-306,-325,-319,-296,-375,-452,-453,-454,-458,572,-443,572,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,572,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,572,572,572,572,572,572,572,572,572,-316,-535,-508,-591,-937,-939,-940,-438,572,-440,-380,-381,-383,-507,-509,-511,572,-513,-514,-519,-520,572,-532,-534,-537,-538,-543,-548,-726,572,-727,572,-732,572,-734,572,-739,-656,-660,-661,572,-666,572,-667,572,-672,-674,572,-677,572,572,572,-687,-689,572,-692,572,572,-744,572,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,572,572,572,572,572,-877,572,-880,-908,-920,-925,-388,-389,572,-394,572,-397,572,-402,572,-403,572,-408,572,-413,572,-417,572,-418,572,-423,572,-426,-899,-900,-643,-585,-1894,-901,572,572,572,-800,572,572,-804,572,-807,-833,572,-818,572,-820,572,-822,-808,572,-824,572,-851,-852,572,572,-811,572,-646,-902,-904,-648,-649,-645,572,-705,-706,572,-642,-903,-647,-650,-603,-714,572,572,-605,-586,572,572,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,572,572,-709,-710,572,-716,572,572,572,572,572,572,-938,572,-439,-441,-747,572,-891,572,-715,-1894,572,572,572,572,572,-442,-512,-523,572,-728,-733,572,-735,572,-740,572,-662,-668,572,-678,-680,-682,-683,-690,-693,-697,-745,572,572,-874,572,572,-878,572,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,572,-812,572,-814,-801,572,-802,-805,572,-816,-819,-821,-823,-825,572,-826,572,-809,572,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,572,-282,572,572,572,572,-455,572,572,-729,572,-736,572,-741,572,-663,-671,572,572,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,572,-836,-53,572,572,-730,572,-737,572,-742,-664,572,-873,-54,572,572,-731,-738,-743,572,572,572,-872,]),'PASSWORD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[573,573,573,573,-1894,573,573,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,573,573,573,573,-275,-276,573,-1425,573,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,573,573,573,-490,573,573,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,573,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,573,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,573,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,573,-172,-173,-174,-175,-993,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-290,-291,-281,573,573,573,573,573,-328,-318,-332,-333,-334,573,573,-982,-983,-984,-985,-986,-987,-988,573,573,573,573,573,573,573,573,573,573,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,573,573,573,-353,-356,573,-323,-324,-141,573,-142,573,-143,573,-430,-935,-936,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-1894,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-1894,573,-1894,573,573,573,573,573,573,573,573,573,573,573,573,-1894,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,573,-1894,573,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,573,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,573,573,573,-191,-192,573,-994,573,573,573,573,573,-277,-278,-279,-280,-365,573,-308,573,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,573,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,573,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,573,573,573,573,573,573,-573,573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,573,573,-723,-724,-725,573,573,573,573,573,573,-994,573,573,-91,-92,573,573,573,573,-309,-310,-320,573,-307,-293,-294,-295,573,573,573,573,-618,-633,-590,573,573,-436,573,-437,573,-444,-445,-446,-378,-379,573,573,573,-506,573,573,-510,573,573,573,573,-515,-516,-517,-518,573,573,-521,-522,573,-524,-525,-526,-527,-528,-529,-530,-531,573,-533,573,573,573,-539,-541,-542,573,-544,-545,-546,-547,573,573,573,573,573,573,-652,-653,-654,-655,573,-657,-658,-659,573,573,573,-665,573,573,-669,-670,573,573,-673,573,-675,-676,573,-679,573,-681,573,573,-684,-685,-686,573,-688,573,573,-691,573,573,-694,-695,-696,573,-698,-699,-700,-701,573,573,-746,573,-749,-750,-751,-752,-753,573,-755,-756,-757,-758,-759,573,-766,-767,-769,573,-771,-772,-773,-782,-856,-858,-860,-862,573,573,573,573,-868,573,-870,573,573,573,573,573,573,573,-906,-907,573,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,573,-921,-924,573,-934,573,-385,-386,-387,573,573,-390,-391,-392,-393,573,-396,573,-399,-400,573,-401,573,-406,-407,573,-410,-411,-412,573,-415,573,-416,573,-421,-422,573,-425,573,-428,-429,-1894,-1894,573,-619,-620,-621,-622,-623,-634,-584,-624,-797,573,573,573,573,573,-831,573,573,-806,573,-832,573,573,573,573,-798,573,-853,-799,573,573,573,573,573,573,-854,-855,573,-834,-830,-835,573,-625,573,-626,-627,-628,-629,-574,573,573,-630,-631,-632,573,573,573,573,573,573,-635,-636,-637,-592,-1894,-602,573,-638,-639,-713,-640,-604,573,-572,-577,-580,-583,573,573,573,-598,-601,573,-608,573,573,573,573,573,573,573,573,573,573,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,573,573,573,-995,573,573,573,573,573,573,-306,-325,-319,-296,-375,-452,-453,-454,-458,573,-443,573,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,573,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,573,573,573,573,573,573,573,573,573,-316,-535,-508,-591,-937,-939,-940,-438,573,-440,-380,-381,-383,-507,-509,-511,573,-513,-514,-519,-520,573,-532,-534,-537,-538,-543,-548,-726,573,-727,573,-732,573,-734,573,-739,-656,-660,-661,573,-666,573,-667,573,-672,-674,573,-677,573,573,573,-687,-689,573,-692,573,573,-744,573,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,573,573,573,573,573,-877,573,-880,-908,-920,-925,-388,-389,573,-394,573,-397,573,-402,573,-403,573,-408,573,-413,573,-417,573,-418,573,-423,573,-426,-899,-900,-643,-585,-1894,-901,573,573,573,-800,573,573,-804,573,-807,-833,573,-818,573,-820,573,-822,-808,573,-824,573,-851,-852,573,573,-811,573,-646,-902,-904,-648,-649,-645,573,-705,-706,573,-642,-903,-647,-650,-603,-714,573,573,-605,-586,573,573,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,573,573,-709,-710,573,-716,573,573,573,573,573,573,-938,573,-439,-441,-747,573,-891,573,-715,-1894,573,573,573,573,573,-442,-512,-523,573,-728,-733,573,-735,573,-740,573,-662,-668,573,-678,-680,-682,-683,-690,-693,-697,-745,573,573,-874,573,573,-878,573,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,573,-812,573,-814,-801,573,-802,-805,573,-816,-819,-821,-823,-825,573,-826,573,-809,573,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,573,-282,573,573,573,573,-455,573,573,-729,573,-736,573,-741,573,-663,-671,573,573,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,573,-836,-53,573,573,-730,573,-737,573,-742,-664,573,-873,-54,573,573,-731,-738,-743,573,573,573,-872,]),'PAUSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[574,574,574,574,-1894,574,574,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,574,574,574,574,-275,-276,574,-1425,574,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,574,574,574,-490,574,574,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,574,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,574,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,574,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,574,-172,-173,-174,-175,-993,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-290,-291,-281,574,574,574,574,574,-328,-318,-332,-333,-334,574,574,-982,-983,-984,-985,-986,-987,-988,574,574,574,574,574,574,574,574,574,574,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,574,574,574,-353,-356,574,-323,-324,-141,574,-142,574,-143,574,-430,-935,-936,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-1894,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-1894,574,-1894,574,574,574,574,574,574,574,574,574,574,574,574,-1894,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,574,-1894,574,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,574,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,574,574,574,-191,-192,574,-994,574,574,574,574,574,-277,-278,-279,-280,-365,574,-308,574,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,574,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,574,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,574,574,574,574,574,574,-573,574,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,574,574,-723,-724,-725,574,574,574,574,574,574,-994,574,574,-91,-92,574,574,574,574,-309,-310,-320,574,-307,-293,-294,-295,574,574,574,574,-618,-633,-590,574,574,-436,574,-437,574,-444,-445,-446,-378,-379,574,574,574,-506,574,574,-510,574,574,574,574,-515,-516,-517,-518,574,574,-521,-522,574,-524,-525,-526,-527,-528,-529,-530,-531,574,-533,574,574,574,-539,-541,-542,574,-544,-545,-546,-547,574,574,574,574,574,574,-652,-653,-654,-655,574,-657,-658,-659,574,574,574,-665,574,574,-669,-670,574,574,-673,574,-675,-676,574,-679,574,-681,574,574,-684,-685,-686,574,-688,574,574,-691,574,574,-694,-695,-696,574,-698,-699,-700,-701,574,574,-746,574,-749,-750,-751,-752,-753,574,-755,-756,-757,-758,-759,574,-766,-767,-769,574,-771,-772,-773,-782,-856,-858,-860,-862,574,574,574,574,-868,574,-870,574,574,574,574,574,574,574,-906,-907,574,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,574,-921,-924,574,-934,574,-385,-386,-387,574,574,-390,-391,-392,-393,574,-396,574,-399,-400,574,-401,574,-406,-407,574,-410,-411,-412,574,-415,574,-416,574,-421,-422,574,-425,574,-428,-429,-1894,-1894,574,-619,-620,-621,-622,-623,-634,-584,-624,-797,574,574,574,574,574,-831,574,574,-806,574,-832,574,574,574,574,-798,574,-853,-799,574,574,574,574,574,574,-854,-855,574,-834,-830,-835,574,-625,574,-626,-627,-628,-629,-574,574,574,-630,-631,-632,574,574,574,574,574,574,-635,-636,-637,-592,-1894,-602,574,-638,-639,-713,-640,-604,574,-572,-577,-580,-583,574,574,574,-598,-601,574,-608,574,574,574,574,574,574,574,574,574,574,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,574,574,574,-995,574,574,574,574,574,574,-306,-325,-319,-296,-375,-452,-453,-454,-458,574,-443,574,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,574,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,574,574,574,574,574,574,574,574,574,-316,-535,-508,-591,-937,-939,-940,-438,574,-440,-380,-381,-383,-507,-509,-511,574,-513,-514,-519,-520,574,-532,-534,-537,-538,-543,-548,-726,574,-727,574,-732,574,-734,574,-739,-656,-660,-661,574,-666,574,-667,574,-672,-674,574,-677,574,574,574,-687,-689,574,-692,574,574,-744,574,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,574,574,574,574,574,-877,574,-880,-908,-920,-925,-388,-389,574,-394,574,-397,574,-402,574,-403,574,-408,574,-413,574,-417,574,-418,574,-423,574,-426,-899,-900,-643,-585,-1894,-901,574,574,574,-800,574,574,-804,574,-807,-833,574,-818,574,-820,574,-822,-808,574,-824,574,-851,-852,574,574,-811,574,-646,-902,-904,-648,-649,-645,574,-705,-706,574,-642,-903,-647,-650,-603,-714,574,574,-605,-586,574,574,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,574,574,-709,-710,574,-716,574,574,574,574,574,574,-938,574,-439,-441,-747,574,-891,574,-715,-1894,574,574,574,574,574,-442,-512,-523,574,-728,-733,574,-735,574,-740,574,-662,-668,574,-678,-680,-682,-683,-690,-693,-697,-745,574,574,-874,574,574,-878,574,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,574,-812,574,-814,-801,574,-802,-805,574,-816,-819,-821,-823,-825,574,-826,574,-809,574,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,574,-282,574,574,574,574,-455,574,574,-729,574,-736,574,-741,574,-663,-671,574,574,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,574,-836,-53,574,574,-730,574,-737,574,-742,-664,574,-873,-54,574,574,-731,-738,-743,574,574,574,-872,]),'PATH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[575,575,575,575,-1894,575,575,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,575,575,575,575,-275,-276,575,-1425,575,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,575,575,575,-490,575,575,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,575,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,575,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,575,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,575,-172,-173,-174,-175,-993,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-290,-291,-281,575,575,575,575,575,-328,-318,-332,-333,-334,575,575,-982,-983,-984,-985,-986,-987,-988,575,575,575,575,575,575,575,575,575,575,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,575,575,575,-353,-356,575,-323,-324,-141,575,-142,575,-143,575,-430,-935,-936,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-1894,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-1894,575,-1894,575,575,575,575,575,575,575,575,575,575,575,575,-1894,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,575,-1894,575,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,575,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,575,575,575,-191,-192,575,-994,575,575,575,575,575,-277,-278,-279,-280,-365,575,-308,575,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,575,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,575,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,575,575,575,575,575,575,-573,575,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,575,575,-723,-724,-725,575,575,575,575,575,575,-994,575,575,-91,-92,575,575,575,575,-309,-310,-320,575,-307,-293,-294,-295,575,575,575,575,-618,-633,-590,575,575,-436,575,-437,575,-444,-445,-446,-378,-379,575,575,575,-506,575,575,-510,575,575,575,575,-515,-516,-517,-518,575,575,-521,-522,575,-524,-525,-526,-527,-528,-529,-530,-531,575,-533,575,575,575,-539,-541,-542,575,-544,-545,-546,-547,575,575,575,575,575,575,-652,-653,-654,-655,575,-657,-658,-659,575,575,575,-665,575,575,-669,-670,575,575,-673,575,-675,-676,575,-679,575,-681,575,575,-684,-685,-686,575,-688,575,575,-691,575,575,-694,-695,-696,575,-698,-699,-700,-701,575,575,-746,575,-749,-750,-751,-752,-753,575,-755,-756,-757,-758,-759,575,-766,-767,-769,575,-771,-772,-773,-782,-856,-858,-860,-862,575,575,575,575,-868,575,-870,575,575,575,575,575,575,575,-906,-907,575,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,575,-921,-924,575,-934,575,-385,-386,-387,575,575,-390,-391,-392,-393,575,-396,575,-399,-400,575,-401,575,-406,-407,575,-410,-411,-412,575,-415,575,-416,575,-421,-422,575,-425,575,-428,-429,-1894,-1894,575,-619,-620,-621,-622,-623,-634,-584,-624,-797,575,575,575,575,575,-831,575,575,-806,575,-832,575,575,575,575,-798,575,-853,-799,575,575,575,575,575,575,-854,-855,575,-834,-830,-835,575,-625,575,-626,-627,-628,-629,-574,575,575,-630,-631,-632,575,575,575,575,575,575,-635,-636,-637,-592,-1894,-602,575,-638,-639,-713,-640,-604,575,-572,-577,-580,-583,575,575,575,-598,-601,575,-608,575,575,575,575,575,575,575,575,575,575,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,575,575,575,-995,575,575,575,575,575,575,-306,-325,-319,-296,-375,-452,-453,-454,-458,575,-443,575,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,575,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,575,575,575,575,575,575,575,575,575,-316,-535,-508,-591,-937,-939,-940,-438,575,-440,-380,-381,-383,-507,-509,-511,575,-513,-514,-519,-520,575,-532,-534,-537,-538,-543,-548,-726,575,-727,575,-732,575,-734,575,-739,-656,-660,-661,575,-666,575,-667,575,-672,-674,575,-677,575,575,575,-687,-689,575,-692,575,575,-744,575,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,575,575,575,575,575,-877,575,-880,-908,-920,-925,-388,-389,575,-394,575,-397,575,-402,575,-403,575,-408,575,-413,575,-417,575,-418,575,-423,575,-426,-899,-900,-643,-585,-1894,-901,575,575,575,-800,575,575,-804,575,-807,-833,575,-818,575,-820,575,-822,-808,575,-824,575,-851,-852,575,575,-811,575,-646,-902,-904,-648,-649,-645,575,-705,-706,575,-642,-903,-647,-650,-603,-714,575,575,-605,-586,575,575,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,575,575,-709,-710,575,-716,575,575,575,575,575,575,-938,575,-439,-441,-747,575,-891,575,-715,-1894,575,575,575,575,575,-442,-512,-523,575,-728,-733,575,-735,575,-740,575,-662,-668,575,-678,-680,-682,-683,-690,-693,-697,-745,575,575,-874,575,575,-878,575,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,575,-812,575,-814,-801,575,-802,-805,575,-816,-819,-821,-823,-825,575,-826,575,-809,575,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,575,-282,575,575,575,575,-455,575,575,-729,575,-736,575,-741,575,-663,-671,575,575,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,575,-836,-53,575,575,-730,575,-737,575,-742,-664,575,-873,-54,575,575,-731,-738,-743,575,575,575,-872,]),'PCTFREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[576,576,576,576,-1894,576,576,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,576,576,576,576,-275,-276,576,-1425,576,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,576,576,576,-490,576,576,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,576,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,576,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,576,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,576,-172,-173,-174,-175,-993,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-290,-291,-281,576,576,576,576,576,-328,-318,-332,-333,-334,576,576,-982,-983,-984,-985,-986,-987,-988,576,576,576,576,576,576,576,576,576,576,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,576,576,576,-353,-356,576,-323,-324,-141,576,-142,576,-143,576,-430,-935,-936,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-1894,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-1894,576,-1894,576,576,576,576,576,576,576,576,576,576,576,576,-1894,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,576,-1894,576,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,576,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,576,576,576,-191,-192,576,-994,576,576,576,576,576,-277,-278,-279,-280,-365,576,-308,576,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,576,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,576,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,576,576,576,576,576,576,-573,576,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,576,576,-723,-724,-725,576,576,576,576,576,576,-994,576,576,-91,-92,576,576,576,576,-309,-310,-320,576,-307,-293,-294,-295,576,576,576,576,-618,-633,-590,576,576,-436,576,-437,576,-444,-445,-446,-378,-379,576,576,576,-506,576,576,-510,576,576,576,576,-515,-516,-517,-518,576,576,-521,-522,576,-524,-525,-526,-527,-528,-529,-530,-531,576,-533,576,576,576,-539,-541,-542,576,-544,-545,-546,-547,576,576,576,576,576,576,-652,-653,-654,-655,576,-657,-658,-659,576,576,576,-665,576,576,-669,-670,576,576,-673,576,-675,-676,576,-679,576,-681,576,576,-684,-685,-686,576,-688,576,576,-691,576,576,-694,-695,-696,576,-698,-699,-700,-701,576,576,-746,576,-749,-750,-751,-752,-753,576,-755,-756,-757,-758,-759,576,-766,-767,-769,576,-771,-772,-773,-782,-856,-858,-860,-862,576,576,576,576,-868,576,-870,576,576,576,576,576,576,576,-906,-907,576,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,576,-921,-924,576,-934,576,-385,-386,-387,576,576,-390,-391,-392,-393,576,-396,576,-399,-400,576,-401,576,-406,-407,576,-410,-411,-412,576,-415,576,-416,576,-421,-422,576,-425,576,-428,-429,-1894,-1894,576,-619,-620,-621,-622,-623,-634,-584,-624,-797,576,576,576,576,576,-831,576,576,-806,576,-832,576,576,576,576,-798,576,-853,-799,576,576,576,576,576,576,-854,-855,576,-834,-830,-835,576,-625,576,-626,-627,-628,-629,-574,576,576,-630,-631,-632,576,576,576,576,576,576,-635,-636,-637,-592,-1894,-602,576,-638,-639,-713,-640,-604,576,-572,-577,-580,-583,576,576,576,-598,-601,576,-608,576,576,576,576,576,576,576,576,576,576,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,576,576,3192,576,-995,576,576,576,576,576,576,-306,-325,-319,-296,-375,-452,-453,-454,-458,576,-443,576,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,576,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,576,576,576,576,576,576,576,576,576,-316,-535,-508,-591,-937,-939,-940,-438,576,-440,-380,-381,-383,-507,-509,-511,576,-513,-514,-519,-520,576,-532,-534,-537,-538,-543,-548,-726,576,-727,576,-732,576,-734,576,-739,-656,-660,-661,576,-666,576,-667,576,-672,-674,576,-677,576,576,576,-687,-689,576,-692,576,576,-744,576,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,576,576,576,576,576,-877,576,-880,-908,-920,-925,-388,-389,576,-394,576,-397,576,-402,576,-403,576,-408,576,-413,576,-417,576,-418,576,-423,576,-426,-899,-900,-643,-585,-1894,-901,576,576,576,-800,576,576,-804,576,-807,-833,576,-818,576,-820,576,-822,-808,576,-824,576,-851,-852,576,576,-811,576,-646,-902,-904,-648,-649,-645,576,-705,-706,576,-642,-903,-647,-650,-603,-714,576,576,-605,-586,576,576,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,576,576,-709,-710,576,-716,576,576,576,576,3192,576,576,-938,576,-439,-441,-747,576,-891,576,-715,-1894,576,576,3192,576,3192,3192,3192,3192,3192,3192,3192,3192,3192,576,576,-442,-512,-523,576,-728,-733,576,-735,576,-740,576,-662,-668,576,-678,-680,-682,-683,-690,-693,-697,-745,576,576,-874,576,576,-878,576,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,576,-812,576,-814,-801,576,-802,-805,576,-816,-819,-821,-823,-825,576,-826,576,-809,576,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,576,3192,-282,576,576,576,576,-455,576,576,-729,576,-736,576,-741,576,-663,-671,576,576,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,576,-836,-53,576,576,-730,576,-737,576,-742,-664,576,-873,-54,576,576,-731,-738,-743,576,576,576,-872,]),'PERIOD_ADD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[577,577,577,1294,-1894,577,577,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,577,577,577,577,-275,-276,1294,-1425,1294,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1294,1294,1294,-490,1294,1294,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1294,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1294,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1294,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,577,-172,-173,-174,-175,-993,577,577,577,577,577,577,577,577,577,577,1294,1294,1294,1294,1294,-290,-291,-281,577,1294,1294,1294,1294,-328,-318,-332,-333,-334,1294,1294,-982,-983,-984,-985,-986,-987,-988,577,577,1294,1294,1294,1294,1294,1294,1294,1294,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1294,1294,1294,-353,-356,577,-323,-324,-141,1294,-142,1294,-143,1294,-430,-935,-936,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1894,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1894,1294,-1894,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1894,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-1894,577,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1294,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1294,577,577,-191,-192,577,-994,1294,577,577,577,577,-277,-278,-279,-280,-365,1294,-308,1294,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1294,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1294,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1294,1294,1294,1294,1294,1294,-573,1294,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1294,1294,-723,-724,-725,1294,1294,577,577,577,577,-994,577,1294,-91,-92,577,577,577,1294,-309,-310,-320,1294,-307,-293,-294,-295,1294,577,1294,1294,-618,-633,-590,1294,577,-436,577,-437,1294,-444,-445,-446,-378,-379,1294,1294,1294,-506,1294,1294,-510,1294,1294,1294,1294,-515,-516,-517,-518,1294,1294,-521,-522,1294,-524,-525,-526,-527,-528,-529,-530,-531,1294,-533,1294,1294,1294,-539,-541,-542,1294,-544,-545,-546,-547,1294,1294,1294,1294,1294,1294,-652,-653,-654,-655,577,-657,-658,-659,1294,1294,1294,-665,1294,1294,-669,-670,1294,1294,-673,1294,-675,-676,1294,-679,1294,-681,1294,1294,-684,-685,-686,1294,-688,1294,1294,-691,1294,1294,-694,-695,-696,1294,-698,-699,-700,-701,1294,1294,-746,1294,-749,-750,-751,-752,-753,1294,-755,-756,-757,-758,-759,1294,-766,-767,-769,1294,-771,-772,-773,-782,-856,-858,-860,-862,1294,1294,1294,1294,-868,1294,-870,1294,1294,1294,1294,1294,1294,1294,-906,-907,1294,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1294,-921,-924,1294,-934,1294,-385,-386,-387,1294,1294,-390,-391,-392,-393,1294,-396,1294,-399,-400,1294,-401,1294,-406,-407,1294,-410,-411,-412,1294,-415,1294,-416,1294,-421,-422,1294,-425,1294,-428,-429,-1894,-1894,1294,-619,-620,-621,-622,-623,-634,-584,-624,-797,1294,1294,1294,1294,1294,-831,1294,1294,-806,1294,-832,1294,1294,1294,1294,-798,1294,-853,-799,1294,1294,1294,1294,1294,1294,-854,-855,1294,-834,-830,-835,1294,-625,1294,-626,-627,-628,-629,-574,1294,1294,-630,-631,-632,1294,1294,1294,1294,1294,1294,-635,-636,-637,-592,-1894,-602,1294,-638,-639,-713,-640,-604,1294,-572,-577,-580,-583,1294,1294,1294,-598,-601,1294,-608,1294,1294,1294,1294,1294,1294,1294,1294,1294,1294,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1294,577,577,-995,577,1294,577,577,577,1294,-306,-325,-319,-296,-375,-452,-453,-454,-458,577,-443,1294,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1294,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,577,577,577,577,577,577,577,577,1294,-316,-535,-508,-591,-937,-939,-940,-438,1294,-440,-380,-381,-383,-507,-509,-511,1294,-513,-514,-519,-520,1294,-532,-534,-537,-538,-543,-548,-726,1294,-727,1294,-732,1294,-734,1294,-739,-656,-660,-661,1294,-666,1294,-667,1294,-672,-674,1294,-677,1294,1294,1294,-687,-689,1294,-692,1294,1294,-744,1294,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1294,1294,1294,1294,1294,-877,1294,-880,-908,-920,-925,-388,-389,1294,-394,1294,-397,1294,-402,1294,-403,1294,-408,1294,-413,1294,-417,1294,-418,1294,-423,1294,-426,-899,-900,-643,-585,-1894,-901,1294,1294,1294,-800,1294,1294,-804,1294,-807,-833,1294,-818,1294,-820,1294,-822,-808,1294,-824,1294,-851,-852,1294,1294,-811,1294,-646,-902,-904,-648,-649,-645,1294,-705,-706,1294,-642,-903,-647,-650,-603,-714,1294,1294,-605,-586,1294,1294,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1294,1294,-709,-710,1294,-716,1294,577,577,577,1294,1294,-938,577,-439,-441,-747,1294,-891,1294,-715,-1894,1294,1294,577,577,1294,-442,-512,-523,1294,-728,-733,1294,-735,1294,-740,1294,-662,-668,1294,-678,-680,-682,-683,-690,-693,-697,-745,1294,1294,-874,1294,1294,-878,1294,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1294,-812,1294,-814,-801,1294,-802,-805,1294,-816,-819,-821,-823,-825,1294,-826,1294,-809,1294,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,577,-282,577,1294,577,1294,-455,1294,1294,-729,1294,-736,1294,-741,1294,-663,-671,1294,1294,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1294,-836,-53,577,1294,-730,1294,-737,1294,-742,-664,1294,-873,-54,577,577,-731,-738,-743,1294,577,1294,-872,]),'PERIOD_DIFF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[578,578,578,1295,-1894,578,578,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,578,578,578,578,-275,-276,1295,-1425,1295,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1295,1295,1295,-490,1295,1295,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1295,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1295,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1295,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,578,-172,-173,-174,-175,-993,578,578,578,578,578,578,578,578,578,578,1295,1295,1295,1295,1295,-290,-291,-281,578,1295,1295,1295,1295,-328,-318,-332,-333,-334,1295,1295,-982,-983,-984,-985,-986,-987,-988,578,578,1295,1295,1295,1295,1295,1295,1295,1295,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1295,1295,1295,-353,-356,578,-323,-324,-141,1295,-142,1295,-143,1295,-430,-935,-936,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1894,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1894,1295,-1894,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1894,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-1894,578,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1295,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1295,578,578,-191,-192,578,-994,1295,578,578,578,578,-277,-278,-279,-280,-365,1295,-308,1295,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1295,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1295,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1295,1295,1295,1295,1295,1295,-573,1295,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1295,1295,-723,-724,-725,1295,1295,578,578,578,578,-994,578,1295,-91,-92,578,578,578,1295,-309,-310,-320,1295,-307,-293,-294,-295,1295,578,1295,1295,-618,-633,-590,1295,578,-436,578,-437,1295,-444,-445,-446,-378,-379,1295,1295,1295,-506,1295,1295,-510,1295,1295,1295,1295,-515,-516,-517,-518,1295,1295,-521,-522,1295,-524,-525,-526,-527,-528,-529,-530,-531,1295,-533,1295,1295,1295,-539,-541,-542,1295,-544,-545,-546,-547,1295,1295,1295,1295,1295,1295,-652,-653,-654,-655,578,-657,-658,-659,1295,1295,1295,-665,1295,1295,-669,-670,1295,1295,-673,1295,-675,-676,1295,-679,1295,-681,1295,1295,-684,-685,-686,1295,-688,1295,1295,-691,1295,1295,-694,-695,-696,1295,-698,-699,-700,-701,1295,1295,-746,1295,-749,-750,-751,-752,-753,1295,-755,-756,-757,-758,-759,1295,-766,-767,-769,1295,-771,-772,-773,-782,-856,-858,-860,-862,1295,1295,1295,1295,-868,1295,-870,1295,1295,1295,1295,1295,1295,1295,-906,-907,1295,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1295,-921,-924,1295,-934,1295,-385,-386,-387,1295,1295,-390,-391,-392,-393,1295,-396,1295,-399,-400,1295,-401,1295,-406,-407,1295,-410,-411,-412,1295,-415,1295,-416,1295,-421,-422,1295,-425,1295,-428,-429,-1894,-1894,1295,-619,-620,-621,-622,-623,-634,-584,-624,-797,1295,1295,1295,1295,1295,-831,1295,1295,-806,1295,-832,1295,1295,1295,1295,-798,1295,-853,-799,1295,1295,1295,1295,1295,1295,-854,-855,1295,-834,-830,-835,1295,-625,1295,-626,-627,-628,-629,-574,1295,1295,-630,-631,-632,1295,1295,1295,1295,1295,1295,-635,-636,-637,-592,-1894,-602,1295,-638,-639,-713,-640,-604,1295,-572,-577,-580,-583,1295,1295,1295,-598,-601,1295,-608,1295,1295,1295,1295,1295,1295,1295,1295,1295,1295,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1295,578,578,-995,578,1295,578,578,578,1295,-306,-325,-319,-296,-375,-452,-453,-454,-458,578,-443,1295,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1295,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,578,578,578,578,578,578,578,578,1295,-316,-535,-508,-591,-937,-939,-940,-438,1295,-440,-380,-381,-383,-507,-509,-511,1295,-513,-514,-519,-520,1295,-532,-534,-537,-538,-543,-548,-726,1295,-727,1295,-732,1295,-734,1295,-739,-656,-660,-661,1295,-666,1295,-667,1295,-672,-674,1295,-677,1295,1295,1295,-687,-689,1295,-692,1295,1295,-744,1295,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1295,1295,1295,1295,1295,-877,1295,-880,-908,-920,-925,-388,-389,1295,-394,1295,-397,1295,-402,1295,-403,1295,-408,1295,-413,1295,-417,1295,-418,1295,-423,1295,-426,-899,-900,-643,-585,-1894,-901,1295,1295,1295,-800,1295,1295,-804,1295,-807,-833,1295,-818,1295,-820,1295,-822,-808,1295,-824,1295,-851,-852,1295,1295,-811,1295,-646,-902,-904,-648,-649,-645,1295,-705,-706,1295,-642,-903,-647,-650,-603,-714,1295,1295,-605,-586,1295,1295,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1295,1295,-709,-710,1295,-716,1295,578,578,578,1295,1295,-938,578,-439,-441,-747,1295,-891,1295,-715,-1894,1295,1295,578,578,1295,-442,-512,-523,1295,-728,-733,1295,-735,1295,-740,1295,-662,-668,1295,-678,-680,-682,-683,-690,-693,-697,-745,1295,1295,-874,1295,1295,-878,1295,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1295,-812,1295,-814,-801,1295,-802,-805,1295,-816,-819,-821,-823,-825,1295,-826,1295,-809,1295,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,578,-282,578,1295,578,1295,-455,1295,1295,-729,1295,-736,1295,-741,1295,-663,-671,1295,1295,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1295,-836,-53,578,1295,-730,1295,-737,1295,-742,-664,1295,-873,-54,578,578,-731,-738,-743,1295,578,1295,-872,]),'PHASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[579,579,579,579,-1894,579,579,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,579,579,579,579,-275,-276,579,-1425,579,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,579,579,579,-490,579,579,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,579,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,579,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,579,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,579,-172,-173,-174,-175,-993,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-290,-291,-281,579,579,579,579,579,-328,-318,-332,-333,-334,579,579,-982,-983,-984,-985,-986,-987,-988,579,579,579,579,579,579,579,579,579,579,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,579,579,579,-353,-356,579,-323,-324,-141,579,-142,579,-143,579,-430,-935,-936,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-1894,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-1894,579,-1894,579,579,579,579,579,579,579,579,579,579,579,579,-1894,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,579,-1894,579,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,579,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,579,579,579,-191,-192,579,-994,579,579,579,579,579,-277,-278,-279,-280,-365,579,-308,579,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,579,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,579,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,579,579,579,579,579,579,-573,579,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,579,579,-723,-724,-725,579,579,579,579,579,579,-994,579,579,-91,-92,579,579,579,579,-309,-310,-320,579,-307,-293,-294,-295,579,579,579,579,-618,-633,-590,579,579,-436,579,-437,579,-444,-445,-446,-378,-379,579,579,579,-506,579,579,-510,579,579,579,579,-515,-516,-517,-518,579,579,-521,-522,579,-524,-525,-526,-527,-528,-529,-530,-531,579,-533,579,579,579,-539,-541,-542,579,-544,-545,-546,-547,579,579,579,579,579,579,-652,-653,-654,-655,579,-657,-658,-659,579,579,579,-665,579,579,-669,-670,579,579,-673,579,-675,-676,579,-679,579,-681,579,579,-684,-685,-686,579,-688,579,579,-691,579,579,-694,-695,-696,579,-698,-699,-700,-701,579,579,-746,579,-749,-750,-751,-752,-753,579,-755,-756,-757,-758,-759,579,-766,-767,-769,579,-771,-772,-773,-782,-856,-858,-860,-862,579,579,579,579,-868,579,-870,579,579,579,579,579,579,579,-906,-907,579,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,579,-921,-924,579,-934,579,-385,-386,-387,579,579,-390,-391,-392,-393,579,-396,579,-399,-400,579,-401,579,-406,-407,579,-410,-411,-412,579,-415,579,-416,579,-421,-422,579,-425,579,-428,-429,-1894,-1894,579,-619,-620,-621,-622,-623,-634,-584,-624,-797,579,579,579,579,579,-831,579,579,-806,579,-832,579,579,579,579,-798,579,-853,-799,579,579,579,579,579,579,-854,-855,579,-834,-830,-835,579,-625,579,-626,-627,-628,-629,-574,579,579,-630,-631,-632,579,579,579,579,579,579,-635,-636,-637,-592,-1894,-602,579,-638,-639,-713,-640,-604,579,-572,-577,-580,-583,579,579,579,-598,-601,579,-608,579,579,579,579,579,579,579,579,579,579,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,579,579,579,-995,579,579,579,579,579,579,-306,-325,-319,-296,-375,-452,-453,-454,-458,579,-443,579,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,579,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,579,579,579,579,579,579,579,579,579,-316,-535,-508,-591,-937,-939,-940,-438,579,-440,-380,-381,-383,-507,-509,-511,579,-513,-514,-519,-520,579,-532,-534,-537,-538,-543,-548,-726,579,-727,579,-732,579,-734,579,-739,-656,-660,-661,579,-666,579,-667,579,-672,-674,579,-677,579,579,579,-687,-689,579,-692,579,579,-744,579,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,579,579,579,579,579,-877,579,-880,-908,-920,-925,-388,-389,579,-394,579,-397,579,-402,579,-403,579,-408,579,-413,579,-417,579,-418,579,-423,579,-426,-899,-900,-643,-585,-1894,-901,579,579,579,-800,579,579,-804,579,-807,-833,579,-818,579,-820,579,-822,-808,579,-824,579,-851,-852,579,579,-811,579,-646,-902,-904,-648,-649,-645,579,-705,-706,579,-642,-903,-647,-650,-603,-714,579,579,-605,-586,579,579,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,579,579,-709,-710,579,-716,579,579,579,579,579,579,-938,579,-439,-441,-747,579,-891,579,-715,-1894,579,579,579,579,579,-442,-512,-523,579,-728,-733,579,-735,579,-740,579,-662,-668,579,-678,-680,-682,-683,-690,-693,-697,-745,579,579,-874,579,579,-878,579,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,579,-812,579,-814,-801,579,-802,-805,579,-816,-819,-821,-823,-825,579,-826,579,-809,579,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,579,-282,579,579,579,579,-455,579,579,-729,579,-736,579,-741,579,-663,-671,579,579,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,579,-836,-53,579,579,-730,579,-737,579,-742,-664,579,-873,-54,579,579,-731,-738,-743,579,579,579,-872,]),'PHYSICAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[580,580,580,580,-1894,580,580,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,580,580,580,580,-275,-276,580,-1425,580,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,580,580,580,-490,580,580,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,580,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,580,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,580,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,580,-172,-173,-174,-175,-993,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-290,-291,-281,580,580,580,580,580,-328,-318,-332,-333,-334,580,580,-982,-983,-984,-985,-986,-987,-988,580,580,580,580,580,580,580,580,580,580,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,580,580,580,-353,-356,580,-323,-324,-141,580,-142,580,-143,580,-430,-935,-936,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-1894,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-1894,580,-1894,580,580,580,580,580,580,580,580,580,580,580,580,-1894,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,580,-1894,580,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,580,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,580,580,580,-191,-192,580,-994,580,580,580,580,580,-277,-278,-279,-280,-365,580,-308,580,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,580,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,580,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,580,580,580,580,580,580,-573,580,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,580,580,-723,-724,-725,580,580,580,580,580,580,-994,580,580,-91,-92,580,580,580,580,-309,-310,-320,580,-307,-293,-294,-295,580,580,580,580,-618,-633,-590,580,580,-436,580,-437,580,-444,-445,-446,-378,-379,580,580,580,-506,580,580,-510,580,580,580,580,-515,-516,-517,-518,580,580,-521,-522,580,-524,-525,-526,-527,-528,-529,-530,-531,580,-533,580,580,580,-539,-541,-542,580,-544,-545,-546,-547,580,580,580,580,580,580,-652,-653,-654,-655,580,-657,-658,-659,580,580,580,-665,580,580,-669,-670,580,580,-673,580,-675,-676,580,-679,580,-681,580,580,-684,-685,-686,580,-688,580,580,-691,580,580,-694,-695,-696,580,-698,-699,-700,-701,580,580,-746,580,-749,-750,-751,-752,-753,580,-755,-756,-757,-758,-759,580,-766,-767,-769,580,-771,-772,-773,-782,-856,-858,-860,-862,580,580,580,580,-868,580,-870,580,580,580,580,580,580,580,-906,-907,580,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,580,-921,-924,580,-934,580,-385,-386,-387,580,580,-390,-391,-392,-393,580,-396,580,-399,-400,580,-401,580,-406,-407,580,-410,-411,-412,580,-415,580,-416,580,-421,-422,580,-425,580,-428,-429,-1894,-1894,580,-619,-620,-621,-622,-623,-634,-584,-624,-797,580,580,580,580,580,-831,580,580,-806,580,-832,580,580,580,580,-798,580,-853,-799,580,580,580,580,580,580,-854,-855,580,-834,-830,-835,580,-625,580,-626,-627,-628,-629,-574,580,580,-630,-631,-632,580,580,580,580,580,580,-635,-636,-637,-592,-1894,-602,580,-638,-639,-713,-640,-604,580,-572,-577,-580,-583,580,580,580,-598,-601,580,-608,580,580,580,580,580,580,580,580,580,580,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,580,580,580,-995,580,580,580,580,580,580,-306,-325,-319,-296,-375,-452,-453,-454,-458,580,-443,580,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,580,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,580,580,580,580,580,580,580,580,580,-316,-535,-508,-591,-937,-939,-940,-438,580,-440,-380,-381,-383,-507,-509,-511,580,-513,-514,-519,-520,580,-532,-534,-537,-538,-543,-548,-726,580,-727,580,-732,580,-734,580,-739,-656,-660,-661,580,-666,580,-667,580,-672,-674,580,-677,580,580,580,-687,-689,580,-692,580,580,-744,580,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,580,580,580,580,580,-877,580,-880,-908,-920,-925,-388,-389,580,-394,580,-397,580,-402,580,-403,580,-408,580,-413,580,-417,580,-418,580,-423,580,-426,-899,-900,-643,-585,-1894,-901,580,580,580,-800,580,580,-804,580,-807,-833,580,-818,580,-820,580,-822,-808,580,-824,580,-851,-852,580,580,-811,580,-646,-902,-904,-648,-649,-645,580,-705,-706,580,-642,-903,-647,-650,-603,-714,580,580,-605,-586,580,580,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,580,580,-709,-710,580,-716,580,580,580,580,580,580,-938,580,-439,-441,-747,580,-891,580,-715,-1894,580,580,580,580,580,-442,-512,-523,580,-728,-733,580,-735,580,-740,580,-662,-668,580,-678,-680,-682,-683,-690,-693,-697,-745,580,580,-874,580,580,-878,580,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,580,-812,580,-814,-801,580,-802,-805,580,-816,-819,-821,-823,-825,580,-826,580,-809,580,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,580,-282,580,580,580,580,-455,580,580,-729,580,-736,580,-741,580,-663,-671,580,580,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,580,-836,-53,580,580,-730,580,-737,580,-742,-664,580,-873,-54,580,580,-731,-738,-743,580,580,580,-872,]),'PI':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[581,581,581,1066,-1894,581,581,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,581,581,581,581,-275,-276,1066,-1425,1066,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1066,1066,1066,-490,1066,1066,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1066,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1066,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1930,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,581,-172,-173,-174,-175,-993,581,581,581,581,581,581,581,581,581,581,1066,1066,1066,1066,1066,-290,-291,-281,581,1066,1066,1066,1066,-328,-318,-332,-333,-334,1066,1066,-982,-983,-984,-985,-986,-987,-988,581,581,1066,1066,1066,1066,1066,1066,1066,1066,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1066,1066,1066,-353,-356,581,-323,-324,-141,1066,-142,1066,-143,1066,-430,-935,-936,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1894,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1894,1066,-1894,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1894,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-1894,581,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1066,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1066,581,581,-191,-192,581,-994,1066,581,581,581,581,-277,-278,-279,-280,-365,1066,-308,1066,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1066,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1066,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1066,1066,1066,1066,1066,1066,-573,1066,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1066,1066,-723,-724,-725,1066,1930,581,581,581,581,-994,581,1066,-91,-92,581,581,581,1066,-309,-310,-320,1066,-307,-293,-294,-295,1066,581,1066,1066,-618,-633,-590,1066,581,-436,581,-437,1066,-444,-445,-446,-378,-379,1066,1066,1066,-506,1066,1066,-510,1066,1066,1066,1066,-515,-516,-517,-518,1066,1066,-521,-522,1066,-524,-525,-526,-527,-528,-529,-530,-531,1066,-533,1066,1066,1066,-539,-541,-542,1066,-544,-545,-546,-547,1066,1066,1066,1066,1066,1066,-652,-653,-654,-655,581,-657,-658,-659,1066,1066,1066,-665,1066,1066,-669,-670,1066,1066,-673,1066,-675,-676,1066,-679,1066,-681,1066,1066,-684,-685,-686,1066,-688,1066,1066,-691,1066,1066,-694,-695,-696,1066,-698,-699,-700,-701,1066,1066,-746,1066,-749,-750,-751,-752,-753,1066,-755,-756,-757,-758,-759,1066,-766,-767,-769,1066,-771,-772,-773,-782,-856,-858,-860,-862,1066,1066,1066,1066,-868,1066,-870,1066,1066,1066,1066,1066,1066,1066,-906,-907,1066,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1066,-921,-924,1066,-934,1066,-385,-386,-387,1066,1066,-390,-391,-392,-393,1066,-396,1066,-399,-400,1066,-401,1066,-406,-407,1066,-410,-411,-412,1066,-415,1066,-416,1066,-421,-422,1066,-425,1066,-428,-429,-1894,-1894,1066,-619,-620,-621,-622,-623,-634,-584,-624,-797,1066,1066,1066,1066,1066,-831,1066,1066,-806,1066,-832,1066,1066,1066,1066,-798,1066,-853,-799,1066,1066,1066,1066,1066,1066,-854,-855,1066,-834,-830,-835,1066,-625,1066,-626,-627,-628,-629,-574,1066,1066,-630,-631,-632,1066,1066,1066,1066,1066,1066,-635,-636,-637,-592,-1894,-602,1066,-638,-639,-713,-640,-604,1066,-572,-577,-580,-583,1066,1066,1066,-598,-601,1066,-608,1066,1066,1066,1066,1066,1066,1066,1066,1066,1066,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1066,581,581,-995,581,1066,581,581,581,1066,-306,-325,-319,-296,-375,-452,-453,-454,-458,581,-443,1066,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1066,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,581,581,581,581,581,581,581,581,1066,-316,-535,-508,-591,-937,-939,-940,-438,1066,-440,-380,-381,-383,-507,-509,-511,1066,-513,-514,-519,-520,1066,-532,-534,-537,-538,-543,-548,-726,1066,-727,1066,-732,1066,-734,1066,-739,-656,-660,-661,1066,-666,1066,-667,1066,-672,-674,1066,-677,1066,1066,1066,-687,-689,1066,-692,1066,1066,-744,1066,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1066,1066,1066,1066,1066,-877,1066,-880,-908,-920,-925,-388,-389,1066,-394,1066,-397,1066,-402,1066,-403,1066,-408,1066,-413,1066,-417,1066,-418,1066,-423,1066,-426,-899,-900,-643,-585,-1894,-901,1066,1066,1066,-800,1066,1066,-804,1066,-807,-833,1066,-818,1066,-820,1066,-822,-808,1066,-824,1066,-851,-852,1066,1066,-811,1066,-646,-902,-904,-648,-649,-645,1066,-705,-706,1066,-642,-903,-647,-650,-603,-714,1066,1066,-605,-586,1066,1066,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1066,1066,-709,-710,1066,-716,1066,581,581,581,1066,1066,-938,581,-439,-441,-747,1066,-891,1930,-715,-1894,1066,1066,581,581,1066,-442,-512,-523,1066,-728,-733,1066,-735,1066,-740,1066,-662,-668,1066,-678,-680,-682,-683,-690,-693,-697,-745,1066,1066,-874,1066,1066,-878,1066,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1066,-812,1066,-814,-801,1066,-802,-805,1066,-816,-819,-821,-823,-825,1066,-826,1066,-809,1066,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,581,-282,581,1066,581,1066,-455,1066,1066,-729,1066,-736,1066,-741,1066,-663,-671,1066,1066,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1066,-836,-53,581,1066,-730,1066,-737,1066,-742,-664,1066,-873,-54,581,581,-731,-738,-743,1066,581,1066,-872,]),'PL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[582,582,582,582,-1894,582,582,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,582,582,582,582,-275,-276,582,-1425,582,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,582,582,582,-490,582,582,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,582,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,582,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,582,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,582,-172,-173,-174,-175,-993,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-290,-291,-281,582,582,582,582,582,-328,-318,-332,-333,-334,582,582,-982,-983,-984,-985,-986,-987,-988,582,582,582,582,582,582,582,582,582,582,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,582,582,582,-353,-356,582,-323,-324,-141,582,-142,582,-143,582,-430,-935,-936,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-1894,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-1894,582,-1894,582,582,582,582,582,582,582,582,582,582,582,582,-1894,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,582,-1894,582,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,582,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,582,582,582,-191,-192,582,-994,582,582,582,582,582,-277,-278,-279,-280,-365,582,-308,582,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,582,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,582,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,582,582,582,582,582,582,-573,582,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,582,582,-723,-724,-725,582,582,582,582,582,582,-994,582,582,-91,-92,582,582,582,582,-309,-310,-320,582,-307,-293,-294,-295,582,582,582,582,-618,-633,-590,582,582,-436,582,-437,582,-444,-445,-446,-378,-379,582,582,582,-506,582,582,-510,582,582,582,582,-515,-516,-517,-518,582,582,-521,-522,582,-524,-525,-526,-527,-528,-529,-530,-531,582,-533,582,582,582,-539,-541,-542,582,-544,-545,-546,-547,582,582,582,582,582,582,-652,-653,-654,-655,582,-657,-658,-659,582,582,582,-665,582,582,-669,-670,582,582,-673,582,-675,-676,582,-679,582,-681,582,582,-684,-685,-686,582,-688,582,582,-691,582,582,-694,-695,-696,582,-698,-699,-700,-701,582,582,-746,582,-749,-750,-751,-752,-753,582,-755,-756,-757,-758,-759,582,-766,-767,-769,582,-771,-772,-773,-782,-856,-858,-860,-862,582,582,582,582,-868,582,-870,582,582,582,582,582,582,582,-906,-907,582,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,582,-921,-924,582,-934,582,-385,-386,-387,582,582,-390,-391,-392,-393,582,-396,582,-399,-400,582,-401,582,-406,-407,582,-410,-411,-412,582,-415,582,-416,582,-421,-422,582,-425,582,-428,-429,-1894,-1894,582,-619,-620,-621,-622,-623,-634,-584,-624,-797,582,582,582,582,582,-831,582,582,-806,582,-832,582,582,582,582,-798,582,-853,-799,582,582,582,582,582,582,-854,-855,582,-834,-830,-835,582,-625,582,-626,-627,-628,-629,-574,582,582,-630,-631,-632,582,582,582,582,582,582,-635,-636,-637,-592,-1894,-602,582,-638,-639,-713,-640,-604,582,-572,-577,-580,-583,582,582,582,-598,-601,582,-608,582,582,582,582,582,582,582,582,582,582,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,582,582,582,-995,582,582,582,582,582,582,-306,-325,-319,-296,-375,-452,-453,-454,-458,582,-443,582,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,582,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,582,582,582,582,582,582,582,582,582,-316,-535,-508,-591,-937,-939,-940,-438,582,-440,-380,-381,-383,-507,-509,-511,582,-513,-514,-519,-520,582,-532,-534,-537,-538,-543,-548,-726,582,-727,582,-732,582,-734,582,-739,-656,-660,-661,582,-666,582,-667,582,-672,-674,582,-677,582,582,582,-687,-689,582,-692,582,582,-744,582,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,582,582,582,582,582,-877,582,-880,-908,-920,-925,-388,-389,582,-394,582,-397,582,-402,582,-403,582,-408,582,-413,582,-417,582,-418,582,-423,582,-426,-899,-900,-643,-585,-1894,-901,582,582,582,-800,582,582,-804,582,-807,-833,582,-818,582,-820,582,-822,-808,582,-824,582,-851,-852,582,582,-811,582,-646,-902,-904,-648,-649,-645,582,-705,-706,582,-642,-903,-647,-650,-603,-714,582,582,-605,-586,582,582,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,582,582,-709,-710,582,-716,582,582,582,582,582,582,-938,582,-439,-441,-747,582,-891,582,-715,-1894,582,582,582,582,582,-442,-512,-523,582,-728,-733,582,-735,582,-740,582,-662,-668,582,-678,-680,-682,-683,-690,-693,-697,-745,582,582,-874,582,582,-878,582,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,582,-812,582,-814,-801,582,-802,-805,582,-816,-819,-821,-823,-825,582,-826,582,-809,582,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,582,-282,582,582,582,582,-455,582,582,-729,582,-736,582,-741,582,-663,-671,582,582,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,582,-836,-53,582,582,-730,582,-737,582,-742,-664,582,-873,-54,582,582,-731,-738,-743,582,582,582,-872,]),'PLAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[583,583,583,583,-1894,583,583,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,583,583,583,583,-275,-276,583,-1425,583,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,583,583,583,-490,583,583,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,583,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,583,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,583,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,583,-172,-173,-174,-175,-993,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-290,-291,-281,583,583,583,583,583,-328,-318,-332,-333,-334,583,583,-982,-983,-984,-985,-986,-987,-988,583,583,583,583,583,583,583,583,583,583,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,583,583,583,-353,-356,583,-323,-324,-141,583,-142,583,-143,583,-430,-935,-936,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-1894,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-1894,583,-1894,583,583,583,583,583,583,583,583,583,583,583,583,-1894,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,583,-1894,583,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,583,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,583,583,583,-191,-192,583,-994,583,583,583,583,583,-277,-278,-279,-280,-365,583,-308,583,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,583,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,583,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,583,583,583,583,583,583,-573,583,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,583,583,-723,-724,-725,583,583,583,583,583,583,-994,583,583,-91,-92,583,583,583,583,-309,-310,-320,583,-307,-293,-294,-295,583,583,583,583,-618,-633,-590,583,583,-436,583,-437,583,-444,-445,-446,-378,-379,583,583,583,-506,583,583,-510,583,583,583,583,-515,-516,-517,-518,583,583,-521,-522,583,-524,-525,-526,-527,-528,-529,-530,-531,583,-533,583,583,583,-539,-541,-542,583,-544,-545,-546,-547,583,583,583,583,583,583,-652,-653,-654,-655,583,-657,-658,-659,583,583,583,-665,583,583,-669,-670,583,583,-673,583,-675,-676,583,-679,583,-681,583,583,-684,-685,-686,583,-688,583,583,-691,583,583,-694,-695,-696,583,-698,-699,-700,-701,583,583,-746,583,-749,-750,-751,-752,-753,583,-755,-756,-757,-758,-759,583,-766,-767,-769,583,-771,-772,-773,-782,-856,-858,-860,-862,583,583,583,583,-868,583,-870,583,583,583,583,583,583,583,-906,-907,583,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,583,-921,-924,583,-934,583,-385,-386,-387,583,583,-390,-391,-392,-393,583,-396,583,-399,-400,583,-401,583,-406,-407,583,-410,-411,-412,583,-415,583,-416,583,-421,-422,583,-425,583,-428,-429,-1894,-1894,583,-619,-620,-621,-622,-623,-634,-584,-624,-797,583,583,583,583,583,-831,583,583,-806,583,-832,583,583,583,583,-798,583,-853,-799,583,583,583,583,583,583,-854,-855,583,-834,-830,-835,583,-625,583,-626,-627,-628,-629,-574,583,583,-630,-631,-632,583,583,583,583,583,583,-635,-636,-637,-592,-1894,-602,583,-638,-639,-713,-640,-604,583,-572,-577,-580,-583,583,583,583,-598,-601,583,-608,583,583,583,583,583,583,583,583,583,583,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,583,583,583,-995,583,583,583,583,583,583,-306,-325,-319,-296,-375,-452,-453,-454,-458,583,-443,583,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,583,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,583,583,583,583,583,583,583,583,583,-316,-535,-508,-591,-937,-939,-940,-438,583,-440,-380,-381,-383,-507,-509,-511,583,-513,-514,-519,-520,583,-532,-534,-537,-538,-543,-548,-726,583,-727,583,-732,583,-734,583,-739,-656,-660,-661,583,-666,583,-667,583,-672,-674,583,-677,583,583,583,-687,-689,583,-692,583,583,-744,583,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,583,583,583,583,583,-877,583,-880,-908,-920,-925,-388,-389,583,-394,583,-397,583,-402,583,-403,583,-408,583,-413,583,-417,583,-418,583,-423,583,-426,-899,-900,-643,-585,-1894,-901,583,583,583,-800,583,583,-804,583,-807,-833,583,-818,583,-820,583,-822,-808,583,-824,583,-851,-852,583,583,-811,583,-646,-902,-904,-648,-649,-645,583,-705,-706,583,-642,-903,-647,-650,-603,-714,583,583,-605,-586,583,583,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,583,583,-709,-710,583,-716,583,583,583,583,583,583,-938,583,-439,-441,-747,583,-891,583,-715,-1894,583,583,583,583,583,-442,-512,-523,583,-728,-733,583,-735,583,-740,583,-662,-668,583,-678,-680,-682,-683,-690,-693,-697,-745,583,583,-874,583,583,-878,583,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,583,-812,583,-814,-801,583,-802,-805,583,-816,-819,-821,-823,-825,583,-826,583,-809,583,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,583,-282,583,583,583,583,-455,583,583,-729,583,-736,583,-741,583,-663,-671,583,583,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,583,-836,-53,583,583,-730,583,-737,583,-742,-664,583,-873,-54,583,583,-731,-738,-743,583,583,583,-872,]),'PLANREGRESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[584,584,584,584,-1894,584,584,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,584,584,584,584,-275,-276,584,-1425,584,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,584,584,584,-490,584,584,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,584,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,584,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,584,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,584,-172,-173,-174,-175,-993,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-290,-291,-281,584,584,584,584,584,-328,-318,-332,-333,-334,584,584,-982,-983,-984,-985,-986,-987,-988,584,584,584,584,584,584,584,584,584,584,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,584,584,584,-353,-356,584,-323,-324,-141,584,-142,584,-143,584,-430,-935,-936,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-1894,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-1894,584,-1894,584,584,584,584,584,584,584,584,584,584,584,584,-1894,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,584,-1894,584,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,584,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,584,584,584,-191,-192,584,-994,584,584,584,584,584,-277,-278,-279,-280,-365,584,-308,584,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,584,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,584,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,584,584,584,584,584,584,-573,584,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,584,584,-723,-724,-725,584,584,584,584,584,584,-994,584,584,-91,-92,584,584,584,584,-309,-310,-320,584,-307,-293,-294,-295,584,584,584,584,-618,-633,-590,584,584,-436,584,-437,584,-444,-445,-446,-378,-379,584,584,584,-506,584,584,-510,584,584,584,584,-515,-516,-517,-518,584,584,-521,-522,584,-524,-525,-526,-527,-528,-529,-530,-531,584,-533,584,584,584,-539,-541,-542,584,-544,-545,-546,-547,584,584,584,584,584,584,-652,-653,-654,-655,584,-657,-658,-659,584,584,584,-665,584,584,-669,-670,584,584,-673,584,-675,-676,584,-679,584,-681,584,584,-684,-685,-686,584,-688,584,584,-691,584,584,-694,-695,-696,584,-698,-699,-700,-701,584,584,-746,584,-749,-750,-751,-752,-753,584,-755,-756,-757,-758,-759,584,-766,-767,-769,584,-771,-772,-773,-782,-856,-858,-860,-862,584,584,584,584,-868,584,-870,584,584,584,584,584,584,584,-906,-907,584,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,584,-921,-924,584,-934,584,-385,-386,-387,584,584,-390,-391,-392,-393,584,-396,584,-399,-400,584,-401,584,-406,-407,584,-410,-411,-412,584,-415,584,-416,584,-421,-422,584,-425,584,-428,-429,-1894,-1894,584,-619,-620,-621,-622,-623,-634,-584,-624,-797,584,584,584,584,584,-831,584,584,-806,584,-832,584,584,584,584,-798,584,-853,-799,584,584,584,584,584,584,-854,-855,584,-834,-830,-835,584,-625,584,-626,-627,-628,-629,-574,584,584,-630,-631,-632,584,584,584,584,584,584,-635,-636,-637,-592,-1894,-602,584,-638,-639,-713,-640,-604,584,-572,-577,-580,-583,584,584,584,-598,-601,584,-608,584,584,584,584,584,584,584,584,584,584,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,584,584,584,-995,584,584,584,584,584,584,-306,-325,-319,-296,-375,-452,-453,-454,-458,584,-443,584,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,584,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,584,584,584,584,584,584,584,584,584,-316,-535,-508,-591,-937,-939,-940,-438,584,-440,-380,-381,-383,-507,-509,-511,584,-513,-514,-519,-520,584,-532,-534,-537,-538,-543,-548,-726,584,-727,584,-732,584,-734,584,-739,-656,-660,-661,584,-666,584,-667,584,-672,-674,584,-677,584,584,584,-687,-689,584,-692,584,584,-744,584,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,584,584,584,584,584,-877,584,-880,-908,-920,-925,-388,-389,584,-394,584,-397,584,-402,584,-403,584,-408,584,-413,584,-417,584,-418,584,-423,584,-426,-899,-900,-643,-585,-1894,-901,584,584,584,-800,584,584,-804,584,-807,-833,584,-818,584,-820,584,-822,-808,584,-824,584,-851,-852,584,584,-811,584,-646,-902,-904,-648,-649,-645,584,-705,-706,584,-642,-903,-647,-650,-603,-714,584,584,-605,-586,584,584,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,584,584,-709,-710,584,-716,584,584,584,584,584,584,-938,584,-439,-441,-747,584,-891,584,-715,-1894,584,584,584,584,584,-442,-512,-523,584,-728,-733,584,-735,584,-740,584,-662,-668,584,-678,-680,-682,-683,-690,-693,-697,-745,584,584,-874,584,584,-878,584,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,584,-812,584,-814,-801,584,-802,-805,584,-816,-819,-821,-823,-825,584,-826,584,-809,584,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,584,-282,584,584,584,584,-455,584,584,-729,584,-736,584,-741,584,-663,-671,584,584,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,584,-836,-53,584,584,-730,584,-737,584,-742,-664,584,-873,-54,584,584,-731,-738,-743,584,584,584,-872,]),'PLUGIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[585,585,585,585,-1894,585,585,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,585,585,585,585,-275,-276,585,-1425,585,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,585,585,585,-490,585,585,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,585,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,585,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,585,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,585,-172,-173,-174,-175,-993,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-290,-291,-281,585,585,585,585,585,-328,-318,-332,-333,-334,585,585,-982,-983,-984,-985,-986,-987,-988,585,585,585,585,585,585,585,585,585,585,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,585,585,585,-353,-356,585,-323,-324,-141,585,-142,585,-143,585,-430,-935,-936,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-1894,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-1894,585,-1894,585,585,585,585,585,585,585,585,585,585,585,585,-1894,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,585,-1894,585,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,585,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,585,585,585,-191,-192,585,-994,585,585,585,585,585,-277,-278,-279,-280,-365,585,-308,585,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,585,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,585,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,585,585,585,585,585,585,-573,585,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,585,585,-723,-724,-725,585,585,585,585,585,585,-994,585,585,-91,-92,585,585,585,585,-309,-310,-320,585,-307,-293,-294,-295,585,585,585,585,-618,-633,-590,585,585,-436,585,-437,585,-444,-445,-446,-378,-379,585,585,585,-506,585,585,-510,585,585,585,585,-515,-516,-517,-518,585,585,-521,-522,585,-524,-525,-526,-527,-528,-529,-530,-531,585,-533,585,585,585,-539,-541,-542,585,-544,-545,-546,-547,585,585,585,585,585,585,-652,-653,-654,-655,585,-657,-658,-659,585,585,585,-665,585,585,-669,-670,585,585,-673,585,-675,-676,585,-679,585,-681,585,585,-684,-685,-686,585,-688,585,585,-691,585,585,-694,-695,-696,585,-698,-699,-700,-701,585,585,-746,585,-749,-750,-751,-752,-753,585,-755,-756,-757,-758,-759,585,-766,-767,-769,585,-771,-772,-773,-782,-856,-858,-860,-862,585,585,585,585,-868,585,-870,585,585,585,585,585,585,585,-906,-907,585,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,585,-921,-924,585,-934,585,-385,-386,-387,585,585,-390,-391,-392,-393,585,-396,585,-399,-400,585,-401,585,-406,-407,585,-410,-411,-412,585,-415,585,-416,585,-421,-422,585,-425,585,-428,-429,-1894,-1894,585,-619,-620,-621,-622,-623,-634,-584,-624,-797,585,585,585,585,585,-831,585,585,-806,585,-832,585,585,585,585,-798,585,-853,-799,585,585,585,585,585,585,-854,-855,585,-834,-830,-835,585,-625,585,-626,-627,-628,-629,-574,585,585,-630,-631,-632,585,585,585,585,585,585,-635,-636,-637,-592,-1894,-602,585,-638,-639,-713,-640,-604,585,-572,-577,-580,-583,585,585,585,-598,-601,585,-608,585,585,585,585,585,585,585,585,585,585,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,585,585,585,-995,585,585,585,585,585,585,-306,-325,-319,-296,-375,-452,-453,-454,-458,585,-443,585,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,585,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,585,585,585,585,585,585,585,585,585,-316,-535,-508,-591,-937,-939,-940,-438,585,-440,-380,-381,-383,-507,-509,-511,585,-513,-514,-519,-520,585,-532,-534,-537,-538,-543,-548,-726,585,-727,585,-732,585,-734,585,-739,-656,-660,-661,585,-666,585,-667,585,-672,-674,585,-677,585,585,585,-687,-689,585,-692,585,585,-744,585,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,585,585,585,585,585,-877,585,-880,-908,-920,-925,-388,-389,585,-394,585,-397,585,-402,585,-403,585,-408,585,-413,585,-417,585,-418,585,-423,585,-426,-899,-900,-643,-585,-1894,-901,585,585,585,-800,585,585,-804,585,-807,-833,585,-818,585,-820,585,-822,-808,585,-824,585,-851,-852,585,585,-811,585,-646,-902,-904,-648,-649,-645,585,-705,-706,585,-642,-903,-647,-650,-603,-714,585,585,-605,-586,585,585,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,585,585,-709,-710,585,-716,585,585,585,585,585,585,-938,585,-439,-441,-747,585,-891,585,-715,-1894,585,585,585,585,585,-442,-512,-523,585,-728,-733,585,-735,585,-740,585,-662,-668,585,-678,-680,-682,-683,-690,-693,-697,-745,585,585,-874,585,585,-878,585,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,585,-812,585,-814,-801,585,-802,-805,585,-816,-819,-821,-823,-825,585,-826,585,-809,585,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,585,-282,585,585,585,585,-455,585,585,-729,585,-736,585,-741,585,-663,-671,585,585,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,585,-836,-53,585,585,-730,585,-737,585,-742,-664,585,-873,-54,585,585,-731,-738,-743,585,585,585,-872,]),'PLUGINS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[586,586,586,586,-1894,586,586,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,586,586,586,586,-275,-276,586,-1425,586,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,586,586,586,-490,586,586,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,586,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,586,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,586,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,586,-172,-173,-174,-175,-993,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-290,-291,-281,586,586,586,586,586,-328,-318,-332,-333,-334,586,586,-982,-983,-984,-985,-986,-987,-988,586,586,586,586,586,586,586,586,586,586,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,586,586,586,-353,-356,586,-323,-324,-141,586,-142,586,-143,586,-430,-935,-936,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-1894,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-1894,586,-1894,586,586,586,586,586,586,586,586,586,586,586,586,-1894,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,586,-1894,586,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,586,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,586,586,586,-191,-192,586,-994,586,586,586,586,586,-277,-278,-279,-280,-365,586,-308,586,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,586,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,586,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,586,586,586,586,586,586,-573,586,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,586,586,-723,-724,-725,586,586,586,586,586,586,-994,586,586,-91,-92,586,586,586,586,-309,-310,-320,586,-307,-293,-294,-295,586,586,586,586,-618,-633,-590,586,586,-436,586,-437,586,-444,-445,-446,-378,-379,586,586,586,-506,586,586,-510,586,586,586,586,-515,-516,-517,-518,586,586,-521,-522,586,-524,-525,-526,-527,-528,-529,-530,-531,586,-533,586,586,586,-539,-541,-542,586,-544,-545,-546,-547,586,586,586,586,586,586,-652,-653,-654,-655,586,-657,-658,-659,586,586,586,-665,586,586,-669,-670,586,586,-673,586,-675,-676,586,-679,586,-681,586,586,-684,-685,-686,586,-688,586,586,-691,586,586,-694,-695,-696,586,-698,-699,-700,-701,586,586,-746,586,-749,-750,-751,-752,-753,586,-755,-756,-757,-758,-759,586,-766,-767,-769,586,-771,-772,-773,-782,-856,-858,-860,-862,586,586,586,586,-868,586,-870,586,586,586,586,586,586,586,-906,-907,586,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,586,-921,-924,586,-934,586,-385,-386,-387,586,586,-390,-391,-392,-393,586,-396,586,-399,-400,586,-401,586,-406,-407,586,-410,-411,-412,586,-415,586,-416,586,-421,-422,586,-425,586,-428,-429,-1894,-1894,586,-619,-620,-621,-622,-623,-634,-584,-624,-797,586,586,586,586,586,-831,586,586,-806,586,-832,586,586,586,586,-798,586,-853,-799,586,586,586,586,586,586,-854,-855,586,-834,-830,-835,586,-625,586,-626,-627,-628,-629,-574,586,586,-630,-631,-632,586,586,586,586,586,586,-635,-636,-637,-592,-1894,-602,586,-638,-639,-713,-640,-604,586,-572,-577,-580,-583,586,586,586,-598,-601,586,-608,586,586,586,586,586,586,586,586,586,586,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,586,586,586,-995,586,586,586,586,586,586,-306,-325,-319,-296,-375,-452,-453,-454,-458,586,-443,586,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,586,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,586,586,586,586,586,586,586,586,586,-316,-535,-508,-591,-937,-939,-940,-438,586,-440,-380,-381,-383,-507,-509,-511,586,-513,-514,-519,-520,586,-532,-534,-537,-538,-543,-548,-726,586,-727,586,-732,586,-734,586,-739,-656,-660,-661,586,-666,586,-667,586,-672,-674,586,-677,586,586,586,-687,-689,586,-692,586,586,-744,586,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,586,586,586,586,586,-877,586,-880,-908,-920,-925,-388,-389,586,-394,586,-397,586,-402,586,-403,586,-408,586,-413,586,-417,586,-418,586,-423,586,-426,-899,-900,-643,-585,-1894,-901,586,586,586,-800,586,586,-804,586,-807,-833,586,-818,586,-820,586,-822,-808,586,-824,586,-851,-852,586,586,-811,586,-646,-902,-904,-648,-649,-645,586,-705,-706,586,-642,-903,-647,-650,-603,-714,586,586,-605,-586,586,586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,586,586,-709,-710,586,-716,586,586,586,586,586,586,-938,586,-439,-441,-747,586,-891,586,-715,-1894,586,586,586,586,586,-442,-512,-523,586,-728,-733,586,-735,586,-740,586,-662,-668,586,-678,-680,-682,-683,-690,-693,-697,-745,586,586,-874,586,586,-878,586,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,586,-812,586,-814,-801,586,-802,-805,586,-816,-819,-821,-823,-825,586,-826,586,-809,586,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,586,-282,586,586,586,586,-455,586,586,-729,586,-736,586,-741,586,-663,-671,586,586,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,586,-836,-53,586,586,-730,586,-737,586,-742,-664,586,-873,-54,586,586,-731,-738,-743,586,586,586,-872,]),'PLUGIN_DIR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[587,587,587,587,-1894,587,587,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,587,587,587,587,-275,-276,587,-1425,587,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,587,587,587,-490,587,587,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,587,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,587,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,587,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,587,-172,-173,-174,-175,-993,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-290,-291,-281,587,587,587,587,587,-328,-318,-332,-333,-334,587,587,-982,-983,-984,-985,-986,-987,-988,587,587,587,587,587,587,587,587,587,587,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,587,587,587,-353,-356,587,-323,-324,-141,587,-142,587,-143,587,-430,-935,-936,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-1894,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-1894,587,-1894,587,587,587,587,587,587,587,587,587,587,587,587,-1894,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,587,-1894,587,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,587,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,587,587,587,-191,-192,587,-994,587,587,587,587,587,-277,-278,-279,-280,-365,587,-308,587,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,587,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,587,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,587,587,587,587,587,587,-573,587,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,587,587,-723,-724,-725,587,587,587,587,587,587,-994,587,587,-91,-92,587,587,587,587,-309,-310,-320,587,-307,-293,-294,-295,587,587,587,587,-618,-633,-590,587,587,-436,587,-437,587,-444,-445,-446,-378,-379,587,587,587,-506,587,587,-510,587,587,587,587,-515,-516,-517,-518,587,587,-521,-522,587,-524,-525,-526,-527,-528,-529,-530,-531,587,-533,587,587,587,-539,-541,-542,587,-544,-545,-546,-547,587,587,587,587,587,587,-652,-653,-654,-655,587,-657,-658,-659,587,587,587,-665,587,587,-669,-670,587,587,-673,587,-675,-676,587,-679,587,-681,587,587,-684,-685,-686,587,-688,587,587,-691,587,587,-694,-695,-696,587,-698,-699,-700,-701,587,587,-746,587,-749,-750,-751,-752,-753,587,-755,-756,-757,-758,-759,587,-766,-767,-769,587,-771,-772,-773,-782,-856,-858,-860,-862,587,587,587,587,-868,587,-870,587,587,587,587,587,587,587,-906,-907,587,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,587,-921,-924,587,-934,587,-385,-386,-387,587,587,-390,-391,-392,-393,587,-396,587,-399,-400,587,-401,587,-406,-407,587,-410,-411,-412,587,-415,587,-416,587,-421,-422,587,-425,587,-428,-429,-1894,-1894,587,-619,-620,-621,-622,-623,-634,-584,-624,-797,587,587,587,587,587,-831,587,587,-806,587,-832,587,587,587,587,-798,587,-853,-799,587,587,587,587,587,587,-854,-855,587,-834,-830,-835,587,-625,587,-626,-627,-628,-629,-574,587,587,-630,-631,-632,587,587,587,587,587,587,-635,-636,-637,-592,-1894,-602,587,-638,-639,-713,-640,-604,587,-572,-577,-580,-583,587,587,587,-598,-601,587,-608,587,587,587,587,587,587,587,587,587,587,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,587,587,587,-995,587,587,587,587,587,587,-306,-325,-319,-296,-375,-452,-453,-454,-458,587,-443,587,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,587,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,587,587,587,587,587,587,587,587,587,-316,-535,-508,-591,-937,-939,-940,-438,587,-440,-380,-381,-383,-507,-509,-511,587,-513,-514,-519,-520,587,-532,-534,-537,-538,-543,-548,-726,587,-727,587,-732,587,-734,587,-739,-656,-660,-661,587,-666,587,-667,587,-672,-674,587,-677,587,587,587,-687,-689,587,-692,587,587,-744,587,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,587,587,587,587,587,-877,587,-880,-908,-920,-925,-388,-389,587,-394,587,-397,587,-402,587,-403,587,-408,587,-413,587,-417,587,-418,587,-423,587,-426,-899,-900,-643,-585,-1894,-901,587,587,587,-800,587,587,-804,587,-807,-833,587,-818,587,-820,587,-822,-808,587,-824,587,-851,-852,587,587,-811,587,-646,-902,-904,-648,-649,-645,587,-705,-706,587,-642,-903,-647,-650,-603,-714,587,587,-605,-586,587,587,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,587,587,-709,-710,587,-716,587,587,587,587,587,587,-938,587,-439,-441,-747,587,-891,587,-715,-1894,587,587,587,587,587,-442,-512,-523,587,-728,-733,587,-735,587,-740,587,-662,-668,587,-678,-680,-682,-683,-690,-693,-697,-745,587,587,-874,587,587,-878,587,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,587,-812,587,-814,-801,587,-802,-805,587,-816,-819,-821,-823,-825,587,-826,587,-809,587,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,587,-282,587,587,587,587,-455,587,587,-729,587,-736,587,-741,587,-663,-671,587,587,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,587,-836,-53,587,587,-730,587,-737,587,-742,-664,587,-873,-54,587,587,-731,-738,-743,587,587,587,-872,]),'POSITION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[588,588,588,1112,-1894,588,588,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,588,588,588,588,-275,-276,1112,-1425,1112,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1112,1112,1112,-490,1112,1112,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1112,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1112,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1931,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,588,-172,-173,-174,-175,-993,588,588,588,588,588,588,588,588,588,588,1112,1112,1112,1112,1112,-290,-291,-281,588,1112,1112,1112,1112,-328,-318,-332,-333,-334,1112,1112,-982,-983,-984,-985,-986,-987,-988,588,588,1112,1112,1112,1112,1112,1112,1112,1112,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1112,1112,1112,-353,-356,588,-323,-324,-141,1112,-142,1112,-143,1112,-430,-935,-936,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1894,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1894,1112,-1894,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1894,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-1894,588,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1112,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1112,588,588,-191,-192,588,-994,1112,588,588,588,588,-277,-278,-279,-280,-365,1112,-308,1112,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1112,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1112,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1112,1112,1112,1112,1112,1112,-573,1112,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1112,1112,-723,-724,-725,1112,1931,588,588,588,588,-994,588,1112,-91,-92,588,588,588,1112,-309,-310,-320,1112,-307,-293,-294,-295,1112,588,1112,1112,-618,-633,-590,1112,588,-436,588,-437,1112,-444,-445,-446,-378,-379,1112,1112,1112,-506,1112,1112,-510,1112,1112,1112,1112,-515,-516,-517,-518,1112,1112,-521,-522,1112,-524,-525,-526,-527,-528,-529,-530,-531,1112,-533,1112,1112,1112,-539,-541,-542,1112,-544,-545,-546,-547,1112,1112,1112,1112,1112,1112,-652,-653,-654,-655,588,-657,-658,-659,1112,1112,1112,-665,1112,1112,-669,-670,1112,1112,-673,1112,-675,-676,1112,-679,1112,-681,1112,1112,-684,-685,-686,1112,-688,1112,1112,-691,1112,1112,-694,-695,-696,1112,-698,-699,-700,-701,1112,1112,-746,1112,-749,-750,-751,-752,-753,1112,-755,-756,-757,-758,-759,1112,-766,-767,-769,1112,-771,-772,-773,-782,-856,-858,-860,-862,1112,1112,1112,1112,-868,1112,-870,1112,1112,1112,1112,1112,1112,1112,-906,-907,1112,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1112,-921,-924,1112,-934,1112,-385,-386,-387,1112,1112,-390,-391,-392,-393,1112,-396,1112,-399,-400,1112,-401,1112,-406,-407,1112,-410,-411,-412,1112,-415,1112,-416,1112,-421,-422,1112,-425,1112,-428,-429,-1894,-1894,1112,-619,-620,-621,-622,-623,-634,-584,-624,-797,1112,1112,1112,1112,1112,-831,1112,1112,-806,1112,-832,1112,1112,1112,1112,-798,1112,-853,-799,1112,1112,1112,1112,1112,1112,-854,-855,1112,-834,-830,-835,1112,-625,1112,-626,-627,-628,-629,-574,1112,1112,-630,-631,-632,1112,1112,1112,1112,1112,1112,-635,-636,-637,-592,-1894,-602,1112,-638,-639,-713,-640,-604,1112,-572,-577,-580,-583,1112,1112,1112,-598,-601,1112,-608,1112,1112,1112,1112,1112,1112,1112,1112,1112,1112,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1112,588,588,-995,588,1112,588,588,588,1112,-306,-325,-319,-296,-375,-452,-453,-454,-458,588,-443,1112,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1112,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,588,588,588,588,588,588,588,588,1112,-316,-535,-508,-591,-937,-939,-940,-438,1112,-440,-380,-381,-383,-507,-509,-511,1112,-513,-514,-519,-520,1112,-532,-534,-537,-538,-543,-548,-726,1112,-727,1112,-732,1112,-734,1112,-739,-656,-660,-661,1112,-666,1112,-667,1112,-672,-674,1112,-677,1112,1112,1112,-687,-689,1112,-692,1112,1112,-744,1112,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1112,1112,1112,1112,1112,-877,1112,-880,-908,-920,-925,-388,-389,1112,-394,1112,-397,1112,-402,1112,-403,1112,-408,1112,-413,1112,-417,1112,-418,1112,-423,1112,-426,-899,-900,-643,-585,-1894,-901,1112,1112,1112,-800,1112,1112,-804,1112,-807,-833,1112,-818,1112,-820,1112,-822,-808,1112,-824,1112,-851,-852,1112,1112,-811,1112,-646,-902,-904,-648,-649,-645,1112,-705,-706,1112,-642,-903,-647,-650,-603,-714,1112,1112,-605,-586,1112,1112,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1112,1112,-709,-710,1112,-716,1112,588,588,588,1112,1112,-938,588,-439,-441,-747,1112,-891,1931,-715,-1894,1112,1112,588,588,1112,-442,-512,-523,1112,-728,-733,1112,-735,1112,-740,1112,-662,-668,1112,-678,-680,-682,-683,-690,-693,-697,-745,1112,1112,-874,1112,1112,-878,1112,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1112,-812,1112,-814,-801,1112,-802,-805,1112,-816,-819,-821,-823,-825,1112,-826,1112,-809,1112,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,588,-282,588,1112,588,1112,-455,1112,1112,-729,1112,-736,1112,-741,1112,-663,-671,1112,1112,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1112,-836,-53,588,1112,-730,1112,-737,1112,-742,-664,1112,-873,-54,588,588,-731,-738,-743,1112,588,1112,-872,]),'POINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[589,589,589,589,-1894,589,589,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,589,589,589,589,-275,-276,589,-1425,589,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,589,589,589,-490,589,589,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,589,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,589,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,589,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,589,-172,-173,-174,-175,-993,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-290,-291,-281,589,589,589,589,589,-328,-318,-332,-333,-334,589,589,-982,-983,-984,-985,-986,-987,-988,589,589,589,589,589,589,589,589,589,589,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,589,589,589,-353,-356,589,-323,-324,-141,589,-142,589,-143,589,-430,-935,-936,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-1894,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-1894,589,-1894,589,589,589,589,589,589,589,589,589,589,589,589,-1894,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,589,-1894,589,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,589,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,589,589,589,-191,-192,589,-994,589,589,589,589,589,-277,-278,-279,-280,-365,589,-308,589,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,589,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,589,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,589,589,589,589,589,589,-573,589,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,589,589,-723,-724,-725,589,589,589,589,589,589,-994,589,589,-91,-92,589,589,589,589,-309,-310,-320,589,-307,-293,-294,-295,589,589,589,589,-618,-633,-590,589,589,-436,589,-437,589,-444,-445,-446,-378,-379,589,589,589,-506,589,589,-510,589,589,589,589,-515,-516,-517,-518,589,589,-521,-522,589,-524,-525,-526,-527,-528,-529,-530,-531,589,-533,589,589,589,-539,-541,-542,589,-544,-545,-546,-547,589,589,589,589,589,589,-652,-653,-654,-655,589,-657,-658,-659,589,589,589,-665,589,589,-669,-670,589,589,-673,589,-675,-676,589,-679,589,-681,589,589,-684,-685,-686,589,-688,589,589,-691,589,589,-694,-695,-696,589,-698,-699,-700,-701,589,589,-746,589,-749,-750,-751,-752,-753,589,-755,-756,-757,-758,-759,589,-766,-767,-769,589,-771,-772,-773,-782,-856,-858,-860,-862,589,589,589,589,-868,589,-870,589,589,589,589,589,589,589,-906,-907,589,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,589,-921,-924,589,-934,589,-385,-386,-387,589,589,-390,-391,-392,-393,589,-396,589,-399,-400,589,-401,589,-406,-407,589,-410,-411,-412,589,-415,589,-416,589,-421,-422,589,-425,589,-428,-429,-1894,-1894,589,-619,-620,-621,-622,-623,-634,-584,-624,-797,589,589,589,589,589,-831,589,589,-806,589,-832,589,589,589,589,-798,589,-853,-799,589,589,589,589,589,589,-854,-855,589,-834,-830,-835,589,-625,589,-626,-627,-628,-629,-574,589,589,-630,-631,-632,589,589,589,589,589,589,-635,-636,-637,-592,-1894,-602,589,-638,-639,-713,-640,-604,589,-572,-577,-580,-583,589,589,589,-598,-601,589,-608,589,589,589,589,589,589,589,589,589,589,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,589,589,589,-995,589,589,589,589,589,589,-306,-325,-319,-296,-375,-452,-453,-454,-458,589,-443,589,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,589,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,589,589,589,589,589,589,589,589,589,-316,-535,-508,-591,-937,-939,-940,-438,589,-440,-380,-381,-383,-507,-509,-511,589,-513,-514,-519,-520,589,-532,-534,-537,-538,-543,-548,-726,589,-727,589,-732,589,-734,589,-739,-656,-660,-661,589,-666,589,-667,589,-672,-674,589,-677,589,589,589,-687,-689,589,-692,589,589,-744,589,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,589,589,589,589,589,-877,589,-880,-908,-920,-925,-388,-389,589,-394,589,-397,589,-402,589,-403,589,-408,589,-413,589,-417,589,-418,589,-423,589,-426,-899,-900,-643,-585,-1894,-901,589,589,589,-800,589,589,-804,589,-807,-833,589,-818,589,-820,589,-822,-808,589,-824,589,-851,-852,589,589,-811,589,-646,-902,-904,-648,-649,-645,589,-705,-706,589,-642,-903,-647,-650,-603,-714,589,589,-605,-586,589,589,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,589,589,-709,-710,589,-716,589,589,589,589,589,589,-938,589,-439,-441,-747,589,-891,589,-715,-1894,589,589,589,589,589,-442,-512,-523,589,-728,-733,589,-735,589,-740,589,-662,-668,589,-678,-680,-682,-683,-690,-693,-697,-745,589,589,-874,589,589,-878,589,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,589,-812,589,-814,-801,589,-802,-805,589,-816,-819,-821,-823,-825,589,-826,589,-809,589,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,589,-282,589,589,589,589,-455,589,589,-729,589,-736,589,-741,589,-663,-671,589,589,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,589,-836,-53,589,589,-730,589,-737,589,-742,-664,589,-873,-54,589,589,-731,-738,-743,589,589,589,-872,]),'POLYGON':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[590,590,590,590,-1894,590,590,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,590,590,590,590,-275,-276,590,-1425,590,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,590,590,590,-490,590,590,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,590,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,590,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,590,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,590,-172,-173,-174,-175,-993,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-290,-291,-281,590,590,590,590,590,-328,-318,-332,-333,-334,590,590,-982,-983,-984,-985,-986,-987,-988,590,590,590,590,590,590,590,590,590,590,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,590,590,590,-353,-356,590,-323,-324,-141,590,-142,590,-143,590,-430,-935,-936,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-1894,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-1894,590,-1894,590,590,590,590,590,590,590,590,590,590,590,590,-1894,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,590,-1894,590,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,590,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,590,590,590,-191,-192,590,-994,590,590,590,590,590,-277,-278,-279,-280,-365,590,-308,590,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,590,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,590,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,590,590,590,590,590,590,-573,590,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,590,590,-723,-724,-725,590,590,590,590,590,590,-994,590,590,-91,-92,590,590,590,590,-309,-310,-320,590,-307,-293,-294,-295,590,590,590,590,-618,-633,-590,590,590,-436,590,-437,590,-444,-445,-446,-378,-379,590,590,590,-506,590,590,-510,590,590,590,590,-515,-516,-517,-518,590,590,-521,-522,590,-524,-525,-526,-527,-528,-529,-530,-531,590,-533,590,590,590,-539,-541,-542,590,-544,-545,-546,-547,590,590,590,590,590,590,-652,-653,-654,-655,590,-657,-658,-659,590,590,590,-665,590,590,-669,-670,590,590,-673,590,-675,-676,590,-679,590,-681,590,590,-684,-685,-686,590,-688,590,590,-691,590,590,-694,-695,-696,590,-698,-699,-700,-701,590,590,-746,590,-749,-750,-751,-752,-753,590,-755,-756,-757,-758,-759,590,-766,-767,-769,590,-771,-772,-773,-782,-856,-858,-860,-862,590,590,590,590,-868,590,-870,590,590,590,590,590,590,590,-906,-907,590,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,590,-921,-924,590,-934,590,-385,-386,-387,590,590,-390,-391,-392,-393,590,-396,590,-399,-400,590,-401,590,-406,-407,590,-410,-411,-412,590,-415,590,-416,590,-421,-422,590,-425,590,-428,-429,-1894,-1894,590,-619,-620,-621,-622,-623,-634,-584,-624,-797,590,590,590,590,590,-831,590,590,-806,590,-832,590,590,590,590,-798,590,-853,-799,590,590,590,590,590,590,-854,-855,590,-834,-830,-835,590,-625,590,-626,-627,-628,-629,-574,590,590,-630,-631,-632,590,590,590,590,590,590,-635,-636,-637,-592,-1894,-602,590,-638,-639,-713,-640,-604,590,-572,-577,-580,-583,590,590,590,-598,-601,590,-608,590,590,590,590,590,590,590,590,590,590,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,590,590,590,-995,590,590,590,590,590,590,-306,-325,-319,-296,-375,-452,-453,-454,-458,590,-443,590,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,590,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,590,590,590,590,590,590,590,590,590,-316,-535,-508,-591,-937,-939,-940,-438,590,-440,-380,-381,-383,-507,-509,-511,590,-513,-514,-519,-520,590,-532,-534,-537,-538,-543,-548,-726,590,-727,590,-732,590,-734,590,-739,-656,-660,-661,590,-666,590,-667,590,-672,-674,590,-677,590,590,590,-687,-689,590,-692,590,590,-744,590,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,590,590,590,590,590,-877,590,-880,-908,-920,-925,-388,-389,590,-394,590,-397,590,-402,590,-403,590,-408,590,-413,590,-417,590,-418,590,-423,590,-426,-899,-900,-643,-585,-1894,-901,590,590,590,-800,590,590,-804,590,-807,-833,590,-818,590,-820,590,-822,-808,590,-824,590,-851,-852,590,590,-811,590,-646,-902,-904,-648,-649,-645,590,-705,-706,590,-642,-903,-647,-650,-603,-714,590,590,-605,-586,590,590,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,590,590,-709,-710,590,-716,590,590,590,590,590,590,-938,590,-439,-441,-747,590,-891,590,-715,-1894,590,590,590,590,590,-442,-512,-523,590,-728,-733,590,-735,590,-740,590,-662,-668,590,-678,-680,-682,-683,-690,-693,-697,-745,590,590,-874,590,590,-878,590,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,590,-812,590,-814,-801,590,-802,-805,590,-816,-819,-821,-823,-825,590,-826,590,-809,590,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,590,-282,590,590,590,590,-455,590,590,-729,590,-736,590,-741,590,-663,-671,590,590,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,590,-836,-53,590,590,-730,590,-737,590,-742,-664,590,-873,-54,590,590,-731,-738,-743,590,590,590,-872,]),'POOL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[591,591,591,591,-1894,591,591,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,591,591,591,591,-275,-276,591,-1425,591,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,591,591,591,-490,591,591,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,591,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,591,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,591,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,591,-172,-173,-174,-175,-993,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-290,-291,-281,591,591,591,591,591,-328,-318,-332,-333,-334,591,591,-982,-983,-984,-985,-986,-987,-988,591,591,591,591,591,591,591,591,591,591,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,591,591,591,-353,-356,591,-323,-324,-141,591,-142,591,-143,591,-430,-935,-936,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-1894,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-1894,591,-1894,591,591,591,591,591,591,591,591,591,591,591,591,-1894,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,591,-1894,591,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,591,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,591,591,591,-191,-192,591,-994,591,591,591,591,591,-277,-278,-279,-280,-365,591,-308,591,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,591,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,591,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,591,591,591,591,591,591,-573,591,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,591,591,-723,-724,-725,591,591,591,591,591,591,-994,591,591,-91,-92,591,591,591,591,-309,-310,-320,591,-307,-293,-294,-295,591,591,591,591,-618,-633,-590,591,591,-436,591,-437,591,-444,-445,-446,-378,-379,591,591,591,-506,591,591,-510,591,591,591,591,-515,-516,-517,-518,591,591,-521,-522,591,-524,-525,-526,-527,-528,-529,-530,-531,591,-533,591,591,591,-539,-541,-542,591,-544,-545,-546,-547,591,591,591,591,591,591,-652,-653,-654,-655,591,-657,-658,-659,591,591,591,-665,591,591,-669,-670,591,591,-673,591,-675,-676,591,-679,591,-681,591,591,-684,-685,-686,591,-688,591,591,-691,591,591,-694,-695,-696,591,-698,-699,-700,-701,591,591,-746,591,-749,-750,-751,-752,-753,591,-755,-756,-757,-758,-759,591,-766,-767,-769,591,-771,-772,-773,-782,-856,-858,-860,-862,591,591,591,591,-868,591,-870,591,591,591,591,591,591,591,-906,-907,591,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,591,-921,-924,591,-934,591,-385,-386,-387,591,591,-390,-391,-392,-393,591,-396,591,-399,-400,591,-401,591,-406,-407,591,-410,-411,-412,591,-415,591,-416,591,-421,-422,591,-425,591,-428,-429,-1894,-1894,591,-619,-620,-621,-622,-623,-634,-584,-624,-797,591,591,591,591,591,-831,591,591,-806,591,-832,591,591,591,591,-798,591,-853,-799,591,591,591,591,591,591,-854,-855,591,-834,-830,-835,591,-625,591,-626,-627,-628,-629,-574,591,591,-630,-631,-632,591,591,591,591,591,591,-635,-636,-637,-592,-1894,-602,591,-638,-639,-713,-640,-604,591,-572,-577,-580,-583,591,591,591,-598,-601,591,-608,591,591,591,591,591,591,591,591,591,591,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,591,591,591,-995,591,591,591,591,591,591,-306,-325,-319,-296,-375,-452,-453,-454,-458,591,-443,591,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,591,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,591,591,591,591,591,591,591,591,591,-316,-535,-508,-591,-937,-939,-940,-438,591,-440,-380,-381,-383,-507,-509,-511,591,-513,-514,-519,-520,591,-532,-534,-537,-538,-543,-548,-726,591,-727,591,-732,591,-734,591,-739,-656,-660,-661,591,-666,591,-667,591,-672,-674,591,-677,591,591,591,-687,-689,591,-692,591,591,-744,591,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,591,591,591,591,591,-877,591,-880,-908,-920,-925,-388,-389,591,-394,591,-397,591,-402,591,-403,591,-408,591,-413,591,-417,591,-418,591,-423,591,-426,-899,-900,-643,-585,-1894,-901,591,591,591,-800,591,591,-804,591,-807,-833,591,-818,591,-820,591,-822,-808,591,-824,591,-851,-852,591,591,-811,591,-646,-902,-904,-648,-649,-645,591,-705,-706,591,-642,-903,-647,-650,-603,-714,591,591,-605,-586,591,591,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,591,591,-709,-710,591,-716,591,591,591,591,591,591,-938,591,-439,-441,-747,591,-891,591,-715,-1894,591,591,591,591,591,-442,-512,-523,591,-728,-733,591,-735,591,-740,591,-662,-668,591,-678,-680,-682,-683,-690,-693,-697,-745,591,591,-874,591,591,-878,591,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,591,-812,591,-814,-801,591,-802,-805,591,-816,-819,-821,-823,-825,591,-826,591,-809,591,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,591,-282,591,591,591,591,-455,591,591,-729,591,-736,591,-741,591,-663,-671,591,591,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,591,-836,-53,591,591,-730,591,-737,591,-742,-664,591,-873,-54,591,591,-731,-738,-743,591,591,591,-872,]),'PORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[592,592,592,592,-1894,592,592,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,592,592,592,592,-275,-276,592,-1425,592,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,592,592,592,-490,592,592,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,592,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,592,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,592,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,592,-172,-173,-174,-175,-993,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-290,-291,-281,592,592,592,592,592,-328,-318,-332,-333,-334,592,592,-982,-983,-984,-985,-986,-987,-988,592,592,592,592,592,592,592,592,592,592,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,592,592,592,-353,-356,592,-323,-324,-141,592,-142,592,-143,592,-430,-935,-936,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-1894,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-1894,592,-1894,592,592,592,592,592,592,592,592,592,592,592,592,-1894,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,592,-1894,592,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,592,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,592,592,592,-191,-192,592,-994,592,592,592,592,592,-277,-278,-279,-280,-365,592,-308,592,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,592,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,592,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,592,592,592,592,592,592,-573,592,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,592,592,-723,-724,-725,592,592,592,592,592,592,-994,592,592,-91,-92,592,592,592,592,-309,-310,-320,592,-307,-293,-294,-295,592,592,592,592,-618,-633,-590,592,592,-436,592,-437,592,-444,-445,-446,-378,-379,592,592,592,-506,592,592,-510,592,592,592,592,-515,-516,-517,-518,592,592,-521,-522,592,-524,-525,-526,-527,-528,-529,-530,-531,592,-533,592,592,592,-539,-541,-542,592,-544,-545,-546,-547,592,592,592,592,592,592,-652,-653,-654,-655,592,-657,-658,-659,592,592,592,-665,592,592,-669,-670,592,592,-673,592,-675,-676,592,-679,592,-681,592,592,-684,-685,-686,592,-688,592,592,-691,592,592,-694,-695,-696,592,-698,-699,-700,-701,592,592,-746,592,-749,-750,-751,-752,-753,592,-755,-756,-757,-758,-759,592,-766,-767,-769,592,-771,-772,-773,-782,-856,-858,-860,-862,592,592,592,592,-868,592,-870,592,592,592,592,592,592,592,-906,-907,592,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,592,-921,-924,592,-934,592,-385,-386,-387,592,592,-390,-391,-392,-393,592,-396,592,-399,-400,592,-401,592,-406,-407,592,-410,-411,-412,592,-415,592,-416,592,-421,-422,592,-425,592,-428,-429,-1894,-1894,592,-619,-620,-621,-622,-623,-634,-584,-624,-797,592,592,592,592,592,-831,592,592,-806,592,-832,592,592,592,592,-798,592,-853,-799,592,592,592,592,592,592,-854,-855,592,-834,-830,-835,592,-625,592,-626,-627,-628,-629,-574,592,592,-630,-631,-632,592,592,592,592,592,592,-635,-636,-637,-592,-1894,-602,592,-638,-639,-713,-640,-604,592,-572,-577,-580,-583,592,592,592,-598,-601,592,-608,592,592,592,592,592,592,592,592,592,592,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,592,592,592,-995,592,592,592,592,592,592,-306,-325,-319,-296,-375,-452,-453,-454,-458,592,-443,592,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,592,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,592,592,592,592,592,592,592,592,592,-316,-535,-508,-591,-937,-939,-940,-438,592,-440,-380,-381,-383,-507,-509,-511,592,-513,-514,-519,-520,592,-532,-534,-537,-538,-543,-548,-726,592,-727,592,-732,592,-734,592,-739,-656,-660,-661,592,-666,592,-667,592,-672,-674,592,-677,592,592,592,-687,-689,592,-692,592,592,-744,592,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,592,592,592,592,592,-877,592,-880,-908,-920,-925,-388,-389,592,-394,592,-397,592,-402,592,-403,592,-408,592,-413,592,-417,592,-418,592,-423,592,-426,-899,-900,-643,-585,-1894,-901,592,592,592,-800,592,592,-804,592,-807,-833,592,-818,592,-820,592,-822,-808,592,-824,592,-851,-852,592,592,-811,592,-646,-902,-904,-648,-649,-645,592,-705,-706,592,-642,-903,-647,-650,-603,-714,592,592,-605,-586,592,592,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,592,592,-709,-710,592,-716,592,592,592,592,592,592,-938,592,-439,-441,-747,592,-891,592,-715,-1894,592,592,592,592,592,-442,-512,-523,592,-728,-733,592,-735,592,-740,592,-662,-668,592,-678,-680,-682,-683,-690,-693,-697,-745,592,592,-874,592,592,-878,592,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,592,-812,592,-814,-801,592,-802,-805,592,-816,-819,-821,-823,-825,592,-826,592,-809,592,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,592,-282,592,592,592,592,-455,592,592,-729,592,-736,592,-741,592,-663,-671,592,592,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,592,-836,-53,592,592,-730,592,-737,592,-742,-664,592,-873,-54,592,592,-731,-738,-743,592,592,592,-872,]),'POW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[593,593,593,1067,-1894,593,593,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,593,593,593,593,-275,-276,1067,-1425,1067,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1067,1067,1067,-490,1067,1067,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1067,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1067,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1932,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,593,-172,-173,-174,-175,-993,593,593,593,593,593,593,593,593,593,593,1067,1067,1067,1067,1067,-290,-291,-281,593,1067,1067,1067,1067,-328,-318,-332,-333,-334,1067,1067,-982,-983,-984,-985,-986,-987,-988,593,593,1067,1067,1067,1067,1067,1067,1067,1067,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1067,1067,1067,-353,-356,593,-323,-324,-141,1067,-142,1067,-143,1067,-430,-935,-936,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1894,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1894,1067,-1894,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1894,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-1894,593,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1067,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1067,593,593,-191,-192,593,-994,1067,593,593,593,593,-277,-278,-279,-280,-365,1067,-308,1067,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1067,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1067,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1067,1067,1067,1067,1067,1067,-573,1067,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1067,1067,-723,-724,-725,1067,1932,593,593,593,593,-994,593,1067,-91,-92,593,593,593,1067,-309,-310,-320,1067,-307,-293,-294,-295,1067,593,1067,1067,-618,-633,-590,1067,593,-436,593,-437,1067,-444,-445,-446,-378,-379,1067,1067,1067,-506,1067,1067,-510,1067,1067,1067,1067,-515,-516,-517,-518,1067,1067,-521,-522,1067,-524,-525,-526,-527,-528,-529,-530,-531,1067,-533,1067,1067,1067,-539,-541,-542,1067,-544,-545,-546,-547,1067,1067,1067,1067,1067,1067,-652,-653,-654,-655,593,-657,-658,-659,1067,1067,1067,-665,1067,1067,-669,-670,1067,1067,-673,1067,-675,-676,1067,-679,1067,-681,1067,1067,-684,-685,-686,1067,-688,1067,1067,-691,1067,1067,-694,-695,-696,1067,-698,-699,-700,-701,1067,1067,-746,1067,-749,-750,-751,-752,-753,1067,-755,-756,-757,-758,-759,1067,-766,-767,-769,1067,-771,-772,-773,-782,-856,-858,-860,-862,1067,1067,1067,1067,-868,1067,-870,1067,1067,1067,1067,1067,1067,1067,-906,-907,1067,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1067,-921,-924,1067,-934,1067,-385,-386,-387,1067,1067,-390,-391,-392,-393,1067,-396,1067,-399,-400,1067,-401,1067,-406,-407,1067,-410,-411,-412,1067,-415,1067,-416,1067,-421,-422,1067,-425,1067,-428,-429,-1894,-1894,1067,-619,-620,-621,-622,-623,-634,-584,-624,-797,1067,1067,1067,1067,1067,-831,1067,1067,-806,1067,-832,1067,1067,1067,1067,-798,1067,-853,-799,1067,1067,1067,1067,1067,1067,-854,-855,1067,-834,-830,-835,1067,-625,1067,-626,-627,-628,-629,-574,1067,1067,-630,-631,-632,1067,1067,1067,1067,1067,1067,-635,-636,-637,-592,-1894,-602,1067,-638,-639,-713,-640,-604,1067,-572,-577,-580,-583,1067,1067,1067,-598,-601,1067,-608,1067,1067,1067,1067,1067,1067,1067,1067,1067,1067,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1067,593,593,-995,593,1067,593,593,593,1067,-306,-325,-319,-296,-375,-452,-453,-454,-458,593,-443,1067,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1067,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,593,593,593,593,593,593,593,593,1067,-316,-535,-508,-591,-937,-939,-940,-438,1067,-440,-380,-381,-383,-507,-509,-511,1067,-513,-514,-519,-520,1067,-532,-534,-537,-538,-543,-548,-726,1067,-727,1067,-732,1067,-734,1067,-739,-656,-660,-661,1067,-666,1067,-667,1067,-672,-674,1067,-677,1067,1067,1067,-687,-689,1067,-692,1067,1067,-744,1067,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1067,1067,1067,1067,1067,-877,1067,-880,-908,-920,-925,-388,-389,1067,-394,1067,-397,1067,-402,1067,-403,1067,-408,1067,-413,1067,-417,1067,-418,1067,-423,1067,-426,-899,-900,-643,-585,-1894,-901,1067,1067,1067,-800,1067,1067,-804,1067,-807,-833,1067,-818,1067,-820,1067,-822,-808,1067,-824,1067,-851,-852,1067,1067,-811,1067,-646,-902,-904,-648,-649,-645,1067,-705,-706,1067,-642,-903,-647,-650,-603,-714,1067,1067,-605,-586,1067,1067,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1067,1067,-709,-710,1067,-716,1067,593,593,593,1067,1067,-938,593,-439,-441,-747,1067,-891,1932,-715,-1894,1067,1067,593,593,1067,-442,-512,-523,1067,-728,-733,1067,-735,1067,-740,1067,-662,-668,1067,-678,-680,-682,-683,-690,-693,-697,-745,1067,1067,-874,1067,1067,-878,1067,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1067,-812,1067,-814,-801,1067,-802,-805,1067,-816,-819,-821,-823,-825,1067,-826,1067,-809,1067,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,593,-282,593,1067,593,1067,-455,1067,1067,-729,1067,-736,1067,-741,1067,-663,-671,1067,1067,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1067,-836,-53,593,1067,-730,1067,-737,1067,-742,-664,1067,-873,-54,593,593,-731,-738,-743,1067,593,1067,-872,]),'POWER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[594,594,594,1068,-1894,594,594,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,594,594,594,594,-275,-276,1068,-1425,1068,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1068,1068,1068,-490,1068,1068,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1068,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1068,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1933,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,594,-172,-173,-174,-175,-993,594,594,594,594,594,594,594,594,594,594,1068,1068,1068,1068,1068,-290,-291,-281,594,1068,1068,1068,1068,-328,-318,-332,-333,-334,1068,1068,-982,-983,-984,-985,-986,-987,-988,594,594,1068,1068,1068,1068,1068,1068,1068,1068,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1068,1068,1068,-353,-356,594,-323,-324,-141,1068,-142,1068,-143,1068,-430,-935,-936,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1894,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1894,1068,-1894,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1894,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-1894,594,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1068,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1068,594,594,-191,-192,594,-994,1068,594,594,594,594,-277,-278,-279,-280,-365,1068,-308,1068,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1068,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1068,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1068,1068,1068,1068,1068,1068,-573,1068,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1068,1068,-723,-724,-725,1068,1933,594,594,594,594,-994,594,1068,-91,-92,594,594,594,1068,-309,-310,-320,1068,-307,-293,-294,-295,1068,594,1068,1068,-618,-633,-590,1068,594,-436,594,-437,1068,-444,-445,-446,-378,-379,1068,1068,1068,-506,1068,1068,-510,1068,1068,1068,1068,-515,-516,-517,-518,1068,1068,-521,-522,1068,-524,-525,-526,-527,-528,-529,-530,-531,1068,-533,1068,1068,1068,-539,-541,-542,1068,-544,-545,-546,-547,1068,1068,1068,1068,1068,1068,-652,-653,-654,-655,594,-657,-658,-659,1068,1068,1068,-665,1068,1068,-669,-670,1068,1068,-673,1068,-675,-676,1068,-679,1068,-681,1068,1068,-684,-685,-686,1068,-688,1068,1068,-691,1068,1068,-694,-695,-696,1068,-698,-699,-700,-701,1068,1068,-746,1068,-749,-750,-751,-752,-753,1068,-755,-756,-757,-758,-759,1068,-766,-767,-769,1068,-771,-772,-773,-782,-856,-858,-860,-862,1068,1068,1068,1068,-868,1068,-870,1068,1068,1068,1068,1068,1068,1068,-906,-907,1068,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1068,-921,-924,1068,-934,1068,-385,-386,-387,1068,1068,-390,-391,-392,-393,1068,-396,1068,-399,-400,1068,-401,1068,-406,-407,1068,-410,-411,-412,1068,-415,1068,-416,1068,-421,-422,1068,-425,1068,-428,-429,-1894,-1894,1068,-619,-620,-621,-622,-623,-634,-584,-624,-797,1068,1068,1068,1068,1068,-831,1068,1068,-806,1068,-832,1068,1068,1068,1068,-798,1068,-853,-799,1068,1068,1068,1068,1068,1068,-854,-855,1068,-834,-830,-835,1068,-625,1068,-626,-627,-628,-629,-574,1068,1068,-630,-631,-632,1068,1068,1068,1068,1068,1068,-635,-636,-637,-592,-1894,-602,1068,-638,-639,-713,-640,-604,1068,-572,-577,-580,-583,1068,1068,1068,-598,-601,1068,-608,1068,1068,1068,1068,1068,1068,1068,1068,1068,1068,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1068,594,594,-995,594,1068,594,594,594,1068,-306,-325,-319,-296,-375,-452,-453,-454,-458,594,-443,1068,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1068,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,594,594,594,594,594,594,594,594,1068,-316,-535,-508,-591,-937,-939,-940,-438,1068,-440,-380,-381,-383,-507,-509,-511,1068,-513,-514,-519,-520,1068,-532,-534,-537,-538,-543,-548,-726,1068,-727,1068,-732,1068,-734,1068,-739,-656,-660,-661,1068,-666,1068,-667,1068,-672,-674,1068,-677,1068,1068,1068,-687,-689,1068,-692,1068,1068,-744,1068,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1068,1068,1068,1068,1068,-877,1068,-880,-908,-920,-925,-388,-389,1068,-394,1068,-397,1068,-402,1068,-403,1068,-408,1068,-413,1068,-417,1068,-418,1068,-423,1068,-426,-899,-900,-643,-585,-1894,-901,1068,1068,1068,-800,1068,1068,-804,1068,-807,-833,1068,-818,1068,-820,1068,-822,-808,1068,-824,1068,-851,-852,1068,1068,-811,1068,-646,-902,-904,-648,-649,-645,1068,-705,-706,1068,-642,-903,-647,-650,-603,-714,1068,1068,-605,-586,1068,1068,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1068,1068,-709,-710,1068,-716,1068,594,594,594,1068,1068,-938,594,-439,-441,-747,1068,-891,1933,-715,-1894,1068,1068,594,594,1068,-442,-512,-523,1068,-728,-733,1068,-735,1068,-740,1068,-662,-668,1068,-678,-680,-682,-683,-690,-693,-697,-745,1068,1068,-874,1068,1068,-878,1068,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1068,-812,1068,-814,-801,1068,-802,-805,1068,-816,-819,-821,-823,-825,1068,-826,1068,-809,1068,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,594,-282,594,1068,594,1068,-455,1068,1068,-729,1068,-736,1068,-741,1068,-663,-671,1068,1068,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1068,-836,-53,594,1068,-730,1068,-737,1068,-742,-664,1068,-873,-54,594,594,-731,-738,-743,1068,594,1068,-872,]),'PRECEDING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3793,3794,3796,3797,3798,3799,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[595,595,595,595,-1894,595,595,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,595,595,595,595,-275,-276,595,-1425,595,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,595,595,595,-490,595,595,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,595,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,595,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,595,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,595,-172,-173,-174,-175,-993,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-290,-291,-281,595,595,595,595,595,-328,-318,-332,-333,-334,595,595,-982,-983,-984,-985,-986,-987,-988,595,595,595,595,595,595,595,595,595,595,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,595,595,595,-353,-356,595,-323,-324,-141,595,-142,595,-143,595,-430,-935,-936,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-1894,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-1894,595,-1894,595,595,595,595,595,595,595,595,595,595,595,595,-1894,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,595,-1894,595,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,595,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,595,595,595,-191,-192,595,-994,595,595,595,595,595,-277,-278,-279,-280,-365,595,-308,595,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,595,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,595,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,595,595,595,595,595,595,-573,595,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,595,595,-723,-724,-725,595,595,595,595,595,595,-994,595,595,-91,-92,595,595,595,595,-309,-310,-320,595,-307,-293,-294,-295,595,595,595,595,-618,-633,-590,595,595,-436,595,-437,595,-444,-445,-446,-378,-379,595,595,595,-506,595,595,-510,595,595,595,595,-515,-516,-517,-518,595,595,-521,-522,595,-524,-525,-526,-527,-528,-529,-530,-531,595,-533,595,595,595,-539,-541,-542,595,-544,-545,-546,-547,595,595,595,595,595,595,-652,-653,-654,-655,595,-657,-658,-659,595,595,595,-665,595,595,-669,-670,595,595,-673,595,-675,-676,595,-679,595,-681,595,595,-684,-685,-686,595,-688,595,595,-691,595,595,-694,-695,-696,595,-698,-699,-700,-701,595,595,-746,595,-749,-750,-751,-752,-753,595,-755,-756,-757,-758,-759,595,-766,-767,-769,595,-771,-772,-773,-782,-856,-858,-860,-862,595,595,595,595,-868,595,-870,595,595,595,595,595,595,595,-906,-907,595,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,595,-921,-924,595,-934,595,-385,-386,-387,595,595,-390,-391,-392,-393,595,-396,595,-399,-400,595,-401,595,-406,-407,595,-410,-411,-412,595,-415,595,-416,595,-421,-422,595,-425,595,-428,-429,-1894,-1894,595,-619,-620,-621,-622,-623,-634,-584,-624,-797,595,595,595,595,595,-831,595,595,-806,595,-832,595,595,595,595,-798,595,-853,-799,595,595,595,595,595,595,-854,-855,595,-834,-830,-835,595,-625,595,-626,-627,-628,-629,-574,595,595,-630,-631,-632,595,595,595,595,595,595,-635,-636,-637,-592,-1894,-602,595,-638,-639,-713,-640,-604,595,-572,-577,-580,-583,595,595,595,-598,-601,595,-608,595,595,595,595,595,595,595,595,595,595,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,595,595,595,-995,595,595,595,595,595,595,-306,-325,-319,-296,-375,-452,-453,-454,-458,595,-443,595,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,595,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,595,595,595,595,595,595,595,595,595,-316,-535,-508,-591,-937,-939,-940,-438,595,-440,-380,-381,-383,-507,-509,-511,595,-513,-514,-519,-520,595,-532,-534,-537,-538,-543,-548,-726,595,-727,595,-732,595,-734,595,-739,-656,-660,-661,595,-666,595,-667,595,-672,-674,595,-677,595,595,595,-687,-689,595,-692,595,595,-744,595,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,595,595,595,595,595,-877,595,-880,-908,-920,-925,-388,-389,595,-394,595,-397,595,-402,595,-403,595,-408,595,-413,595,-417,595,-418,595,-423,595,-426,-899,-900,-643,-585,-1894,-901,595,595,595,-800,595,595,-804,595,-807,-833,595,-818,595,-820,595,-822,-808,595,-824,595,-851,-852,595,595,-811,595,-646,-902,-904,-648,-649,-645,595,-705,-706,595,-642,-903,-647,-650,-603,-714,595,595,-605,-586,595,595,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,595,595,-709,-710,595,-716,595,595,595,595,595,595,-938,595,-439,-441,-747,595,-891,595,-715,-1894,595,595,595,595,595,-442,-512,-523,595,-728,-733,595,-735,595,-740,595,-662,-668,595,-678,-680,-682,-683,-690,-693,-697,-745,595,595,-874,595,595,-878,595,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,595,-812,595,-814,-801,595,-802,-805,595,-816,-819,-821,-823,-825,595,-826,595,-809,595,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,595,-282,595,595,595,595,-455,3832,3834,-479,-480,595,-1861,595,-729,595,-736,595,-741,595,-663,-671,595,595,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,595,-836,-53,595,595,-730,595,-737,595,-742,-664,595,-873,-54,595,595,-731,-738,-743,595,595,595,-872,]),'PREPARE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[596,596,596,596,-1894,596,596,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,596,596,596,596,-275,-276,596,-1425,596,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,596,596,596,-490,596,596,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,596,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,596,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,596,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,596,-172,-173,-174,-175,-993,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-290,-291,-281,596,596,596,596,596,-328,-318,-332,-333,-334,596,596,-982,-983,-984,-985,-986,-987,-988,596,596,596,596,596,596,596,596,596,596,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,596,596,596,-353,-356,596,-323,-324,-141,596,-142,596,-143,596,-430,-935,-936,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-1894,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-1894,596,-1894,596,596,596,596,596,596,596,596,596,596,596,596,-1894,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,596,-1894,596,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,596,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,596,596,596,-191,-192,596,-994,596,596,596,596,596,-277,-278,-279,-280,-365,596,-308,596,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,596,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,596,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,596,596,596,596,596,596,-573,596,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,596,596,-723,-724,-725,596,596,596,596,596,596,-994,596,596,-91,-92,596,596,596,596,-309,-310,-320,596,-307,-293,-294,-295,596,596,596,596,-618,-633,-590,596,596,-436,596,-437,596,-444,-445,-446,-378,-379,596,596,596,-506,596,596,-510,596,596,596,596,-515,-516,-517,-518,596,596,-521,-522,596,-524,-525,-526,-527,-528,-529,-530,-531,596,-533,596,596,596,-539,-541,-542,596,-544,-545,-546,-547,596,596,596,596,596,596,-652,-653,-654,-655,596,-657,-658,-659,596,596,596,-665,596,596,-669,-670,596,596,-673,596,-675,-676,596,-679,596,-681,596,596,-684,-685,-686,596,-688,596,596,-691,596,596,-694,-695,-696,596,-698,-699,-700,-701,596,596,-746,596,-749,-750,-751,-752,-753,596,-755,-756,-757,-758,-759,596,-766,-767,-769,596,-771,-772,-773,-782,-856,-858,-860,-862,596,596,596,596,-868,596,-870,596,596,596,596,596,596,596,-906,-907,596,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,596,-921,-924,596,-934,596,-385,-386,-387,596,596,-390,-391,-392,-393,596,-396,596,-399,-400,596,-401,596,-406,-407,596,-410,-411,-412,596,-415,596,-416,596,-421,-422,596,-425,596,-428,-429,-1894,-1894,596,-619,-620,-621,-622,-623,-634,-584,-624,-797,596,596,596,596,596,-831,596,596,-806,596,-832,596,596,596,596,-798,596,-853,-799,596,596,596,596,596,596,-854,-855,596,-834,-830,-835,596,-625,596,-626,-627,-628,-629,-574,596,596,-630,-631,-632,596,596,596,596,596,596,-635,-636,-637,-592,-1894,-602,596,-638,-639,-713,-640,-604,596,-572,-577,-580,-583,596,596,596,-598,-601,596,-608,596,596,596,596,596,596,596,596,596,596,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,596,596,596,-995,596,596,596,596,596,596,-306,-325,-319,-296,-375,-452,-453,-454,-458,596,-443,596,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,596,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,596,596,596,596,596,596,596,596,596,-316,-535,-508,-591,-937,-939,-940,-438,596,-440,-380,-381,-383,-507,-509,-511,596,-513,-514,-519,-520,596,-532,-534,-537,-538,-543,-548,-726,596,-727,596,-732,596,-734,596,-739,-656,-660,-661,596,-666,596,-667,596,-672,-674,596,-677,596,596,596,-687,-689,596,-692,596,596,-744,596,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,596,596,596,596,596,-877,596,-880,-908,-920,-925,-388,-389,596,-394,596,-397,596,-402,596,-403,596,-408,596,-413,596,-417,596,-418,596,-423,596,-426,-899,-900,-643,-585,-1894,-901,596,596,596,-800,596,596,-804,596,-807,-833,596,-818,596,-820,596,-822,-808,596,-824,596,-851,-852,596,596,-811,596,-646,-902,-904,-648,-649,-645,596,-705,-706,596,-642,-903,-647,-650,-603,-714,596,596,-605,-586,596,596,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,596,596,-709,-710,596,-716,596,596,596,596,596,596,-938,596,-439,-441,-747,596,-891,596,-715,-1894,596,596,596,596,596,-442,-512,-523,596,-728,-733,596,-735,596,-740,596,-662,-668,596,-678,-680,-682,-683,-690,-693,-697,-745,596,596,-874,596,596,-878,596,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,596,-812,596,-814,-801,596,-802,-805,596,-816,-819,-821,-823,-825,596,-826,596,-809,596,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,596,-282,596,596,596,596,-455,596,596,-729,596,-736,596,-741,596,-663,-671,596,596,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,596,-836,-53,596,596,-730,596,-737,596,-742,-664,596,-873,-54,596,596,-731,-738,-743,596,596,596,-872,]),'PRESERVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[597,597,597,597,-1894,597,597,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,597,597,597,597,-275,-276,597,-1425,597,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,597,597,597,-490,597,597,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,597,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,597,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,597,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,597,-172,-173,-174,-175,-993,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-290,-291,-281,597,597,597,597,597,-328,-318,-332,-333,-334,597,597,-982,-983,-984,-985,-986,-987,-988,597,597,597,597,597,597,597,597,597,597,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,597,597,597,-353,-356,597,-323,-324,-141,597,-142,597,-143,597,-430,-935,-936,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-1894,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-1894,597,-1894,597,597,597,597,597,597,597,597,597,597,597,597,-1894,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,597,-1894,597,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,597,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,597,597,597,-191,-192,597,-994,597,597,597,597,597,-277,-278,-279,-280,-365,597,-308,597,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,597,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,597,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,597,597,597,597,597,597,-573,597,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,597,597,-723,-724,-725,597,597,597,597,597,597,-994,597,597,-91,-92,597,597,597,597,-309,-310,-320,597,-307,-293,-294,-295,597,597,597,597,-618,-633,-590,597,597,-436,597,-437,597,-444,-445,-446,-378,-379,597,597,597,-506,597,597,-510,597,597,597,597,-515,-516,-517,-518,597,597,-521,-522,597,-524,-525,-526,-527,-528,-529,-530,-531,597,-533,597,597,597,-539,-541,-542,597,-544,-545,-546,-547,597,597,597,597,597,597,-652,-653,-654,-655,597,-657,-658,-659,597,597,597,-665,597,597,-669,-670,597,597,-673,597,-675,-676,597,-679,597,-681,597,597,-684,-685,-686,597,-688,597,597,-691,597,597,-694,-695,-696,597,-698,-699,-700,-701,597,597,-746,597,-749,-750,-751,-752,-753,597,-755,-756,-757,-758,-759,597,-766,-767,-769,597,-771,-772,-773,-782,-856,-858,-860,-862,597,597,597,597,-868,597,-870,597,597,597,597,597,597,597,-906,-907,597,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,597,-921,-924,597,-934,597,-385,-386,-387,597,597,-390,-391,-392,-393,597,-396,597,-399,-400,597,-401,597,-406,-407,597,-410,-411,-412,597,-415,597,-416,597,-421,-422,597,-425,597,-428,-429,-1894,-1894,597,-619,-620,-621,-622,-623,-634,-584,-624,-797,597,597,597,597,597,-831,597,597,-806,597,-832,597,597,597,597,-798,597,-853,-799,597,597,597,597,597,597,-854,-855,597,-834,-830,-835,597,-625,597,-626,-627,-628,-629,-574,597,597,-630,-631,-632,597,597,597,597,597,597,-635,-636,-637,-592,-1894,-602,597,-638,-639,-713,-640,-604,597,-572,-577,-580,-583,597,597,597,-598,-601,597,-608,597,597,597,597,597,597,597,597,597,597,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,597,597,597,-995,597,597,597,597,597,597,-306,-325,-319,-296,-375,-452,-453,-454,-458,597,-443,597,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,597,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,597,597,597,597,597,597,597,597,597,-316,-535,-508,-591,-937,-939,-940,-438,597,-440,-380,-381,-383,-507,-509,-511,597,-513,-514,-519,-520,597,-532,-534,-537,-538,-543,-548,-726,597,-727,597,-732,597,-734,597,-739,-656,-660,-661,597,-666,597,-667,597,-672,-674,597,-677,597,597,597,-687,-689,597,-692,597,597,-744,597,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,597,597,597,597,597,-877,597,-880,-908,-920,-925,-388,-389,597,-394,597,-397,597,-402,597,-403,597,-408,597,-413,597,-417,597,-418,597,-423,597,-426,-899,-900,-643,-585,-1894,-901,597,597,597,-800,597,597,-804,597,-807,-833,597,-818,597,-820,597,-822,-808,597,-824,597,-851,-852,597,597,-811,597,-646,-902,-904,-648,-649,-645,597,-705,-706,597,-642,-903,-647,-650,-603,-714,597,597,-605,-586,597,597,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,597,597,-709,-710,597,-716,597,597,597,597,597,597,-938,597,-439,-441,-747,597,-891,597,-715,-1894,597,597,597,597,597,-442,-512,-523,597,-728,-733,597,-735,597,-740,597,-662,-668,597,-678,-680,-682,-683,-690,-693,-697,-745,597,597,-874,597,597,-878,597,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,597,-812,597,-814,-801,597,-802,-805,597,-816,-819,-821,-823,-825,597,-826,597,-809,597,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,597,-282,597,597,597,597,-455,597,597,-729,597,-736,597,-741,597,-663,-671,597,597,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,597,-836,-53,597,597,-730,597,-737,597,-742,-664,597,-873,-54,597,597,-731,-738,-743,597,597,597,-872,]),'PREV':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[598,598,598,598,-1894,598,598,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,598,598,598,598,-275,-276,598,-1425,598,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,598,598,598,-490,598,598,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,598,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,598,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,598,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,598,-172,-173,-174,-175,-993,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-290,-291,-281,598,598,598,598,598,-328,-318,-332,-333,-334,598,598,-982,-983,-984,-985,-986,-987,-988,598,598,598,598,598,598,598,598,598,598,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,598,598,598,-353,-356,598,-323,-324,-141,598,-142,598,-143,598,-430,-935,-936,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-1894,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-1894,598,-1894,598,598,598,598,598,598,598,598,598,598,598,598,-1894,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,598,-1894,598,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,598,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,598,598,598,-191,-192,598,-994,598,598,598,598,598,-277,-278,-279,-280,-365,598,-308,598,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,598,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,598,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,598,598,598,598,598,598,-573,598,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,598,598,-723,-724,-725,598,598,598,598,598,598,-994,598,598,-91,-92,598,598,598,598,-309,-310,-320,598,-307,-293,-294,-295,598,598,598,598,-618,-633,-590,598,598,-436,598,-437,598,-444,-445,-446,-378,-379,598,598,598,-506,598,598,-510,598,598,598,598,-515,-516,-517,-518,598,598,-521,-522,598,-524,-525,-526,-527,-528,-529,-530,-531,598,-533,598,598,598,-539,-541,-542,598,-544,-545,-546,-547,598,598,598,598,598,598,-652,-653,-654,-655,598,-657,-658,-659,598,598,598,-665,598,598,-669,-670,598,598,-673,598,-675,-676,598,-679,598,-681,598,598,-684,-685,-686,598,-688,598,598,-691,598,598,-694,-695,-696,598,-698,-699,-700,-701,598,598,-746,598,-749,-750,-751,-752,-753,598,-755,-756,-757,-758,-759,598,-766,-767,-769,598,-771,-772,-773,-782,-856,-858,-860,-862,598,598,598,598,-868,598,-870,598,598,598,598,598,598,598,-906,-907,598,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,598,-921,-924,598,-934,598,-385,-386,-387,598,598,-390,-391,-392,-393,598,-396,598,-399,-400,598,-401,598,-406,-407,598,-410,-411,-412,598,-415,598,-416,598,-421,-422,598,-425,598,-428,-429,-1894,-1894,598,-619,-620,-621,-622,-623,-634,-584,-624,-797,598,598,598,598,598,-831,598,598,-806,598,-832,598,598,598,598,-798,598,-853,-799,598,598,598,598,598,598,-854,-855,598,-834,-830,-835,598,-625,598,-626,-627,-628,-629,-574,598,598,-630,-631,-632,598,598,598,598,598,598,-635,-636,-637,-592,-1894,-602,598,-638,-639,-713,-640,-604,598,-572,-577,-580,-583,598,598,598,-598,-601,598,-608,598,598,598,598,598,598,598,598,598,598,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,598,598,598,-995,598,598,598,598,598,598,-306,-325,-319,-296,-375,-452,-453,-454,-458,598,-443,598,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,598,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,598,598,598,598,598,598,598,598,598,-316,-535,-508,-591,-937,-939,-940,-438,598,-440,-380,-381,-383,-507,-509,-511,598,-513,-514,-519,-520,598,-532,-534,-537,-538,-543,-548,-726,598,-727,598,-732,598,-734,598,-739,-656,-660,-661,598,-666,598,-667,598,-672,-674,598,-677,598,598,598,-687,-689,598,-692,598,598,-744,598,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,598,598,598,598,598,-877,598,-880,-908,-920,-925,-388,-389,598,-394,598,-397,598,-402,598,-403,598,-408,598,-413,598,-417,598,-418,598,-423,598,-426,-899,-900,-643,-585,-1894,-901,598,598,598,-800,598,598,-804,598,-807,-833,598,-818,598,-820,598,-822,-808,598,-824,598,-851,-852,598,598,-811,598,-646,-902,-904,-648,-649,-645,598,-705,-706,598,-642,-903,-647,-650,-603,-714,598,598,-605,-586,598,598,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,598,598,-709,-710,598,-716,598,598,598,598,598,598,-938,598,-439,-441,-747,598,-891,598,-715,-1894,598,598,598,598,598,-442,-512,-523,598,-728,-733,598,-735,598,-740,598,-662,-668,598,-678,-680,-682,-683,-690,-693,-697,-745,598,598,-874,598,598,-878,598,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,598,-812,598,-814,-801,598,-802,-805,598,-816,-819,-821,-823,-825,598,-826,598,-809,598,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,598,-282,598,598,598,598,-455,598,598,-729,598,-736,598,-741,598,-663,-671,598,598,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,598,-836,-53,598,598,-730,598,-737,598,-742,-664,598,-873,-54,598,598,-731,-738,-743,598,598,598,-872,]),'PREVIEW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[599,599,599,599,-1894,599,599,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,599,599,599,599,-275,-276,599,-1425,599,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,599,599,599,-490,599,599,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,599,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,599,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,599,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,599,-172,-173,-174,-175,-993,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-290,-291,-281,599,599,599,599,599,-328,-318,-332,-333,-334,599,599,-982,-983,-984,-985,-986,-987,-988,599,599,599,599,599,599,599,599,599,599,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,599,599,599,-353,-356,599,-323,-324,-141,599,-142,599,-143,599,-430,-935,-936,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-1894,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-1894,599,-1894,599,599,599,599,599,599,599,599,599,599,599,599,-1894,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,599,-1894,599,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,599,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,599,599,599,-191,-192,599,-994,599,599,599,599,599,-277,-278,-279,-280,-365,599,-308,599,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,599,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,599,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,599,599,599,599,599,599,-573,599,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,599,599,-723,-724,-725,599,599,599,599,599,599,-994,599,599,-91,-92,599,599,599,599,-309,-310,-320,599,-307,-293,-294,-295,599,599,599,599,-618,-633,-590,599,599,-436,599,-437,599,-444,-445,-446,-378,-379,599,599,599,-506,599,599,-510,599,599,599,599,-515,-516,-517,-518,599,599,-521,-522,599,-524,-525,-526,-527,-528,-529,-530,-531,599,-533,599,599,599,-539,-541,-542,599,-544,-545,-546,-547,599,599,599,599,599,599,-652,-653,-654,-655,599,-657,-658,-659,599,599,599,-665,599,599,-669,-670,599,599,-673,599,-675,-676,599,-679,599,-681,599,599,-684,-685,-686,599,-688,599,599,-691,599,599,-694,-695,-696,599,-698,-699,-700,-701,599,599,-746,599,-749,-750,-751,-752,-753,599,-755,-756,-757,-758,-759,599,-766,-767,-769,599,-771,-772,-773,-782,-856,-858,-860,-862,599,599,599,599,-868,599,-870,599,599,599,599,599,599,599,-906,-907,599,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,599,-921,-924,599,-934,599,-385,-386,-387,599,599,-390,-391,-392,-393,599,-396,599,-399,-400,599,-401,599,-406,-407,599,-410,-411,-412,599,-415,599,-416,599,-421,-422,599,-425,599,-428,-429,-1894,-1894,599,-619,-620,-621,-622,-623,-634,-584,-624,-797,599,599,599,599,599,-831,599,599,-806,599,-832,599,599,599,599,-798,599,-853,-799,599,599,599,599,599,599,-854,-855,599,-834,-830,-835,599,-625,599,-626,-627,-628,-629,-574,599,599,-630,-631,-632,599,599,599,599,599,599,-635,-636,-637,-592,-1894,-602,599,-638,-639,-713,-640,-604,599,-572,-577,-580,-583,599,599,599,-598,-601,599,-608,599,599,599,599,599,599,599,599,599,599,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,599,599,599,-995,599,599,599,599,599,599,-306,-325,-319,-296,-375,-452,-453,-454,-458,599,-443,599,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,599,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,599,599,599,599,599,599,599,599,599,-316,-535,-508,-591,-937,-939,-940,-438,599,-440,-380,-381,-383,-507,-509,-511,599,-513,-514,-519,-520,599,-532,-534,-537,-538,-543,-548,-726,599,-727,599,-732,599,-734,599,-739,-656,-660,-661,599,-666,599,-667,599,-672,-674,599,-677,599,599,599,-687,-689,599,-692,599,599,-744,599,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,599,599,599,599,599,-877,599,-880,-908,-920,-925,-388,-389,599,-394,599,-397,599,-402,599,-403,599,-408,599,-413,599,-417,599,-418,599,-423,599,-426,-899,-900,-643,-585,-1894,-901,599,599,599,-800,599,599,-804,599,-807,-833,599,-818,599,-820,599,-822,-808,599,-824,599,-851,-852,599,599,-811,599,-646,-902,-904,-648,-649,-645,599,-705,-706,599,-642,-903,-647,-650,-603,-714,599,599,-605,-586,599,599,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,599,599,-709,-710,599,-716,599,599,599,599,599,599,-938,599,-439,-441,-747,599,-891,599,-715,-1894,599,599,599,599,599,-442,-512,-523,599,-728,-733,599,-735,599,-740,599,-662,-668,599,-678,-680,-682,-683,-690,-693,-697,-745,599,599,-874,599,599,-878,599,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,599,-812,599,-814,-801,599,-802,-805,599,-816,-819,-821,-823,-825,599,-826,599,-809,599,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,599,-282,599,599,599,599,-455,599,599,-729,599,-736,599,-741,599,-663,-671,599,599,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,599,-836,-53,599,599,-730,599,-737,599,-742,-664,599,-873,-54,599,599,-731,-738,-743,599,599,599,-872,]),'PRIMARY_ZONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[600,600,600,600,-1894,600,600,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,600,600,600,600,-275,-276,600,-1425,600,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,600,600,600,-490,600,600,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,600,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,600,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,600,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,600,-172,-173,-174,-175,-993,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-290,-291,-281,600,600,600,600,600,-328,-318,-332,-333,-334,600,600,-982,-983,-984,-985,-986,-987,-988,600,600,600,600,600,600,600,600,600,600,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,600,600,600,-353,-356,600,-323,-324,-141,600,-142,600,-143,600,-430,-935,-936,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-1894,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-1894,600,-1894,600,600,600,600,600,600,600,600,600,600,600,600,-1894,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,600,-1894,600,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,600,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,600,600,600,-191,-192,600,-994,600,600,600,600,600,-277,-278,-279,-280,-365,600,-308,600,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,600,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,600,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,600,600,600,600,600,600,-573,600,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,600,600,-723,-724,-725,600,600,600,600,600,600,-994,600,600,-91,-92,600,600,600,600,-309,-310,-320,600,-307,-293,-294,-295,600,600,600,600,-618,-633,-590,600,600,-436,600,-437,600,-444,-445,-446,-378,-379,600,600,600,-506,600,600,-510,600,600,600,600,-515,-516,-517,-518,600,600,-521,-522,600,-524,-525,-526,-527,-528,-529,-530,-531,600,-533,600,600,600,-539,-541,-542,600,-544,-545,-546,-547,600,600,600,600,600,600,-652,-653,-654,-655,600,-657,-658,-659,600,600,600,-665,600,600,-669,-670,600,600,-673,600,-675,-676,600,-679,600,-681,600,600,-684,-685,-686,600,-688,600,600,-691,600,600,-694,-695,-696,600,-698,-699,-700,-701,600,600,-746,600,-749,-750,-751,-752,-753,600,-755,-756,-757,-758,-759,600,-766,-767,-769,600,-771,-772,-773,-782,-856,-858,-860,-862,600,600,600,600,-868,600,-870,600,600,600,600,600,600,600,-906,-907,600,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,600,-921,-924,600,-934,600,-385,-386,-387,600,600,-390,-391,-392,-393,600,-396,600,-399,-400,600,-401,600,-406,-407,600,-410,-411,-412,600,-415,600,-416,600,-421,-422,600,-425,600,-428,-429,-1894,-1894,600,-619,-620,-621,-622,-623,-634,-584,-624,-797,600,600,600,600,600,-831,600,600,-806,600,-832,600,600,600,600,-798,600,-853,-799,600,600,600,600,600,600,-854,-855,600,-834,-830,-835,600,-625,600,-626,-627,-628,-629,-574,600,600,-630,-631,-632,600,600,600,600,600,600,-635,-636,-637,-592,-1894,-602,600,-638,-639,-713,-640,-604,600,-572,-577,-580,-583,600,600,600,-598,-601,600,-608,600,600,600,600,600,600,600,600,600,600,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,600,600,600,-995,600,600,600,600,600,600,-306,-325,-319,-296,-375,-452,-453,-454,-458,600,-443,600,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,600,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,600,600,600,600,600,600,600,600,600,-316,-535,-508,-591,-937,-939,-940,-438,600,-440,-380,-381,-383,-507,-509,-511,600,-513,-514,-519,-520,600,-532,-534,-537,-538,-543,-548,-726,600,-727,600,-732,600,-734,600,-739,-656,-660,-661,600,-666,600,-667,600,-672,-674,600,-677,600,600,600,-687,-689,600,-692,600,600,-744,600,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,600,600,600,600,600,-877,600,-880,-908,-920,-925,-388,-389,600,-394,600,-397,600,-402,600,-403,600,-408,600,-413,600,-417,600,-418,600,-423,600,-426,-899,-900,-643,-585,-1894,-901,600,600,600,-800,600,600,-804,600,-807,-833,600,-818,600,-820,600,-822,-808,600,-824,600,-851,-852,600,600,-811,600,-646,-902,-904,-648,-649,-645,600,-705,-706,600,-642,-903,-647,-650,-603,-714,600,600,-605,-586,600,600,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,600,600,-709,-710,600,-716,600,600,600,600,600,600,-938,600,-439,-441,-747,600,-891,600,-715,-1894,600,600,600,600,600,-442,-512,-523,600,-728,-733,600,-735,600,-740,600,-662,-668,600,-678,-680,-682,-683,-690,-693,-697,-745,600,600,-874,600,600,-878,600,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,600,-812,600,-814,-801,600,-802,-805,600,-816,-819,-821,-823,-825,600,-826,600,-809,600,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,600,-282,600,600,600,600,-455,600,600,-729,600,-736,600,-741,600,-663,-671,600,600,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,600,-836,-53,600,600,-730,600,-737,600,-742,-664,600,-873,-54,600,600,-731,-738,-743,600,600,600,-872,]),'PRIVILEGES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[601,601,601,601,-1894,601,601,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,601,601,601,601,-275,-276,601,-1425,601,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,601,601,601,-490,601,601,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,601,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,601,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,601,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,601,-172,-173,-174,-175,-993,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-290,-291,-281,601,601,601,601,601,-328,-318,-332,-333,-334,601,601,-982,-983,-984,-985,-986,-987,-988,601,601,601,601,601,601,601,601,601,601,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,601,601,601,-353,-356,601,-323,-324,-141,601,-142,601,-143,601,-430,-935,-936,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-1894,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-1894,601,-1894,601,601,601,601,601,601,601,601,601,601,601,601,-1894,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,601,-1894,601,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,601,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,601,601,601,-191,-192,601,-994,601,601,601,601,601,-277,-278,-279,-280,-365,601,-308,601,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,601,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,601,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,601,601,601,601,601,601,-573,601,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,601,601,-723,-724,-725,601,601,601,601,601,601,-994,601,601,-91,-92,601,601,601,601,-309,-310,-320,601,-307,-293,-294,-295,601,601,601,601,-618,-633,-590,601,601,-436,601,-437,601,-444,-445,-446,-378,-379,601,601,601,-506,601,601,-510,601,601,601,601,-515,-516,-517,-518,601,601,-521,-522,601,-524,-525,-526,-527,-528,-529,-530,-531,601,-533,601,601,601,-539,-541,-542,601,-544,-545,-546,-547,601,601,601,601,601,601,-652,-653,-654,-655,601,-657,-658,-659,601,601,601,-665,601,601,-669,-670,601,601,-673,601,-675,-676,601,-679,601,-681,601,601,-684,-685,-686,601,-688,601,601,-691,601,601,-694,-695,-696,601,-698,-699,-700,-701,601,601,-746,601,-749,-750,-751,-752,-753,601,-755,-756,-757,-758,-759,601,-766,-767,-769,601,-771,-772,-773,-782,-856,-858,-860,-862,601,601,601,601,-868,601,-870,601,601,601,601,601,601,601,-906,-907,601,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,601,-921,-924,601,-934,601,-385,-386,-387,601,601,-390,-391,-392,-393,601,-396,601,-399,-400,601,-401,601,-406,-407,601,-410,-411,-412,601,-415,601,-416,601,-421,-422,601,-425,601,-428,-429,-1894,-1894,601,-619,-620,-621,-622,-623,-634,-584,-624,-797,601,601,601,601,601,-831,601,601,-806,601,-832,601,601,601,601,-798,601,-853,-799,601,601,601,601,601,601,-854,-855,601,-834,-830,-835,601,-625,601,-626,-627,-628,-629,-574,601,601,-630,-631,-632,601,601,601,601,601,601,-635,-636,-637,-592,-1894,-602,601,-638,-639,-713,-640,-604,601,-572,-577,-580,-583,601,601,601,-598,-601,601,-608,601,601,601,601,601,601,601,601,601,601,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,601,601,601,-995,601,601,601,601,601,601,-306,-325,-319,-296,-375,-452,-453,-454,-458,601,-443,601,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,601,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,601,601,601,601,601,601,601,601,601,-316,-535,-508,-591,-937,-939,-940,-438,601,-440,-380,-381,-383,-507,-509,-511,601,-513,-514,-519,-520,601,-532,-534,-537,-538,-543,-548,-726,601,-727,601,-732,601,-734,601,-739,-656,-660,-661,601,-666,601,-667,601,-672,-674,601,-677,601,601,601,-687,-689,601,-692,601,601,-744,601,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,601,601,601,601,601,-877,601,-880,-908,-920,-925,-388,-389,601,-394,601,-397,601,-402,601,-403,601,-408,601,-413,601,-417,601,-418,601,-423,601,-426,-899,-900,-643,-585,-1894,-901,601,601,601,-800,601,601,-804,601,-807,-833,601,-818,601,-820,601,-822,-808,601,-824,601,-851,-852,601,601,-811,601,-646,-902,-904,-648,-649,-645,601,-705,-706,601,-642,-903,-647,-650,-603,-714,601,601,-605,-586,601,601,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,601,601,-709,-710,601,-716,601,601,601,601,601,601,-938,601,-439,-441,-747,601,-891,601,-715,-1894,601,601,601,601,601,-442,-512,-523,601,-728,-733,601,-735,601,-740,601,-662,-668,601,-678,-680,-682,-683,-690,-693,-697,-745,601,601,-874,601,601,-878,601,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,601,-812,601,-814,-801,601,-802,-805,601,-816,-819,-821,-823,-825,601,-826,601,-809,601,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,601,-282,601,601,601,601,-455,601,601,-729,601,-736,601,-741,601,-663,-671,601,601,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,601,-836,-53,601,601,-730,601,-737,601,-742,-664,601,-873,-54,601,601,-731,-738,-743,601,601,601,-872,]),'PROCESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[602,602,602,602,-1894,602,602,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,602,602,602,602,-275,-276,602,-1425,602,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,602,602,602,-490,602,602,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,602,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,602,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,602,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,602,-172,-173,-174,-175,-993,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-290,-291,-281,602,602,602,602,602,-328,-318,-332,-333,-334,602,602,-982,-983,-984,-985,-986,-987,-988,602,602,602,602,602,602,602,602,602,602,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,602,602,602,-353,-356,602,-323,-324,-141,602,-142,602,-143,602,-430,-935,-936,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-1894,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-1894,602,-1894,602,602,602,602,602,602,602,602,602,602,602,602,-1894,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,602,-1894,602,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,602,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,602,602,602,-191,-192,602,-994,602,602,602,602,602,-277,-278,-279,-280,-365,602,-308,602,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,602,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,602,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,602,602,602,602,602,602,-573,602,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,602,602,-723,-724,-725,602,602,602,602,602,602,-994,602,602,-91,-92,602,602,602,602,-309,-310,-320,602,-307,-293,-294,-295,602,602,602,602,-618,-633,-590,602,602,-436,602,-437,602,-444,-445,-446,-378,-379,602,602,602,-506,602,602,-510,602,602,602,602,-515,-516,-517,-518,602,602,-521,-522,602,-524,-525,-526,-527,-528,-529,-530,-531,602,-533,602,602,602,-539,-541,-542,602,-544,-545,-546,-547,602,602,602,602,602,602,-652,-653,-654,-655,602,-657,-658,-659,602,602,602,-665,602,602,-669,-670,602,602,-673,602,-675,-676,602,-679,602,-681,602,602,-684,-685,-686,602,-688,602,602,-691,602,602,-694,-695,-696,602,-698,-699,-700,-701,602,602,-746,602,-749,-750,-751,-752,-753,602,-755,-756,-757,-758,-759,602,-766,-767,-769,602,-771,-772,-773,-782,-856,-858,-860,-862,602,602,602,602,-868,602,-870,602,602,602,602,602,602,602,-906,-907,602,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,602,-921,-924,602,-934,602,-385,-386,-387,602,602,-390,-391,-392,-393,602,-396,602,-399,-400,602,-401,602,-406,-407,602,-410,-411,-412,602,-415,602,-416,602,-421,-422,602,-425,602,-428,-429,-1894,-1894,602,-619,-620,-621,-622,-623,-634,-584,-624,-797,602,602,602,602,602,-831,602,602,-806,602,-832,602,602,602,602,-798,602,-853,-799,602,602,602,602,602,602,-854,-855,602,-834,-830,-835,602,-625,602,-626,-627,-628,-629,-574,602,602,-630,-631,-632,602,602,602,602,602,602,-635,-636,-637,-592,-1894,-602,602,-638,-639,-713,-640,-604,602,-572,-577,-580,-583,602,602,602,-598,-601,602,-608,602,602,602,602,602,602,602,602,602,602,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,602,602,602,-995,602,602,602,602,602,602,-306,-325,-319,-296,-375,-452,-453,-454,-458,602,-443,602,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,602,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,602,602,602,602,602,602,602,602,602,-316,-535,-508,-591,-937,-939,-940,-438,602,-440,-380,-381,-383,-507,-509,-511,602,-513,-514,-519,-520,602,-532,-534,-537,-538,-543,-548,-726,602,-727,602,-732,602,-734,602,-739,-656,-660,-661,602,-666,602,-667,602,-672,-674,602,-677,602,602,602,-687,-689,602,-692,602,602,-744,602,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,602,602,602,602,602,-877,602,-880,-908,-920,-925,-388,-389,602,-394,602,-397,602,-402,602,-403,602,-408,602,-413,602,-417,602,-418,602,-423,602,-426,-899,-900,-643,-585,-1894,-901,602,602,602,-800,602,602,-804,602,-807,-833,602,-818,602,-820,602,-822,-808,602,-824,602,-851,-852,602,602,-811,602,-646,-902,-904,-648,-649,-645,602,-705,-706,602,-642,-903,-647,-650,-603,-714,602,602,-605,-586,602,602,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,602,602,-709,-710,602,-716,602,602,602,602,602,602,-938,602,-439,-441,-747,602,-891,602,-715,-1894,602,602,602,602,602,-442,-512,-523,602,-728,-733,602,-735,602,-740,602,-662,-668,602,-678,-680,-682,-683,-690,-693,-697,-745,602,602,-874,602,602,-878,602,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,602,-812,602,-814,-801,602,-802,-805,602,-816,-819,-821,-823,-825,602,-826,602,-809,602,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,602,-282,602,602,602,602,-455,602,602,-729,602,-736,602,-741,602,-663,-671,602,602,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,602,-836,-53,602,602,-730,602,-737,602,-742,-664,602,-873,-54,602,602,-731,-738,-743,602,602,602,-872,]),'PROCESSLIST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[603,603,603,603,-1894,603,603,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,603,603,603,603,-275,-276,603,-1425,603,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,603,603,603,-490,603,603,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,603,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,603,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,603,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,603,-172,-173,-174,-175,-993,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-290,-291,-281,603,603,603,603,603,-328,-318,-332,-333,-334,603,603,-982,-983,-984,-985,-986,-987,-988,603,603,603,603,603,603,603,603,603,603,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,603,603,603,-353,-356,603,-323,-324,-141,603,-142,603,-143,603,-430,-935,-936,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-1894,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-1894,603,-1894,603,603,603,603,603,603,603,603,603,603,603,603,-1894,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,603,-1894,603,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,603,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,603,603,603,-191,-192,603,-994,603,603,603,603,603,-277,-278,-279,-280,-365,603,-308,603,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,603,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,603,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,603,603,603,603,603,603,-573,603,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,603,603,-723,-724,-725,603,603,603,603,603,603,-994,603,603,-91,-92,603,603,603,603,-309,-310,-320,603,-307,-293,-294,-295,603,603,603,603,-618,-633,-590,603,603,-436,603,-437,603,-444,-445,-446,-378,-379,603,603,603,-506,603,603,-510,603,603,603,603,-515,-516,-517,-518,603,603,-521,-522,603,-524,-525,-526,-527,-528,-529,-530,-531,603,-533,603,603,603,-539,-541,-542,603,-544,-545,-546,-547,603,603,603,603,603,603,-652,-653,-654,-655,603,-657,-658,-659,603,603,603,-665,603,603,-669,-670,603,603,-673,603,-675,-676,603,-679,603,-681,603,603,-684,-685,-686,603,-688,603,603,-691,603,603,-694,-695,-696,603,-698,-699,-700,-701,603,603,-746,603,-749,-750,-751,-752,-753,603,-755,-756,-757,-758,-759,603,-766,-767,-769,603,-771,-772,-773,-782,-856,-858,-860,-862,603,603,603,603,-868,603,-870,603,603,603,603,603,603,603,-906,-907,603,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,603,-921,-924,603,-934,603,-385,-386,-387,603,603,-390,-391,-392,-393,603,-396,603,-399,-400,603,-401,603,-406,-407,603,-410,-411,-412,603,-415,603,-416,603,-421,-422,603,-425,603,-428,-429,-1894,-1894,603,-619,-620,-621,-622,-623,-634,-584,-624,-797,603,603,603,603,603,-831,603,603,-806,603,-832,603,603,603,603,-798,603,-853,-799,603,603,603,603,603,603,-854,-855,603,-834,-830,-835,603,-625,603,-626,-627,-628,-629,-574,603,603,-630,-631,-632,603,603,603,603,603,603,-635,-636,-637,-592,-1894,-602,603,-638,-639,-713,-640,-604,603,-572,-577,-580,-583,603,603,603,-598,-601,603,-608,603,603,603,603,603,603,603,603,603,603,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,603,603,603,-995,603,603,603,603,603,603,-306,-325,-319,-296,-375,-452,-453,-454,-458,603,-443,603,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,603,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,603,603,603,603,603,603,603,603,603,-316,-535,-508,-591,-937,-939,-940,-438,603,-440,-380,-381,-383,-507,-509,-511,603,-513,-514,-519,-520,603,-532,-534,-537,-538,-543,-548,-726,603,-727,603,-732,603,-734,603,-739,-656,-660,-661,603,-666,603,-667,603,-672,-674,603,-677,603,603,603,-687,-689,603,-692,603,603,-744,603,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,603,603,603,603,603,-877,603,-880,-908,-920,-925,-388,-389,603,-394,603,-397,603,-402,603,-403,603,-408,603,-413,603,-417,603,-418,603,-423,603,-426,-899,-900,-643,-585,-1894,-901,603,603,603,-800,603,603,-804,603,-807,-833,603,-818,603,-820,603,-822,-808,603,-824,603,-851,-852,603,603,-811,603,-646,-902,-904,-648,-649,-645,603,-705,-706,603,-642,-903,-647,-650,-603,-714,603,603,-605,-586,603,603,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,603,603,-709,-710,603,-716,603,603,603,603,603,603,-938,603,-439,-441,-747,603,-891,603,-715,-1894,603,603,603,603,603,-442,-512,-523,603,-728,-733,603,-735,603,-740,603,-662,-668,603,-678,-680,-682,-683,-690,-693,-697,-745,603,603,-874,603,603,-878,603,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,603,-812,603,-814,-801,603,-802,-805,603,-816,-819,-821,-823,-825,603,-826,603,-809,603,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,603,-282,603,603,603,603,-455,603,603,-729,603,-736,603,-741,603,-663,-671,603,603,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,603,-836,-53,603,603,-730,603,-737,603,-742,-664,603,-873,-54,603,603,-731,-738,-743,603,603,603,-872,]),'PROFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[604,604,604,604,-1894,604,604,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,604,604,604,604,-275,-276,604,-1425,604,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,604,604,604,-490,604,604,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,604,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,604,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,604,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,604,-172,-173,-174,-175,-993,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-290,-291,-281,604,604,604,604,604,-328,-318,-332,-333,-334,604,604,-982,-983,-984,-985,-986,-987,-988,604,604,604,604,604,604,604,604,604,604,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,604,604,604,-353,-356,604,-323,-324,-141,604,-142,604,-143,604,-430,-935,-936,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-1894,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-1894,604,-1894,604,604,604,604,604,604,604,604,604,604,604,604,-1894,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,604,-1894,604,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,604,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,604,604,604,-191,-192,604,-994,604,604,604,604,604,-277,-278,-279,-280,-365,604,-308,604,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,604,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,604,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,604,604,604,604,604,604,-573,604,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,604,604,-723,-724,-725,604,604,604,604,604,604,-994,604,604,-91,-92,604,604,604,604,-309,-310,-320,604,-307,-293,-294,-295,604,604,604,604,-618,-633,-590,604,604,-436,604,-437,604,-444,-445,-446,-378,-379,604,604,604,-506,604,604,-510,604,604,604,604,-515,-516,-517,-518,604,604,-521,-522,604,-524,-525,-526,-527,-528,-529,-530,-531,604,-533,604,604,604,-539,-541,-542,604,-544,-545,-546,-547,604,604,604,604,604,604,-652,-653,-654,-655,604,-657,-658,-659,604,604,604,-665,604,604,-669,-670,604,604,-673,604,-675,-676,604,-679,604,-681,604,604,-684,-685,-686,604,-688,604,604,-691,604,604,-694,-695,-696,604,-698,-699,-700,-701,604,604,-746,604,-749,-750,-751,-752,-753,604,-755,-756,-757,-758,-759,604,-766,-767,-769,604,-771,-772,-773,-782,-856,-858,-860,-862,604,604,604,604,-868,604,-870,604,604,604,604,604,604,604,-906,-907,604,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,604,-921,-924,604,-934,604,-385,-386,-387,604,604,-390,-391,-392,-393,604,-396,604,-399,-400,604,-401,604,-406,-407,604,-410,-411,-412,604,-415,604,-416,604,-421,-422,604,-425,604,-428,-429,-1894,-1894,604,-619,-620,-621,-622,-623,-634,-584,-624,-797,604,604,604,604,604,-831,604,604,-806,604,-832,604,604,604,604,-798,604,-853,-799,604,604,604,604,604,604,-854,-855,604,-834,-830,-835,604,-625,604,-626,-627,-628,-629,-574,604,604,-630,-631,-632,604,604,604,604,604,604,-635,-636,-637,-592,-1894,-602,604,-638,-639,-713,-640,-604,604,-572,-577,-580,-583,604,604,604,-598,-601,604,-608,604,604,604,604,604,604,604,604,604,604,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,604,604,604,-995,604,604,604,604,604,604,-306,-325,-319,-296,-375,-452,-453,-454,-458,604,-443,604,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,604,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,604,604,604,604,604,604,604,604,604,-316,-535,-508,-591,-937,-939,-940,-438,604,-440,-380,-381,-383,-507,-509,-511,604,-513,-514,-519,-520,604,-532,-534,-537,-538,-543,-548,-726,604,-727,604,-732,604,-734,604,-739,-656,-660,-661,604,-666,604,-667,604,-672,-674,604,-677,604,604,604,-687,-689,604,-692,604,604,-744,604,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,604,604,604,604,604,-877,604,-880,-908,-920,-925,-388,-389,604,-394,604,-397,604,-402,604,-403,604,-408,604,-413,604,-417,604,-418,604,-423,604,-426,-899,-900,-643,-585,-1894,-901,604,604,604,-800,604,604,-804,604,-807,-833,604,-818,604,-820,604,-822,-808,604,-824,604,-851,-852,604,604,-811,604,-646,-902,-904,-648,-649,-645,604,-705,-706,604,-642,-903,-647,-650,-603,-714,604,604,-605,-586,604,604,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,604,604,-709,-710,604,-716,604,604,604,604,604,604,-938,604,-439,-441,-747,604,-891,604,-715,-1894,604,604,604,604,604,-442,-512,-523,604,-728,-733,604,-735,604,-740,604,-662,-668,604,-678,-680,-682,-683,-690,-693,-697,-745,604,604,-874,604,604,-878,604,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,604,-812,604,-814,-801,604,-802,-805,604,-816,-819,-821,-823,-825,604,-826,604,-809,604,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,604,-282,604,604,604,604,-455,604,604,-729,604,-736,604,-741,604,-663,-671,604,604,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,604,-836,-53,604,604,-730,604,-737,604,-742,-664,604,-873,-54,604,604,-731,-738,-743,604,604,604,-872,]),'PROFILES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[605,605,605,605,-1894,605,605,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,605,605,605,605,-275,-276,605,-1425,605,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,605,605,605,-490,605,605,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,605,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,605,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,605,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,605,-172,-173,-174,-175,-993,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-290,-291,-281,605,605,605,605,605,-328,-318,-332,-333,-334,605,605,-982,-983,-984,-985,-986,-987,-988,605,605,605,605,605,605,605,605,605,605,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,605,605,605,-353,-356,605,-323,-324,-141,605,-142,605,-143,605,-430,-935,-936,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-1894,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-1894,605,-1894,605,605,605,605,605,605,605,605,605,605,605,605,-1894,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,605,-1894,605,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,605,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,605,605,605,-191,-192,605,-994,605,605,605,605,605,-277,-278,-279,-280,-365,605,-308,605,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,605,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,605,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,605,605,605,605,605,605,-573,605,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,605,605,-723,-724,-725,605,605,605,605,605,605,-994,605,605,-91,-92,605,605,605,605,-309,-310,-320,605,-307,-293,-294,-295,605,605,605,605,-618,-633,-590,605,605,-436,605,-437,605,-444,-445,-446,-378,-379,605,605,605,-506,605,605,-510,605,605,605,605,-515,-516,-517,-518,605,605,-521,-522,605,-524,-525,-526,-527,-528,-529,-530,-531,605,-533,605,605,605,-539,-541,-542,605,-544,-545,-546,-547,605,605,605,605,605,605,-652,-653,-654,-655,605,-657,-658,-659,605,605,605,-665,605,605,-669,-670,605,605,-673,605,-675,-676,605,-679,605,-681,605,605,-684,-685,-686,605,-688,605,605,-691,605,605,-694,-695,-696,605,-698,-699,-700,-701,605,605,-746,605,-749,-750,-751,-752,-753,605,-755,-756,-757,-758,-759,605,-766,-767,-769,605,-771,-772,-773,-782,-856,-858,-860,-862,605,605,605,605,-868,605,-870,605,605,605,605,605,605,605,-906,-907,605,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,605,-921,-924,605,-934,605,-385,-386,-387,605,605,-390,-391,-392,-393,605,-396,605,-399,-400,605,-401,605,-406,-407,605,-410,-411,-412,605,-415,605,-416,605,-421,-422,605,-425,605,-428,-429,-1894,-1894,605,-619,-620,-621,-622,-623,-634,-584,-624,-797,605,605,605,605,605,-831,605,605,-806,605,-832,605,605,605,605,-798,605,-853,-799,605,605,605,605,605,605,-854,-855,605,-834,-830,-835,605,-625,605,-626,-627,-628,-629,-574,605,605,-630,-631,-632,605,605,605,605,605,605,-635,-636,-637,-592,-1894,-602,605,-638,-639,-713,-640,-604,605,-572,-577,-580,-583,605,605,605,-598,-601,605,-608,605,605,605,605,605,605,605,605,605,605,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,605,605,605,-995,605,605,605,605,605,605,-306,-325,-319,-296,-375,-452,-453,-454,-458,605,-443,605,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,605,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,605,605,605,605,605,605,605,605,605,-316,-535,-508,-591,-937,-939,-940,-438,605,-440,-380,-381,-383,-507,-509,-511,605,-513,-514,-519,-520,605,-532,-534,-537,-538,-543,-548,-726,605,-727,605,-732,605,-734,605,-739,-656,-660,-661,605,-666,605,-667,605,-672,-674,605,-677,605,605,605,-687,-689,605,-692,605,605,-744,605,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,605,605,605,605,605,-877,605,-880,-908,-920,-925,-388,-389,605,-394,605,-397,605,-402,605,-403,605,-408,605,-413,605,-417,605,-418,605,-423,605,-426,-899,-900,-643,-585,-1894,-901,605,605,605,-800,605,605,-804,605,-807,-833,605,-818,605,-820,605,-822,-808,605,-824,605,-851,-852,605,605,-811,605,-646,-902,-904,-648,-649,-645,605,-705,-706,605,-642,-903,-647,-650,-603,-714,605,605,-605,-586,605,605,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,605,605,-709,-710,605,-716,605,605,605,605,605,605,-938,605,-439,-441,-747,605,-891,605,-715,-1894,605,605,605,605,605,-442,-512,-523,605,-728,-733,605,-735,605,-740,605,-662,-668,605,-678,-680,-682,-683,-690,-693,-697,-745,605,605,-874,605,605,-878,605,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,605,-812,605,-814,-801,605,-802,-805,605,-816,-819,-821,-823,-825,605,-826,605,-809,605,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,605,-282,605,605,605,605,-455,605,605,-729,605,-736,605,-741,605,-663,-671,605,605,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,605,-836,-53,605,605,-730,605,-737,605,-742,-664,605,-873,-54,605,605,-731,-738,-743,605,605,605,-872,]),'PROGRESSIVE_MERGE_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[606,606,606,606,-1894,606,606,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,606,606,606,606,-275,-276,606,-1425,606,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,606,606,606,-490,606,606,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,606,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,606,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,606,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,606,-172,-173,-174,-175,-993,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-290,-291,-281,606,606,606,606,606,-328,-318,-332,-333,-334,606,606,-982,-983,-984,-985,-986,-987,-988,606,606,606,606,606,606,606,606,606,606,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,606,606,606,-353,-356,606,-323,-324,-141,606,-142,606,-143,606,-430,-935,-936,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-1894,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-1894,606,-1894,606,606,606,606,606,606,606,606,606,606,606,606,-1894,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,606,-1894,606,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,606,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,606,606,606,-191,-192,606,-994,606,606,606,606,606,-277,-278,-279,-280,-365,606,-308,606,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,606,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,606,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,606,606,606,606,606,606,-573,606,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,606,606,-723,-724,-725,606,606,606,606,606,606,-994,606,606,-91,-92,606,606,606,606,-309,-310,-320,606,-307,-293,-294,-295,606,606,606,606,-618,-633,-590,606,606,-436,606,-437,606,-444,-445,-446,-378,-379,606,606,606,-506,606,606,-510,606,606,606,606,-515,-516,-517,-518,606,606,-521,-522,606,-524,-525,-526,-527,-528,-529,-530,-531,606,-533,606,606,606,-539,-541,-542,606,-544,-545,-546,-547,606,606,606,606,606,606,-652,-653,-654,-655,606,-657,-658,-659,606,606,606,-665,606,606,-669,-670,606,606,-673,606,-675,-676,606,-679,606,-681,606,606,-684,-685,-686,606,-688,606,606,-691,606,606,-694,-695,-696,606,-698,-699,-700,-701,606,606,-746,606,-749,-750,-751,-752,-753,606,-755,-756,-757,-758,-759,606,-766,-767,-769,606,-771,-772,-773,-782,-856,-858,-860,-862,606,606,606,606,-868,606,-870,606,606,606,606,606,606,606,-906,-907,606,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,606,-921,-924,606,-934,606,-385,-386,-387,606,606,-390,-391,-392,-393,606,-396,606,-399,-400,606,-401,606,-406,-407,606,-410,-411,-412,606,-415,606,-416,606,-421,-422,606,-425,606,-428,-429,-1894,-1894,606,-619,-620,-621,-622,-623,-634,-584,-624,-797,606,606,606,606,606,-831,606,606,-806,606,-832,606,606,606,606,-798,606,-853,-799,606,606,606,606,606,606,-854,-855,606,-834,-830,-835,606,-625,606,-626,-627,-628,-629,-574,606,606,-630,-631,-632,606,606,606,606,606,606,-635,-636,-637,-592,-1894,-602,606,-638,-639,-713,-640,-604,606,-572,-577,-580,-583,606,606,606,-598,-601,606,-608,606,606,606,606,606,606,606,606,606,606,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,606,606,606,-995,606,606,606,606,606,606,-306,-325,-319,-296,-375,-452,-453,-454,-458,606,-443,606,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,606,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,606,606,606,606,606,606,606,606,606,-316,-535,-508,-591,-937,-939,-940,-438,606,-440,-380,-381,-383,-507,-509,-511,606,-513,-514,-519,-520,606,-532,-534,-537,-538,-543,-548,-726,606,-727,606,-732,606,-734,606,-739,-656,-660,-661,606,-666,606,-667,606,-672,-674,606,-677,606,606,606,-687,-689,606,-692,606,606,-744,606,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,606,606,606,606,606,-877,606,-880,-908,-920,-925,-388,-389,606,-394,606,-397,606,-402,606,-403,606,-408,606,-413,606,-417,606,-418,606,-423,606,-426,-899,-900,-643,-585,-1894,-901,606,606,606,-800,606,606,-804,606,-807,-833,606,-818,606,-820,606,-822,-808,606,-824,606,-851,-852,606,606,-811,606,-646,-902,-904,-648,-649,-645,606,-705,-706,606,-642,-903,-647,-650,-603,-714,606,606,-605,-586,606,606,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,606,606,-709,-710,606,-716,606,606,606,606,606,606,-938,606,-439,-441,-747,606,-891,606,-715,-1894,606,606,606,606,606,-442,-512,-523,606,-728,-733,606,-735,606,-740,606,-662,-668,606,-678,-680,-682,-683,-690,-693,-697,-745,606,606,-874,606,606,-878,606,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,606,-812,606,-814,-801,606,-802,-805,606,-816,-819,-821,-823,-825,606,-826,606,-809,606,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,606,-282,606,606,606,606,-455,606,606,-729,606,-736,606,-741,606,-663,-671,606,606,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,606,-836,-53,606,606,-730,606,-737,606,-742,-664,606,-873,-54,606,606,-731,-738,-743,606,606,606,-872,]),'PROXY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[607,607,607,607,-1894,607,607,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,607,607,607,607,-275,-276,607,-1425,607,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,607,607,607,-490,607,607,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,607,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,607,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,607,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,607,-172,-173,-174,-175,-993,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-290,-291,-281,607,607,607,607,607,-328,-318,-332,-333,-334,607,607,-982,-983,-984,-985,-986,-987,-988,607,607,607,607,607,607,607,607,607,607,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,607,607,607,-353,-356,607,-323,-324,-141,607,-142,607,-143,607,-430,-935,-936,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-1894,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-1894,607,-1894,607,607,607,607,607,607,607,607,607,607,607,607,-1894,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,607,-1894,607,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,607,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,607,607,607,-191,-192,607,-994,607,607,607,607,607,-277,-278,-279,-280,-365,607,-308,607,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,607,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,607,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,607,607,607,607,607,607,-573,607,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,607,607,-723,-724,-725,607,607,607,607,607,607,-994,607,607,-91,-92,607,607,607,607,-309,-310,-320,607,-307,-293,-294,-295,607,607,607,607,-618,-633,-590,607,607,-436,607,-437,607,-444,-445,-446,-378,-379,607,607,607,-506,607,607,-510,607,607,607,607,-515,-516,-517,-518,607,607,-521,-522,607,-524,-525,-526,-527,-528,-529,-530,-531,607,-533,607,607,607,-539,-541,-542,607,-544,-545,-546,-547,607,607,607,607,607,607,-652,-653,-654,-655,607,-657,-658,-659,607,607,607,-665,607,607,-669,-670,607,607,-673,607,-675,-676,607,-679,607,-681,607,607,-684,-685,-686,607,-688,607,607,-691,607,607,-694,-695,-696,607,-698,-699,-700,-701,607,607,-746,607,-749,-750,-751,-752,-753,607,-755,-756,-757,-758,-759,607,-766,-767,-769,607,-771,-772,-773,-782,-856,-858,-860,-862,607,607,607,607,-868,607,-870,607,607,607,607,607,607,607,-906,-907,607,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,607,-921,-924,607,-934,607,-385,-386,-387,607,607,-390,-391,-392,-393,607,-396,607,-399,-400,607,-401,607,-406,-407,607,-410,-411,-412,607,-415,607,-416,607,-421,-422,607,-425,607,-428,-429,-1894,-1894,607,-619,-620,-621,-622,-623,-634,-584,-624,-797,607,607,607,607,607,-831,607,607,-806,607,-832,607,607,607,607,-798,607,-853,-799,607,607,607,607,607,607,-854,-855,607,-834,-830,-835,607,-625,607,-626,-627,-628,-629,-574,607,607,-630,-631,-632,607,607,607,607,607,607,-635,-636,-637,-592,-1894,-602,607,-638,-639,-713,-640,-604,607,-572,-577,-580,-583,607,607,607,-598,-601,607,-608,607,607,607,607,607,607,607,607,607,607,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,607,607,607,-995,607,607,607,607,607,607,-306,-325,-319,-296,-375,-452,-453,-454,-458,607,-443,607,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,607,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,607,607,607,607,607,607,607,607,607,-316,-535,-508,-591,-937,-939,-940,-438,607,-440,-380,-381,-383,-507,-509,-511,607,-513,-514,-519,-520,607,-532,-534,-537,-538,-543,-548,-726,607,-727,607,-732,607,-734,607,-739,-656,-660,-661,607,-666,607,-667,607,-672,-674,607,-677,607,607,607,-687,-689,607,-692,607,607,-744,607,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,607,607,607,607,607,-877,607,-880,-908,-920,-925,-388,-389,607,-394,607,-397,607,-402,607,-403,607,-408,607,-413,607,-417,607,-418,607,-423,607,-426,-899,-900,-643,-585,-1894,-901,607,607,607,-800,607,607,-804,607,-807,-833,607,-818,607,-820,607,-822,-808,607,-824,607,-851,-852,607,607,-811,607,-646,-902,-904,-648,-649,-645,607,-705,-706,607,-642,-903,-647,-650,-603,-714,607,607,-605,-586,607,607,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,607,607,-709,-710,607,-716,607,607,607,607,607,607,-938,607,-439,-441,-747,607,-891,607,-715,-1894,607,607,607,607,607,-442,-512,-523,607,-728,-733,607,-735,607,-740,607,-662,-668,607,-678,-680,-682,-683,-690,-693,-697,-745,607,607,-874,607,607,-878,607,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,607,-812,607,-814,-801,607,-802,-805,607,-816,-819,-821,-823,-825,607,-826,607,-809,607,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,607,-282,607,607,607,607,-455,607,607,-729,607,-736,607,-741,607,-663,-671,607,607,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,607,-836,-53,607,607,-730,607,-737,607,-742,-664,607,-873,-54,607,607,-731,-738,-743,607,607,607,-872,]),'PURGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[608,608,608,608,-1894,608,608,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,608,608,608,608,-275,-276,608,-1425,608,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,608,608,608,-490,608,608,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,608,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,608,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,608,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,608,-172,-173,-174,-175,-993,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-290,-291,-281,608,608,608,608,608,-328,-318,-332,-333,-334,608,608,-982,-983,-984,-985,-986,-987,-988,608,608,608,608,608,608,608,608,608,608,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,608,608,608,-353,-356,608,-323,-324,-141,608,-142,608,-143,608,-430,-935,-936,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-1894,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-1894,608,-1894,608,608,608,608,608,608,608,608,608,608,608,608,-1894,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,608,-1894,608,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,608,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,608,608,608,-191,-192,608,-994,608,608,608,608,608,-277,-278,-279,-280,-365,608,-308,608,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,608,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,608,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,608,608,608,608,608,608,-573,608,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,608,608,-723,-724,-725,608,608,608,608,608,608,-994,608,608,-91,-92,608,608,608,608,-309,-310,-320,608,-307,-293,-294,-295,608,608,608,608,-618,-633,-590,608,608,-436,608,-437,608,-444,-445,-446,-378,-379,608,608,608,-506,608,608,-510,608,608,608,608,-515,-516,-517,-518,608,608,-521,-522,608,-524,-525,-526,-527,-528,-529,-530,-531,608,-533,608,608,608,-539,-541,-542,608,-544,-545,-546,-547,608,608,608,608,608,608,-652,-653,-654,-655,608,-657,-658,-659,608,608,608,-665,608,608,-669,-670,608,608,-673,608,-675,-676,608,-679,608,-681,608,608,-684,-685,-686,608,-688,608,608,-691,608,608,-694,-695,-696,608,-698,-699,-700,-701,608,608,-746,608,-749,-750,-751,-752,-753,608,-755,-756,-757,-758,-759,608,-766,-767,-769,608,-771,-772,-773,-782,-856,-858,-860,-862,608,608,608,608,-868,608,-870,608,608,608,608,608,608,608,-906,-907,608,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,608,-921,-924,608,-934,608,-385,-386,-387,608,608,-390,-391,-392,-393,608,-396,608,-399,-400,608,-401,608,-406,-407,608,-410,-411,-412,608,-415,608,-416,608,-421,-422,608,-425,608,-428,-429,-1894,-1894,608,-619,-620,-621,-622,-623,-634,-584,-624,-797,608,608,608,608,608,-831,608,608,-806,608,-832,608,608,608,608,-798,608,-853,-799,608,608,608,608,608,608,-854,-855,608,-834,-830,-835,608,-625,608,-626,-627,-628,-629,-574,608,608,-630,-631,-632,608,608,608,608,608,608,-635,-636,-637,-592,-1894,-602,608,-638,-639,-713,-640,-604,608,-572,-577,-580,-583,608,608,608,-598,-601,608,-608,608,608,608,608,608,608,608,608,608,608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,608,608,608,-995,608,608,608,608,608,608,-306,-325,-319,-296,-375,-452,-453,-454,-458,608,-443,608,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,608,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,608,608,608,608,608,608,608,608,608,-316,-535,-508,-591,-937,-939,-940,-438,608,-440,-380,-381,-383,-507,-509,-511,608,-513,-514,-519,-520,608,-532,-534,-537,-538,-543,-548,-726,608,-727,608,-732,608,-734,608,-739,-656,-660,-661,608,-666,608,-667,608,-672,-674,608,-677,608,608,608,-687,-689,608,-692,608,608,-744,608,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,608,608,608,608,608,-877,608,-880,-908,-920,-925,-388,-389,608,-394,608,-397,608,-402,608,-403,608,-408,608,-413,608,-417,608,-418,608,-423,608,-426,-899,-900,-643,-585,-1894,-901,608,608,608,-800,608,608,-804,608,-807,-833,608,-818,608,-820,608,-822,-808,608,-824,608,-851,-852,608,608,-811,608,-646,-902,-904,-648,-649,-645,608,-705,-706,608,-642,-903,-647,-650,-603,-714,608,608,-605,-586,608,608,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,608,608,-709,-710,608,-716,608,608,608,608,608,608,-938,608,-439,-441,-747,608,-891,608,-715,-1894,608,608,608,608,608,-442,-512,-523,608,-728,-733,608,-735,608,-740,608,-662,-668,608,-678,-680,-682,-683,-690,-693,-697,-745,608,608,-874,608,608,-878,608,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,608,-812,608,-814,-801,608,-802,-805,608,-816,-819,-821,-823,-825,608,-826,608,-809,608,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,608,-282,608,608,608,608,-455,608,608,-729,608,-736,608,-741,608,-663,-671,608,608,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,608,-836,-53,608,608,-730,608,-737,608,-742,-664,608,-873,-54,608,608,-731,-738,-743,608,608,608,-872,]),'P_CHUNK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[609,609,609,609,-1894,609,609,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,609,609,609,609,-275,-276,609,-1425,609,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,609,609,609,-490,609,609,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,609,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,609,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,609,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,609,-172,-173,-174,-175,-993,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-290,-291,-281,609,609,609,609,609,-328,-318,-332,-333,-334,609,609,-982,-983,-984,-985,-986,-987,-988,609,609,609,609,609,609,609,609,609,609,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,609,609,609,-353,-356,609,-323,-324,-141,609,-142,609,-143,609,-430,-935,-936,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-1894,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-1894,609,-1894,609,609,609,609,609,609,609,609,609,609,609,609,-1894,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,609,-1894,609,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,609,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,609,609,609,-191,-192,609,-994,609,609,609,609,609,-277,-278,-279,-280,-365,609,-308,609,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,609,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,609,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,609,609,609,609,609,609,-573,609,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,609,609,-723,-724,-725,609,609,609,609,609,609,-994,609,609,-91,-92,609,609,609,609,-309,-310,-320,609,-307,-293,-294,-295,609,609,609,609,-618,-633,-590,609,609,-436,609,-437,609,-444,-445,-446,-378,-379,609,609,609,-506,609,609,-510,609,609,609,609,-515,-516,-517,-518,609,609,-521,-522,609,-524,-525,-526,-527,-528,-529,-530,-531,609,-533,609,609,609,-539,-541,-542,609,-544,-545,-546,-547,609,609,609,609,609,609,-652,-653,-654,-655,609,-657,-658,-659,609,609,609,-665,609,609,-669,-670,609,609,-673,609,-675,-676,609,-679,609,-681,609,609,-684,-685,-686,609,-688,609,609,-691,609,609,-694,-695,-696,609,-698,-699,-700,-701,609,609,-746,609,-749,-750,-751,-752,-753,609,-755,-756,-757,-758,-759,609,-766,-767,-769,609,-771,-772,-773,-782,-856,-858,-860,-862,609,609,609,609,-868,609,-870,609,609,609,609,609,609,609,-906,-907,609,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,609,-921,-924,609,-934,609,-385,-386,-387,609,609,-390,-391,-392,-393,609,-396,609,-399,-400,609,-401,609,-406,-407,609,-410,-411,-412,609,-415,609,-416,609,-421,-422,609,-425,609,-428,-429,-1894,-1894,609,-619,-620,-621,-622,-623,-634,-584,-624,-797,609,609,609,609,609,-831,609,609,-806,609,-832,609,609,609,609,-798,609,-853,-799,609,609,609,609,609,609,-854,-855,609,-834,-830,-835,609,-625,609,-626,-627,-628,-629,-574,609,609,-630,-631,-632,609,609,609,609,609,609,-635,-636,-637,-592,-1894,-602,609,-638,-639,-713,-640,-604,609,-572,-577,-580,-583,609,609,609,-598,-601,609,-608,609,609,609,609,609,609,609,609,609,609,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,609,609,609,-995,609,609,609,609,609,609,-306,-325,-319,-296,-375,-452,-453,-454,-458,609,-443,609,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,609,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,609,609,609,609,609,609,609,609,609,-316,-535,-508,-591,-937,-939,-940,-438,609,-440,-380,-381,-383,-507,-509,-511,609,-513,-514,-519,-520,609,-532,-534,-537,-538,-543,-548,-726,609,-727,609,-732,609,-734,609,-739,-656,-660,-661,609,-666,609,-667,609,-672,-674,609,-677,609,609,609,-687,-689,609,-692,609,609,-744,609,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,609,609,609,609,609,-877,609,-880,-908,-920,-925,-388,-389,609,-394,609,-397,609,-402,609,-403,609,-408,609,-413,609,-417,609,-418,609,-423,609,-426,-899,-900,-643,-585,-1894,-901,609,609,609,-800,609,609,-804,609,-807,-833,609,-818,609,-820,609,-822,-808,609,-824,609,-851,-852,609,609,-811,609,-646,-902,-904,-648,-649,-645,609,-705,-706,609,-642,-903,-647,-650,-603,-714,609,609,-605,-586,609,609,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,609,609,-709,-710,609,-716,609,609,609,609,609,609,-938,609,-439,-441,-747,609,-891,609,-715,-1894,609,609,609,609,609,-442,-512,-523,609,-728,-733,609,-735,609,-740,609,-662,-668,609,-678,-680,-682,-683,-690,-693,-697,-745,609,609,-874,609,609,-878,609,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,609,-812,609,-814,-801,609,-802,-805,609,-816,-819,-821,-823,-825,609,-826,609,-809,609,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,609,-282,609,609,609,609,-455,609,609,-729,609,-736,609,-741,609,-663,-671,609,609,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,609,-836,-53,609,609,-730,609,-737,609,-742,-664,609,-873,-54,609,609,-731,-738,-743,609,609,609,-872,]),'P_ENTITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[610,610,610,610,-1894,610,610,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,610,610,610,610,-275,-276,610,-1425,610,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,610,610,610,-490,610,610,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,610,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,610,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,610,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,610,-172,-173,-174,-175,-993,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-290,-291,-281,610,610,610,610,610,-328,-318,-332,-333,-334,610,610,-982,-983,-984,-985,-986,-987,-988,610,610,610,610,610,610,610,610,610,610,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,610,610,610,-353,-356,610,-323,-324,-141,610,-142,610,-143,610,-430,-935,-936,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-1894,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-1894,610,-1894,610,610,610,610,610,610,610,610,610,610,610,610,-1894,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,610,-1894,610,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,610,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,610,610,610,-191,-192,610,-994,610,610,610,610,610,-277,-278,-279,-280,-365,610,-308,610,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,610,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,610,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,610,610,610,610,610,610,-573,610,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,610,610,-723,-724,-725,610,610,610,610,610,610,-994,610,610,-91,-92,610,610,610,610,-309,-310,-320,610,-307,-293,-294,-295,610,610,610,610,-618,-633,-590,610,610,-436,610,-437,610,-444,-445,-446,-378,-379,610,610,610,-506,610,610,-510,610,610,610,610,-515,-516,-517,-518,610,610,-521,-522,610,-524,-525,-526,-527,-528,-529,-530,-531,610,-533,610,610,610,-539,-541,-542,610,-544,-545,-546,-547,610,610,610,610,610,610,-652,-653,-654,-655,610,-657,-658,-659,610,610,610,-665,610,610,-669,-670,610,610,-673,610,-675,-676,610,-679,610,-681,610,610,-684,-685,-686,610,-688,610,610,-691,610,610,-694,-695,-696,610,-698,-699,-700,-701,610,610,-746,610,-749,-750,-751,-752,-753,610,-755,-756,-757,-758,-759,610,-766,-767,-769,610,-771,-772,-773,-782,-856,-858,-860,-862,610,610,610,610,-868,610,-870,610,610,610,610,610,610,610,-906,-907,610,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,610,-921,-924,610,-934,610,-385,-386,-387,610,610,-390,-391,-392,-393,610,-396,610,-399,-400,610,-401,610,-406,-407,610,-410,-411,-412,610,-415,610,-416,610,-421,-422,610,-425,610,-428,-429,-1894,-1894,610,-619,-620,-621,-622,-623,-634,-584,-624,-797,610,610,610,610,610,-831,610,610,-806,610,-832,610,610,610,610,-798,610,-853,-799,610,610,610,610,610,610,-854,-855,610,-834,-830,-835,610,-625,610,-626,-627,-628,-629,-574,610,610,-630,-631,-632,610,610,610,610,610,610,-635,-636,-637,-592,-1894,-602,610,-638,-639,-713,-640,-604,610,-572,-577,-580,-583,610,610,610,-598,-601,610,-608,610,610,610,610,610,610,610,610,610,610,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,610,610,610,-995,610,610,610,610,610,610,-306,-325,-319,-296,-375,-452,-453,-454,-458,610,-443,610,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,610,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,610,610,610,610,610,610,610,610,610,-316,-535,-508,-591,-937,-939,-940,-438,610,-440,-380,-381,-383,-507,-509,-511,610,-513,-514,-519,-520,610,-532,-534,-537,-538,-543,-548,-726,610,-727,610,-732,610,-734,610,-739,-656,-660,-661,610,-666,610,-667,610,-672,-674,610,-677,610,610,610,-687,-689,610,-692,610,610,-744,610,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,610,610,610,610,610,-877,610,-880,-908,-920,-925,-388,-389,610,-394,610,-397,610,-402,610,-403,610,-408,610,-413,610,-417,610,-418,610,-423,610,-426,-899,-900,-643,-585,-1894,-901,610,610,610,-800,610,610,-804,610,-807,-833,610,-818,610,-820,610,-822,-808,610,-824,610,-851,-852,610,610,-811,610,-646,-902,-904,-648,-649,-645,610,-705,-706,610,-642,-903,-647,-650,-603,-714,610,610,-605,-586,610,610,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,610,610,-709,-710,610,-716,610,610,610,610,610,610,-938,610,-439,-441,-747,610,-891,610,-715,-1894,610,610,610,610,610,-442,-512,-523,610,-728,-733,610,-735,610,-740,610,-662,-668,610,-678,-680,-682,-683,-690,-693,-697,-745,610,610,-874,610,610,-878,610,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,610,-812,610,-814,-801,610,-802,-805,610,-816,-819,-821,-823,-825,610,-826,610,-809,610,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,610,-282,610,610,610,610,-455,610,610,-729,610,-736,610,-741,610,-663,-671,610,610,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,610,-836,-53,610,610,-730,610,-737,610,-742,-664,610,-873,-54,610,610,-731,-738,-743,610,610,610,-872,]),'QUARTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[611,611,611,1296,-1894,611,611,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,611,611,611,611,-275,-276,1296,-1425,1296,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1296,1296,1296,-490,1296,1296,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1296,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1296,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1296,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,611,-172,-173,-174,-175,-993,611,611,611,611,611,611,611,611,611,611,1296,1296,1296,1296,1296,-290,-291,-281,611,1296,1296,1296,1296,-328,-318,-332,-333,-334,1296,1296,-982,-983,-984,-985,-986,-987,-988,611,611,1296,1296,1296,1296,1296,1296,1296,1296,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1296,1296,2111,1296,-353,-356,611,-323,-324,-141,1296,-142,1296,-143,1296,-430,-935,-936,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1894,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1894,1296,-1894,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1894,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,2111,2111,1296,1296,2111,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-1894,611,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1296,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1296,611,611,-191,-192,611,-994,1296,611,611,611,611,-277,-278,-279,-280,-365,1296,-308,1296,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1296,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1296,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1296,1296,1296,1296,1296,1296,-573,1296,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1296,1296,-723,-724,-725,1296,1296,611,611,611,611,-994,611,1296,-91,-92,611,611,611,1296,-309,-310,-320,1296,-307,-293,-294,-295,1296,611,1296,1296,-618,-633,-590,1296,611,-436,611,-437,1296,-444,-445,-446,-378,-379,1296,1296,1296,-506,1296,1296,-510,1296,1296,1296,1296,-515,-516,-517,-518,1296,1296,-521,-522,1296,-524,-525,-526,-527,-528,-529,-530,-531,1296,-533,1296,1296,1296,-539,-541,-542,1296,-544,-545,-546,-547,1296,1296,1296,1296,1296,1296,-652,-653,-654,-655,611,-657,-658,-659,1296,1296,1296,-665,1296,1296,-669,-670,1296,1296,-673,1296,-675,-676,1296,-679,1296,-681,1296,1296,-684,-685,-686,1296,-688,1296,1296,-691,1296,1296,-694,-695,-696,1296,-698,-699,-700,-701,1296,1296,-746,1296,-749,-750,-751,-752,-753,1296,-755,-756,-757,-758,-759,1296,-766,-767,-769,1296,-771,-772,-773,-782,-856,-858,-860,-862,1296,1296,1296,1296,-868,1296,-870,1296,1296,1296,1296,1296,1296,1296,-906,-907,1296,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1296,-921,-924,1296,-934,1296,-385,-386,-387,1296,1296,-390,-391,-392,-393,1296,-396,1296,-399,-400,1296,-401,1296,-406,-407,1296,-410,-411,-412,1296,-415,1296,-416,1296,-421,-422,1296,-425,1296,-428,-429,-1894,-1894,1296,-619,-620,-621,-622,-623,-634,-584,-624,-797,1296,1296,1296,1296,1296,-831,1296,1296,-806,1296,-832,1296,1296,1296,1296,-798,1296,-853,-799,1296,1296,1296,1296,1296,1296,-854,-855,1296,-834,-830,-835,1296,-625,1296,-626,-627,-628,-629,-574,1296,1296,-630,-631,-632,1296,1296,1296,1296,1296,1296,-635,-636,-637,-592,-1894,-602,1296,-638,-639,-713,-640,-604,1296,-572,-577,-580,-583,1296,1296,1296,-598,-601,1296,-608,1296,1296,1296,1296,1296,1296,1296,1296,1296,1296,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1296,611,611,-995,611,1296,611,611,611,1296,-306,-325,-319,-296,-375,-452,-453,-454,-458,611,-443,1296,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1296,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,611,611,611,611,611,611,611,611,1296,-316,-535,-508,-591,-937,-939,-940,-438,1296,-440,-380,-381,-383,-507,-509,-511,1296,-513,-514,-519,-520,1296,-532,-534,-537,-538,-543,-548,-726,1296,-727,1296,-732,1296,-734,1296,-739,-656,-660,-661,1296,-666,1296,-667,1296,-672,-674,1296,-677,1296,1296,1296,-687,-689,1296,-692,1296,1296,-744,1296,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1296,1296,1296,1296,1296,-877,1296,-880,-908,-920,-925,-388,-389,1296,-394,1296,-397,1296,-402,1296,-403,1296,-408,1296,-413,1296,-417,1296,-418,1296,-423,1296,-426,-899,-900,-643,-585,-1894,-901,1296,1296,1296,-800,1296,1296,-804,1296,-807,-833,1296,-818,1296,-820,1296,-822,-808,1296,-824,1296,-851,-852,1296,1296,-811,1296,-646,-902,-904,-648,-649,-645,1296,-705,-706,1296,-642,-903,-647,-650,-603,-714,1296,1296,-605,-586,1296,1296,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1296,1296,-709,-710,1296,-716,1296,611,611,611,1296,1296,-938,611,-439,-441,-747,1296,-891,1296,-715,-1894,1296,1296,611,611,1296,-442,-512,-523,1296,-728,-733,1296,-735,1296,-740,1296,-662,-668,1296,-678,-680,-682,-683,-690,-693,-697,-745,1296,1296,-874,1296,1296,-878,1296,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1296,-812,1296,-814,-801,1296,-802,-805,1296,-816,-819,-821,-823,-825,1296,-826,1296,-809,1296,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,611,-282,611,1296,611,1296,-455,1296,1296,-729,1296,-736,1296,-741,1296,-663,-671,1296,1296,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1296,-836,-53,611,1296,-730,1296,-737,1296,-742,-664,1296,-873,-54,611,611,-731,-738,-743,1296,611,1296,-872,]),'QUERY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3617,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3850,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[612,612,612,612,-1894,612,612,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,612,612,612,612,-275,-276,612,-1425,612,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,612,612,612,-490,612,612,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,612,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,612,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,612,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,612,-172,-173,-174,-175,-993,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-290,-291,-281,612,612,612,612,612,-328,-318,-332,-333,-334,612,612,-982,-983,-984,-985,-986,-987,-988,612,612,612,612,612,612,612,612,612,612,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,612,612,612,-353,-356,612,-323,-324,-141,612,-142,612,-143,612,-430,-935,-936,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-1894,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-1894,612,-1894,612,612,612,612,612,612,612,612,612,612,612,612,-1894,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,612,-1894,612,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,612,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,612,612,612,-191,-192,612,-994,612,612,612,612,612,-277,-278,-279,-280,-365,612,-308,612,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,612,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,612,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,612,612,612,612,612,612,-573,612,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,612,612,-723,-724,-725,612,612,612,612,612,612,-994,612,612,-91,-92,612,612,612,612,-309,-310,-320,612,-307,-293,-294,-295,612,612,612,612,-618,-633,-590,612,612,-436,612,-437,612,-444,-445,-446,-378,-379,612,612,612,-506,612,612,-510,612,612,612,612,-515,-516,-517,-518,612,612,-521,-522,612,-524,-525,-526,-527,-528,-529,-530,-531,612,-533,612,612,612,-539,-541,-542,612,-544,-545,-546,-547,612,612,612,612,612,612,-652,-653,-654,-655,612,-657,-658,-659,612,612,612,-665,612,612,-669,-670,612,612,-673,612,-675,-676,612,-679,612,-681,612,612,-684,-685,-686,612,-688,612,612,-691,612,612,-694,-695,-696,612,-698,-699,-700,-701,612,612,-746,612,-749,-750,-751,-752,-753,612,-755,-756,-757,-758,-759,612,-766,-767,-769,612,-771,-772,-773,-782,-856,-858,-860,-862,612,612,612,612,-868,612,-870,612,612,612,612,612,612,612,-906,-907,612,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,612,-921,-924,612,-934,612,-385,-386,-387,612,612,-390,-391,-392,-393,612,-396,612,-399,-400,612,-401,612,-406,-407,612,-410,-411,-412,612,-415,612,-416,612,-421,-422,612,-425,612,-428,-429,-1894,-1894,612,-619,-620,-621,-622,-623,-634,-584,-624,-797,612,612,612,612,612,-831,612,612,-806,612,-832,612,612,612,612,-798,612,-853,-799,612,612,612,612,612,612,-854,-855,612,-834,-830,-835,612,-625,612,-626,-627,-628,-629,-574,612,612,-630,-631,-632,612,612,612,612,612,612,-635,-636,-637,-592,-1894,-602,612,-638,-639,-713,-640,-604,612,-572,-577,-580,-583,612,612,612,-598,-601,612,-608,612,612,612,612,612,612,612,612,612,612,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,612,612,612,-995,612,612,612,612,612,612,-306,-325,-319,-296,-375,-452,-453,-454,-458,612,-443,612,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,612,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,612,612,612,612,612,612,612,612,612,-316,-535,-508,-591,-937,-939,-940,-438,612,-440,-380,-381,-383,-507,-509,-511,612,-513,-514,-519,-520,612,-532,-534,-537,-538,-543,-548,-726,612,-727,612,-732,612,-734,612,-739,-656,-660,-661,612,-666,612,-667,612,-672,-674,612,-677,612,612,612,-687,-689,612,-692,612,612,-744,612,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,612,612,612,612,612,-877,612,-880,-908,-920,-925,-388,-389,612,-394,612,-397,612,-402,612,-403,612,-408,612,-413,612,-417,612,-418,612,-423,612,-426,-899,-900,-643,-585,-1894,-901,612,612,612,-800,612,612,-804,612,-807,-833,612,-818,612,-820,612,-822,-808,612,-824,612,-851,-852,612,612,-811,612,-646,-902,-904,-648,-649,-645,612,-705,-706,612,-642,-903,-647,-650,-603,-714,612,612,-605,-586,612,612,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,612,612,-709,-710,612,-716,612,612,612,612,612,612,-938,612,-439,-441,-747,612,-891,612,-715,-1894,612,612,612,612,3741,612,-442,-512,-523,612,-728,-733,612,-735,612,-740,612,-662,-668,612,-678,-680,-682,-683,-690,-693,-697,-745,612,612,-874,612,612,-878,612,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,612,-812,612,-814,-801,612,-802,-805,612,-816,-819,-821,-823,-825,612,-826,612,-809,612,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,612,-282,612,612,612,612,-455,612,612,-729,612,-736,612,-741,612,-663,-671,612,612,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,612,-836,-53,612,3866,612,-730,612,-737,612,-742,-664,612,-873,-54,612,612,-731,-738,-743,612,612,612,-872,]),'QUICK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[613,613,613,613,-1894,613,613,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,613,613,613,613,-275,-276,613,-1425,613,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,613,613,613,-490,613,613,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,613,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,613,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,613,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,613,-172,-173,-174,-175,-993,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-290,-291,-281,613,613,613,613,613,-328,-318,-332,-333,-334,613,613,-982,-983,-984,-985,-986,-987,-988,613,613,613,613,613,613,613,613,613,613,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,613,613,613,-353,-356,613,-323,-324,-141,613,-142,613,-143,613,-430,-935,-936,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-1894,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-1894,613,-1894,613,613,613,613,613,613,613,613,613,613,613,613,-1894,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,613,-1894,613,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,613,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,613,613,613,-191,-192,613,-994,613,613,613,613,613,-277,-278,-279,-280,-365,613,-308,613,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,613,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,613,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,613,613,613,613,613,613,-573,613,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,613,613,-723,-724,-725,613,613,613,613,613,613,-994,613,613,-91,-92,613,613,613,613,-309,-310,-320,613,-307,-293,-294,-295,613,613,613,613,-618,-633,-590,613,613,-436,613,-437,613,-444,-445,-446,-378,-379,613,613,613,-506,613,613,-510,613,613,613,613,-515,-516,-517,-518,613,613,-521,-522,613,-524,-525,-526,-527,-528,-529,-530,-531,613,-533,613,613,613,-539,-541,-542,613,-544,-545,-546,-547,613,613,613,613,613,613,-652,-653,-654,-655,613,-657,-658,-659,613,613,613,-665,613,613,-669,-670,613,613,-673,613,-675,-676,613,-679,613,-681,613,613,-684,-685,-686,613,-688,613,613,-691,613,613,-694,-695,-696,613,-698,-699,-700,-701,613,613,-746,613,-749,-750,-751,-752,-753,613,-755,-756,-757,-758,-759,613,-766,-767,-769,613,-771,-772,-773,-782,-856,-858,-860,-862,613,613,613,613,-868,613,-870,613,613,613,613,613,613,613,-906,-907,613,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,613,-921,-924,613,-934,613,-385,-386,-387,613,613,-390,-391,-392,-393,613,-396,613,-399,-400,613,-401,613,-406,-407,613,-410,-411,-412,613,-415,613,-416,613,-421,-422,613,-425,613,-428,-429,-1894,-1894,613,-619,-620,-621,-622,-623,-634,-584,-624,-797,613,613,613,613,613,-831,613,613,-806,613,-832,613,613,613,613,-798,613,-853,-799,613,613,613,613,613,613,-854,-855,613,-834,-830,-835,613,-625,613,-626,-627,-628,-629,-574,613,613,-630,-631,-632,613,613,613,613,613,613,-635,-636,-637,-592,-1894,-602,613,-638,-639,-713,-640,-604,613,-572,-577,-580,-583,613,613,613,-598,-601,613,-608,613,613,613,613,613,613,613,613,613,613,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,613,613,613,-995,613,613,613,613,613,613,-306,-325,-319,-296,-375,-452,-453,-454,-458,613,-443,613,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,613,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,613,613,613,613,613,613,613,613,613,-316,-535,-508,-591,-937,-939,-940,-438,613,-440,-380,-381,-383,-507,-509,-511,613,-513,-514,-519,-520,613,-532,-534,-537,-538,-543,-548,-726,613,-727,613,-732,613,-734,613,-739,-656,-660,-661,613,-666,613,-667,613,-672,-674,613,-677,613,613,613,-687,-689,613,-692,613,613,-744,613,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,613,613,613,613,613,-877,613,-880,-908,-920,-925,-388,-389,613,-394,613,-397,613,-402,613,-403,613,-408,613,-413,613,-417,613,-418,613,-423,613,-426,-899,-900,-643,-585,-1894,-901,613,613,613,-800,613,613,-804,613,-807,-833,613,-818,613,-820,613,-822,-808,613,-824,613,-851,-852,613,613,-811,613,-646,-902,-904,-648,-649,-645,613,-705,-706,613,-642,-903,-647,-650,-603,-714,613,613,-605,-586,613,613,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,613,613,-709,-710,613,-716,613,613,613,613,613,613,-938,613,-439,-441,-747,613,-891,613,-715,-1894,613,613,613,613,613,-442,-512,-523,613,-728,-733,613,-735,613,-740,613,-662,-668,613,-678,-680,-682,-683,-690,-693,-697,-745,613,613,-874,613,613,-878,613,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,613,-812,613,-814,-801,613,-802,-805,613,-816,-819,-821,-823,-825,613,-826,613,-809,613,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,613,-282,613,613,613,613,-455,613,613,-729,613,-736,613,-741,613,-663,-671,613,613,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,613,-836,-53,613,613,-730,613,-737,613,-742,-664,613,-873,-54,613,613,-731,-738,-743,613,613,613,-872,]),'QUOTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[614,614,614,1113,-1894,614,614,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,614,614,614,614,-275,-276,1113,-1425,1113,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1113,1113,1113,-490,1113,1113,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1113,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1113,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1934,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,614,-172,-173,-174,-175,-993,614,614,614,614,614,614,614,614,614,614,1113,1113,1113,1113,1113,-290,-291,-281,614,1113,1113,1113,1113,-328,-318,-332,-333,-334,1113,1113,-982,-983,-984,-985,-986,-987,-988,614,614,1113,1113,1113,1113,1113,1113,1113,1113,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1113,1113,1113,-353,-356,614,-323,-324,-141,1113,-142,1113,-143,1113,-430,-935,-936,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1894,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1894,1113,-1894,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1894,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-1894,614,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1113,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1113,614,614,-191,-192,614,-994,1113,614,614,614,614,-277,-278,-279,-280,-365,1113,-308,1113,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1113,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1113,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1113,1113,1113,1113,1113,1113,-573,1113,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1113,1113,-723,-724,-725,1113,1934,614,614,614,614,-994,614,1113,-91,-92,614,614,614,1113,-309,-310,-320,1113,-307,-293,-294,-295,1113,614,1113,1113,-618,-633,-590,1113,614,-436,614,-437,1113,-444,-445,-446,-378,-379,1113,1113,1113,-506,1113,1113,-510,1113,1113,1113,1113,-515,-516,-517,-518,1113,1113,-521,-522,1113,-524,-525,-526,-527,-528,-529,-530,-531,1113,-533,1113,1113,1113,-539,-541,-542,1113,-544,-545,-546,-547,1113,1113,1113,1113,1113,1113,-652,-653,-654,-655,614,-657,-658,-659,1113,1113,1113,-665,1113,1113,-669,-670,1113,1113,-673,1113,-675,-676,1113,-679,1113,-681,1113,1113,-684,-685,-686,1113,-688,1113,1113,-691,1113,1113,-694,-695,-696,1113,-698,-699,-700,-701,1113,1113,-746,1113,-749,-750,-751,-752,-753,1113,-755,-756,-757,-758,-759,1113,-766,-767,-769,1113,-771,-772,-773,-782,-856,-858,-860,-862,1113,1113,1113,1113,-868,1113,-870,1113,1113,1113,1113,1113,1113,1113,-906,-907,1113,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1113,-921,-924,1113,-934,1113,-385,-386,-387,1113,1113,-390,-391,-392,-393,1113,-396,1113,-399,-400,1113,-401,1113,-406,-407,1113,-410,-411,-412,1113,-415,1113,-416,1113,-421,-422,1113,-425,1113,-428,-429,-1894,-1894,1113,-619,-620,-621,-622,-623,-634,-584,-624,-797,1113,1113,1113,1113,1113,-831,1113,1113,-806,1113,-832,1113,1113,1113,1113,-798,1113,-853,-799,1113,1113,1113,1113,1113,1113,-854,-855,1113,-834,-830,-835,1113,-625,1113,-626,-627,-628,-629,-574,1113,1113,-630,-631,-632,1113,1113,1113,1113,1113,1113,-635,-636,-637,-592,-1894,-602,1113,-638,-639,-713,-640,-604,1113,-572,-577,-580,-583,1113,1113,1113,-598,-601,1113,-608,1113,1113,1113,1113,1113,1113,1113,1113,1113,1113,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1113,614,614,-995,614,1113,614,614,614,1113,-306,-325,-319,-296,-375,-452,-453,-454,-458,614,-443,1113,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1113,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,614,614,614,614,614,614,614,614,1113,-316,-535,-508,-591,-937,-939,-940,-438,1113,-440,-380,-381,-383,-507,-509,-511,1113,-513,-514,-519,-520,1113,-532,-534,-537,-538,-543,-548,-726,1113,-727,1113,-732,1113,-734,1113,-739,-656,-660,-661,1113,-666,1113,-667,1113,-672,-674,1113,-677,1113,1113,1113,-687,-689,1113,-692,1113,1113,-744,1113,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1113,1113,1113,1113,1113,-877,1113,-880,-908,-920,-925,-388,-389,1113,-394,1113,-397,1113,-402,1113,-403,1113,-408,1113,-413,1113,-417,1113,-418,1113,-423,1113,-426,-899,-900,-643,-585,-1894,-901,1113,1113,1113,-800,1113,1113,-804,1113,-807,-833,1113,-818,1113,-820,1113,-822,-808,1113,-824,1113,-851,-852,1113,1113,-811,1113,-646,-902,-904,-648,-649,-645,1113,-705,-706,1113,-642,-903,-647,-650,-603,-714,1113,1113,-605,-586,1113,1113,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1113,1113,-709,-710,1113,-716,1113,614,614,614,1113,1113,-938,614,-439,-441,-747,1113,-891,1934,-715,-1894,1113,1113,614,614,1113,-442,-512,-523,1113,-728,-733,1113,-735,1113,-740,1113,-662,-668,1113,-678,-680,-682,-683,-690,-693,-697,-745,1113,1113,-874,1113,1113,-878,1113,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1113,-812,1113,-814,-801,1113,-802,-805,1113,-816,-819,-821,-823,-825,1113,-826,1113,-809,1113,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,614,-282,614,1113,614,1113,-455,1113,1113,-729,1113,-736,1113,-741,1113,-663,-671,1113,1113,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1113,-836,-53,614,1113,-730,1113,-737,1113,-742,-664,1113,-873,-54,614,614,-731,-738,-743,1113,614,1113,-872,]),'R32':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[615,615,615,615,-1894,615,615,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,615,615,615,615,-275,-276,615,-1425,615,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,615,615,615,-490,615,615,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,615,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,615,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,615,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,615,-172,-173,-174,-175,-993,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-290,-291,-281,615,615,615,615,615,-328,-318,-332,-333,-334,615,615,-982,-983,-984,-985,-986,-987,-988,615,615,615,615,615,615,615,615,615,615,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,615,615,615,-353,-356,615,-323,-324,-141,615,-142,615,-143,615,-430,-935,-936,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-1894,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-1894,615,-1894,615,615,615,615,615,615,615,615,615,615,615,615,-1894,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,615,-1894,615,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,615,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,615,615,615,-191,-192,615,-994,615,615,615,615,615,-277,-278,-279,-280,-365,615,-308,615,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,615,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,615,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,615,615,615,615,615,615,-573,615,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,615,615,-723,-724,-725,615,615,615,615,615,615,-994,615,615,-91,-92,615,615,615,615,-309,-310,-320,615,-307,-293,-294,-295,615,615,615,615,-618,-633,-590,615,615,-436,615,-437,615,-444,-445,-446,-378,-379,615,615,615,-506,615,615,-510,615,615,615,615,-515,-516,-517,-518,615,615,-521,-522,615,-524,-525,-526,-527,-528,-529,-530,-531,615,-533,615,615,615,-539,-541,-542,615,-544,-545,-546,-547,615,615,615,615,615,615,-652,-653,-654,-655,615,-657,-658,-659,615,615,615,-665,615,615,-669,-670,615,615,-673,615,-675,-676,615,-679,615,-681,615,615,-684,-685,-686,615,-688,615,615,-691,615,615,-694,-695,-696,615,-698,-699,-700,-701,615,615,-746,615,-749,-750,-751,-752,-753,615,-755,-756,-757,-758,-759,615,-766,-767,-769,615,-771,-772,-773,-782,-856,-858,-860,-862,615,615,615,615,-868,615,-870,615,615,615,615,615,615,615,-906,-907,615,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,615,-921,-924,615,-934,615,-385,-386,-387,615,615,-390,-391,-392,-393,615,-396,615,-399,-400,615,-401,615,-406,-407,615,-410,-411,-412,615,-415,615,-416,615,-421,-422,615,-425,615,-428,-429,-1894,-1894,615,-619,-620,-621,-622,-623,-634,-584,-624,-797,615,615,615,615,615,-831,615,615,-806,615,-832,615,615,615,615,-798,615,-853,-799,615,615,615,615,615,615,-854,-855,615,-834,-830,-835,615,-625,615,-626,-627,-628,-629,-574,615,615,-630,-631,-632,615,615,615,615,615,615,-635,-636,-637,-592,-1894,-602,615,-638,-639,-713,-640,-604,615,-572,-577,-580,-583,615,615,615,-598,-601,615,-608,615,615,615,615,615,615,615,615,615,615,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,615,615,615,-995,615,615,615,615,615,615,-306,-325,-319,-296,-375,-452,-453,-454,-458,615,-443,615,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,615,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,615,615,615,615,615,615,615,615,615,-316,-535,-508,-591,-937,-939,-940,-438,615,-440,-380,-381,-383,-507,-509,-511,615,-513,-514,-519,-520,615,-532,-534,-537,-538,-543,-548,-726,615,-727,615,-732,615,-734,615,-739,-656,-660,-661,615,-666,615,-667,615,-672,-674,615,-677,615,615,615,-687,-689,615,-692,615,615,-744,615,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,615,615,615,615,615,-877,615,-880,-908,-920,-925,-388,-389,615,-394,615,-397,615,-402,615,-403,615,-408,615,-413,615,-417,615,-418,615,-423,615,-426,-899,-900,-643,-585,-1894,-901,615,615,615,-800,615,615,-804,615,-807,-833,615,-818,615,-820,615,-822,-808,615,-824,615,-851,-852,615,615,-811,615,-646,-902,-904,-648,-649,-645,615,-705,-706,615,-642,-903,-647,-650,-603,-714,615,615,-605,-586,615,615,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,615,615,-709,-710,615,-716,615,615,615,615,615,615,-938,615,-439,-441,-747,615,-891,615,-715,-1894,615,615,615,615,615,-442,-512,-523,615,-728,-733,615,-735,615,-740,615,-662,-668,615,-678,-680,-682,-683,-690,-693,-697,-745,615,615,-874,615,615,-878,615,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,615,-812,615,-814,-801,615,-802,-805,615,-816,-819,-821,-823,-825,615,-826,615,-809,615,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,615,-282,615,615,615,615,-455,615,615,-729,615,-736,615,-741,615,-663,-671,615,615,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,615,-836,-53,615,615,-730,615,-737,615,-742,-664,615,-873,-54,615,615,-731,-738,-743,615,615,615,-872,]),'RANDOM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[616,616,616,616,-1894,616,616,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,616,616,616,616,-275,-276,616,-1425,616,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,616,616,616,-490,616,616,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,616,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,616,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,616,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,616,-172,-173,-174,-175,-993,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-290,-291,-281,616,616,616,616,616,-328,-318,-332,-333,-334,616,616,-982,-983,-984,-985,-986,-987,-988,616,616,616,616,616,616,616,616,616,616,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,616,616,616,-353,-356,616,-323,-324,-141,616,-142,616,-143,616,-430,-935,-936,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-1894,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-1894,616,-1894,616,616,616,616,616,616,616,616,616,616,616,616,-1894,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,616,-1894,616,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,616,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,616,616,616,-191,-192,616,-994,616,616,616,616,616,-277,-278,-279,-280,-365,616,-308,616,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,616,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,616,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,616,616,616,616,616,616,-573,616,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,616,616,-723,-724,-725,616,616,616,616,616,616,-994,616,616,-91,-92,616,616,616,616,-309,-310,-320,616,-307,-293,-294,-295,616,616,616,616,-618,-633,-590,616,616,-436,616,-437,616,-444,-445,-446,-378,-379,616,616,616,-506,616,616,-510,616,616,616,616,-515,-516,-517,-518,616,616,-521,-522,616,-524,-525,-526,-527,-528,-529,-530,-531,616,-533,616,616,616,-539,-541,-542,616,-544,-545,-546,-547,616,616,616,616,616,616,-652,-653,-654,-655,616,-657,-658,-659,616,616,616,-665,616,616,-669,-670,616,616,-673,616,-675,-676,616,-679,616,-681,616,616,-684,-685,-686,616,-688,616,616,-691,616,616,-694,-695,-696,616,-698,-699,-700,-701,616,616,-746,616,-749,-750,-751,-752,-753,616,-755,-756,-757,-758,-759,616,-766,-767,-769,616,-771,-772,-773,-782,-856,-858,-860,-862,616,616,616,616,-868,616,-870,616,616,616,616,616,616,616,-906,-907,616,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,616,-921,-924,616,-934,616,-385,-386,-387,616,616,-390,-391,-392,-393,616,-396,616,-399,-400,616,-401,616,-406,-407,616,-410,-411,-412,616,-415,616,-416,616,-421,-422,616,-425,616,-428,-429,-1894,-1894,616,-619,-620,-621,-622,-623,-634,-584,-624,-797,616,616,616,616,616,-831,616,616,-806,616,-832,616,616,616,616,-798,616,-853,-799,616,616,616,616,616,616,-854,-855,616,-834,-830,-835,616,-625,616,-626,-627,-628,-629,-574,616,616,-630,-631,-632,616,616,616,616,616,616,-635,-636,-637,-592,-1894,-602,616,-638,-639,-713,-640,-604,616,-572,-577,-580,-583,616,616,616,-598,-601,616,-608,616,616,616,616,616,616,616,616,616,616,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,616,616,616,-995,616,616,616,616,616,616,-306,-325,-319,-296,-375,-452,-453,-454,-458,616,-443,616,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,616,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,616,616,616,616,616,616,616,616,616,-316,-535,-508,-591,-937,-939,-940,-438,616,-440,-380,-381,-383,-507,-509,-511,616,-513,-514,-519,-520,616,-532,-534,-537,-538,-543,-548,-726,616,-727,616,-732,616,-734,616,-739,-656,-660,-661,616,-666,616,-667,616,-672,-674,616,-677,616,616,616,-687,-689,616,-692,616,616,-744,616,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,616,616,616,616,616,-877,616,-880,-908,-920,-925,-388,-389,616,-394,616,-397,616,-402,616,-403,616,-408,616,-413,616,-417,616,-418,616,-423,616,-426,-899,-900,-643,-585,-1894,-901,616,616,616,-800,616,616,-804,616,-807,-833,616,-818,616,-820,616,-822,-808,616,-824,616,-851,-852,616,616,-811,616,-646,-902,-904,-648,-649,-645,616,-705,-706,616,-642,-903,-647,-650,-603,-714,616,616,-605,-586,616,616,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,616,616,-709,-710,616,-716,616,616,616,616,616,616,-938,616,-439,-441,-747,616,-891,616,-715,-1894,616,616,616,616,616,-442,-512,-523,616,-728,-733,616,-735,616,-740,616,-662,-668,616,-678,-680,-682,-683,-690,-693,-697,-745,616,616,-874,616,616,-878,616,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,616,-812,616,-814,-801,616,-802,-805,616,-816,-819,-821,-823,-825,616,-826,616,-809,616,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,616,-282,616,616,616,616,-455,616,616,-729,616,-736,616,-741,616,-663,-671,616,616,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,616,-836,-53,616,616,-730,616,-737,616,-742,-664,616,-873,-54,616,616,-731,-738,-743,616,616,616,-872,]),'RANDOM_BYTES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[617,617,617,1137,-1894,617,617,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,617,617,617,617,-275,-276,1137,-1425,1137,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1137,1137,1137,-490,1137,1137,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1137,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1137,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1935,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,617,-172,-173,-174,-175,-993,617,617,617,617,617,617,617,617,617,617,1137,1137,1137,1137,1137,-290,-291,-281,617,1137,1137,1137,1137,-328,-318,-332,-333,-334,1137,1137,-982,-983,-984,-985,-986,-987,-988,617,617,1137,1137,1137,1137,1137,1137,1137,1137,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1137,1137,1137,-353,-356,617,-323,-324,-141,1137,-142,1137,-143,1137,-430,-935,-936,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1894,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1894,1137,-1894,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1894,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-1894,617,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1137,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1137,617,617,-191,-192,617,-994,1137,617,617,617,617,-277,-278,-279,-280,-365,1137,-308,1137,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1137,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1137,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1137,1137,1137,1137,1137,1137,-573,1137,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1137,1137,-723,-724,-725,1137,1935,617,617,617,617,-994,617,1137,-91,-92,617,617,617,1137,-309,-310,-320,1137,-307,-293,-294,-295,1137,617,1137,1137,-618,-633,-590,1137,617,-436,617,-437,1137,-444,-445,-446,-378,-379,1137,1137,1137,-506,1137,1137,-510,1137,1137,1137,1137,-515,-516,-517,-518,1137,1137,-521,-522,1137,-524,-525,-526,-527,-528,-529,-530,-531,1137,-533,1137,1137,1137,-539,-541,-542,1137,-544,-545,-546,-547,1137,1137,1137,1137,1137,1137,-652,-653,-654,-655,617,-657,-658,-659,1137,1137,1137,-665,1137,1137,-669,-670,1137,1137,-673,1137,-675,-676,1137,-679,1137,-681,1137,1137,-684,-685,-686,1137,-688,1137,1137,-691,1137,1137,-694,-695,-696,1137,-698,-699,-700,-701,1137,1137,-746,1137,-749,-750,-751,-752,-753,1137,-755,-756,-757,-758,-759,1137,-766,-767,-769,1137,-771,-772,-773,-782,-856,-858,-860,-862,1137,1137,1137,1137,-868,1137,-870,1137,1137,1137,1137,1137,1137,1137,-906,-907,1137,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1137,-921,-924,1137,-934,1137,-385,-386,-387,1137,1137,-390,-391,-392,-393,1137,-396,1137,-399,-400,1137,-401,1137,-406,-407,1137,-410,-411,-412,1137,-415,1137,-416,1137,-421,-422,1137,-425,1137,-428,-429,-1894,-1894,1137,-619,-620,-621,-622,-623,-634,-584,-624,-797,1137,1137,1137,1137,1137,-831,1137,1137,-806,1137,-832,1137,1137,1137,1137,-798,1137,-853,-799,1137,1137,1137,1137,1137,1137,-854,-855,1137,-834,-830,-835,1137,-625,1137,-626,-627,-628,-629,-574,1137,1137,-630,-631,-632,1137,1137,1137,1137,1137,1137,-635,-636,-637,-592,-1894,-602,1137,-638,-639,-713,-640,-604,1137,-572,-577,-580,-583,1137,1137,1137,-598,-601,1137,-608,1137,1137,1137,1137,1137,1137,1137,1137,1137,1137,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1137,617,617,-995,617,1137,617,617,617,1137,-306,-325,-319,-296,-375,-452,-453,-454,-458,617,-443,1137,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1137,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,617,617,617,617,617,617,617,617,1137,-316,-535,-508,-591,-937,-939,-940,-438,1137,-440,-380,-381,-383,-507,-509,-511,1137,-513,-514,-519,-520,1137,-532,-534,-537,-538,-543,-548,-726,1137,-727,1137,-732,1137,-734,1137,-739,-656,-660,-661,1137,-666,1137,-667,1137,-672,-674,1137,-677,1137,1137,1137,-687,-689,1137,-692,1137,1137,-744,1137,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1137,1137,1137,1137,1137,-877,1137,-880,-908,-920,-925,-388,-389,1137,-394,1137,-397,1137,-402,1137,-403,1137,-408,1137,-413,1137,-417,1137,-418,1137,-423,1137,-426,-899,-900,-643,-585,-1894,-901,1137,1137,1137,-800,1137,1137,-804,1137,-807,-833,1137,-818,1137,-820,1137,-822,-808,1137,-824,1137,-851,-852,1137,1137,-811,1137,-646,-902,-904,-648,-649,-645,1137,-705,-706,1137,-642,-903,-647,-650,-603,-714,1137,1137,-605,-586,1137,1137,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1137,1137,-709,-710,1137,-716,1137,617,617,617,1137,1137,-938,617,-439,-441,-747,1137,-891,1935,-715,-1894,1137,1137,617,617,1137,-442,-512,-523,1137,-728,-733,1137,-735,1137,-740,1137,-662,-668,1137,-678,-680,-682,-683,-690,-693,-697,-745,1137,1137,-874,1137,1137,-878,1137,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1137,-812,1137,-814,-801,1137,-802,-805,1137,-816,-819,-821,-823,-825,1137,-826,1137,-809,1137,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,617,-282,617,1137,617,1137,-455,1137,1137,-729,1137,-736,1137,-741,1137,-663,-671,1137,1137,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1137,-836,-53,617,1137,-730,1137,-737,1137,-742,-664,1137,-873,-54,617,617,-731,-738,-743,1137,617,1137,-872,]),'RANGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1389,1390,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2477,2478,2479,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2885,2886,2888,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3158,3159,3160,3161,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3502,3503,3504,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3627,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3707,3708,3738,3743,3750,3756,3769,3773,3774,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[618,618,618,618,-1894,618,618,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,618,618,618,618,-275,-276,618,-1425,618,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,618,618,618,-490,618,618,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,618,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,618,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,618,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-134,-135,618,-172,-173,-174,-175,-993,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-290,-291,-281,618,618,618,618,618,-328,-318,-332,-333,-334,618,618,-982,-983,-984,-985,-986,-987,-988,618,618,618,618,618,618,618,618,618,618,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,618,618,618,-353,-356,618,-323,-324,-141,618,-142,618,-143,618,-430,-935,-936,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-1894,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-1894,618,-1894,618,618,618,618,618,618,618,618,618,618,618,618,-1894,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,618,-1894,618,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,618,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,618,618,618,-191,-192,618,-994,618,618,618,618,618,-277,-278,-279,-280,-365,618,-308,618,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,618,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,618,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,618,618,618,618,618,618,-573,618,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,618,618,-723,-724,-725,618,618,618,618,-136,-137,-1894,618,618,-994,618,618,-91,-92,618,618,618,618,-309,-310,-320,618,-307,-293,-294,-295,618,618,618,618,-618,-633,-590,618,618,-436,618,-437,618,-444,-445,-446,-378,-379,618,618,618,-506,618,618,-510,618,618,618,618,-515,-516,-517,-518,618,618,-521,-522,618,-524,-525,-526,-527,-528,-529,-530,-531,618,-533,618,618,618,-539,-541,-542,618,-544,-545,-546,-547,618,618,618,618,618,618,-652,-653,-654,-655,618,-657,-658,-659,618,618,618,-665,618,618,-669,-670,618,618,-673,618,-675,-676,618,-679,618,-681,618,618,-684,-685,-686,618,-688,618,618,-691,618,618,-694,-695,-696,618,-698,-699,-700,-701,618,618,-746,618,-749,-750,-751,-752,-753,618,-755,-756,-757,-758,-759,618,-766,-767,-769,618,-771,-772,-773,-782,-856,-858,-860,-862,618,618,618,618,-868,618,-870,618,618,618,618,618,618,618,-906,-907,618,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,618,-921,-924,618,-934,618,-385,-386,-387,618,618,-390,-391,-392,-393,618,-396,618,-399,-400,618,-401,618,-406,-407,618,-410,-411,-412,618,-415,618,-416,618,-421,-422,618,-425,618,-428,-429,-1894,-1894,618,-619,-620,-621,-622,-623,-634,-584,-624,-797,618,618,618,618,618,-831,618,618,-806,618,-832,618,618,618,618,-798,618,-853,-799,618,618,618,618,618,618,-854,-855,618,-834,-830,-835,618,-625,618,-626,-627,-628,-629,-574,618,618,-630,-631,-632,618,618,618,618,618,618,-635,-636,-637,-592,-1894,-602,618,-638,-639,-713,-640,-604,618,-572,-577,-580,-583,618,618,618,-598,-601,618,-608,618,618,618,618,618,618,618,618,618,618,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,618,-139,-1894,-148,-144,-145,618,618,-995,618,618,618,618,618,618,-306,-325,-319,-296,-375,-452,-453,-454,-458,618,-443,618,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,618,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,618,-138,-140,-146,-147,618,618,618,618,618,618,618,618,-316,-535,-508,-591,-937,-939,-940,-1894,-456,-457,-438,618,-440,-380,-381,-383,-507,-509,-511,618,-513,-514,-519,-520,618,-532,-534,-537,-538,-543,-548,-726,618,-727,618,-732,618,-734,618,-739,-656,-660,-661,618,-666,618,-667,618,-672,-674,618,-677,618,618,618,-687,-689,618,-692,618,618,-744,618,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,618,618,618,618,618,-877,618,-880,-908,-920,-925,-388,-389,618,-394,618,-397,618,-402,618,-403,618,-408,618,-413,618,-417,618,-418,618,-423,618,-426,-899,-900,-643,-585,-1894,-901,618,618,618,-800,618,618,-804,618,-807,-833,618,-818,618,-820,618,-822,-808,618,-824,618,-851,-852,618,618,-811,618,-646,-902,-904,-648,-649,-645,618,-705,-706,618,-642,-903,-647,-650,-603,-714,618,618,-605,-586,618,618,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,618,618,-709,-710,618,-716,618,618,618,618,618,618,-938,618,-1894,-459,-460,-439,-441,-747,618,-891,618,-715,-1894,618,618,618,618,3749,618,-442,-512,-523,618,-728,-733,618,-735,618,-740,618,-662,-668,618,-678,-680,-682,-683,-690,-693,-697,-745,618,618,-874,618,618,-878,618,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,618,-812,618,-814,-801,618,-802,-805,618,-816,-819,-821,-823,-825,618,-826,618,-809,618,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,618,-462,-464,-282,618,-461,618,618,618,-465,-455,618,618,-729,618,-736,618,-741,618,-663,-671,618,618,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-463,618,-836,-53,618,618,-730,618,-737,618,-742,-664,618,-873,-54,618,618,-731,-738,-743,618,618,618,-872,]),'RANK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[619,619,619,1010,-1894,619,619,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,619,619,619,619,-275,-276,1010,-1425,1010,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1010,1010,1010,-490,1010,1010,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1010,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1010,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1936,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,619,-172,-173,-174,-175,-993,619,619,619,619,619,619,619,619,619,619,1010,1010,1010,1010,1010,-290,-291,-281,619,1010,1010,1010,1010,-328,-318,-332,-333,-334,1010,1010,-982,-983,-984,-985,-986,-987,-988,619,619,1010,1010,1010,1010,1010,1010,1010,1010,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1010,1010,1010,-353,-356,619,-323,-324,-141,1010,-142,1010,-143,1010,-430,-935,-936,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1894,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1894,1010,-1894,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1894,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-1894,619,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1010,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1010,619,619,-191,-192,619,-994,1010,619,619,619,619,-277,-278,-279,-280,-365,1010,-308,1010,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1010,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1010,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1010,1010,1010,1010,1010,1010,-573,1010,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1010,1010,-723,-724,-725,1010,1936,619,619,619,619,-994,619,1010,-91,-92,619,619,619,1010,-309,-310,-320,1010,-307,-293,-294,-295,1010,619,1010,1010,-618,-633,-590,1010,619,-436,619,-437,1010,-444,-445,-446,-378,-379,1010,1010,1010,-506,1010,1010,-510,1010,1010,1010,1010,-515,-516,-517,-518,1010,1010,-521,-522,1010,-524,-525,-526,-527,-528,-529,-530,-531,1010,-533,1010,1010,1010,-539,-541,-542,1010,-544,-545,-546,-547,1010,1010,1010,1010,1010,1010,-652,-653,-654,-655,619,-657,-658,-659,1010,1010,1010,-665,1010,1010,-669,-670,1010,1010,-673,1010,-675,-676,1010,-679,1010,-681,1010,1010,-684,-685,-686,1010,-688,1010,1010,-691,1010,1010,-694,-695,-696,1010,-698,-699,-700,-701,1010,1010,-746,1010,-749,-750,-751,-752,-753,1010,-755,-756,-757,-758,-759,1010,-766,-767,-769,1010,-771,-772,-773,-782,-856,-858,-860,-862,1010,1010,1010,1010,-868,1010,-870,1010,1010,1010,1010,1010,1010,1010,-906,-907,1010,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1010,-921,-924,1010,-934,1010,-385,-386,-387,1010,1010,-390,-391,-392,-393,1010,-396,1010,-399,-400,1010,-401,1010,-406,-407,1010,-410,-411,-412,1010,-415,1010,-416,1010,-421,-422,1010,-425,1010,-428,-429,-1894,-1894,1010,-619,-620,-621,-622,-623,-634,-584,-624,-797,1010,1010,1010,1010,1010,-831,1010,1010,-806,1010,-832,1010,1010,1010,1010,-798,1010,-853,-799,1010,1010,1010,1010,1010,1010,-854,-855,1010,-834,-830,-835,1010,-625,1010,-626,-627,-628,-629,-574,1010,1010,-630,-631,-632,1010,1010,1010,1010,1010,1010,-635,-636,-637,-592,-1894,-602,1010,-638,-639,-713,-640,-604,1010,-572,-577,-580,-583,1010,1010,1010,-598,-601,1010,-608,1010,1010,1010,1010,1010,1010,1010,1010,1010,1010,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1010,619,619,-995,619,1010,619,619,619,1010,-306,-325,-319,-296,-375,-452,-453,-454,-458,619,-443,1010,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1010,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,619,619,619,619,619,619,619,619,1010,-316,-535,-508,-591,-937,-939,-940,-438,1010,-440,-380,-381,-383,-507,-509,-511,1010,-513,-514,-519,-520,1010,-532,-534,-537,-538,-543,-548,-726,1010,-727,1010,-732,1010,-734,1010,-739,-656,-660,-661,1010,-666,1010,-667,1010,-672,-674,1010,-677,1010,1010,1010,-687,-689,1010,-692,1010,1010,-744,1010,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1010,1010,1010,1010,1010,-877,1010,-880,-908,-920,-925,-388,-389,1010,-394,1010,-397,1010,-402,1010,-403,1010,-408,1010,-413,1010,-417,1010,-418,1010,-423,1010,-426,-899,-900,-643,-585,-1894,-901,1010,1010,1010,-800,1010,1010,-804,1010,-807,-833,1010,-818,1010,-820,1010,-822,-808,1010,-824,1010,-851,-852,1010,1010,-811,1010,-646,-902,-904,-648,-649,-645,1010,-705,-706,1010,-642,-903,-647,-650,-603,-714,1010,1010,-605,-586,1010,1010,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1010,1010,-709,-710,1010,-716,1010,619,619,619,1010,1010,-938,619,-439,-441,-747,1010,-891,1936,-715,-1894,1010,1010,619,619,1010,-442,-512,-523,1010,-728,-733,1010,-735,1010,-740,1010,-662,-668,1010,-678,-680,-682,-683,-690,-693,-697,-745,1010,1010,-874,1010,1010,-878,1010,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1010,-812,1010,-814,-801,1010,-802,-805,1010,-816,-819,-821,-823,-825,1010,-826,1010,-809,1010,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,619,-282,619,1010,619,1010,-455,1010,1010,-729,1010,-736,1010,-741,1010,-663,-671,1010,1010,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1010,-836,-53,619,1010,-730,1010,-737,1010,-742,-664,1010,-873,-54,619,619,-731,-738,-743,1010,619,1010,-872,]),'READS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[620,620,620,620,-1894,620,620,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,620,620,620,620,-275,-276,620,-1425,620,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,620,620,620,-490,620,620,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,620,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,620,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,620,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,620,-172,-173,-174,-175,-993,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-290,-291,-281,620,620,620,620,620,-328,-318,-332,-333,-334,620,620,-982,-983,-984,-985,-986,-987,-988,620,620,620,620,620,620,620,620,620,620,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,620,620,620,-353,-356,620,-323,-324,-141,620,-142,620,-143,620,-430,-935,-936,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-1894,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-1894,620,-1894,620,620,620,620,620,620,620,620,620,620,620,620,-1894,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,620,-1894,620,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,620,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,620,620,620,-191,-192,620,-994,620,620,620,620,620,-277,-278,-279,-280,-365,620,-308,620,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,620,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,620,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,620,620,620,620,620,620,-573,620,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,620,620,-723,-724,-725,620,620,620,620,620,620,-994,620,620,-91,-92,620,620,620,620,-309,-310,-320,620,-307,-293,-294,-295,620,620,620,620,-618,-633,-590,620,620,-436,620,-437,620,-444,-445,-446,-378,-379,620,620,620,-506,620,620,-510,620,620,620,620,-515,-516,-517,-518,620,620,-521,-522,620,-524,-525,-526,-527,-528,-529,-530,-531,620,-533,620,620,620,-539,-541,-542,620,-544,-545,-546,-547,620,620,620,620,620,620,-652,-653,-654,-655,620,-657,-658,-659,620,620,620,-665,620,620,-669,-670,620,620,-673,620,-675,-676,620,-679,620,-681,620,620,-684,-685,-686,620,-688,620,620,-691,620,620,-694,-695,-696,620,-698,-699,-700,-701,620,620,-746,620,-749,-750,-751,-752,-753,620,-755,-756,-757,-758,-759,620,-766,-767,-769,620,-771,-772,-773,-782,-856,-858,-860,-862,620,620,620,620,-868,620,-870,620,620,620,620,620,620,620,-906,-907,620,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,620,-921,-924,620,-934,620,-385,-386,-387,620,620,-390,-391,-392,-393,620,-396,620,-399,-400,620,-401,620,-406,-407,620,-410,-411,-412,620,-415,620,-416,620,-421,-422,620,-425,620,-428,-429,-1894,-1894,620,-619,-620,-621,-622,-623,-634,-584,-624,-797,620,620,620,620,620,-831,620,620,-806,620,-832,620,620,620,620,-798,620,-853,-799,620,620,620,620,620,620,-854,-855,620,-834,-830,-835,620,-625,620,-626,-627,-628,-629,-574,620,620,-630,-631,-632,620,620,620,620,620,620,-635,-636,-637,-592,-1894,-602,620,-638,-639,-713,-640,-604,620,-572,-577,-580,-583,620,620,620,-598,-601,620,-608,620,620,620,620,620,620,620,620,620,620,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,620,620,620,-995,620,620,620,620,620,620,-306,-325,-319,-296,-375,-452,-453,-454,-458,620,-443,620,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,620,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,620,620,620,620,620,620,620,620,620,-316,-535,-508,-591,-937,-939,-940,-438,620,-440,-380,-381,-383,-507,-509,-511,620,-513,-514,-519,-520,620,-532,-534,-537,-538,-543,-548,-726,620,-727,620,-732,620,-734,620,-739,-656,-660,-661,620,-666,620,-667,620,-672,-674,620,-677,620,620,620,-687,-689,620,-692,620,620,-744,620,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,620,620,620,620,620,-877,620,-880,-908,-920,-925,-388,-389,620,-394,620,-397,620,-402,620,-403,620,-408,620,-413,620,-417,620,-418,620,-423,620,-426,-899,-900,-643,-585,-1894,-901,620,620,620,-800,620,620,-804,620,-807,-833,620,-818,620,-820,620,-822,-808,620,-824,620,-851,-852,620,620,-811,620,-646,-902,-904,-648,-649,-645,620,-705,-706,620,-642,-903,-647,-650,-603,-714,620,620,-605,-586,620,620,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,620,620,-709,-710,620,-716,620,620,620,620,620,620,-938,620,-439,-441,-747,620,-891,620,-715,-1894,620,620,620,620,620,-442,-512,-523,620,-728,-733,620,-735,620,-740,620,-662,-668,620,-678,-680,-682,-683,-690,-693,-697,-745,620,620,-874,620,620,-878,620,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,620,-812,620,-814,-801,620,-802,-805,620,-816,-819,-821,-823,-825,620,-826,620,-809,620,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,620,-282,620,620,620,620,-455,620,620,-729,620,-736,620,-741,620,-663,-671,620,620,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,620,-836,-53,620,620,-730,620,-737,620,-742,-664,620,-873,-54,620,620,-731,-738,-743,620,620,620,-872,]),'READ_ONLY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[621,621,621,621,-1894,621,621,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,621,621,621,621,-275,-276,621,-1425,621,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,621,621,621,-490,621,621,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,621,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,621,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,621,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,621,-172,-173,-174,-175,-993,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-290,-291,-281,621,621,621,621,621,-328,-318,-332,-333,-334,621,621,-982,-983,-984,-985,-986,-987,-988,621,621,621,621,621,621,621,621,621,621,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,621,621,621,-353,-356,621,-323,-324,-141,621,-142,621,-143,621,-430,-935,-936,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-1894,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-1894,621,-1894,621,621,621,621,621,621,621,621,621,621,621,621,-1894,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,621,-1894,621,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,621,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,621,621,621,-191,-192,621,-994,621,621,621,621,621,-277,-278,-279,-280,-365,621,-308,621,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,621,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,621,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,621,621,621,621,621,621,-573,621,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,621,621,-723,-724,-725,621,621,621,621,621,621,-994,621,621,-91,-92,621,621,621,621,-309,-310,-320,621,-307,-293,-294,-295,621,621,621,621,-618,-633,-590,621,621,-436,621,-437,621,-444,-445,-446,-378,-379,621,621,621,-506,621,621,-510,621,621,621,621,-515,-516,-517,-518,621,621,-521,-522,621,-524,-525,-526,-527,-528,-529,-530,-531,621,-533,621,621,621,-539,-541,-542,621,-544,-545,-546,-547,621,621,621,621,621,621,-652,-653,-654,-655,621,-657,-658,-659,621,621,621,-665,621,621,-669,-670,621,621,-673,621,-675,-676,621,-679,621,-681,621,621,-684,-685,-686,621,-688,621,621,-691,621,621,-694,-695,-696,621,-698,-699,-700,-701,621,621,-746,621,-749,-750,-751,-752,-753,621,-755,-756,-757,-758,-759,621,-766,-767,-769,621,-771,-772,-773,-782,-856,-858,-860,-862,621,621,621,621,-868,621,-870,621,621,621,621,621,621,621,-906,-907,621,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,621,-921,-924,621,-934,621,-385,-386,-387,621,621,-390,-391,-392,-393,621,-396,621,-399,-400,621,-401,621,-406,-407,621,-410,-411,-412,621,-415,621,-416,621,-421,-422,621,-425,621,-428,-429,-1894,-1894,621,-619,-620,-621,-622,-623,-634,-584,-624,-797,621,621,621,621,621,-831,621,621,-806,621,-832,621,621,621,621,-798,621,-853,-799,621,621,621,621,621,621,-854,-855,621,-834,-830,-835,621,-625,621,-626,-627,-628,-629,-574,621,621,-630,-631,-632,621,621,621,621,621,621,-635,-636,-637,-592,-1894,-602,621,-638,-639,-713,-640,-604,621,-572,-577,-580,-583,621,621,621,-598,-601,621,-608,621,621,621,621,621,621,621,621,621,621,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,621,621,621,-995,621,621,621,621,621,621,-306,-325,-319,-296,-375,-452,-453,-454,-458,621,-443,621,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,621,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,621,621,621,621,621,621,621,621,621,-316,-535,-508,-591,-937,-939,-940,-438,621,-440,-380,-381,-383,-507,-509,-511,621,-513,-514,-519,-520,621,-532,-534,-537,-538,-543,-548,-726,621,-727,621,-732,621,-734,621,-739,-656,-660,-661,621,-666,621,-667,621,-672,-674,621,-677,621,621,621,-687,-689,621,-692,621,621,-744,621,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,621,621,621,621,621,-877,621,-880,-908,-920,-925,-388,-389,621,-394,621,-397,621,-402,621,-403,621,-408,621,-413,621,-417,621,-418,621,-423,621,-426,-899,-900,-643,-585,-1894,-901,621,621,621,-800,621,621,-804,621,-807,-833,621,-818,621,-820,621,-822,-808,621,-824,621,-851,-852,621,621,-811,621,-646,-902,-904,-648,-649,-645,621,-705,-706,621,-642,-903,-647,-650,-603,-714,621,621,-605,-586,621,621,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,621,621,-709,-710,621,-716,621,621,621,621,621,621,-938,621,-439,-441,-747,621,-891,621,-715,-1894,621,621,621,621,621,-442,-512,-523,621,-728,-733,621,-735,621,-740,621,-662,-668,621,-678,-680,-682,-683,-690,-693,-697,-745,621,621,-874,621,621,-878,621,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,621,-812,621,-814,-801,621,-802,-805,621,-816,-819,-821,-823,-825,621,-826,621,-809,621,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,621,-282,621,621,621,621,-455,621,621,-729,621,-736,621,-741,621,-663,-671,621,621,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,621,-836,-53,621,621,-730,621,-737,621,-742,-664,621,-873,-54,621,621,-731,-738,-743,621,621,621,-872,]),'READ_WRITE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[622,622,622,622,-1894,622,622,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,622,622,622,622,-275,-276,622,-1425,622,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,622,622,622,-490,622,622,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,622,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,622,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,622,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,622,-172,-173,-174,-175,-993,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-290,-291,-281,622,622,622,622,622,-328,-318,-332,-333,-334,622,622,-982,-983,-984,-985,-986,-987,-988,622,622,622,622,622,622,622,622,622,622,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,622,622,622,-353,-356,622,-323,-324,-141,622,-142,622,-143,622,-430,-935,-936,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-1894,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-1894,622,-1894,622,622,622,622,622,622,622,622,622,622,622,622,-1894,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,622,-1894,622,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,622,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,622,622,622,-191,-192,622,-994,622,622,622,622,622,-277,-278,-279,-280,-365,622,-308,622,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,622,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,622,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,622,622,622,622,622,622,-573,622,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,622,622,-723,-724,-725,622,622,622,622,622,622,-994,622,622,-91,-92,622,622,622,622,-309,-310,-320,622,-307,-293,-294,-295,622,622,622,622,-618,-633,-590,622,622,-436,622,-437,622,-444,-445,-446,-378,-379,622,622,622,-506,622,622,-510,622,622,622,622,-515,-516,-517,-518,622,622,-521,-522,622,-524,-525,-526,-527,-528,-529,-530,-531,622,-533,622,622,622,-539,-541,-542,622,-544,-545,-546,-547,622,622,622,622,622,622,-652,-653,-654,-655,622,-657,-658,-659,622,622,622,-665,622,622,-669,-670,622,622,-673,622,-675,-676,622,-679,622,-681,622,622,-684,-685,-686,622,-688,622,622,-691,622,622,-694,-695,-696,622,-698,-699,-700,-701,622,622,-746,622,-749,-750,-751,-752,-753,622,-755,-756,-757,-758,-759,622,-766,-767,-769,622,-771,-772,-773,-782,-856,-858,-860,-862,622,622,622,622,-868,622,-870,622,622,622,622,622,622,622,-906,-907,622,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,622,-921,-924,622,-934,622,-385,-386,-387,622,622,-390,-391,-392,-393,622,-396,622,-399,-400,622,-401,622,-406,-407,622,-410,-411,-412,622,-415,622,-416,622,-421,-422,622,-425,622,-428,-429,-1894,-1894,622,-619,-620,-621,-622,-623,-634,-584,-624,-797,622,622,622,622,622,-831,622,622,-806,622,-832,622,622,622,622,-798,622,-853,-799,622,622,622,622,622,622,-854,-855,622,-834,-830,-835,622,-625,622,-626,-627,-628,-629,-574,622,622,-630,-631,-632,622,622,622,622,622,622,-635,-636,-637,-592,-1894,-602,622,-638,-639,-713,-640,-604,622,-572,-577,-580,-583,622,622,622,-598,-601,622,-608,622,622,622,622,622,622,622,622,622,622,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,622,622,622,-995,622,622,622,622,622,622,-306,-325,-319,-296,-375,-452,-453,-454,-458,622,-443,622,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,622,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,622,622,622,622,622,622,622,622,622,-316,-535,-508,-591,-937,-939,-940,-438,622,-440,-380,-381,-383,-507,-509,-511,622,-513,-514,-519,-520,622,-532,-534,-537,-538,-543,-548,-726,622,-727,622,-732,622,-734,622,-739,-656,-660,-661,622,-666,622,-667,622,-672,-674,622,-677,622,622,622,-687,-689,622,-692,622,622,-744,622,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,622,622,622,622,622,-877,622,-880,-908,-920,-925,-388,-389,622,-394,622,-397,622,-402,622,-403,622,-408,622,-413,622,-417,622,-418,622,-423,622,-426,-899,-900,-643,-585,-1894,-901,622,622,622,-800,622,622,-804,622,-807,-833,622,-818,622,-820,622,-822,-808,622,-824,622,-851,-852,622,622,-811,622,-646,-902,-904,-648,-649,-645,622,-705,-706,622,-642,-903,-647,-650,-603,-714,622,622,-605,-586,622,622,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,622,622,-709,-710,622,-716,622,622,622,622,622,622,-938,622,-439,-441,-747,622,-891,622,-715,-1894,622,622,622,622,622,-442,-512,-523,622,-728,-733,622,-735,622,-740,622,-662,-668,622,-678,-680,-682,-683,-690,-693,-697,-745,622,622,-874,622,622,-878,622,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,622,-812,622,-814,-801,622,-802,-805,622,-816,-819,-821,-823,-825,622,-826,622,-809,622,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,622,-282,622,622,622,622,-455,622,622,-729,622,-736,622,-741,622,-663,-671,622,622,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,622,-836,-53,622,622,-730,622,-737,622,-742,-664,622,-873,-54,622,622,-731,-738,-743,622,622,622,-872,]),'REBUILD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[623,623,623,623,-1894,623,623,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,623,623,623,623,-275,-276,623,-1425,623,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,623,623,623,-490,623,623,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,623,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,623,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,623,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,623,-172,-173,-174,-175,-993,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-290,-291,-281,623,623,623,623,623,-328,-318,-332,-333,-334,623,623,-982,-983,-984,-985,-986,-987,-988,623,623,623,623,623,623,623,623,623,623,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,623,623,623,-353,-356,623,-323,-324,-141,623,-142,623,-143,623,-430,-935,-936,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-1894,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-1894,623,-1894,623,623,623,623,623,623,623,623,623,623,623,623,-1894,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,623,-1894,623,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,623,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,623,623,623,-191,-192,623,-994,623,623,623,623,623,-277,-278,-279,-280,-365,623,-308,623,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,623,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,623,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,623,623,623,623,623,623,-573,623,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,623,623,-723,-724,-725,623,623,623,623,623,623,-994,623,623,-91,-92,623,623,623,623,-309,-310,-320,623,-307,-293,-294,-295,623,623,623,623,-618,-633,-590,623,623,-436,623,-437,623,-444,-445,-446,-378,-379,623,623,623,-506,623,623,-510,623,623,623,623,-515,-516,-517,-518,623,623,-521,-522,623,-524,-525,-526,-527,-528,-529,-530,-531,623,-533,623,623,623,-539,-541,-542,623,-544,-545,-546,-547,623,623,623,623,623,623,-652,-653,-654,-655,623,-657,-658,-659,623,623,623,-665,623,623,-669,-670,623,623,-673,623,-675,-676,623,-679,623,-681,623,623,-684,-685,-686,623,-688,623,623,-691,623,623,-694,-695,-696,623,-698,-699,-700,-701,623,623,-746,623,-749,-750,-751,-752,-753,623,-755,-756,-757,-758,-759,623,-766,-767,-769,623,-771,-772,-773,-782,-856,-858,-860,-862,623,623,623,623,-868,623,-870,623,623,623,623,623,623,623,-906,-907,623,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,623,-921,-924,623,-934,623,-385,-386,-387,623,623,-390,-391,-392,-393,623,-396,623,-399,-400,623,-401,623,-406,-407,623,-410,-411,-412,623,-415,623,-416,623,-421,-422,623,-425,623,-428,-429,-1894,-1894,623,-619,-620,-621,-622,-623,-634,-584,-624,-797,623,623,623,623,623,-831,623,623,-806,623,-832,623,623,623,623,-798,623,-853,-799,623,623,623,623,623,623,-854,-855,623,-834,-830,-835,623,-625,623,-626,-627,-628,-629,-574,623,623,-630,-631,-632,623,623,623,623,623,623,-635,-636,-637,-592,-1894,-602,623,-638,-639,-713,-640,-604,623,-572,-577,-580,-583,623,623,623,-598,-601,623,-608,623,623,623,623,623,623,623,623,623,623,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,623,623,623,-995,623,623,623,623,623,623,-306,-325,-319,-296,-375,-452,-453,-454,-458,623,-443,623,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,623,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,623,623,623,623,623,623,623,623,623,-316,-535,-508,-591,-937,-939,-940,-438,623,-440,-380,-381,-383,-507,-509,-511,623,-513,-514,-519,-520,623,-532,-534,-537,-538,-543,-548,-726,623,-727,623,-732,623,-734,623,-739,-656,-660,-661,623,-666,623,-667,623,-672,-674,623,-677,623,623,623,-687,-689,623,-692,623,623,-744,623,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,623,623,623,623,623,-877,623,-880,-908,-920,-925,-388,-389,623,-394,623,-397,623,-402,623,-403,623,-408,623,-413,623,-417,623,-418,623,-423,623,-426,-899,-900,-643,-585,-1894,-901,623,623,623,-800,623,623,-804,623,-807,-833,623,-818,623,-820,623,-822,-808,623,-824,623,-851,-852,623,623,-811,623,-646,-902,-904,-648,-649,-645,623,-705,-706,623,-642,-903,-647,-650,-603,-714,623,623,-605,-586,623,623,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,623,623,-709,-710,623,-716,623,623,623,623,623,623,-938,623,-439,-441,-747,623,-891,623,-715,-1894,623,623,623,623,623,-442,-512,-523,623,-728,-733,623,-735,623,-740,623,-662,-668,623,-678,-680,-682,-683,-690,-693,-697,-745,623,623,-874,623,623,-878,623,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,623,-812,623,-814,-801,623,-802,-805,623,-816,-819,-821,-823,-825,623,-826,623,-809,623,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,623,-282,623,623,623,623,-455,623,623,-729,623,-736,623,-741,623,-663,-671,623,623,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,623,-836,-53,623,623,-730,623,-737,623,-742,-664,623,-873,-54,623,623,-731,-738,-743,623,623,623,-872,]),'RECOVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[624,624,624,624,-1894,624,624,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,624,624,624,624,-275,-276,624,-1425,624,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,624,624,624,-490,624,624,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,624,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,624,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,624,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,624,-172,-173,-174,-175,-993,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-290,-291,-281,624,624,624,624,624,-328,-318,-332,-333,-334,624,624,-982,-983,-984,-985,-986,-987,-988,624,624,624,624,624,624,624,624,624,624,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,624,624,624,-353,-356,624,-323,-324,-141,624,-142,624,-143,624,-430,-935,-936,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-1894,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-1894,624,-1894,624,624,624,624,624,624,624,624,624,624,624,624,-1894,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,624,-1894,624,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,624,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,624,624,624,-191,-192,624,-994,624,624,624,624,624,-277,-278,-279,-280,-365,624,-308,624,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,624,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,624,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,624,624,624,624,624,624,-573,624,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,624,624,-723,-724,-725,624,624,624,624,624,624,-994,624,624,-91,-92,624,624,624,624,-309,-310,-320,624,-307,-293,-294,-295,624,624,624,624,-618,-633,-590,624,624,-436,624,-437,624,-444,-445,-446,-378,-379,624,624,624,-506,624,624,-510,624,624,624,624,-515,-516,-517,-518,624,624,-521,-522,624,-524,-525,-526,-527,-528,-529,-530,-531,624,-533,624,624,624,-539,-541,-542,624,-544,-545,-546,-547,624,624,624,624,624,624,-652,-653,-654,-655,624,-657,-658,-659,624,624,624,-665,624,624,-669,-670,624,624,-673,624,-675,-676,624,-679,624,-681,624,624,-684,-685,-686,624,-688,624,624,-691,624,624,-694,-695,-696,624,-698,-699,-700,-701,624,624,-746,624,-749,-750,-751,-752,-753,624,-755,-756,-757,-758,-759,624,-766,-767,-769,624,-771,-772,-773,-782,-856,-858,-860,-862,624,624,624,624,-868,624,-870,624,624,624,624,624,624,624,-906,-907,624,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,624,-921,-924,624,-934,624,-385,-386,-387,624,624,-390,-391,-392,-393,624,-396,624,-399,-400,624,-401,624,-406,-407,624,-410,-411,-412,624,-415,624,-416,624,-421,-422,624,-425,624,-428,-429,-1894,-1894,624,-619,-620,-621,-622,-623,-634,-584,-624,-797,624,624,624,624,624,-831,624,624,-806,624,-832,624,624,624,624,-798,624,-853,-799,624,624,624,624,624,624,-854,-855,624,-834,-830,-835,624,-625,624,-626,-627,-628,-629,-574,624,624,-630,-631,-632,624,624,624,624,624,624,-635,-636,-637,-592,-1894,-602,624,-638,-639,-713,-640,-604,624,-572,-577,-580,-583,624,624,624,-598,-601,624,-608,624,624,624,624,624,624,624,624,624,624,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,624,624,624,-995,624,624,624,624,624,624,-306,-325,-319,-296,-375,-452,-453,-454,-458,624,-443,624,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,624,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,624,624,624,624,624,624,624,624,624,-316,-535,-508,-591,-937,-939,-940,-438,624,-440,-380,-381,-383,-507,-509,-511,624,-513,-514,-519,-520,624,-532,-534,-537,-538,-543,-548,-726,624,-727,624,-732,624,-734,624,-739,-656,-660,-661,624,-666,624,-667,624,-672,-674,624,-677,624,624,624,-687,-689,624,-692,624,624,-744,624,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,624,624,624,624,624,-877,624,-880,-908,-920,-925,-388,-389,624,-394,624,-397,624,-402,624,-403,624,-408,624,-413,624,-417,624,-418,624,-423,624,-426,-899,-900,-643,-585,-1894,-901,624,624,624,-800,624,624,-804,624,-807,-833,624,-818,624,-820,624,-822,-808,624,-824,624,-851,-852,624,624,-811,624,-646,-902,-904,-648,-649,-645,624,-705,-706,624,-642,-903,-647,-650,-603,-714,624,624,-605,-586,624,624,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,624,624,-709,-710,624,-716,624,624,624,624,624,624,-938,624,-439,-441,-747,624,-891,624,-715,-1894,624,624,624,624,624,-442,-512,-523,624,-728,-733,624,-735,624,-740,624,-662,-668,624,-678,-680,-682,-683,-690,-693,-697,-745,624,624,-874,624,624,-878,624,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,624,-812,624,-814,-801,624,-802,-805,624,-816,-819,-821,-823,-825,624,-826,624,-809,624,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,624,-282,624,624,624,624,-455,624,624,-729,624,-736,624,-741,624,-663,-671,624,624,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,624,-836,-53,624,624,-730,624,-737,624,-742,-664,624,-873,-54,624,624,-731,-738,-743,624,624,624,-872,]),'RECYCLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[625,625,625,625,-1894,625,625,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,625,625,625,625,-275,-276,625,-1425,625,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,625,625,625,-490,625,625,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,625,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,625,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,625,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,625,-172,-173,-174,-175,-993,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-290,-291,-281,625,625,625,625,625,-328,-318,-332,-333,-334,625,625,-982,-983,-984,-985,-986,-987,-988,625,625,625,625,625,625,625,625,625,625,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,625,625,625,-353,-356,625,-323,-324,-141,625,-142,625,-143,625,-430,-935,-936,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-1894,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-1894,625,-1894,625,625,625,625,625,625,625,625,625,625,625,625,-1894,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,625,-1894,625,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,625,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,625,625,625,-191,-192,625,-994,625,625,625,625,625,-277,-278,-279,-280,-365,625,-308,625,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,625,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,625,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,625,625,625,625,625,625,-573,625,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,625,625,-723,-724,-725,625,625,625,625,625,625,-994,625,625,-91,-92,625,625,625,625,-309,-310,-320,625,-307,-293,-294,-295,625,625,625,625,-618,-633,-590,625,625,-436,625,-437,625,-444,-445,-446,-378,-379,625,625,625,-506,625,625,-510,625,625,625,625,-515,-516,-517,-518,625,625,-521,-522,625,-524,-525,-526,-527,-528,-529,-530,-531,625,-533,625,625,625,-539,-541,-542,625,-544,-545,-546,-547,625,625,625,625,625,625,-652,-653,-654,-655,625,-657,-658,-659,625,625,625,-665,625,625,-669,-670,625,625,-673,625,-675,-676,625,-679,625,-681,625,625,-684,-685,-686,625,-688,625,625,-691,625,625,-694,-695,-696,625,-698,-699,-700,-701,625,625,-746,625,-749,-750,-751,-752,-753,625,-755,-756,-757,-758,-759,625,-766,-767,-769,625,-771,-772,-773,-782,-856,-858,-860,-862,625,625,625,625,-868,625,-870,625,625,625,625,625,625,625,-906,-907,625,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,625,-921,-924,625,-934,625,-385,-386,-387,625,625,-390,-391,-392,-393,625,-396,625,-399,-400,625,-401,625,-406,-407,625,-410,-411,-412,625,-415,625,-416,625,-421,-422,625,-425,625,-428,-429,-1894,-1894,625,-619,-620,-621,-622,-623,-634,-584,-624,-797,625,625,625,625,625,-831,625,625,-806,625,-832,625,625,625,625,-798,625,-853,-799,625,625,625,625,625,625,-854,-855,625,-834,-830,-835,625,-625,625,-626,-627,-628,-629,-574,625,625,-630,-631,-632,625,625,625,625,625,625,-635,-636,-637,-592,-1894,-602,625,-638,-639,-713,-640,-604,625,-572,-577,-580,-583,625,625,625,-598,-601,625,-608,625,625,625,625,625,625,625,625,625,625,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,625,625,625,-995,625,625,625,625,625,625,-306,-325,-319,-296,-375,-452,-453,-454,-458,625,-443,625,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,625,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,625,625,625,625,625,625,625,625,625,-316,-535,-508,-591,-937,-939,-940,-438,625,-440,-380,-381,-383,-507,-509,-511,625,-513,-514,-519,-520,625,-532,-534,-537,-538,-543,-548,-726,625,-727,625,-732,625,-734,625,-739,-656,-660,-661,625,-666,625,-667,625,-672,-674,625,-677,625,625,625,-687,-689,625,-692,625,625,-744,625,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,625,625,625,625,625,-877,625,-880,-908,-920,-925,-388,-389,625,-394,625,-397,625,-402,625,-403,625,-408,625,-413,625,-417,625,-418,625,-423,625,-426,-899,-900,-643,-585,-1894,-901,625,625,625,-800,625,625,-804,625,-807,-833,625,-818,625,-820,625,-822,-808,625,-824,625,-851,-852,625,625,-811,625,-646,-902,-904,-648,-649,-645,625,-705,-706,625,-642,-903,-647,-650,-603,-714,625,625,-605,-586,625,625,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,625,625,-709,-710,625,-716,625,625,625,625,625,625,-938,625,-439,-441,-747,625,-891,625,-715,-1894,625,625,625,625,625,-442,-512,-523,625,-728,-733,625,-735,625,-740,625,-662,-668,625,-678,-680,-682,-683,-690,-693,-697,-745,625,625,-874,625,625,-878,625,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,625,-812,625,-814,-801,625,-802,-805,625,-816,-819,-821,-823,-825,625,-826,625,-809,625,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,625,-282,625,625,625,625,-455,625,625,-729,625,-736,625,-741,625,-663,-671,625,625,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,625,-836,-53,625,625,-730,625,-737,625,-742,-664,625,-873,-54,625,625,-731,-738,-743,625,625,625,-872,]),'RECYCLEBIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[626,626,626,626,-1894,626,626,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,626,626,626,626,-275,-276,626,-1425,626,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,626,626,626,-490,626,626,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,626,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,626,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,626,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,626,-172,-173,-174,-175,-993,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-290,-291,-281,626,626,626,626,626,-328,-318,-332,-333,-334,626,626,-982,-983,-984,-985,-986,-987,-988,626,626,626,626,626,626,626,626,626,626,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,626,626,626,-353,-356,626,-323,-324,-141,626,-142,626,-143,626,-430,-935,-936,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-1894,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-1894,626,-1894,626,626,626,626,626,626,626,626,626,626,626,626,-1894,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,626,-1894,626,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,626,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,626,626,626,-191,-192,626,-994,626,626,626,626,626,-277,-278,-279,-280,-365,626,-308,626,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,626,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,626,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,626,626,626,626,626,626,-573,626,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,626,626,-723,-724,-725,626,626,626,626,626,626,-994,626,626,-91,-92,626,626,626,626,-309,-310,-320,626,-307,-293,-294,-295,626,626,626,626,-618,-633,-590,626,626,-436,626,-437,626,-444,-445,-446,-378,-379,626,626,626,-506,626,626,-510,626,626,626,626,-515,-516,-517,-518,626,626,-521,-522,626,-524,-525,-526,-527,-528,-529,-530,-531,626,-533,626,626,626,-539,-541,-542,626,-544,-545,-546,-547,626,626,626,626,626,626,-652,-653,-654,-655,626,-657,-658,-659,626,626,626,-665,626,626,-669,-670,626,626,-673,626,-675,-676,626,-679,626,-681,626,626,-684,-685,-686,626,-688,626,626,-691,626,626,-694,-695,-696,626,-698,-699,-700,-701,626,626,-746,626,-749,-750,-751,-752,-753,626,-755,-756,-757,-758,-759,626,-766,-767,-769,626,-771,-772,-773,-782,-856,-858,-860,-862,626,626,626,626,-868,626,-870,626,626,626,626,626,626,626,-906,-907,626,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,626,-921,-924,626,-934,626,-385,-386,-387,626,626,-390,-391,-392,-393,626,-396,626,-399,-400,626,-401,626,-406,-407,626,-410,-411,-412,626,-415,626,-416,626,-421,-422,626,-425,626,-428,-429,-1894,-1894,626,-619,-620,-621,-622,-623,-634,-584,-624,-797,626,626,626,626,626,-831,626,626,-806,626,-832,626,626,626,626,-798,626,-853,-799,626,626,626,626,626,626,-854,-855,626,-834,-830,-835,626,-625,626,-626,-627,-628,-629,-574,626,626,-630,-631,-632,626,626,626,626,626,626,-635,-636,-637,-592,-1894,-602,626,-638,-639,-713,-640,-604,626,-572,-577,-580,-583,626,626,626,-598,-601,626,-608,626,626,626,626,626,626,626,626,626,626,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,626,626,626,-995,626,626,626,626,626,626,-306,-325,-319,-296,-375,-452,-453,-454,-458,626,-443,626,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,626,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,626,626,626,626,626,626,626,626,626,-316,-535,-508,-591,-937,-939,-940,-438,626,-440,-380,-381,-383,-507,-509,-511,626,-513,-514,-519,-520,626,-532,-534,-537,-538,-543,-548,-726,626,-727,626,-732,626,-734,626,-739,-656,-660,-661,626,-666,626,-667,626,-672,-674,626,-677,626,626,626,-687,-689,626,-692,626,626,-744,626,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,626,626,626,626,626,-877,626,-880,-908,-920,-925,-388,-389,626,-394,626,-397,626,-402,626,-403,626,-408,626,-413,626,-417,626,-418,626,-423,626,-426,-899,-900,-643,-585,-1894,-901,626,626,626,-800,626,626,-804,626,-807,-833,626,-818,626,-820,626,-822,-808,626,-824,626,-851,-852,626,626,-811,626,-646,-902,-904,-648,-649,-645,626,-705,-706,626,-642,-903,-647,-650,-603,-714,626,626,-605,-586,626,626,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,626,626,-709,-710,626,-716,626,626,626,626,626,626,-938,626,-439,-441,-747,626,-891,626,-715,-1894,626,626,626,626,626,-442,-512,-523,626,-728,-733,626,-735,626,-740,626,-662,-668,626,-678,-680,-682,-683,-690,-693,-697,-745,626,626,-874,626,626,-878,626,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,626,-812,626,-814,-801,626,-802,-805,626,-816,-819,-821,-823,-825,626,-826,626,-809,626,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,626,-282,626,626,626,626,-455,626,626,-729,626,-736,626,-741,626,-663,-671,626,626,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,626,-836,-53,626,626,-730,626,-737,626,-742,-664,626,-873,-54,626,626,-731,-738,-743,626,626,626,-872,]),'REDOFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[627,627,627,627,-1894,627,627,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,627,627,627,627,-275,-276,627,-1425,627,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,627,627,627,-490,627,627,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,627,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,627,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,627,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,627,-172,-173,-174,-175,-993,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-290,-291,-281,627,627,627,627,627,-328,-318,-332,-333,-334,627,627,-982,-983,-984,-985,-986,-987,-988,627,627,627,627,627,627,627,627,627,627,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,627,627,627,-353,-356,627,-323,-324,-141,627,-142,627,-143,627,-430,-935,-936,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-1894,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-1894,627,-1894,627,627,627,627,627,627,627,627,627,627,627,627,-1894,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,627,-1894,627,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,627,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,627,627,627,-191,-192,627,-994,627,627,627,627,627,-277,-278,-279,-280,-365,627,-308,627,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,627,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,627,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,627,627,627,627,627,627,-573,627,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,627,627,-723,-724,-725,627,627,627,627,627,627,-994,627,627,-91,-92,627,627,627,627,-309,-310,-320,627,-307,-293,-294,-295,627,627,627,627,-618,-633,-590,627,627,-436,627,-437,627,-444,-445,-446,-378,-379,627,627,627,-506,627,627,-510,627,627,627,627,-515,-516,-517,-518,627,627,-521,-522,627,-524,-525,-526,-527,-528,-529,-530,-531,627,-533,627,627,627,-539,-541,-542,627,-544,-545,-546,-547,627,627,627,627,627,627,-652,-653,-654,-655,627,-657,-658,-659,627,627,627,-665,627,627,-669,-670,627,627,-673,627,-675,-676,627,-679,627,-681,627,627,-684,-685,-686,627,-688,627,627,-691,627,627,-694,-695,-696,627,-698,-699,-700,-701,627,627,-746,627,-749,-750,-751,-752,-753,627,-755,-756,-757,-758,-759,627,-766,-767,-769,627,-771,-772,-773,-782,-856,-858,-860,-862,627,627,627,627,-868,627,-870,627,627,627,627,627,627,627,-906,-907,627,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,627,-921,-924,627,-934,627,-385,-386,-387,627,627,-390,-391,-392,-393,627,-396,627,-399,-400,627,-401,627,-406,-407,627,-410,-411,-412,627,-415,627,-416,627,-421,-422,627,-425,627,-428,-429,-1894,-1894,627,-619,-620,-621,-622,-623,-634,-584,-624,-797,627,627,627,627,627,-831,627,627,-806,627,-832,627,627,627,627,-798,627,-853,-799,627,627,627,627,627,627,-854,-855,627,-834,-830,-835,627,-625,627,-626,-627,-628,-629,-574,627,627,-630,-631,-632,627,627,627,627,627,627,-635,-636,-637,-592,-1894,-602,627,-638,-639,-713,-640,-604,627,-572,-577,-580,-583,627,627,627,-598,-601,627,-608,627,627,627,627,627,627,627,627,627,627,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,627,627,627,-995,627,627,627,627,627,627,-306,-325,-319,-296,-375,-452,-453,-454,-458,627,-443,627,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,627,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,627,627,627,627,627,627,627,627,627,-316,-535,-508,-591,-937,-939,-940,-438,627,-440,-380,-381,-383,-507,-509,-511,627,-513,-514,-519,-520,627,-532,-534,-537,-538,-543,-548,-726,627,-727,627,-732,627,-734,627,-739,-656,-660,-661,627,-666,627,-667,627,-672,-674,627,-677,627,627,627,-687,-689,627,-692,627,627,-744,627,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,627,627,627,627,627,-877,627,-880,-908,-920,-925,-388,-389,627,-394,627,-397,627,-402,627,-403,627,-408,627,-413,627,-417,627,-418,627,-423,627,-426,-899,-900,-643,-585,-1894,-901,627,627,627,-800,627,627,-804,627,-807,-833,627,-818,627,-820,627,-822,-808,627,-824,627,-851,-852,627,627,-811,627,-646,-902,-904,-648,-649,-645,627,-705,-706,627,-642,-903,-647,-650,-603,-714,627,627,-605,-586,627,627,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,627,627,-709,-710,627,-716,627,627,627,627,627,627,-938,627,-439,-441,-747,627,-891,627,-715,-1894,627,627,627,627,627,-442,-512,-523,627,-728,-733,627,-735,627,-740,627,-662,-668,627,-678,-680,-682,-683,-690,-693,-697,-745,627,627,-874,627,627,-878,627,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,627,-812,627,-814,-801,627,-802,-805,627,-816,-819,-821,-823,-825,627,-826,627,-809,627,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,627,-282,627,627,627,627,-455,627,627,-729,627,-736,627,-741,627,-663,-671,627,627,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,627,-836,-53,627,627,-730,627,-737,627,-742,-664,627,-873,-54,627,627,-731,-738,-743,627,627,627,-872,]),'REDO_BUFFER_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[628,628,628,628,-1894,628,628,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,628,628,628,628,-275,-276,628,-1425,628,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,628,628,628,-490,628,628,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,628,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,628,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,628,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,628,-172,-173,-174,-175,-993,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-290,-291,-281,628,628,628,628,628,-328,-318,-332,-333,-334,628,628,-982,-983,-984,-985,-986,-987,-988,628,628,628,628,628,628,628,628,628,628,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,628,628,628,-353,-356,628,-323,-324,-141,628,-142,628,-143,628,-430,-935,-936,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-1894,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-1894,628,-1894,628,628,628,628,628,628,628,628,628,628,628,628,-1894,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,628,-1894,628,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,628,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,628,628,628,-191,-192,628,-994,628,628,628,628,628,-277,-278,-279,-280,-365,628,-308,628,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,628,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,628,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,628,628,628,628,628,628,-573,628,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,628,628,-723,-724,-725,628,628,628,628,628,628,-994,628,628,-91,-92,628,628,628,628,-309,-310,-320,628,-307,-293,-294,-295,628,628,628,628,-618,-633,-590,628,628,-436,628,-437,628,-444,-445,-446,-378,-379,628,628,628,-506,628,628,-510,628,628,628,628,-515,-516,-517,-518,628,628,-521,-522,628,-524,-525,-526,-527,-528,-529,-530,-531,628,-533,628,628,628,-539,-541,-542,628,-544,-545,-546,-547,628,628,628,628,628,628,-652,-653,-654,-655,628,-657,-658,-659,628,628,628,-665,628,628,-669,-670,628,628,-673,628,-675,-676,628,-679,628,-681,628,628,-684,-685,-686,628,-688,628,628,-691,628,628,-694,-695,-696,628,-698,-699,-700,-701,628,628,-746,628,-749,-750,-751,-752,-753,628,-755,-756,-757,-758,-759,628,-766,-767,-769,628,-771,-772,-773,-782,-856,-858,-860,-862,628,628,628,628,-868,628,-870,628,628,628,628,628,628,628,-906,-907,628,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,628,-921,-924,628,-934,628,-385,-386,-387,628,628,-390,-391,-392,-393,628,-396,628,-399,-400,628,-401,628,-406,-407,628,-410,-411,-412,628,-415,628,-416,628,-421,-422,628,-425,628,-428,-429,-1894,-1894,628,-619,-620,-621,-622,-623,-634,-584,-624,-797,628,628,628,628,628,-831,628,628,-806,628,-832,628,628,628,628,-798,628,-853,-799,628,628,628,628,628,628,-854,-855,628,-834,-830,-835,628,-625,628,-626,-627,-628,-629,-574,628,628,-630,-631,-632,628,628,628,628,628,628,-635,-636,-637,-592,-1894,-602,628,-638,-639,-713,-640,-604,628,-572,-577,-580,-583,628,628,628,-598,-601,628,-608,628,628,628,628,628,628,628,628,628,628,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,628,628,628,-995,628,628,628,628,628,628,-306,-325,-319,-296,-375,-452,-453,-454,-458,628,-443,628,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,628,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,628,628,628,628,628,628,628,628,628,-316,-535,-508,-591,-937,-939,-940,-438,628,-440,-380,-381,-383,-507,-509,-511,628,-513,-514,-519,-520,628,-532,-534,-537,-538,-543,-548,-726,628,-727,628,-732,628,-734,628,-739,-656,-660,-661,628,-666,628,-667,628,-672,-674,628,-677,628,628,628,-687,-689,628,-692,628,628,-744,628,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,628,628,628,628,628,-877,628,-880,-908,-920,-925,-388,-389,628,-394,628,-397,628,-402,628,-403,628,-408,628,-413,628,-417,628,-418,628,-423,628,-426,-899,-900,-643,-585,-1894,-901,628,628,628,-800,628,628,-804,628,-807,-833,628,-818,628,-820,628,-822,-808,628,-824,628,-851,-852,628,628,-811,628,-646,-902,-904,-648,-649,-645,628,-705,-706,628,-642,-903,-647,-650,-603,-714,628,628,-605,-586,628,628,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,628,628,-709,-710,628,-716,628,628,628,628,628,628,-938,628,-439,-441,-747,628,-891,628,-715,-1894,628,628,628,628,628,-442,-512,-523,628,-728,-733,628,-735,628,-740,628,-662,-668,628,-678,-680,-682,-683,-690,-693,-697,-745,628,628,-874,628,628,-878,628,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,628,-812,628,-814,-801,628,-802,-805,628,-816,-819,-821,-823,-825,628,-826,628,-809,628,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,628,-282,628,628,628,628,-455,628,628,-729,628,-736,628,-741,628,-663,-671,628,628,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,628,-836,-53,628,628,-730,628,-737,628,-742,-664,628,-873,-54,628,628,-731,-738,-743,628,628,628,-872,]),'REDUNDANT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[629,629,629,629,-1894,629,629,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,629,629,629,629,-275,-276,629,-1425,629,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,629,629,629,-490,629,629,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,629,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,629,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,629,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,629,-172,-173,-174,-175,-993,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-290,-291,-281,629,629,629,629,629,-328,-318,-332,-333,-334,629,629,-982,-983,-984,-985,-986,-987,-988,629,629,629,629,629,629,629,629,629,629,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,629,629,629,-353,-356,629,-323,-324,-141,629,-142,629,-143,629,-430,-935,-936,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-1894,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-1894,629,-1894,629,629,629,629,629,629,629,629,629,629,629,629,-1894,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,629,-1894,629,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,629,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,629,629,629,-191,-192,629,-994,629,629,629,629,629,-277,-278,-279,-280,-365,629,-308,629,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,629,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,629,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,629,629,629,629,629,629,-573,629,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,629,629,-723,-724,-725,629,629,629,629,629,629,-994,629,629,-91,-92,629,629,629,629,-309,-310,-320,629,-307,-293,-294,-295,629,629,629,629,-618,-633,-590,629,629,-436,629,-437,629,-444,-445,-446,-378,-379,629,629,629,-506,629,629,-510,629,629,629,629,-515,-516,-517,-518,629,629,-521,-522,629,-524,-525,-526,-527,-528,-529,-530,-531,629,-533,629,629,629,-539,-541,-542,629,-544,-545,-546,-547,629,629,629,629,629,629,-652,-653,-654,-655,629,-657,-658,-659,629,629,629,-665,629,629,-669,-670,629,629,-673,629,-675,-676,629,-679,629,-681,629,629,-684,-685,-686,629,-688,629,629,-691,629,629,-694,-695,-696,629,-698,-699,-700,-701,629,629,-746,629,-749,-750,-751,-752,-753,629,-755,-756,-757,-758,-759,629,-766,-767,-769,629,-771,-772,-773,-782,-856,-858,-860,-862,629,629,629,629,-868,629,-870,629,629,629,629,629,629,629,-906,-907,629,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,629,-921,-924,629,-934,629,-385,-386,-387,629,629,-390,-391,-392,-393,629,-396,629,-399,-400,629,-401,629,-406,-407,629,-410,-411,-412,629,-415,629,-416,629,-421,-422,629,-425,629,-428,-429,-1894,-1894,629,-619,-620,-621,-622,-623,-634,-584,-624,-797,629,629,629,629,629,-831,629,629,-806,629,-832,629,629,629,629,-798,629,-853,-799,629,629,629,629,629,629,-854,-855,629,-834,-830,-835,629,-625,629,-626,-627,-628,-629,-574,629,629,-630,-631,-632,629,629,629,629,629,629,-635,-636,-637,-592,-1894,-602,629,-638,-639,-713,-640,-604,629,-572,-577,-580,-583,629,629,629,-598,-601,629,-608,629,629,629,629,629,629,629,629,629,629,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,629,629,629,-995,629,629,629,629,629,629,-306,-325,-319,-296,-375,-452,-453,-454,-458,629,-443,629,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,629,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,629,629,629,629,629,629,629,629,629,-316,-535,-508,-591,-937,-939,-940,-438,629,-440,-380,-381,-383,-507,-509,-511,629,-513,-514,-519,-520,629,-532,-534,-537,-538,-543,-548,-726,629,-727,629,-732,629,-734,629,-739,-656,-660,-661,629,-666,629,-667,629,-672,-674,629,-677,629,629,629,-687,-689,629,-692,629,629,-744,629,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,629,629,629,629,629,-877,629,-880,-908,-920,-925,-388,-389,629,-394,629,-397,629,-402,629,-403,629,-408,629,-413,629,-417,629,-418,629,-423,629,-426,-899,-900,-643,-585,-1894,-901,629,629,629,-800,629,629,-804,629,-807,-833,629,-818,629,-820,629,-822,-808,629,-824,629,-851,-852,629,629,-811,629,-646,-902,-904,-648,-649,-645,629,-705,-706,629,-642,-903,-647,-650,-603,-714,629,629,-605,-586,629,629,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,629,629,-709,-710,629,-716,629,629,629,629,629,629,-938,629,-439,-441,-747,629,-891,629,-715,-1894,629,629,629,629,629,-442,-512,-523,629,-728,-733,629,-735,629,-740,629,-662,-668,629,-678,-680,-682,-683,-690,-693,-697,-745,629,629,-874,629,629,-878,629,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,629,-812,629,-814,-801,629,-802,-805,629,-816,-819,-821,-823,-825,629,-826,629,-809,629,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,629,-282,629,629,629,629,-455,629,629,-729,629,-736,629,-741,629,-663,-671,629,629,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,629,-836,-53,629,629,-730,629,-737,629,-742,-664,629,-873,-54,629,629,-731,-738,-743,629,629,629,-872,]),'REFRESH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[630,630,630,630,-1894,630,630,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,630,630,630,630,-275,-276,630,-1425,630,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,630,630,630,-490,630,630,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,630,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,630,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,630,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,630,-172,-173,-174,-175,-993,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-290,-291,-281,630,630,630,630,630,-328,-318,-332,-333,-334,630,630,-982,-983,-984,-985,-986,-987,-988,630,630,630,630,630,630,630,630,630,630,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,630,630,630,-353,-356,630,-323,-324,-141,630,-142,630,-143,630,-430,-935,-936,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-1894,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-1894,630,-1894,630,630,630,630,630,630,630,630,630,630,630,630,-1894,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,630,-1894,630,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,630,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,630,630,630,-191,-192,630,-994,630,630,630,630,630,-277,-278,-279,-280,-365,630,-308,630,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,630,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,630,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,630,630,630,630,630,630,-573,630,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,630,630,-723,-724,-725,630,630,630,630,630,630,-994,630,630,-91,-92,630,630,630,630,-309,-310,-320,630,-307,-293,-294,-295,630,630,630,630,-618,-633,-590,630,630,-436,630,-437,630,-444,-445,-446,-378,-379,630,630,630,-506,630,630,-510,630,630,630,630,-515,-516,-517,-518,630,630,-521,-522,630,-524,-525,-526,-527,-528,-529,-530,-531,630,-533,630,630,630,-539,-541,-542,630,-544,-545,-546,-547,630,630,630,630,630,630,-652,-653,-654,-655,630,-657,-658,-659,630,630,630,-665,630,630,-669,-670,630,630,-673,630,-675,-676,630,-679,630,-681,630,630,-684,-685,-686,630,-688,630,630,-691,630,630,-694,-695,-696,630,-698,-699,-700,-701,630,630,-746,630,-749,-750,-751,-752,-753,630,-755,-756,-757,-758,-759,630,-766,-767,-769,630,-771,-772,-773,-782,-856,-858,-860,-862,630,630,630,630,-868,630,-870,630,630,630,630,630,630,630,-906,-907,630,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,630,-921,-924,630,-934,630,-385,-386,-387,630,630,-390,-391,-392,-393,630,-396,630,-399,-400,630,-401,630,-406,-407,630,-410,-411,-412,630,-415,630,-416,630,-421,-422,630,-425,630,-428,-429,-1894,-1894,630,-619,-620,-621,-622,-623,-634,-584,-624,-797,630,630,630,630,630,-831,630,630,-806,630,-832,630,630,630,630,-798,630,-853,-799,630,630,630,630,630,630,-854,-855,630,-834,-830,-835,630,-625,630,-626,-627,-628,-629,-574,630,630,-630,-631,-632,630,630,630,630,630,630,-635,-636,-637,-592,-1894,-602,630,-638,-639,-713,-640,-604,630,-572,-577,-580,-583,630,630,630,-598,-601,630,-608,630,630,630,630,630,630,630,630,630,630,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,630,630,630,-995,630,630,630,630,630,630,-306,-325,-319,-296,-375,-452,-453,-454,-458,630,-443,630,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,630,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,630,630,630,630,630,630,630,630,630,-316,-535,-508,-591,-937,-939,-940,-438,630,-440,-380,-381,-383,-507,-509,-511,630,-513,-514,-519,-520,630,-532,-534,-537,-538,-543,-548,-726,630,-727,630,-732,630,-734,630,-739,-656,-660,-661,630,-666,630,-667,630,-672,-674,630,-677,630,630,630,-687,-689,630,-692,630,630,-744,630,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,630,630,630,630,630,-877,630,-880,-908,-920,-925,-388,-389,630,-394,630,-397,630,-402,630,-403,630,-408,630,-413,630,-417,630,-418,630,-423,630,-426,-899,-900,-643,-585,-1894,-901,630,630,630,-800,630,630,-804,630,-807,-833,630,-818,630,-820,630,-822,-808,630,-824,630,-851,-852,630,630,-811,630,-646,-902,-904,-648,-649,-645,630,-705,-706,630,-642,-903,-647,-650,-603,-714,630,630,-605,-586,630,630,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,630,630,-709,-710,630,-716,630,630,630,630,630,630,-938,630,-439,-441,-747,630,-891,630,-715,-1894,630,630,630,630,630,-442,-512,-523,630,-728,-733,630,-735,630,-740,630,-662,-668,630,-678,-680,-682,-683,-690,-693,-697,-745,630,630,-874,630,630,-878,630,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,630,-812,630,-814,-801,630,-802,-805,630,-816,-819,-821,-823,-825,630,-826,630,-809,630,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,630,-282,630,630,630,630,-455,630,630,-729,630,-736,630,-741,630,-663,-671,630,630,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,630,-836,-53,630,630,-730,630,-737,630,-742,-664,630,-873,-54,630,630,-731,-738,-743,630,630,630,-872,]),'REGION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[631,631,631,631,-1894,631,631,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,631,631,631,631,-275,-276,631,-1425,631,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,631,631,631,-490,631,631,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,631,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,631,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,631,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,631,-172,-173,-174,-175,-993,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-290,-291,-281,631,631,631,631,631,-328,-318,-332,-333,-334,631,631,-982,-983,-984,-985,-986,-987,-988,631,631,631,631,631,631,631,631,631,631,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,631,631,631,-353,-356,631,-323,-324,-141,631,-142,631,-143,631,-430,-935,-936,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-1894,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-1894,631,-1894,631,631,631,631,631,631,631,631,631,631,631,631,-1894,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,631,-1894,631,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,631,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,631,631,631,-191,-192,631,-994,631,631,631,631,631,-277,-278,-279,-280,-365,631,-308,631,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,631,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,631,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,631,631,631,631,631,631,-573,631,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,631,631,-723,-724,-725,631,631,631,631,631,631,-994,631,631,-91,-92,631,631,631,631,-309,-310,-320,631,-307,-293,-294,-295,631,631,631,631,-618,-633,-590,631,631,-436,631,-437,631,-444,-445,-446,-378,-379,631,631,631,-506,631,631,-510,631,631,631,631,-515,-516,-517,-518,631,631,-521,-522,631,-524,-525,-526,-527,-528,-529,-530,-531,631,-533,631,631,631,-539,-541,-542,631,-544,-545,-546,-547,631,631,631,631,631,631,-652,-653,-654,-655,631,-657,-658,-659,631,631,631,-665,631,631,-669,-670,631,631,-673,631,-675,-676,631,-679,631,-681,631,631,-684,-685,-686,631,-688,631,631,-691,631,631,-694,-695,-696,631,-698,-699,-700,-701,631,631,-746,631,-749,-750,-751,-752,-753,631,-755,-756,-757,-758,-759,631,-766,-767,-769,631,-771,-772,-773,-782,-856,-858,-860,-862,631,631,631,631,-868,631,-870,631,631,631,631,631,631,631,-906,-907,631,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,631,-921,-924,631,-934,631,-385,-386,-387,631,631,-390,-391,-392,-393,631,-396,631,-399,-400,631,-401,631,-406,-407,631,-410,-411,-412,631,-415,631,-416,631,-421,-422,631,-425,631,-428,-429,-1894,-1894,631,-619,-620,-621,-622,-623,-634,-584,-624,-797,631,631,631,631,631,-831,631,631,-806,631,-832,631,631,631,631,-798,631,-853,-799,631,631,631,631,631,631,-854,-855,631,-834,-830,-835,631,-625,631,-626,-627,-628,-629,-574,631,631,-630,-631,-632,631,631,631,631,631,631,-635,-636,-637,-592,-1894,-602,631,-638,-639,-713,-640,-604,631,-572,-577,-580,-583,631,631,631,-598,-601,631,-608,631,631,631,631,631,631,631,631,631,631,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,631,631,631,-995,631,631,631,631,631,631,-306,-325,-319,-296,-375,-452,-453,-454,-458,631,-443,631,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,631,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,631,631,631,631,631,631,631,631,631,-316,-535,-508,-591,-937,-939,-940,-438,631,-440,-380,-381,-383,-507,-509,-511,631,-513,-514,-519,-520,631,-532,-534,-537,-538,-543,-548,-726,631,-727,631,-732,631,-734,631,-739,-656,-660,-661,631,-666,631,-667,631,-672,-674,631,-677,631,631,631,-687,-689,631,-692,631,631,-744,631,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,631,631,631,631,631,-877,631,-880,-908,-920,-925,-388,-389,631,-394,631,-397,631,-402,631,-403,631,-408,631,-413,631,-417,631,-418,631,-423,631,-426,-899,-900,-643,-585,-1894,-901,631,631,631,-800,631,631,-804,631,-807,-833,631,-818,631,-820,631,-822,-808,631,-824,631,-851,-852,631,631,-811,631,-646,-902,-904,-648,-649,-645,631,-705,-706,631,-642,-903,-647,-650,-603,-714,631,631,-605,-586,631,631,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,631,631,-709,-710,631,-716,631,631,631,631,631,631,-938,631,-439,-441,-747,631,-891,631,-715,-1894,631,631,631,631,631,-442,-512,-523,631,-728,-733,631,-735,631,-740,631,-662,-668,631,-678,-680,-682,-683,-690,-693,-697,-745,631,631,-874,631,631,-878,631,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,631,-812,631,-814,-801,631,-802,-805,631,-816,-819,-821,-823,-825,631,-826,631,-809,631,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,631,-282,631,631,631,631,-455,631,631,-729,631,-736,631,-741,631,-663,-671,631,631,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,631,-836,-53,631,631,-730,631,-737,631,-742,-664,631,-873,-54,631,631,-731,-738,-743,631,631,631,-872,]),'REGEXP_INSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[632,632,632,1078,-1894,632,632,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,632,632,632,632,-275,-276,1078,-1425,1078,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1078,1078,1078,-490,1078,1078,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1078,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1078,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1937,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,632,-172,-173,-174,-175,-993,632,632,632,632,632,632,632,632,632,632,1078,1078,1078,1078,1078,-290,-291,-281,632,1078,1078,1078,1078,-328,-318,-332,-333,-334,1078,1078,-982,-983,-984,-985,-986,-987,-988,632,632,1078,1078,1078,1078,1078,1078,1078,1078,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1078,1078,1078,-353,-356,632,-323,-324,-141,1078,-142,1078,-143,1078,-430,-935,-936,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1894,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1894,1078,-1894,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1894,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-1894,632,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1078,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1078,632,632,-191,-192,632,-994,1078,632,632,632,632,-277,-278,-279,-280,-365,1078,-308,1078,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1078,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1078,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1078,1078,1078,1078,1078,1078,-573,1078,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1078,1078,-723,-724,-725,1078,1937,632,632,632,632,-994,632,1078,-91,-92,632,632,632,1078,-309,-310,-320,1078,-307,-293,-294,-295,1078,632,1078,1078,-618,-633,-590,1078,632,-436,632,-437,1078,-444,-445,-446,-378,-379,1078,1078,1078,-506,1078,1078,-510,1078,1078,1078,1078,-515,-516,-517,-518,1078,1078,-521,-522,1078,-524,-525,-526,-527,-528,-529,-530,-531,1078,-533,1078,1078,1078,-539,-541,-542,1078,-544,-545,-546,-547,1078,1078,1078,1078,1078,1078,-652,-653,-654,-655,632,-657,-658,-659,1078,1078,1078,-665,1078,1078,-669,-670,1078,1078,-673,1078,-675,-676,1078,-679,1078,-681,1078,1078,-684,-685,-686,1078,-688,1078,1078,-691,1078,1078,-694,-695,-696,1078,-698,-699,-700,-701,1078,1078,-746,1078,-749,-750,-751,-752,-753,1078,-755,-756,-757,-758,-759,1078,-766,-767,-769,1078,-771,-772,-773,-782,-856,-858,-860,-862,1078,1078,1078,1078,-868,1078,-870,1078,1078,1078,1078,1078,1078,1078,-906,-907,1078,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1078,-921,-924,1078,-934,1078,-385,-386,-387,1078,1078,-390,-391,-392,-393,1078,-396,1078,-399,-400,1078,-401,1078,-406,-407,1078,-410,-411,-412,1078,-415,1078,-416,1078,-421,-422,1078,-425,1078,-428,-429,-1894,-1894,1078,-619,-620,-621,-622,-623,-634,-584,-624,-797,1078,1078,1078,1078,1078,-831,1078,1078,-806,1078,-832,1078,1078,1078,1078,-798,1078,-853,-799,1078,1078,1078,1078,1078,1078,-854,-855,1078,-834,-830,-835,1078,-625,1078,-626,-627,-628,-629,-574,1078,1078,-630,-631,-632,1078,1078,1078,1078,1078,1078,-635,-636,-637,-592,-1894,-602,1078,-638,-639,-713,-640,-604,1078,-572,-577,-580,-583,1078,1078,1078,-598,-601,1078,-608,1078,1078,1078,1078,1078,1078,1078,1078,1078,1078,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1078,632,632,-995,632,1078,632,632,632,1078,-306,-325,-319,-296,-375,-452,-453,-454,-458,632,-443,1078,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1078,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,632,632,632,632,632,632,632,632,1078,-316,-535,-508,-591,-937,-939,-940,-438,1078,-440,-380,-381,-383,-507,-509,-511,1078,-513,-514,-519,-520,1078,-532,-534,-537,-538,-543,-548,-726,1078,-727,1078,-732,1078,-734,1078,-739,-656,-660,-661,1078,-666,1078,-667,1078,-672,-674,1078,-677,1078,1078,1078,-687,-689,1078,-692,1078,1078,-744,1078,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1078,1078,1078,1078,1078,-877,1078,-880,-908,-920,-925,-388,-389,1078,-394,1078,-397,1078,-402,1078,-403,1078,-408,1078,-413,1078,-417,1078,-418,1078,-423,1078,-426,-899,-900,-643,-585,-1894,-901,1078,1078,1078,-800,1078,1078,-804,1078,-807,-833,1078,-818,1078,-820,1078,-822,-808,1078,-824,1078,-851,-852,1078,1078,-811,1078,-646,-902,-904,-648,-649,-645,1078,-705,-706,1078,-642,-903,-647,-650,-603,-714,1078,1078,-605,-586,1078,1078,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1078,1078,-709,-710,1078,-716,1078,632,632,632,1078,1078,-938,632,-439,-441,-747,1078,-891,1937,-715,-1894,1078,1078,632,632,1078,-442,-512,-523,1078,-728,-733,1078,-735,1078,-740,1078,-662,-668,1078,-678,-680,-682,-683,-690,-693,-697,-745,1078,1078,-874,1078,1078,-878,1078,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1078,-812,1078,-814,-801,1078,-802,-805,1078,-816,-819,-821,-823,-825,1078,-826,1078,-809,1078,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,632,-282,632,1078,632,1078,-455,1078,1078,-729,1078,-736,1078,-741,1078,-663,-671,1078,1078,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1078,-836,-53,632,1078,-730,1078,-737,1078,-742,-664,1078,-873,-54,632,632,-731,-738,-743,1078,632,1078,-872,]),'REGEXP_LIKE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[633,633,633,1079,-1894,633,633,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,633,633,633,633,-275,-276,1079,-1425,1079,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1079,1079,1079,-490,1079,1079,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1079,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1079,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1938,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,633,-172,-173,-174,-175,-993,633,633,633,633,633,633,633,633,633,633,1079,1079,1079,1079,1079,-290,-291,-281,633,1079,1079,1079,1079,-328,-318,-332,-333,-334,1079,1079,-982,-983,-984,-985,-986,-987,-988,633,633,1079,1079,1079,1079,1079,1079,1079,1079,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1079,1079,1079,-353,-356,633,-323,-324,-141,1079,-142,1079,-143,1079,-430,-935,-936,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1894,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1894,1079,-1894,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1894,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-1894,633,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1079,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1079,633,633,-191,-192,633,-994,1079,633,633,633,633,-277,-278,-279,-280,-365,1079,-308,1079,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1079,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1079,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1079,1079,1079,1079,1079,1079,-573,1079,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1079,1079,-723,-724,-725,1079,1938,633,633,633,633,-994,633,1079,-91,-92,633,633,633,1079,-309,-310,-320,1079,-307,-293,-294,-295,1079,633,1079,1079,-618,-633,-590,1079,633,-436,633,-437,1079,-444,-445,-446,-378,-379,1079,1079,1079,-506,1079,1079,-510,1079,1079,1079,1079,-515,-516,-517,-518,1079,1079,-521,-522,1079,-524,-525,-526,-527,-528,-529,-530,-531,1079,-533,1079,1079,1079,-539,-541,-542,1079,-544,-545,-546,-547,1079,1079,1079,1079,1079,1079,-652,-653,-654,-655,633,-657,-658,-659,1079,1079,1079,-665,1079,1079,-669,-670,1079,1079,-673,1079,-675,-676,1079,-679,1079,-681,1079,1079,-684,-685,-686,1079,-688,1079,1079,-691,1079,1079,-694,-695,-696,1079,-698,-699,-700,-701,1079,1079,-746,1079,-749,-750,-751,-752,-753,1079,-755,-756,-757,-758,-759,1079,-766,-767,-769,1079,-771,-772,-773,-782,-856,-858,-860,-862,1079,1079,1079,1079,-868,1079,-870,1079,1079,1079,1079,1079,1079,1079,-906,-907,1079,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1079,-921,-924,1079,-934,1079,-385,-386,-387,1079,1079,-390,-391,-392,-393,1079,-396,1079,-399,-400,1079,-401,1079,-406,-407,1079,-410,-411,-412,1079,-415,1079,-416,1079,-421,-422,1079,-425,1079,-428,-429,-1894,-1894,1079,-619,-620,-621,-622,-623,-634,-584,-624,-797,1079,1079,1079,1079,1079,-831,1079,1079,-806,1079,-832,1079,1079,1079,1079,-798,1079,-853,-799,1079,1079,1079,1079,1079,1079,-854,-855,1079,-834,-830,-835,1079,-625,1079,-626,-627,-628,-629,-574,1079,1079,-630,-631,-632,1079,1079,1079,1079,1079,1079,-635,-636,-637,-592,-1894,-602,1079,-638,-639,-713,-640,-604,1079,-572,-577,-580,-583,1079,1079,1079,-598,-601,1079,-608,1079,1079,1079,1079,1079,1079,1079,1079,1079,1079,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1079,633,633,-995,633,1079,633,633,633,1079,-306,-325,-319,-296,-375,-452,-453,-454,-458,633,-443,1079,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1079,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,633,633,633,633,633,633,633,633,1079,-316,-535,-508,-591,-937,-939,-940,-438,1079,-440,-380,-381,-383,-507,-509,-511,1079,-513,-514,-519,-520,1079,-532,-534,-537,-538,-543,-548,-726,1079,-727,1079,-732,1079,-734,1079,-739,-656,-660,-661,1079,-666,1079,-667,1079,-672,-674,1079,-677,1079,1079,1079,-687,-689,1079,-692,1079,1079,-744,1079,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1079,1079,1079,1079,1079,-877,1079,-880,-908,-920,-925,-388,-389,1079,-394,1079,-397,1079,-402,1079,-403,1079,-408,1079,-413,1079,-417,1079,-418,1079,-423,1079,-426,-899,-900,-643,-585,-1894,-901,1079,1079,1079,-800,1079,1079,-804,1079,-807,-833,1079,-818,1079,-820,1079,-822,-808,1079,-824,1079,-851,-852,1079,1079,-811,1079,-646,-902,-904,-648,-649,-645,1079,-705,-706,1079,-642,-903,-647,-650,-603,-714,1079,1079,-605,-586,1079,1079,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1079,1079,-709,-710,1079,-716,1079,633,633,633,1079,1079,-938,633,-439,-441,-747,1079,-891,1938,-715,-1894,1079,1079,633,633,1079,-442,-512,-523,1079,-728,-733,1079,-735,1079,-740,1079,-662,-668,1079,-678,-680,-682,-683,-690,-693,-697,-745,1079,1079,-874,1079,1079,-878,1079,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1079,-812,1079,-814,-801,1079,-802,-805,1079,-816,-819,-821,-823,-825,1079,-826,1079,-809,1079,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,633,-282,633,1079,633,1079,-455,1079,1079,-729,1079,-736,1079,-741,1079,-663,-671,1079,1079,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1079,-836,-53,633,1079,-730,1079,-737,1079,-742,-664,1079,-873,-54,633,633,-731,-738,-743,1079,633,1079,-872,]),'REGEXP_REPLACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[634,634,634,1080,-1894,634,634,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,634,634,634,634,-275,-276,1080,-1425,1080,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1080,1080,1080,-490,1080,1080,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1080,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1080,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1939,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,634,-172,-173,-174,-175,-993,634,634,634,634,634,634,634,634,634,634,1080,1080,1080,1080,1080,-290,-291,-281,634,1080,1080,1080,1080,-328,-318,-332,-333,-334,1080,1080,-982,-983,-984,-985,-986,-987,-988,634,634,1080,1080,1080,1080,1080,1080,1080,1080,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1080,1080,1080,-353,-356,634,-323,-324,-141,1080,-142,1080,-143,1080,-430,-935,-936,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1894,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1894,1080,-1894,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1894,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-1894,634,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1080,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1080,634,634,-191,-192,634,-994,1080,634,634,634,634,-277,-278,-279,-280,-365,1080,-308,1080,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1080,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1080,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1080,1080,1080,1080,1080,1080,-573,1080,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1080,1080,-723,-724,-725,1080,1939,634,634,634,634,-994,634,1080,-91,-92,634,634,634,1080,-309,-310,-320,1080,-307,-293,-294,-295,1080,634,1080,1080,-618,-633,-590,1080,634,-436,634,-437,1080,-444,-445,-446,-378,-379,1080,1080,1080,-506,1080,1080,-510,1080,1080,1080,1080,-515,-516,-517,-518,1080,1080,-521,-522,1080,-524,-525,-526,-527,-528,-529,-530,-531,1080,-533,1080,1080,1080,-539,-541,-542,1080,-544,-545,-546,-547,1080,1080,1080,1080,1080,1080,-652,-653,-654,-655,634,-657,-658,-659,1080,1080,1080,-665,1080,1080,-669,-670,1080,1080,-673,1080,-675,-676,1080,-679,1080,-681,1080,1080,-684,-685,-686,1080,-688,1080,1080,-691,1080,1080,-694,-695,-696,1080,-698,-699,-700,-701,1080,1080,-746,1080,-749,-750,-751,-752,-753,1080,-755,-756,-757,-758,-759,1080,-766,-767,-769,1080,-771,-772,-773,-782,-856,-858,-860,-862,1080,1080,1080,1080,-868,1080,-870,1080,1080,1080,1080,1080,1080,1080,-906,-907,1080,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1080,-921,-924,1080,-934,1080,-385,-386,-387,1080,1080,-390,-391,-392,-393,1080,-396,1080,-399,-400,1080,-401,1080,-406,-407,1080,-410,-411,-412,1080,-415,1080,-416,1080,-421,-422,1080,-425,1080,-428,-429,-1894,-1894,1080,-619,-620,-621,-622,-623,-634,-584,-624,-797,1080,1080,1080,1080,1080,-831,1080,1080,-806,1080,-832,1080,1080,1080,1080,-798,1080,-853,-799,1080,1080,1080,1080,1080,1080,-854,-855,1080,-834,-830,-835,1080,-625,1080,-626,-627,-628,-629,-574,1080,1080,-630,-631,-632,1080,1080,1080,1080,1080,1080,-635,-636,-637,-592,-1894,-602,1080,-638,-639,-713,-640,-604,1080,-572,-577,-580,-583,1080,1080,1080,-598,-601,1080,-608,1080,1080,1080,1080,1080,1080,1080,1080,1080,1080,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1080,634,634,-995,634,1080,634,634,634,1080,-306,-325,-319,-296,-375,-452,-453,-454,-458,634,-443,1080,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1080,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,634,634,634,634,634,634,634,634,1080,-316,-535,-508,-591,-937,-939,-940,-438,1080,-440,-380,-381,-383,-507,-509,-511,1080,-513,-514,-519,-520,1080,-532,-534,-537,-538,-543,-548,-726,1080,-727,1080,-732,1080,-734,1080,-739,-656,-660,-661,1080,-666,1080,-667,1080,-672,-674,1080,-677,1080,1080,1080,-687,-689,1080,-692,1080,1080,-744,1080,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1080,1080,1080,1080,1080,-877,1080,-880,-908,-920,-925,-388,-389,1080,-394,1080,-397,1080,-402,1080,-403,1080,-408,1080,-413,1080,-417,1080,-418,1080,-423,1080,-426,-899,-900,-643,-585,-1894,-901,1080,1080,1080,-800,1080,1080,-804,1080,-807,-833,1080,-818,1080,-820,1080,-822,-808,1080,-824,1080,-851,-852,1080,1080,-811,1080,-646,-902,-904,-648,-649,-645,1080,-705,-706,1080,-642,-903,-647,-650,-603,-714,1080,1080,-605,-586,1080,1080,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1080,1080,-709,-710,1080,-716,1080,634,634,634,1080,1080,-938,634,-439,-441,-747,1080,-891,1939,-715,-1894,1080,1080,634,634,1080,-442,-512,-523,1080,-728,-733,1080,-735,1080,-740,1080,-662,-668,1080,-678,-680,-682,-683,-690,-693,-697,-745,1080,1080,-874,1080,1080,-878,1080,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1080,-812,1080,-814,-801,1080,-802,-805,1080,-816,-819,-821,-823,-825,1080,-826,1080,-809,1080,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,634,-282,634,1080,634,1080,-455,1080,1080,-729,1080,-736,1080,-741,1080,-663,-671,1080,1080,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1080,-836,-53,634,1080,-730,1080,-737,1080,-742,-664,1080,-873,-54,634,634,-731,-738,-743,1080,634,1080,-872,]),'REGEXP_SUBSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[635,635,635,1081,-1894,635,635,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,635,635,635,635,-275,-276,1081,-1425,1081,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1081,1081,1081,-490,1081,1081,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1081,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1081,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1940,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,635,-172,-173,-174,-175,-993,635,635,635,635,635,635,635,635,635,635,1081,1081,1081,1081,1081,-290,-291,-281,635,1081,1081,1081,1081,-328,-318,-332,-333,-334,1081,1081,-982,-983,-984,-985,-986,-987,-988,635,635,1081,1081,1081,1081,1081,1081,1081,1081,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1081,1081,1081,-353,-356,635,-323,-324,-141,1081,-142,1081,-143,1081,-430,-935,-936,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1894,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1894,1081,-1894,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1894,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-1894,635,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1081,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1081,635,635,-191,-192,635,-994,1081,635,635,635,635,-277,-278,-279,-280,-365,1081,-308,1081,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1081,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1081,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1081,1081,1081,1081,1081,1081,-573,1081,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1081,1081,-723,-724,-725,1081,1940,635,635,635,635,-994,635,1081,-91,-92,635,635,635,1081,-309,-310,-320,1081,-307,-293,-294,-295,1081,635,1081,1081,-618,-633,-590,1081,635,-436,635,-437,1081,-444,-445,-446,-378,-379,1081,1081,1081,-506,1081,1081,-510,1081,1081,1081,1081,-515,-516,-517,-518,1081,1081,-521,-522,1081,-524,-525,-526,-527,-528,-529,-530,-531,1081,-533,1081,1081,1081,-539,-541,-542,1081,-544,-545,-546,-547,1081,1081,1081,1081,1081,1081,-652,-653,-654,-655,635,-657,-658,-659,1081,1081,1081,-665,1081,1081,-669,-670,1081,1081,-673,1081,-675,-676,1081,-679,1081,-681,1081,1081,-684,-685,-686,1081,-688,1081,1081,-691,1081,1081,-694,-695,-696,1081,-698,-699,-700,-701,1081,1081,-746,1081,-749,-750,-751,-752,-753,1081,-755,-756,-757,-758,-759,1081,-766,-767,-769,1081,-771,-772,-773,-782,-856,-858,-860,-862,1081,1081,1081,1081,-868,1081,-870,1081,1081,1081,1081,1081,1081,1081,-906,-907,1081,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1081,-921,-924,1081,-934,1081,-385,-386,-387,1081,1081,-390,-391,-392,-393,1081,-396,1081,-399,-400,1081,-401,1081,-406,-407,1081,-410,-411,-412,1081,-415,1081,-416,1081,-421,-422,1081,-425,1081,-428,-429,-1894,-1894,1081,-619,-620,-621,-622,-623,-634,-584,-624,-797,1081,1081,1081,1081,1081,-831,1081,1081,-806,1081,-832,1081,1081,1081,1081,-798,1081,-853,-799,1081,1081,1081,1081,1081,1081,-854,-855,1081,-834,-830,-835,1081,-625,1081,-626,-627,-628,-629,-574,1081,1081,-630,-631,-632,1081,1081,1081,1081,1081,1081,-635,-636,-637,-592,-1894,-602,1081,-638,-639,-713,-640,-604,1081,-572,-577,-580,-583,1081,1081,1081,-598,-601,1081,-608,1081,1081,1081,1081,1081,1081,1081,1081,1081,1081,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1081,635,635,-995,635,1081,635,635,635,1081,-306,-325,-319,-296,-375,-452,-453,-454,-458,635,-443,1081,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1081,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,635,635,635,635,635,635,635,635,1081,-316,-535,-508,-591,-937,-939,-940,-438,1081,-440,-380,-381,-383,-507,-509,-511,1081,-513,-514,-519,-520,1081,-532,-534,-537,-538,-543,-548,-726,1081,-727,1081,-732,1081,-734,1081,-739,-656,-660,-661,1081,-666,1081,-667,1081,-672,-674,1081,-677,1081,1081,1081,-687,-689,1081,-692,1081,1081,-744,1081,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1081,1081,1081,1081,1081,-877,1081,-880,-908,-920,-925,-388,-389,1081,-394,1081,-397,1081,-402,1081,-403,1081,-408,1081,-413,1081,-417,1081,-418,1081,-423,1081,-426,-899,-900,-643,-585,-1894,-901,1081,1081,1081,-800,1081,1081,-804,1081,-807,-833,1081,-818,1081,-820,1081,-822,-808,1081,-824,1081,-851,-852,1081,1081,-811,1081,-646,-902,-904,-648,-649,-645,1081,-705,-706,1081,-642,-903,-647,-650,-603,-714,1081,1081,-605,-586,1081,1081,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1081,1081,-709,-710,1081,-716,1081,635,635,635,1081,1081,-938,635,-439,-441,-747,1081,-891,1940,-715,-1894,1081,1081,635,635,1081,-442,-512,-523,1081,-728,-733,1081,-735,1081,-740,1081,-662,-668,1081,-678,-680,-682,-683,-690,-693,-697,-745,1081,1081,-874,1081,1081,-878,1081,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1081,-812,1081,-814,-801,1081,-802,-805,1081,-816,-819,-821,-823,-825,1081,-826,1081,-809,1081,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,635,-282,635,1081,635,1081,-455,1081,1081,-729,1081,-736,1081,-741,1081,-663,-671,1081,1081,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1081,-836,-53,635,1081,-730,1081,-737,1081,-742,-664,1081,-873,-54,635,635,-731,-738,-743,1081,635,1081,-872,]),'RELAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[636,636,636,636,-1894,636,636,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,636,636,636,636,-275,-276,636,-1425,636,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,636,636,636,-490,636,636,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,636,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,636,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,636,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,636,-172,-173,-174,-175,-993,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-290,-291,-281,636,636,636,636,636,-328,-318,-332,-333,-334,636,636,-982,-983,-984,-985,-986,-987,-988,636,636,636,636,636,636,636,636,636,636,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,636,636,636,-353,-356,636,-323,-324,-141,636,-142,636,-143,636,-430,-935,-936,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-1894,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-1894,636,-1894,636,636,636,636,636,636,636,636,636,636,636,636,-1894,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,636,-1894,636,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,636,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,636,636,636,-191,-192,636,-994,636,636,636,636,636,-277,-278,-279,-280,-365,636,-308,636,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,636,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,636,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,636,636,636,636,636,636,-573,636,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,636,636,-723,-724,-725,636,636,636,636,636,636,-994,636,636,-91,-92,636,636,636,636,-309,-310,-320,636,-307,-293,-294,-295,636,636,636,636,-618,-633,-590,636,636,-436,636,-437,636,-444,-445,-446,-378,-379,636,636,636,-506,636,636,-510,636,636,636,636,-515,-516,-517,-518,636,636,-521,-522,636,-524,-525,-526,-527,-528,-529,-530,-531,636,-533,636,636,636,-539,-541,-542,636,-544,-545,-546,-547,636,636,636,636,636,636,-652,-653,-654,-655,636,-657,-658,-659,636,636,636,-665,636,636,-669,-670,636,636,-673,636,-675,-676,636,-679,636,-681,636,636,-684,-685,-686,636,-688,636,636,-691,636,636,-694,-695,-696,636,-698,-699,-700,-701,636,636,-746,636,-749,-750,-751,-752,-753,636,-755,-756,-757,-758,-759,636,-766,-767,-769,636,-771,-772,-773,-782,-856,-858,-860,-862,636,636,636,636,-868,636,-870,636,636,636,636,636,636,636,-906,-907,636,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,636,-921,-924,636,-934,636,-385,-386,-387,636,636,-390,-391,-392,-393,636,-396,636,-399,-400,636,-401,636,-406,-407,636,-410,-411,-412,636,-415,636,-416,636,-421,-422,636,-425,636,-428,-429,-1894,-1894,636,-619,-620,-621,-622,-623,-634,-584,-624,-797,636,636,636,636,636,-831,636,636,-806,636,-832,636,636,636,636,-798,636,-853,-799,636,636,636,636,636,636,-854,-855,636,-834,-830,-835,636,-625,636,-626,-627,-628,-629,-574,636,636,-630,-631,-632,636,636,636,636,636,636,-635,-636,-637,-592,-1894,-602,636,-638,-639,-713,-640,-604,636,-572,-577,-580,-583,636,636,636,-598,-601,636,-608,636,636,636,636,636,636,636,636,636,636,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,636,636,636,-995,636,636,636,636,636,636,-306,-325,-319,-296,-375,-452,-453,-454,-458,636,-443,636,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,636,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,636,636,636,636,636,636,636,636,636,-316,-535,-508,-591,-937,-939,-940,-438,636,-440,-380,-381,-383,-507,-509,-511,636,-513,-514,-519,-520,636,-532,-534,-537,-538,-543,-548,-726,636,-727,636,-732,636,-734,636,-739,-656,-660,-661,636,-666,636,-667,636,-672,-674,636,-677,636,636,636,-687,-689,636,-692,636,636,-744,636,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,636,636,636,636,636,-877,636,-880,-908,-920,-925,-388,-389,636,-394,636,-397,636,-402,636,-403,636,-408,636,-413,636,-417,636,-418,636,-423,636,-426,-899,-900,-643,-585,-1894,-901,636,636,636,-800,636,636,-804,636,-807,-833,636,-818,636,-820,636,-822,-808,636,-824,636,-851,-852,636,636,-811,636,-646,-902,-904,-648,-649,-645,636,-705,-706,636,-642,-903,-647,-650,-603,-714,636,636,-605,-586,636,636,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,636,636,-709,-710,636,-716,636,636,636,636,636,636,-938,636,-439,-441,-747,636,-891,636,-715,-1894,636,636,636,636,636,-442,-512,-523,636,-728,-733,636,-735,636,-740,636,-662,-668,636,-678,-680,-682,-683,-690,-693,-697,-745,636,636,-874,636,636,-878,636,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,636,-812,636,-814,-801,636,-802,-805,636,-816,-819,-821,-823,-825,636,-826,636,-809,636,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,636,-282,636,636,636,636,-455,636,636,-729,636,-736,636,-741,636,-663,-671,636,636,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,636,-836,-53,636,636,-730,636,-737,636,-742,-664,636,-873,-54,636,636,-731,-738,-743,636,636,636,-872,]),'RELAYLOG':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[637,637,637,637,-1894,637,637,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,637,637,637,637,-275,-276,637,-1425,637,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,637,637,637,-490,637,637,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,637,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,637,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,637,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,637,-172,-173,-174,-175,-993,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-290,-291,-281,637,637,637,637,637,-328,-318,-332,-333,-334,637,637,-982,-983,-984,-985,-986,-987,-988,637,637,637,637,637,637,637,637,637,637,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,637,637,637,-353,-356,637,-323,-324,-141,637,-142,637,-143,637,-430,-935,-936,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-1894,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-1894,637,-1894,637,637,637,637,637,637,637,637,637,637,637,637,-1894,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,637,-1894,637,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,637,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,637,637,637,-191,-192,637,-994,637,637,637,637,637,-277,-278,-279,-280,-365,637,-308,637,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,637,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,637,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,637,637,637,637,637,637,-573,637,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,637,637,-723,-724,-725,637,637,637,637,637,637,-994,637,637,-91,-92,637,637,637,637,-309,-310,-320,637,-307,-293,-294,-295,637,637,637,637,-618,-633,-590,637,637,-436,637,-437,637,-444,-445,-446,-378,-379,637,637,637,-506,637,637,-510,637,637,637,637,-515,-516,-517,-518,637,637,-521,-522,637,-524,-525,-526,-527,-528,-529,-530,-531,637,-533,637,637,637,-539,-541,-542,637,-544,-545,-546,-547,637,637,637,637,637,637,-652,-653,-654,-655,637,-657,-658,-659,637,637,637,-665,637,637,-669,-670,637,637,-673,637,-675,-676,637,-679,637,-681,637,637,-684,-685,-686,637,-688,637,637,-691,637,637,-694,-695,-696,637,-698,-699,-700,-701,637,637,-746,637,-749,-750,-751,-752,-753,637,-755,-756,-757,-758,-759,637,-766,-767,-769,637,-771,-772,-773,-782,-856,-858,-860,-862,637,637,637,637,-868,637,-870,637,637,637,637,637,637,637,-906,-907,637,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,637,-921,-924,637,-934,637,-385,-386,-387,637,637,-390,-391,-392,-393,637,-396,637,-399,-400,637,-401,637,-406,-407,637,-410,-411,-412,637,-415,637,-416,637,-421,-422,637,-425,637,-428,-429,-1894,-1894,637,-619,-620,-621,-622,-623,-634,-584,-624,-797,637,637,637,637,637,-831,637,637,-806,637,-832,637,637,637,637,-798,637,-853,-799,637,637,637,637,637,637,-854,-855,637,-834,-830,-835,637,-625,637,-626,-627,-628,-629,-574,637,637,-630,-631,-632,637,637,637,637,637,637,-635,-636,-637,-592,-1894,-602,637,-638,-639,-713,-640,-604,637,-572,-577,-580,-583,637,637,637,-598,-601,637,-608,637,637,637,637,637,637,637,637,637,637,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,637,637,637,-995,637,637,637,637,637,637,-306,-325,-319,-296,-375,-452,-453,-454,-458,637,-443,637,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,637,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,637,637,637,637,637,637,637,637,637,-316,-535,-508,-591,-937,-939,-940,-438,637,-440,-380,-381,-383,-507,-509,-511,637,-513,-514,-519,-520,637,-532,-534,-537,-538,-543,-548,-726,637,-727,637,-732,637,-734,637,-739,-656,-660,-661,637,-666,637,-667,637,-672,-674,637,-677,637,637,637,-687,-689,637,-692,637,637,-744,637,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,637,637,637,637,637,-877,637,-880,-908,-920,-925,-388,-389,637,-394,637,-397,637,-402,637,-403,637,-408,637,-413,637,-417,637,-418,637,-423,637,-426,-899,-900,-643,-585,-1894,-901,637,637,637,-800,637,637,-804,637,-807,-833,637,-818,637,-820,637,-822,-808,637,-824,637,-851,-852,637,637,-811,637,-646,-902,-904,-648,-649,-645,637,-705,-706,637,-642,-903,-647,-650,-603,-714,637,637,-605,-586,637,637,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,637,637,-709,-710,637,-716,637,637,637,637,637,637,-938,637,-439,-441,-747,637,-891,637,-715,-1894,637,637,637,637,637,-442,-512,-523,637,-728,-733,637,-735,637,-740,637,-662,-668,637,-678,-680,-682,-683,-690,-693,-697,-745,637,637,-874,637,637,-878,637,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,637,-812,637,-814,-801,637,-802,-805,637,-816,-819,-821,-823,-825,637,-826,637,-809,637,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,637,-282,637,637,637,637,-455,637,637,-729,637,-736,637,-741,637,-663,-671,637,637,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,637,-836,-53,637,637,-730,637,-737,637,-742,-664,637,-873,-54,637,637,-731,-738,-743,637,637,637,-872,]),'RELAY_LOG_FILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[638,638,638,638,-1894,638,638,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,638,638,638,638,-275,-276,638,-1425,638,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,638,638,638,-490,638,638,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,638,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,638,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,638,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,638,-172,-173,-174,-175,-993,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-290,-291,-281,638,638,638,638,638,-328,-318,-332,-333,-334,638,638,-982,-983,-984,-985,-986,-987,-988,638,638,638,638,638,638,638,638,638,638,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,638,638,638,-353,-356,638,-323,-324,-141,638,-142,638,-143,638,-430,-935,-936,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-1894,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-1894,638,-1894,638,638,638,638,638,638,638,638,638,638,638,638,-1894,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,638,-1894,638,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,638,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,638,638,638,-191,-192,638,-994,638,638,638,638,638,-277,-278,-279,-280,-365,638,-308,638,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,638,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,638,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,638,638,638,638,638,638,-573,638,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,638,638,-723,-724,-725,638,638,638,638,638,638,-994,638,638,-91,-92,638,638,638,638,-309,-310,-320,638,-307,-293,-294,-295,638,638,638,638,-618,-633,-590,638,638,-436,638,-437,638,-444,-445,-446,-378,-379,638,638,638,-506,638,638,-510,638,638,638,638,-515,-516,-517,-518,638,638,-521,-522,638,-524,-525,-526,-527,-528,-529,-530,-531,638,-533,638,638,638,-539,-541,-542,638,-544,-545,-546,-547,638,638,638,638,638,638,-652,-653,-654,-655,638,-657,-658,-659,638,638,638,-665,638,638,-669,-670,638,638,-673,638,-675,-676,638,-679,638,-681,638,638,-684,-685,-686,638,-688,638,638,-691,638,638,-694,-695,-696,638,-698,-699,-700,-701,638,638,-746,638,-749,-750,-751,-752,-753,638,-755,-756,-757,-758,-759,638,-766,-767,-769,638,-771,-772,-773,-782,-856,-858,-860,-862,638,638,638,638,-868,638,-870,638,638,638,638,638,638,638,-906,-907,638,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,638,-921,-924,638,-934,638,-385,-386,-387,638,638,-390,-391,-392,-393,638,-396,638,-399,-400,638,-401,638,-406,-407,638,-410,-411,-412,638,-415,638,-416,638,-421,-422,638,-425,638,-428,-429,-1894,-1894,638,-619,-620,-621,-622,-623,-634,-584,-624,-797,638,638,638,638,638,-831,638,638,-806,638,-832,638,638,638,638,-798,638,-853,-799,638,638,638,638,638,638,-854,-855,638,-834,-830,-835,638,-625,638,-626,-627,-628,-629,-574,638,638,-630,-631,-632,638,638,638,638,638,638,-635,-636,-637,-592,-1894,-602,638,-638,-639,-713,-640,-604,638,-572,-577,-580,-583,638,638,638,-598,-601,638,-608,638,638,638,638,638,638,638,638,638,638,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,638,638,638,-995,638,638,638,638,638,638,-306,-325,-319,-296,-375,-452,-453,-454,-458,638,-443,638,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,638,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,638,638,638,638,638,638,638,638,638,-316,-535,-508,-591,-937,-939,-940,-438,638,-440,-380,-381,-383,-507,-509,-511,638,-513,-514,-519,-520,638,-532,-534,-537,-538,-543,-548,-726,638,-727,638,-732,638,-734,638,-739,-656,-660,-661,638,-666,638,-667,638,-672,-674,638,-677,638,638,638,-687,-689,638,-692,638,638,-744,638,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,638,638,638,638,638,-877,638,-880,-908,-920,-925,-388,-389,638,-394,638,-397,638,-402,638,-403,638,-408,638,-413,638,-417,638,-418,638,-423,638,-426,-899,-900,-643,-585,-1894,-901,638,638,638,-800,638,638,-804,638,-807,-833,638,-818,638,-820,638,-822,-808,638,-824,638,-851,-852,638,638,-811,638,-646,-902,-904,-648,-649,-645,638,-705,-706,638,-642,-903,-647,-650,-603,-714,638,638,-605,-586,638,638,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,638,638,-709,-710,638,-716,638,638,638,638,638,638,-938,638,-439,-441,-747,638,-891,638,-715,-1894,638,638,638,638,638,-442,-512,-523,638,-728,-733,638,-735,638,-740,638,-662,-668,638,-678,-680,-682,-683,-690,-693,-697,-745,638,638,-874,638,638,-878,638,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,638,-812,638,-814,-801,638,-802,-805,638,-816,-819,-821,-823,-825,638,-826,638,-809,638,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,638,-282,638,638,638,638,-455,638,638,-729,638,-736,638,-741,638,-663,-671,638,638,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,638,-836,-53,638,638,-730,638,-737,638,-742,-664,638,-873,-54,638,638,-731,-738,-743,638,638,638,-872,]),'RELAY_LOG_POS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[639,639,639,639,-1894,639,639,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,639,639,639,639,-275,-276,639,-1425,639,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,639,639,639,-490,639,639,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,639,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,639,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,639,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,639,-172,-173,-174,-175,-993,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-290,-291,-281,639,639,639,639,639,-328,-318,-332,-333,-334,639,639,-982,-983,-984,-985,-986,-987,-988,639,639,639,639,639,639,639,639,639,639,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,639,639,639,-353,-356,639,-323,-324,-141,639,-142,639,-143,639,-430,-935,-936,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-1894,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-1894,639,-1894,639,639,639,639,639,639,639,639,639,639,639,639,-1894,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,639,-1894,639,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,639,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,639,639,639,-191,-192,639,-994,639,639,639,639,639,-277,-278,-279,-280,-365,639,-308,639,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,639,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,639,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,639,639,639,639,639,639,-573,639,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,639,639,-723,-724,-725,639,639,639,639,639,639,-994,639,639,-91,-92,639,639,639,639,-309,-310,-320,639,-307,-293,-294,-295,639,639,639,639,-618,-633,-590,639,639,-436,639,-437,639,-444,-445,-446,-378,-379,639,639,639,-506,639,639,-510,639,639,639,639,-515,-516,-517,-518,639,639,-521,-522,639,-524,-525,-526,-527,-528,-529,-530,-531,639,-533,639,639,639,-539,-541,-542,639,-544,-545,-546,-547,639,639,639,639,639,639,-652,-653,-654,-655,639,-657,-658,-659,639,639,639,-665,639,639,-669,-670,639,639,-673,639,-675,-676,639,-679,639,-681,639,639,-684,-685,-686,639,-688,639,639,-691,639,639,-694,-695,-696,639,-698,-699,-700,-701,639,639,-746,639,-749,-750,-751,-752,-753,639,-755,-756,-757,-758,-759,639,-766,-767,-769,639,-771,-772,-773,-782,-856,-858,-860,-862,639,639,639,639,-868,639,-870,639,639,639,639,639,639,639,-906,-907,639,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,639,-921,-924,639,-934,639,-385,-386,-387,639,639,-390,-391,-392,-393,639,-396,639,-399,-400,639,-401,639,-406,-407,639,-410,-411,-412,639,-415,639,-416,639,-421,-422,639,-425,639,-428,-429,-1894,-1894,639,-619,-620,-621,-622,-623,-634,-584,-624,-797,639,639,639,639,639,-831,639,639,-806,639,-832,639,639,639,639,-798,639,-853,-799,639,639,639,639,639,639,-854,-855,639,-834,-830,-835,639,-625,639,-626,-627,-628,-629,-574,639,639,-630,-631,-632,639,639,639,639,639,639,-635,-636,-637,-592,-1894,-602,639,-638,-639,-713,-640,-604,639,-572,-577,-580,-583,639,639,639,-598,-601,639,-608,639,639,639,639,639,639,639,639,639,639,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,639,639,639,-995,639,639,639,639,639,639,-306,-325,-319,-296,-375,-452,-453,-454,-458,639,-443,639,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,639,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,639,639,639,639,639,639,639,639,639,-316,-535,-508,-591,-937,-939,-940,-438,639,-440,-380,-381,-383,-507,-509,-511,639,-513,-514,-519,-520,639,-532,-534,-537,-538,-543,-548,-726,639,-727,639,-732,639,-734,639,-739,-656,-660,-661,639,-666,639,-667,639,-672,-674,639,-677,639,639,639,-687,-689,639,-692,639,639,-744,639,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,639,639,639,639,639,-877,639,-880,-908,-920,-925,-388,-389,639,-394,639,-397,639,-402,639,-403,639,-408,639,-413,639,-417,639,-418,639,-423,639,-426,-899,-900,-643,-585,-1894,-901,639,639,639,-800,639,639,-804,639,-807,-833,639,-818,639,-820,639,-822,-808,639,-824,639,-851,-852,639,639,-811,639,-646,-902,-904,-648,-649,-645,639,-705,-706,639,-642,-903,-647,-650,-603,-714,639,639,-605,-586,639,639,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,639,639,-709,-710,639,-716,639,639,639,639,639,639,-938,639,-439,-441,-747,639,-891,639,-715,-1894,639,639,639,639,639,-442,-512,-523,639,-728,-733,639,-735,639,-740,639,-662,-668,639,-678,-680,-682,-683,-690,-693,-697,-745,639,639,-874,639,639,-878,639,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,639,-812,639,-814,-801,639,-802,-805,639,-816,-819,-821,-823,-825,639,-826,639,-809,639,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,639,-282,639,639,639,639,-455,639,639,-729,639,-736,639,-741,639,-663,-671,639,639,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,639,-836,-53,639,639,-730,639,-737,639,-742,-664,639,-873,-54,639,639,-731,-738,-743,639,639,639,-872,]),'RELAY_THREAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[640,640,640,640,-1894,640,640,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,640,640,640,640,-275,-276,640,-1425,640,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,640,640,640,-490,640,640,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,640,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,640,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,640,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,640,-172,-173,-174,-175,-993,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-290,-291,-281,640,640,640,640,640,-328,-318,-332,-333,-334,640,640,-982,-983,-984,-985,-986,-987,-988,640,640,640,640,640,640,640,640,640,640,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,640,640,640,-353,-356,640,-323,-324,-141,640,-142,640,-143,640,-430,-935,-936,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-1894,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-1894,640,-1894,640,640,640,640,640,640,640,640,640,640,640,640,-1894,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,640,-1894,640,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,640,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,640,640,640,-191,-192,640,-994,640,640,640,640,640,-277,-278,-279,-280,-365,640,-308,640,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,640,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,640,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,640,640,640,640,640,640,-573,640,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,640,640,-723,-724,-725,640,640,640,640,640,640,-994,640,640,-91,-92,640,640,640,640,-309,-310,-320,640,-307,-293,-294,-295,640,640,640,640,-618,-633,-590,640,640,-436,640,-437,640,-444,-445,-446,-378,-379,640,640,640,-506,640,640,-510,640,640,640,640,-515,-516,-517,-518,640,640,-521,-522,640,-524,-525,-526,-527,-528,-529,-530,-531,640,-533,640,640,640,-539,-541,-542,640,-544,-545,-546,-547,640,640,640,640,640,640,-652,-653,-654,-655,640,-657,-658,-659,640,640,640,-665,640,640,-669,-670,640,640,-673,640,-675,-676,640,-679,640,-681,640,640,-684,-685,-686,640,-688,640,640,-691,640,640,-694,-695,-696,640,-698,-699,-700,-701,640,640,-746,640,-749,-750,-751,-752,-753,640,-755,-756,-757,-758,-759,640,-766,-767,-769,640,-771,-772,-773,-782,-856,-858,-860,-862,640,640,640,640,-868,640,-870,640,640,640,640,640,640,640,-906,-907,640,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,640,-921,-924,640,-934,640,-385,-386,-387,640,640,-390,-391,-392,-393,640,-396,640,-399,-400,640,-401,640,-406,-407,640,-410,-411,-412,640,-415,640,-416,640,-421,-422,640,-425,640,-428,-429,-1894,-1894,640,-619,-620,-621,-622,-623,-634,-584,-624,-797,640,640,640,640,640,-831,640,640,-806,640,-832,640,640,640,640,-798,640,-853,-799,640,640,640,640,640,640,-854,-855,640,-834,-830,-835,640,-625,640,-626,-627,-628,-629,-574,640,640,-630,-631,-632,640,640,640,640,640,640,-635,-636,-637,-592,-1894,-602,640,-638,-639,-713,-640,-604,640,-572,-577,-580,-583,640,640,640,-598,-601,640,-608,640,640,640,640,640,640,640,640,640,640,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,640,640,640,-995,640,640,640,640,640,640,-306,-325,-319,-296,-375,-452,-453,-454,-458,640,-443,640,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,640,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,640,640,640,640,640,640,640,640,640,-316,-535,-508,-591,-937,-939,-940,-438,640,-440,-380,-381,-383,-507,-509,-511,640,-513,-514,-519,-520,640,-532,-534,-537,-538,-543,-548,-726,640,-727,640,-732,640,-734,640,-739,-656,-660,-661,640,-666,640,-667,640,-672,-674,640,-677,640,640,640,-687,-689,640,-692,640,640,-744,640,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,640,640,640,640,640,-877,640,-880,-908,-920,-925,-388,-389,640,-394,640,-397,640,-402,640,-403,640,-408,640,-413,640,-417,640,-418,640,-423,640,-426,-899,-900,-643,-585,-1894,-901,640,640,640,-800,640,640,-804,640,-807,-833,640,-818,640,-820,640,-822,-808,640,-824,640,-851,-852,640,640,-811,640,-646,-902,-904,-648,-649,-645,640,-705,-706,640,-642,-903,-647,-650,-603,-714,640,640,-605,-586,640,640,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,640,640,-709,-710,640,-716,640,640,640,640,640,640,-938,640,-439,-441,-747,640,-891,640,-715,-1894,640,640,640,640,640,-442,-512,-523,640,-728,-733,640,-735,640,-740,640,-662,-668,640,-678,-680,-682,-683,-690,-693,-697,-745,640,640,-874,640,640,-878,640,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,640,-812,640,-814,-801,640,-802,-805,640,-816,-819,-821,-823,-825,640,-826,640,-809,640,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,640,-282,640,640,640,640,-455,640,640,-729,640,-736,640,-741,640,-663,-671,640,640,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,640,-836,-53,640,640,-730,640,-737,640,-742,-664,640,-873,-54,640,640,-731,-738,-743,640,640,640,-872,]),'RELEASE_ALL_LOCKS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[641,641,641,1149,-1894,641,641,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,641,641,641,641,-275,-276,1149,-1425,1149,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1149,1149,1149,-490,1149,1149,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1149,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1149,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1941,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,641,-172,-173,-174,-175,-993,641,641,641,641,641,641,641,641,641,641,1149,1149,1149,1149,1149,-290,-291,-281,641,1149,1149,1149,1149,-328,-318,-332,-333,-334,1149,1149,-982,-983,-984,-985,-986,-987,-988,641,641,1149,1149,1149,1149,1149,1149,1149,1149,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1149,1149,1149,-353,-356,641,-323,-324,-141,1149,-142,1149,-143,1149,-430,-935,-936,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1894,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1894,1149,-1894,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1894,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-1894,641,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1149,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1149,641,641,-191,-192,641,-994,1149,641,641,641,641,-277,-278,-279,-280,-365,1149,-308,1149,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1149,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1149,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1149,1149,1149,1149,1149,1149,-573,1149,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1149,1149,-723,-724,-725,1149,1941,641,641,641,641,-994,641,1149,-91,-92,641,641,641,1149,-309,-310,-320,1149,-307,-293,-294,-295,1149,641,1149,1149,-618,-633,-590,1149,641,-436,641,-437,1149,-444,-445,-446,-378,-379,1149,1149,1149,-506,1149,1149,-510,1149,1149,1149,1149,-515,-516,-517,-518,1149,1149,-521,-522,1149,-524,-525,-526,-527,-528,-529,-530,-531,1149,-533,1149,1149,1149,-539,-541,-542,1149,-544,-545,-546,-547,1149,1149,1149,1149,1149,1149,-652,-653,-654,-655,641,-657,-658,-659,1149,1149,1149,-665,1149,1149,-669,-670,1149,1149,-673,1149,-675,-676,1149,-679,1149,-681,1149,1149,-684,-685,-686,1149,-688,1149,1149,-691,1149,1149,-694,-695,-696,1149,-698,-699,-700,-701,1149,1149,-746,1149,-749,-750,-751,-752,-753,1149,-755,-756,-757,-758,-759,1149,-766,-767,-769,1149,-771,-772,-773,-782,-856,-858,-860,-862,1149,1149,1149,1149,-868,1149,-870,1149,1149,1149,1149,1149,1149,1149,-906,-907,1149,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1149,-921,-924,1149,-934,1149,-385,-386,-387,1149,1149,-390,-391,-392,-393,1149,-396,1149,-399,-400,1149,-401,1149,-406,-407,1149,-410,-411,-412,1149,-415,1149,-416,1149,-421,-422,1149,-425,1149,-428,-429,-1894,-1894,1149,-619,-620,-621,-622,-623,-634,-584,-624,-797,1149,1149,1149,1149,1149,-831,1149,1149,-806,1149,-832,1149,1149,1149,1149,-798,1149,-853,-799,1149,1149,1149,1149,1149,1149,-854,-855,1149,-834,-830,-835,1149,-625,1149,-626,-627,-628,-629,-574,1149,1149,-630,-631,-632,1149,1149,1149,1149,1149,1149,-635,-636,-637,-592,-1894,-602,1149,-638,-639,-713,-640,-604,1149,-572,-577,-580,-583,1149,1149,1149,-598,-601,1149,-608,1149,1149,1149,1149,1149,1149,1149,1149,1149,1149,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1149,641,641,-995,641,1149,641,641,641,1149,-306,-325,-319,-296,-375,-452,-453,-454,-458,641,-443,1149,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1149,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,641,641,641,641,641,641,641,641,1149,-316,-535,-508,-591,-937,-939,-940,-438,1149,-440,-380,-381,-383,-507,-509,-511,1149,-513,-514,-519,-520,1149,-532,-534,-537,-538,-543,-548,-726,1149,-727,1149,-732,1149,-734,1149,-739,-656,-660,-661,1149,-666,1149,-667,1149,-672,-674,1149,-677,1149,1149,1149,-687,-689,1149,-692,1149,1149,-744,1149,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1149,1149,1149,1149,1149,-877,1149,-880,-908,-920,-925,-388,-389,1149,-394,1149,-397,1149,-402,1149,-403,1149,-408,1149,-413,1149,-417,1149,-418,1149,-423,1149,-426,-899,-900,-643,-585,-1894,-901,1149,1149,1149,-800,1149,1149,-804,1149,-807,-833,1149,-818,1149,-820,1149,-822,-808,1149,-824,1149,-851,-852,1149,1149,-811,1149,-646,-902,-904,-648,-649,-645,1149,-705,-706,1149,-642,-903,-647,-650,-603,-714,1149,1149,-605,-586,1149,1149,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1149,1149,-709,-710,1149,-716,1149,641,641,641,1149,1149,-938,641,-439,-441,-747,1149,-891,1941,-715,-1894,1149,1149,641,641,1149,-442,-512,-523,1149,-728,-733,1149,-735,1149,-740,1149,-662,-668,1149,-678,-680,-682,-683,-690,-693,-697,-745,1149,1149,-874,1149,1149,-878,1149,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1149,-812,1149,-814,-801,1149,-802,-805,1149,-816,-819,-821,-823,-825,1149,-826,1149,-809,1149,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,641,-282,641,1149,641,1149,-455,1149,1149,-729,1149,-736,1149,-741,1149,-663,-671,1149,1149,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1149,-836,-53,641,1149,-730,1149,-737,1149,-742,-664,1149,-873,-54,641,641,-731,-738,-743,1149,641,1149,-872,]),'RELEASE_LOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[642,642,642,1150,-1894,642,642,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,642,642,642,642,-275,-276,1150,-1425,1150,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1150,1150,1150,-490,1150,1150,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1150,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1150,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1942,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,642,-172,-173,-174,-175,-993,642,642,642,642,642,642,642,642,642,642,1150,1150,1150,1150,1150,-290,-291,-281,642,1150,1150,1150,1150,-328,-318,-332,-333,-334,1150,1150,-982,-983,-984,-985,-986,-987,-988,642,642,1150,1150,1150,1150,1150,1150,1150,1150,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1150,1150,1150,-353,-356,642,-323,-324,-141,1150,-142,1150,-143,1150,-430,-935,-936,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1894,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1894,1150,-1894,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1894,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-1894,642,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1150,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1150,642,642,-191,-192,642,-994,1150,642,642,642,642,-277,-278,-279,-280,-365,1150,-308,1150,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1150,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1150,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1150,1150,1150,1150,1150,1150,-573,1150,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1150,1150,-723,-724,-725,1150,1942,642,642,642,642,-994,642,1150,-91,-92,642,642,642,1150,-309,-310,-320,1150,-307,-293,-294,-295,1150,642,1150,1150,-618,-633,-590,1150,642,-436,642,-437,1150,-444,-445,-446,-378,-379,1150,1150,1150,-506,1150,1150,-510,1150,1150,1150,1150,-515,-516,-517,-518,1150,1150,-521,-522,1150,-524,-525,-526,-527,-528,-529,-530,-531,1150,-533,1150,1150,1150,-539,-541,-542,1150,-544,-545,-546,-547,1150,1150,1150,1150,1150,1150,-652,-653,-654,-655,642,-657,-658,-659,1150,1150,1150,-665,1150,1150,-669,-670,1150,1150,-673,1150,-675,-676,1150,-679,1150,-681,1150,1150,-684,-685,-686,1150,-688,1150,1150,-691,1150,1150,-694,-695,-696,1150,-698,-699,-700,-701,1150,1150,-746,1150,-749,-750,-751,-752,-753,1150,-755,-756,-757,-758,-759,1150,-766,-767,-769,1150,-771,-772,-773,-782,-856,-858,-860,-862,1150,1150,1150,1150,-868,1150,-870,1150,1150,1150,1150,1150,1150,1150,-906,-907,1150,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1150,-921,-924,1150,-934,1150,-385,-386,-387,1150,1150,-390,-391,-392,-393,1150,-396,1150,-399,-400,1150,-401,1150,-406,-407,1150,-410,-411,-412,1150,-415,1150,-416,1150,-421,-422,1150,-425,1150,-428,-429,-1894,-1894,1150,-619,-620,-621,-622,-623,-634,-584,-624,-797,1150,1150,1150,1150,1150,-831,1150,1150,-806,1150,-832,1150,1150,1150,1150,-798,1150,-853,-799,1150,1150,1150,1150,1150,1150,-854,-855,1150,-834,-830,-835,1150,-625,1150,-626,-627,-628,-629,-574,1150,1150,-630,-631,-632,1150,1150,1150,1150,1150,1150,-635,-636,-637,-592,-1894,-602,1150,-638,-639,-713,-640,-604,1150,-572,-577,-580,-583,1150,1150,1150,-598,-601,1150,-608,1150,1150,1150,1150,1150,1150,1150,1150,1150,1150,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1150,642,642,-995,642,1150,642,642,642,1150,-306,-325,-319,-296,-375,-452,-453,-454,-458,642,-443,1150,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1150,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,642,642,642,642,642,642,642,642,1150,-316,-535,-508,-591,-937,-939,-940,-438,1150,-440,-380,-381,-383,-507,-509,-511,1150,-513,-514,-519,-520,1150,-532,-534,-537,-538,-543,-548,-726,1150,-727,1150,-732,1150,-734,1150,-739,-656,-660,-661,1150,-666,1150,-667,1150,-672,-674,1150,-677,1150,1150,1150,-687,-689,1150,-692,1150,1150,-744,1150,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1150,1150,1150,1150,1150,-877,1150,-880,-908,-920,-925,-388,-389,1150,-394,1150,-397,1150,-402,1150,-403,1150,-408,1150,-413,1150,-417,1150,-418,1150,-423,1150,-426,-899,-900,-643,-585,-1894,-901,1150,1150,1150,-800,1150,1150,-804,1150,-807,-833,1150,-818,1150,-820,1150,-822,-808,1150,-824,1150,-851,-852,1150,1150,-811,1150,-646,-902,-904,-648,-649,-645,1150,-705,-706,1150,-642,-903,-647,-650,-603,-714,1150,1150,-605,-586,1150,1150,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1150,1150,-709,-710,1150,-716,1150,642,642,642,1150,1150,-938,642,-439,-441,-747,1150,-891,1942,-715,-1894,1150,1150,642,642,1150,-442,-512,-523,1150,-728,-733,1150,-735,1150,-740,1150,-662,-668,1150,-678,-680,-682,-683,-690,-693,-697,-745,1150,1150,-874,1150,1150,-878,1150,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1150,-812,1150,-814,-801,1150,-802,-805,1150,-816,-819,-821,-823,-825,1150,-826,1150,-809,1150,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,642,-282,642,1150,642,1150,-455,1150,1150,-729,1150,-736,1150,-741,1150,-663,-671,1150,1150,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1150,-836,-53,642,1150,-730,1150,-737,1150,-742,-664,1150,-873,-54,642,642,-731,-738,-743,1150,642,1150,-872,]),'RELOAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[643,643,643,643,-1894,643,643,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,643,643,643,643,-275,-276,643,-1425,643,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,643,643,643,-490,643,643,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,643,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,643,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,643,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,643,-172,-173,-174,-175,-993,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-290,-291,-281,643,643,643,643,643,-328,-318,-332,-333,-334,643,643,-982,-983,-984,-985,-986,-987,-988,643,643,643,643,643,643,643,643,643,643,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,643,643,643,-353,-356,643,-323,-324,-141,643,-142,643,-143,643,-430,-935,-936,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-1894,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-1894,643,-1894,643,643,643,643,643,643,643,643,643,643,643,643,-1894,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,643,-1894,643,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,643,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,643,643,643,-191,-192,643,-994,643,643,643,643,643,-277,-278,-279,-280,-365,643,-308,643,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,643,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,643,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,643,643,643,643,643,643,-573,643,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,643,643,-723,-724,-725,643,643,643,643,643,643,-994,643,643,-91,-92,643,643,643,643,-309,-310,-320,643,-307,-293,-294,-295,643,643,643,643,-618,-633,-590,643,643,-436,643,-437,643,-444,-445,-446,-378,-379,643,643,643,-506,643,643,-510,643,643,643,643,-515,-516,-517,-518,643,643,-521,-522,643,-524,-525,-526,-527,-528,-529,-530,-531,643,-533,643,643,643,-539,-541,-542,643,-544,-545,-546,-547,643,643,643,643,643,643,-652,-653,-654,-655,643,-657,-658,-659,643,643,643,-665,643,643,-669,-670,643,643,-673,643,-675,-676,643,-679,643,-681,643,643,-684,-685,-686,643,-688,643,643,-691,643,643,-694,-695,-696,643,-698,-699,-700,-701,643,643,-746,643,-749,-750,-751,-752,-753,643,-755,-756,-757,-758,-759,643,-766,-767,-769,643,-771,-772,-773,-782,-856,-858,-860,-862,643,643,643,643,-868,643,-870,643,643,643,643,643,643,643,-906,-907,643,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,643,-921,-924,643,-934,643,-385,-386,-387,643,643,-390,-391,-392,-393,643,-396,643,-399,-400,643,-401,643,-406,-407,643,-410,-411,-412,643,-415,643,-416,643,-421,-422,643,-425,643,-428,-429,-1894,-1894,643,-619,-620,-621,-622,-623,-634,-584,-624,-797,643,643,643,643,643,-831,643,643,-806,643,-832,643,643,643,643,-798,643,-853,-799,643,643,643,643,643,643,-854,-855,643,-834,-830,-835,643,-625,643,-626,-627,-628,-629,-574,643,643,-630,-631,-632,643,643,643,643,643,643,-635,-636,-637,-592,-1894,-602,643,-638,-639,-713,-640,-604,643,-572,-577,-580,-583,643,643,643,-598,-601,643,-608,643,643,643,643,643,643,643,643,643,643,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,643,643,643,-995,643,643,643,643,643,643,-306,-325,-319,-296,-375,-452,-453,-454,-458,643,-443,643,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,643,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,643,643,643,643,643,643,643,643,643,-316,-535,-508,-591,-937,-939,-940,-438,643,-440,-380,-381,-383,-507,-509,-511,643,-513,-514,-519,-520,643,-532,-534,-537,-538,-543,-548,-726,643,-727,643,-732,643,-734,643,-739,-656,-660,-661,643,-666,643,-667,643,-672,-674,643,-677,643,643,643,-687,-689,643,-692,643,643,-744,643,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,643,643,643,643,643,-877,643,-880,-908,-920,-925,-388,-389,643,-394,643,-397,643,-402,643,-403,643,-408,643,-413,643,-417,643,-418,643,-423,643,-426,-899,-900,-643,-585,-1894,-901,643,643,643,-800,643,643,-804,643,-807,-833,643,-818,643,-820,643,-822,-808,643,-824,643,-851,-852,643,643,-811,643,-646,-902,-904,-648,-649,-645,643,-705,-706,643,-642,-903,-647,-650,-603,-714,643,643,-605,-586,643,643,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,643,643,-709,-710,643,-716,643,643,643,643,643,643,-938,643,-439,-441,-747,643,-891,643,-715,-1894,643,643,643,643,643,-442,-512,-523,643,-728,-733,643,-735,643,-740,643,-662,-668,643,-678,-680,-682,-683,-690,-693,-697,-745,643,643,-874,643,643,-878,643,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,643,-812,643,-814,-801,643,-802,-805,643,-816,-819,-821,-823,-825,643,-826,643,-809,643,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,643,-282,643,643,643,643,-455,643,643,-729,643,-736,643,-741,643,-663,-671,643,643,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,643,-836,-53,643,643,-730,643,-737,643,-742,-664,643,-873,-54,643,643,-731,-738,-743,643,643,643,-872,]),'REMOTE_OSS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[644,644,644,644,-1894,644,644,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,644,644,644,644,-275,-276,644,-1425,644,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,644,644,644,-490,644,644,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,644,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,644,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,644,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,644,-172,-173,-174,-175,-993,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-290,-291,-281,644,644,644,644,644,-328,-318,-332,-333,-334,644,644,-982,-983,-984,-985,-986,-987,-988,644,644,644,644,644,644,644,644,644,644,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,644,644,644,-353,-356,644,-323,-324,-141,644,-142,644,-143,644,-430,-935,-936,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-1894,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-1894,644,-1894,644,644,644,644,644,644,644,644,644,644,644,644,-1894,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,644,-1894,644,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,644,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,644,644,644,-191,-192,644,-994,644,644,644,644,644,-277,-278,-279,-280,-365,644,-308,644,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,644,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,644,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,644,644,644,644,644,644,-573,644,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,644,644,-723,-724,-725,644,644,644,644,644,644,-994,644,644,-91,-92,644,644,644,644,-309,-310,-320,644,-307,-293,-294,-295,644,644,644,644,-618,-633,-590,644,644,-436,644,-437,644,-444,-445,-446,-378,-379,644,644,644,-506,644,644,-510,644,644,644,644,-515,-516,-517,-518,644,644,-521,-522,644,-524,-525,-526,-527,-528,-529,-530,-531,644,-533,644,644,644,-539,-541,-542,644,-544,-545,-546,-547,644,644,644,644,644,644,-652,-653,-654,-655,644,-657,-658,-659,644,644,644,-665,644,644,-669,-670,644,644,-673,644,-675,-676,644,-679,644,-681,644,644,-684,-685,-686,644,-688,644,644,-691,644,644,-694,-695,-696,644,-698,-699,-700,-701,644,644,-746,644,-749,-750,-751,-752,-753,644,-755,-756,-757,-758,-759,644,-766,-767,-769,644,-771,-772,-773,-782,-856,-858,-860,-862,644,644,644,644,-868,644,-870,644,644,644,644,644,644,644,-906,-907,644,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,644,-921,-924,644,-934,644,-385,-386,-387,644,644,-390,-391,-392,-393,644,-396,644,-399,-400,644,-401,644,-406,-407,644,-410,-411,-412,644,-415,644,-416,644,-421,-422,644,-425,644,-428,-429,-1894,-1894,644,-619,-620,-621,-622,-623,-634,-584,-624,-797,644,644,644,644,644,-831,644,644,-806,644,-832,644,644,644,644,-798,644,-853,-799,644,644,644,644,644,644,-854,-855,644,-834,-830,-835,644,-625,644,-626,-627,-628,-629,-574,644,644,-630,-631,-632,644,644,644,644,644,644,-635,-636,-637,-592,-1894,-602,644,-638,-639,-713,-640,-604,644,-572,-577,-580,-583,644,644,644,-598,-601,644,-608,644,644,644,644,644,644,644,644,644,644,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,644,644,644,-995,644,644,644,644,644,644,-306,-325,-319,-296,-375,-452,-453,-454,-458,644,-443,644,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,644,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,644,644,644,644,644,644,644,644,644,-316,-535,-508,-591,-937,-939,-940,-438,644,-440,-380,-381,-383,-507,-509,-511,644,-513,-514,-519,-520,644,-532,-534,-537,-538,-543,-548,-726,644,-727,644,-732,644,-734,644,-739,-656,-660,-661,644,-666,644,-667,644,-672,-674,644,-677,644,644,644,-687,-689,644,-692,644,644,-744,644,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,644,644,644,644,644,-877,644,-880,-908,-920,-925,-388,-389,644,-394,644,-397,644,-402,644,-403,644,-408,644,-413,644,-417,644,-418,644,-423,644,-426,-899,-900,-643,-585,-1894,-901,644,644,644,-800,644,644,-804,644,-807,-833,644,-818,644,-820,644,-822,-808,644,-824,644,-851,-852,644,644,-811,644,-646,-902,-904,-648,-649,-645,644,-705,-706,644,-642,-903,-647,-650,-603,-714,644,644,-605,-586,644,644,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,644,644,-709,-710,644,-716,644,644,644,644,644,644,-938,644,-439,-441,-747,644,-891,644,-715,-1894,644,644,644,644,644,-442,-512,-523,644,-728,-733,644,-735,644,-740,644,-662,-668,644,-678,-680,-682,-683,-690,-693,-697,-745,644,644,-874,644,644,-878,644,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,644,-812,644,-814,-801,644,-802,-805,644,-816,-819,-821,-823,-825,644,-826,644,-809,644,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,644,-282,644,644,644,644,-455,644,644,-729,644,-736,644,-741,644,-663,-671,644,644,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,644,-836,-53,644,644,-730,644,-737,644,-742,-664,644,-873,-54,644,644,-731,-738,-743,644,644,644,-872,]),'REMOVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[645,645,645,645,-1894,645,645,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,645,645,645,645,-275,-276,645,-1425,645,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,645,645,645,-490,645,645,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,645,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,645,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,645,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,645,-172,-173,-174,-175,-993,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-290,-291,-281,645,645,645,645,645,-328,-318,-332,-333,-334,645,645,-982,-983,-984,-985,-986,-987,-988,645,645,645,645,645,645,645,645,645,645,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,645,645,645,-353,-356,645,-323,-324,-141,645,-142,645,-143,645,-430,-935,-936,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-1894,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-1894,645,-1894,645,645,645,645,645,645,645,645,645,645,645,645,-1894,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,645,-1894,645,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,645,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,645,645,645,-191,-192,645,-994,645,645,645,645,645,-277,-278,-279,-280,-365,645,-308,645,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,645,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,645,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,645,645,645,645,645,645,-573,645,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,645,645,-723,-724,-725,645,645,645,645,645,645,-994,645,645,-91,-92,645,645,645,645,-309,-310,-320,645,-307,-293,-294,-295,645,645,645,645,-618,-633,-590,645,645,-436,645,-437,645,-444,-445,-446,-378,-379,645,645,645,-506,645,645,-510,645,645,645,645,-515,-516,-517,-518,645,645,-521,-522,645,-524,-525,-526,-527,-528,-529,-530,-531,645,-533,645,645,645,-539,-541,-542,645,-544,-545,-546,-547,645,645,645,645,645,645,-652,-653,-654,-655,645,-657,-658,-659,645,645,645,-665,645,645,-669,-670,645,645,-673,645,-675,-676,645,-679,645,-681,645,645,-684,-685,-686,645,-688,645,645,-691,645,645,-694,-695,-696,645,-698,-699,-700,-701,645,645,-746,645,-749,-750,-751,-752,-753,645,-755,-756,-757,-758,-759,645,-766,-767,-769,645,-771,-772,-773,-782,-856,-858,-860,-862,645,645,645,645,-868,645,-870,645,645,645,645,645,645,645,-906,-907,645,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,645,-921,-924,645,-934,645,-385,-386,-387,645,645,-390,-391,-392,-393,645,-396,645,-399,-400,645,-401,645,-406,-407,645,-410,-411,-412,645,-415,645,-416,645,-421,-422,645,-425,645,-428,-429,-1894,-1894,645,-619,-620,-621,-622,-623,-634,-584,-624,-797,645,645,645,645,645,-831,645,645,-806,645,-832,645,645,645,645,-798,645,-853,-799,645,645,645,645,645,645,-854,-855,645,-834,-830,-835,645,-625,645,-626,-627,-628,-629,-574,645,645,-630,-631,-632,645,645,645,645,645,645,-635,-636,-637,-592,-1894,-602,645,-638,-639,-713,-640,-604,645,-572,-577,-580,-583,645,645,645,-598,-601,645,-608,645,645,645,645,645,645,645,645,645,645,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,645,645,645,-995,645,645,645,645,645,645,-306,-325,-319,-296,-375,-452,-453,-454,-458,645,-443,645,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,645,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,645,645,645,645,645,645,645,645,645,-316,-535,-508,-591,-937,-939,-940,-438,645,-440,-380,-381,-383,-507,-509,-511,645,-513,-514,-519,-520,645,-532,-534,-537,-538,-543,-548,-726,645,-727,645,-732,645,-734,645,-739,-656,-660,-661,645,-666,645,-667,645,-672,-674,645,-677,645,645,645,-687,-689,645,-692,645,645,-744,645,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,645,645,645,645,645,-877,645,-880,-908,-920,-925,-388,-389,645,-394,645,-397,645,-402,645,-403,645,-408,645,-413,645,-417,645,-418,645,-423,645,-426,-899,-900,-643,-585,-1894,-901,645,645,645,-800,645,645,-804,645,-807,-833,645,-818,645,-820,645,-822,-808,645,-824,645,-851,-852,645,645,-811,645,-646,-902,-904,-648,-649,-645,645,-705,-706,645,-642,-903,-647,-650,-603,-714,645,645,-605,-586,645,645,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,645,645,-709,-710,645,-716,645,645,645,645,645,645,-938,645,-439,-441,-747,645,-891,645,-715,-1894,645,645,645,645,645,-442,-512,-523,645,-728,-733,645,-735,645,-740,645,-662,-668,645,-678,-680,-682,-683,-690,-693,-697,-745,645,645,-874,645,645,-878,645,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,645,-812,645,-814,-801,645,-802,-805,645,-816,-819,-821,-823,-825,645,-826,645,-809,645,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,645,-282,645,645,645,645,-455,645,645,-729,645,-736,645,-741,645,-663,-671,645,645,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,645,-836,-53,645,645,-730,645,-737,645,-742,-664,645,-873,-54,645,645,-731,-738,-743,645,645,645,-872,]),'REORGANIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[646,646,646,646,-1894,646,646,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,646,646,646,646,-275,-276,646,-1425,646,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,646,646,646,-490,646,646,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,646,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,646,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,646,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,646,-172,-173,-174,-175,-993,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-290,-291,-281,646,646,646,646,646,-328,-318,-332,-333,-334,646,646,-982,-983,-984,-985,-986,-987,-988,646,646,646,646,646,646,646,646,646,646,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,646,646,646,-353,-356,646,-323,-324,-141,646,-142,646,-143,646,-430,-935,-936,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-1894,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-1894,646,-1894,646,646,646,646,646,646,646,646,646,646,646,646,-1894,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,646,-1894,646,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,646,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,646,646,646,-191,-192,646,-994,646,646,646,646,646,-277,-278,-279,-280,-365,646,-308,646,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,646,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,646,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,646,646,646,646,646,646,-573,646,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,646,646,-723,-724,-725,646,646,646,646,646,646,-994,646,646,-91,-92,646,646,646,646,-309,-310,-320,646,-307,-293,-294,-295,646,646,646,646,-618,-633,-590,646,646,-436,646,-437,646,-444,-445,-446,-378,-379,646,646,646,-506,646,646,-510,646,646,646,646,-515,-516,-517,-518,646,646,-521,-522,646,-524,-525,-526,-527,-528,-529,-530,-531,646,-533,646,646,646,-539,-541,-542,646,-544,-545,-546,-547,646,646,646,646,646,646,-652,-653,-654,-655,646,-657,-658,-659,646,646,646,-665,646,646,-669,-670,646,646,-673,646,-675,-676,646,-679,646,-681,646,646,-684,-685,-686,646,-688,646,646,-691,646,646,-694,-695,-696,646,-698,-699,-700,-701,646,646,-746,646,-749,-750,-751,-752,-753,646,-755,-756,-757,-758,-759,646,-766,-767,-769,646,-771,-772,-773,-782,-856,-858,-860,-862,646,646,646,646,-868,646,-870,646,646,646,646,646,646,646,-906,-907,646,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,646,-921,-924,646,-934,646,-385,-386,-387,646,646,-390,-391,-392,-393,646,-396,646,-399,-400,646,-401,646,-406,-407,646,-410,-411,-412,646,-415,646,-416,646,-421,-422,646,-425,646,-428,-429,-1894,-1894,646,-619,-620,-621,-622,-623,-634,-584,-624,-797,646,646,646,646,646,-831,646,646,-806,646,-832,646,646,646,646,-798,646,-853,-799,646,646,646,646,646,646,-854,-855,646,-834,-830,-835,646,-625,646,-626,-627,-628,-629,-574,646,646,-630,-631,-632,646,646,646,646,646,646,-635,-636,-637,-592,-1894,-602,646,-638,-639,-713,-640,-604,646,-572,-577,-580,-583,646,646,646,-598,-601,646,-608,646,646,646,646,646,646,646,646,646,646,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,646,646,646,-995,646,646,646,646,646,646,-306,-325,-319,-296,-375,-452,-453,-454,-458,646,-443,646,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,646,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,646,646,646,646,646,646,646,646,646,-316,-535,-508,-591,-937,-939,-940,-438,646,-440,-380,-381,-383,-507,-509,-511,646,-513,-514,-519,-520,646,-532,-534,-537,-538,-543,-548,-726,646,-727,646,-732,646,-734,646,-739,-656,-660,-661,646,-666,646,-667,646,-672,-674,646,-677,646,646,646,-687,-689,646,-692,646,646,-744,646,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,646,646,646,646,646,-877,646,-880,-908,-920,-925,-388,-389,646,-394,646,-397,646,-402,646,-403,646,-408,646,-413,646,-417,646,-418,646,-423,646,-426,-899,-900,-643,-585,-1894,-901,646,646,646,-800,646,646,-804,646,-807,-833,646,-818,646,-820,646,-822,-808,646,-824,646,-851,-852,646,646,-811,646,-646,-902,-904,-648,-649,-645,646,-705,-706,646,-642,-903,-647,-650,-603,-714,646,646,-605,-586,646,646,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,646,646,-709,-710,646,-716,646,646,646,646,646,646,-938,646,-439,-441,-747,646,-891,646,-715,-1894,646,646,646,646,646,-442,-512,-523,646,-728,-733,646,-735,646,-740,646,-662,-668,646,-678,-680,-682,-683,-690,-693,-697,-745,646,646,-874,646,646,-878,646,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,646,-812,646,-814,-801,646,-802,-805,646,-816,-819,-821,-823,-825,646,-826,646,-809,646,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,646,-282,646,646,646,646,-455,646,646,-729,646,-736,646,-741,646,-663,-671,646,646,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,646,-836,-53,646,646,-730,646,-737,646,-742,-664,646,-873,-54,646,646,-731,-738,-743,646,646,646,-872,]),'REPAIR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[647,647,647,647,-1894,647,647,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,647,647,647,647,-275,-276,647,-1425,647,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,647,647,647,-490,647,647,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,647,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,647,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,647,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,647,-172,-173,-174,-175,-993,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-290,-291,-281,647,647,647,647,647,-328,-318,-332,-333,-334,647,647,-982,-983,-984,-985,-986,-987,-988,647,647,647,647,647,647,647,647,647,647,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,647,647,647,-353,-356,647,-323,-324,-141,647,-142,647,-143,647,-430,-935,-936,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-1894,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-1894,647,-1894,647,647,647,647,647,647,647,647,647,647,647,647,-1894,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,647,-1894,647,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,647,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,647,647,647,-191,-192,647,-994,647,647,647,647,647,-277,-278,-279,-280,-365,647,-308,647,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,647,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,647,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,647,647,647,647,647,647,-573,647,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,647,647,-723,-724,-725,647,647,647,647,647,647,-994,647,647,-91,-92,647,647,647,647,-309,-310,-320,647,-307,-293,-294,-295,647,647,647,647,-618,-633,-590,647,647,-436,647,-437,647,-444,-445,-446,-378,-379,647,647,647,-506,647,647,-510,647,647,647,647,-515,-516,-517,-518,647,647,-521,-522,647,-524,-525,-526,-527,-528,-529,-530,-531,647,-533,647,647,647,-539,-541,-542,647,-544,-545,-546,-547,647,647,647,647,647,647,-652,-653,-654,-655,647,-657,-658,-659,647,647,647,-665,647,647,-669,-670,647,647,-673,647,-675,-676,647,-679,647,-681,647,647,-684,-685,-686,647,-688,647,647,-691,647,647,-694,-695,-696,647,-698,-699,-700,-701,647,647,-746,647,-749,-750,-751,-752,-753,647,-755,-756,-757,-758,-759,647,-766,-767,-769,647,-771,-772,-773,-782,-856,-858,-860,-862,647,647,647,647,-868,647,-870,647,647,647,647,647,647,647,-906,-907,647,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,647,-921,-924,647,-934,647,-385,-386,-387,647,647,-390,-391,-392,-393,647,-396,647,-399,-400,647,-401,647,-406,-407,647,-410,-411,-412,647,-415,647,-416,647,-421,-422,647,-425,647,-428,-429,-1894,-1894,647,-619,-620,-621,-622,-623,-634,-584,-624,-797,647,647,647,647,647,-831,647,647,-806,647,-832,647,647,647,647,-798,647,-853,-799,647,647,647,647,647,647,-854,-855,647,-834,-830,-835,647,-625,647,-626,-627,-628,-629,-574,647,647,-630,-631,-632,647,647,647,647,647,647,-635,-636,-637,-592,-1894,-602,647,-638,-639,-713,-640,-604,647,-572,-577,-580,-583,647,647,647,-598,-601,647,-608,647,647,647,647,647,647,647,647,647,647,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,647,647,647,-995,647,647,647,647,647,647,-306,-325,-319,-296,-375,-452,-453,-454,-458,647,-443,647,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,647,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,647,647,647,647,647,647,647,647,647,-316,-535,-508,-591,-937,-939,-940,-438,647,-440,-380,-381,-383,-507,-509,-511,647,-513,-514,-519,-520,647,-532,-534,-537,-538,-543,-548,-726,647,-727,647,-732,647,-734,647,-739,-656,-660,-661,647,-666,647,-667,647,-672,-674,647,-677,647,647,647,-687,-689,647,-692,647,647,-744,647,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,647,647,647,647,647,-877,647,-880,-908,-920,-925,-388,-389,647,-394,647,-397,647,-402,647,-403,647,-408,647,-413,647,-417,647,-418,647,-423,647,-426,-899,-900,-643,-585,-1894,-901,647,647,647,-800,647,647,-804,647,-807,-833,647,-818,647,-820,647,-822,-808,647,-824,647,-851,-852,647,647,-811,647,-646,-902,-904,-648,-649,-645,647,-705,-706,647,-642,-903,-647,-650,-603,-714,647,647,-605,-586,647,647,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,647,647,-709,-710,647,-716,647,647,647,647,647,647,-938,647,-439,-441,-747,647,-891,647,-715,-1894,647,647,647,647,647,-442,-512,-523,647,-728,-733,647,-735,647,-740,647,-662,-668,647,-678,-680,-682,-683,-690,-693,-697,-745,647,647,-874,647,647,-878,647,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,647,-812,647,-814,-801,647,-802,-805,647,-816,-819,-821,-823,-825,647,-826,647,-809,647,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,647,-282,647,647,647,647,-455,647,647,-729,647,-736,647,-741,647,-663,-671,647,647,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,647,-836,-53,647,647,-730,647,-737,647,-742,-664,647,-873,-54,647,647,-731,-738,-743,647,647,647,-872,]),'REPEATABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[648,648,648,648,-1894,648,648,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,648,648,648,648,-275,-276,648,-1425,648,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,648,648,648,-490,648,648,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,648,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,648,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,648,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,648,-172,-173,-174,-175,-993,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-290,-291,-281,648,648,648,648,648,-328,-318,-332,-333,-334,648,648,-982,-983,-984,-985,-986,-987,-988,648,648,648,648,648,648,648,648,648,648,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,648,648,648,-353,-356,648,-323,-324,-141,648,-142,648,-143,648,-430,-935,-936,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-1894,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-1894,648,-1894,648,648,648,648,648,648,648,648,648,648,648,648,-1894,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,648,-1894,648,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,648,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,648,648,648,-191,-192,648,-994,648,648,648,648,648,-277,-278,-279,-280,-365,648,-308,648,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,648,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,648,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,648,648,648,648,648,648,-573,648,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,648,648,-723,-724,-725,648,648,648,648,648,648,-994,648,648,-91,-92,648,648,648,648,-309,-310,-320,648,-307,-293,-294,-295,648,648,648,648,-618,-633,-590,648,648,-436,648,-437,648,-444,-445,-446,-378,-379,648,648,648,-506,648,648,-510,648,648,648,648,-515,-516,-517,-518,648,648,-521,-522,648,-524,-525,-526,-527,-528,-529,-530,-531,648,-533,648,648,648,-539,-541,-542,648,-544,-545,-546,-547,648,648,648,648,648,648,-652,-653,-654,-655,648,-657,-658,-659,648,648,648,-665,648,648,-669,-670,648,648,-673,648,-675,-676,648,-679,648,-681,648,648,-684,-685,-686,648,-688,648,648,-691,648,648,-694,-695,-696,648,-698,-699,-700,-701,648,648,-746,648,-749,-750,-751,-752,-753,648,-755,-756,-757,-758,-759,648,-766,-767,-769,648,-771,-772,-773,-782,-856,-858,-860,-862,648,648,648,648,-868,648,-870,648,648,648,648,648,648,648,-906,-907,648,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,648,-921,-924,648,-934,648,-385,-386,-387,648,648,-390,-391,-392,-393,648,-396,648,-399,-400,648,-401,648,-406,-407,648,-410,-411,-412,648,-415,648,-416,648,-421,-422,648,-425,648,-428,-429,-1894,-1894,648,-619,-620,-621,-622,-623,-634,-584,-624,-797,648,648,648,648,648,-831,648,648,-806,648,-832,648,648,648,648,-798,648,-853,-799,648,648,648,648,648,648,-854,-855,648,-834,-830,-835,648,-625,648,-626,-627,-628,-629,-574,648,648,-630,-631,-632,648,648,648,648,648,648,-635,-636,-637,-592,-1894,-602,648,-638,-639,-713,-640,-604,648,-572,-577,-580,-583,648,648,648,-598,-601,648,-608,648,648,648,648,648,648,648,648,648,648,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,648,648,648,-995,648,648,648,648,648,648,-306,-325,-319,-296,-375,-452,-453,-454,-458,648,-443,648,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,648,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,648,648,648,648,648,648,648,648,648,-316,-535,-508,-591,-937,-939,-940,-438,648,-440,-380,-381,-383,-507,-509,-511,648,-513,-514,-519,-520,648,-532,-534,-537,-538,-543,-548,-726,648,-727,648,-732,648,-734,648,-739,-656,-660,-661,648,-666,648,-667,648,-672,-674,648,-677,648,648,648,-687,-689,648,-692,648,648,-744,648,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,648,648,648,648,648,-877,648,-880,-908,-920,-925,-388,-389,648,-394,648,-397,648,-402,648,-403,648,-408,648,-413,648,-417,648,-418,648,-423,648,-426,-899,-900,-643,-585,-1894,-901,648,648,648,-800,648,648,-804,648,-807,-833,648,-818,648,-820,648,-822,-808,648,-824,648,-851,-852,648,648,-811,648,-646,-902,-904,-648,-649,-645,648,-705,-706,648,-642,-903,-647,-650,-603,-714,648,648,-605,-586,648,648,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,648,648,-709,-710,648,-716,648,648,648,648,648,648,-938,648,-439,-441,-747,648,-891,648,-715,-1894,648,648,648,648,648,-442,-512,-523,648,-728,-733,648,-735,648,-740,648,-662,-668,648,-678,-680,-682,-683,-690,-693,-697,-745,648,648,-874,648,648,-878,648,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,648,-812,648,-814,-801,648,-802,-805,648,-816,-819,-821,-823,-825,648,-826,648,-809,648,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,648,-282,648,648,648,648,-455,648,648,-729,648,-736,648,-741,648,-663,-671,648,648,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,648,-836,-53,648,648,-730,648,-737,648,-742,-664,648,-873,-54,648,648,-731,-738,-743,648,648,648,-872,]),'REPLACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[649,649,649,1115,-1894,649,649,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,649,649,649,649,-275,-276,1115,-1425,1115,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1115,1115,1115,-490,1115,1115,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1115,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1115,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1943,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,649,-172,-173,-174,-175,-993,649,649,649,649,649,649,649,649,649,649,1115,1115,1115,1115,1115,-290,-291,-281,649,1115,1115,1115,1115,-328,-318,-332,-333,-334,1115,1115,-982,-983,-984,-985,-986,-987,-988,649,649,1115,1115,1115,1115,1115,1115,1115,1115,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1115,1115,1115,-353,-356,649,-323,-324,-141,1115,-142,1115,-143,1115,-430,-935,-936,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1894,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1894,1115,-1894,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1894,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-1894,649,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1115,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1115,649,649,-191,-192,649,-994,1115,649,649,649,649,-277,-278,-279,-280,-365,1115,-308,1115,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1115,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1115,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1115,1115,1115,1115,1115,1115,-573,1115,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1115,1115,-723,-724,-725,1115,1943,649,649,649,649,-994,649,1115,-91,-92,649,649,649,1115,-309,-310,-320,1115,-307,-293,-294,-295,1115,649,1115,1115,-618,-633,-590,1115,649,-436,649,-437,1115,-444,-445,-446,-378,-379,1115,1115,1115,-506,1115,1115,-510,1115,1115,1115,1115,-515,-516,-517,-518,1115,1115,-521,-522,1115,-524,-525,-526,-527,-528,-529,-530,-531,1115,-533,1115,1115,1115,-539,-541,-542,1115,-544,-545,-546,-547,1115,1115,1115,1115,1115,1115,-652,-653,-654,-655,649,-657,-658,-659,1115,1115,1115,-665,1115,1115,-669,-670,1115,1115,-673,1115,-675,-676,1115,-679,1115,-681,1115,1115,-684,-685,-686,1115,-688,1115,1115,-691,1115,1115,-694,-695,-696,1115,-698,-699,-700,-701,1115,1115,-746,1115,-749,-750,-751,-752,-753,1115,-755,-756,-757,-758,-759,1115,-766,-767,-769,1115,-771,-772,-773,-782,-856,-858,-860,-862,1115,1115,1115,1115,-868,1115,-870,1115,1115,1115,1115,1115,1115,1115,-906,-907,1115,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1115,-921,-924,1115,-934,1115,-385,-386,-387,1115,1115,-390,-391,-392,-393,1115,-396,1115,-399,-400,1115,-401,1115,-406,-407,1115,-410,-411,-412,1115,-415,1115,-416,1115,-421,-422,1115,-425,1115,-428,-429,-1894,-1894,1115,-619,-620,-621,-622,-623,-634,-584,-624,-797,1115,1115,1115,1115,1115,-831,1115,1115,-806,1115,-832,1115,1115,1115,1115,-798,1115,-853,-799,1115,1115,1115,1115,1115,1115,-854,-855,1115,-834,-830,-835,1115,-625,1115,-626,-627,-628,-629,-574,1115,1115,-630,-631,-632,1115,1115,1115,1115,1115,1115,-635,-636,-637,-592,-1894,-602,1115,-638,-639,-713,-640,-604,1115,-572,-577,-580,-583,1115,1115,1115,-598,-601,1115,-608,1115,1115,1115,1115,1115,1115,1115,1115,1115,1115,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1115,649,649,-995,649,1115,649,649,649,1115,-306,-325,-319,-296,-375,-452,-453,-454,-458,649,-443,1115,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1115,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,649,649,649,649,649,649,649,649,1115,-316,-535,-508,-591,-937,-939,-940,-438,1115,-440,-380,-381,-383,-507,-509,-511,1115,-513,-514,-519,-520,1115,-532,-534,-537,-538,-543,-548,-726,1115,-727,1115,-732,1115,-734,1115,-739,-656,-660,-661,1115,-666,1115,-667,1115,-672,-674,1115,-677,1115,1115,1115,-687,-689,1115,-692,1115,1115,-744,1115,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1115,1115,1115,1115,1115,-877,1115,-880,-908,-920,-925,-388,-389,1115,-394,1115,-397,1115,-402,1115,-403,1115,-408,1115,-413,1115,-417,1115,-418,1115,-423,1115,-426,-899,-900,-643,-585,-1894,-901,1115,1115,1115,-800,1115,1115,-804,1115,-807,-833,1115,-818,1115,-820,1115,-822,-808,1115,-824,1115,-851,-852,1115,1115,-811,1115,-646,-902,-904,-648,-649,-645,1115,-705,-706,1115,-642,-903,-647,-650,-603,-714,1115,1115,-605,-586,1115,1115,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1115,1115,-709,-710,1115,-716,1115,649,649,649,1115,1115,-938,649,-439,-441,-747,1115,-891,1943,-715,-1894,1115,1115,649,649,1115,-442,-512,-523,1115,-728,-733,1115,-735,1115,-740,1115,-662,-668,1115,-678,-680,-682,-683,-690,-693,-697,-745,1115,1115,-874,1115,1115,-878,1115,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1115,-812,1115,-814,-801,1115,-802,-805,1115,-816,-819,-821,-823,-825,1115,-826,1115,-809,1115,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,649,-282,649,1115,649,1115,-455,1115,1115,-729,1115,-736,1115,-741,1115,-663,-671,1115,1115,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1115,-836,-53,649,1115,-730,1115,-737,1115,-742,-664,1115,-873,-54,649,649,-731,-738,-743,1115,649,1115,-872,]),'REPLICA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[650,650,650,650,-1894,650,650,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,650,650,650,650,-275,-276,650,-1425,650,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,650,650,650,-490,650,650,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,650,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,650,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,650,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,650,-172,-173,-174,-175,-993,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-290,-291,-281,650,650,650,650,650,-328,-318,-332,-333,-334,650,650,-982,-983,-984,-985,-986,-987,-988,650,650,650,650,650,650,650,650,650,650,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,650,650,650,-353,-356,650,-323,-324,-141,650,-142,650,-143,650,-430,-935,-936,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-1894,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-1894,650,-1894,650,650,650,650,650,650,650,650,650,650,650,650,-1894,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,650,-1894,650,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,650,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,650,650,650,-191,-192,650,-994,650,650,650,650,650,-277,-278,-279,-280,-365,650,-308,650,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,650,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,650,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,650,650,650,650,650,650,-573,650,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,650,650,-723,-724,-725,650,650,650,650,650,650,-994,650,650,-91,-92,650,650,650,650,-309,-310,-320,650,-307,-293,-294,-295,650,650,650,650,-618,-633,-590,650,650,-436,650,-437,650,-444,-445,-446,-378,-379,650,650,650,-506,650,650,-510,650,650,650,650,-515,-516,-517,-518,650,650,-521,-522,650,-524,-525,-526,-527,-528,-529,-530,-531,650,-533,650,650,650,-539,-541,-542,650,-544,-545,-546,-547,650,650,650,650,650,650,-652,-653,-654,-655,650,-657,-658,-659,650,650,650,-665,650,650,-669,-670,650,650,-673,650,-675,-676,650,-679,650,-681,650,650,-684,-685,-686,650,-688,650,650,-691,650,650,-694,-695,-696,650,-698,-699,-700,-701,650,650,-746,650,-749,-750,-751,-752,-753,650,-755,-756,-757,-758,-759,650,-766,-767,-769,650,-771,-772,-773,-782,-856,-858,-860,-862,650,650,650,650,-868,650,-870,650,650,650,650,650,650,650,-906,-907,650,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,650,-921,-924,650,-934,650,-385,-386,-387,650,650,-390,-391,-392,-393,650,-396,650,-399,-400,650,-401,650,-406,-407,650,-410,-411,-412,650,-415,650,-416,650,-421,-422,650,-425,650,-428,-429,-1894,-1894,650,-619,-620,-621,-622,-623,-634,-584,-624,-797,650,650,650,650,650,-831,650,650,-806,650,-832,650,650,650,650,-798,650,-853,-799,650,650,650,650,650,650,-854,-855,650,-834,-830,-835,650,-625,650,-626,-627,-628,-629,-574,650,650,-630,-631,-632,650,650,650,650,650,650,-635,-636,-637,-592,-1894,-602,650,-638,-639,-713,-640,-604,650,-572,-577,-580,-583,650,650,650,-598,-601,650,-608,650,650,650,650,650,650,650,650,650,650,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,650,650,650,-995,650,650,650,650,650,650,-306,-325,-319,-296,-375,-452,-453,-454,-458,650,-443,650,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,650,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,650,650,650,650,650,650,650,650,650,-316,-535,-508,-591,-937,-939,-940,-438,650,-440,-380,-381,-383,-507,-509,-511,650,-513,-514,-519,-520,650,-532,-534,-537,-538,-543,-548,-726,650,-727,650,-732,650,-734,650,-739,-656,-660,-661,650,-666,650,-667,650,-672,-674,650,-677,650,650,650,-687,-689,650,-692,650,650,-744,650,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,650,650,650,650,650,-877,650,-880,-908,-920,-925,-388,-389,650,-394,650,-397,650,-402,650,-403,650,-408,650,-413,650,-417,650,-418,650,-423,650,-426,-899,-900,-643,-585,-1894,-901,650,650,650,-800,650,650,-804,650,-807,-833,650,-818,650,-820,650,-822,-808,650,-824,650,-851,-852,650,650,-811,650,-646,-902,-904,-648,-649,-645,650,-705,-706,650,-642,-903,-647,-650,-603,-714,650,650,-605,-586,650,650,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,650,650,-709,-710,650,-716,650,650,650,650,650,650,-938,650,-439,-441,-747,650,-891,650,-715,-1894,650,650,650,650,650,-442,-512,-523,650,-728,-733,650,-735,650,-740,650,-662,-668,650,-678,-680,-682,-683,-690,-693,-697,-745,650,650,-874,650,650,-878,650,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,650,-812,650,-814,-801,650,-802,-805,650,-816,-819,-821,-823,-825,650,-826,650,-809,650,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,650,-282,650,650,650,650,-455,650,650,-729,650,-736,650,-741,650,-663,-671,650,650,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,650,-836,-53,650,650,-730,650,-737,650,-742,-664,650,-873,-54,650,650,-731,-738,-743,650,650,650,-872,]),'REPLICATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[651,651,651,651,-1894,651,651,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,651,651,651,651,-275,-276,651,-1425,651,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,651,651,651,-490,651,651,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,651,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,651,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,651,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,651,-172,-173,-174,-175,-993,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-290,-291,-281,651,651,651,651,651,-328,-318,-332,-333,-334,651,651,-982,-983,-984,-985,-986,-987,-988,651,651,651,651,651,651,651,651,651,651,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,651,651,651,-353,-356,651,-323,-324,-141,651,-142,651,-143,651,-430,-935,-936,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-1894,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-1894,651,-1894,651,651,651,651,651,651,651,651,651,651,651,651,-1894,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,651,-1894,651,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,651,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,651,651,651,-191,-192,651,-994,651,651,651,651,651,-277,-278,-279,-280,-365,651,-308,651,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,651,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,651,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,651,651,651,651,651,651,-573,651,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,651,651,-723,-724,-725,651,651,651,651,651,651,-994,651,651,-91,-92,651,651,651,651,-309,-310,-320,651,-307,-293,-294,-295,651,651,651,651,-618,-633,-590,651,651,-436,651,-437,651,-444,-445,-446,-378,-379,651,651,651,-506,651,651,-510,651,651,651,651,-515,-516,-517,-518,651,651,-521,-522,651,-524,-525,-526,-527,-528,-529,-530,-531,651,-533,651,651,651,-539,-541,-542,651,-544,-545,-546,-547,651,651,651,651,651,651,-652,-653,-654,-655,651,-657,-658,-659,651,651,651,-665,651,651,-669,-670,651,651,-673,651,-675,-676,651,-679,651,-681,651,651,-684,-685,-686,651,-688,651,651,-691,651,651,-694,-695,-696,651,-698,-699,-700,-701,651,651,-746,651,-749,-750,-751,-752,-753,651,-755,-756,-757,-758,-759,651,-766,-767,-769,651,-771,-772,-773,-782,-856,-858,-860,-862,651,651,651,651,-868,651,-870,651,651,651,651,651,651,651,-906,-907,651,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,651,-921,-924,651,-934,651,-385,-386,-387,651,651,-390,-391,-392,-393,651,-396,651,-399,-400,651,-401,651,-406,-407,651,-410,-411,-412,651,-415,651,-416,651,-421,-422,651,-425,651,-428,-429,-1894,-1894,651,-619,-620,-621,-622,-623,-634,-584,-624,-797,651,651,651,651,651,-831,651,651,-806,651,-832,651,651,651,651,-798,651,-853,-799,651,651,651,651,651,651,-854,-855,651,-834,-830,-835,651,-625,651,-626,-627,-628,-629,-574,651,651,-630,-631,-632,651,651,651,651,651,651,-635,-636,-637,-592,-1894,-602,651,-638,-639,-713,-640,-604,651,-572,-577,-580,-583,651,651,651,-598,-601,651,-608,651,651,651,651,651,651,651,651,651,651,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,651,651,651,-995,651,651,651,651,651,651,-306,-325,-319,-296,-375,-452,-453,-454,-458,651,-443,651,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,651,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,651,651,651,651,651,651,651,651,651,-316,-535,-508,-591,-937,-939,-940,-438,651,-440,-380,-381,-383,-507,-509,-511,651,-513,-514,-519,-520,651,-532,-534,-537,-538,-543,-548,-726,651,-727,651,-732,651,-734,651,-739,-656,-660,-661,651,-666,651,-667,651,-672,-674,651,-677,651,651,651,-687,-689,651,-692,651,651,-744,651,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,651,651,651,651,651,-877,651,-880,-908,-920,-925,-388,-389,651,-394,651,-397,651,-402,651,-403,651,-408,651,-413,651,-417,651,-418,651,-423,651,-426,-899,-900,-643,-585,-1894,-901,651,651,651,-800,651,651,-804,651,-807,-833,651,-818,651,-820,651,-822,-808,651,-824,651,-851,-852,651,651,-811,651,-646,-902,-904,-648,-649,-645,651,-705,-706,651,-642,-903,-647,-650,-603,-714,651,651,-605,-586,651,651,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,651,651,-709,-710,651,-716,651,651,651,651,651,651,-938,651,-439,-441,-747,651,-891,651,-715,-1894,651,651,651,651,651,-442,-512,-523,651,-728,-733,651,-735,651,-740,651,-662,-668,651,-678,-680,-682,-683,-690,-693,-697,-745,651,651,-874,651,651,-878,651,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,651,-812,651,-814,-801,651,-802,-805,651,-816,-819,-821,-823,-825,651,-826,651,-809,651,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,651,-282,651,651,651,651,-455,651,651,-729,651,-736,651,-741,651,-663,-671,651,651,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,651,-836,-53,651,651,-730,651,-737,651,-742,-664,651,-873,-54,651,651,-731,-738,-743,651,651,651,-872,]),'REPLICA_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[652,652,652,652,-1894,652,652,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,652,652,652,652,-275,-276,652,-1425,652,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,652,652,652,-490,652,652,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,652,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,652,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,652,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,652,-172,-173,-174,-175,-993,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-290,-291,-281,652,652,652,652,652,-328,-318,-332,-333,-334,652,652,-982,-983,-984,-985,-986,-987,-988,652,652,652,652,652,652,652,652,652,652,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,652,652,652,-353,-356,652,-323,-324,-141,652,-142,652,-143,652,-430,-935,-936,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-1894,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-1894,652,-1894,652,652,652,652,652,652,652,652,652,652,652,652,-1894,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,652,-1894,652,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,652,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,652,652,652,-191,-192,652,-994,652,652,652,652,652,-277,-278,-279,-280,-365,652,-308,652,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,652,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,652,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,652,652,652,652,652,652,-573,652,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,652,652,-723,-724,-725,652,652,652,652,652,652,-994,652,652,-91,-92,652,652,652,652,-309,-310,-320,652,-307,-293,-294,-295,652,652,652,652,-618,-633,-590,652,652,-436,652,-437,652,-444,-445,-446,-378,-379,652,652,652,-506,652,652,-510,652,652,652,652,-515,-516,-517,-518,652,652,-521,-522,652,-524,-525,-526,-527,-528,-529,-530,-531,652,-533,652,652,652,-539,-541,-542,652,-544,-545,-546,-547,652,652,652,652,652,652,-652,-653,-654,-655,652,-657,-658,-659,652,652,652,-665,652,652,-669,-670,652,652,-673,652,-675,-676,652,-679,652,-681,652,652,-684,-685,-686,652,-688,652,652,-691,652,652,-694,-695,-696,652,-698,-699,-700,-701,652,652,-746,652,-749,-750,-751,-752,-753,652,-755,-756,-757,-758,-759,652,-766,-767,-769,652,-771,-772,-773,-782,-856,-858,-860,-862,652,652,652,652,-868,652,-870,652,652,652,652,652,652,652,-906,-907,652,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,652,-921,-924,652,-934,652,-385,-386,-387,652,652,-390,-391,-392,-393,652,-396,652,-399,-400,652,-401,652,-406,-407,652,-410,-411,-412,652,-415,652,-416,652,-421,-422,652,-425,652,-428,-429,-1894,-1894,652,-619,-620,-621,-622,-623,-634,-584,-624,-797,652,652,652,652,652,-831,652,652,-806,652,-832,652,652,652,652,-798,652,-853,-799,652,652,652,652,652,652,-854,-855,652,-834,-830,-835,652,-625,652,-626,-627,-628,-629,-574,652,652,-630,-631,-632,652,652,652,652,652,652,-635,-636,-637,-592,-1894,-602,652,-638,-639,-713,-640,-604,652,-572,-577,-580,-583,652,652,652,-598,-601,652,-608,652,652,652,652,652,652,652,652,652,652,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,652,652,3188,652,-995,652,652,652,652,652,652,-306,-325,-319,-296,-375,-452,-453,-454,-458,652,-443,652,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,652,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,652,652,652,652,652,652,652,652,652,-316,-535,-508,-591,-937,-939,-940,-438,652,-440,-380,-381,-383,-507,-509,-511,652,-513,-514,-519,-520,652,-532,-534,-537,-538,-543,-548,-726,652,-727,652,-732,652,-734,652,-739,-656,-660,-661,652,-666,652,-667,652,-672,-674,652,-677,652,652,652,-687,-689,652,-692,652,652,-744,652,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,652,652,652,652,652,-877,652,-880,-908,-920,-925,-388,-389,652,-394,652,-397,652,-402,652,-403,652,-408,652,-413,652,-417,652,-418,652,-423,652,-426,-899,-900,-643,-585,-1894,-901,652,652,652,-800,652,652,-804,652,-807,-833,652,-818,652,-820,652,-822,-808,652,-824,652,-851,-852,652,652,-811,652,-646,-902,-904,-648,-649,-645,652,-705,-706,652,-642,-903,-647,-650,-603,-714,652,652,-605,-586,652,652,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,652,652,-709,-710,652,-716,652,652,652,652,3188,652,652,-938,652,-439,-441,-747,652,-891,652,-715,-1894,652,652,3188,652,3188,3188,3188,3188,3188,3188,3188,3188,3188,652,652,-442,-512,-523,652,-728,-733,652,-735,652,-740,652,-662,-668,652,-678,-680,-682,-683,-690,-693,-697,-745,652,652,-874,652,652,-878,652,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,652,-812,652,-814,-801,652,-802,-805,652,-816,-819,-821,-823,-825,652,-826,652,-809,652,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,652,3188,-282,652,652,652,652,-455,652,652,-729,652,-736,652,-741,652,-663,-671,652,652,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,652,-836,-53,652,652,-730,652,-737,652,-742,-664,652,-873,-54,652,652,-731,-738,-743,652,652,652,-872,]),'REPLICA_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[653,653,653,653,-1894,653,653,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,653,653,653,653,-275,-276,653,-1425,653,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,653,653,653,-490,653,653,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,653,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,653,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,653,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,653,-172,-173,-174,-175,-993,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-290,-291,-281,653,653,653,653,653,-328,-318,-332,-333,-334,653,653,-982,-983,-984,-985,-986,-987,-988,653,653,653,653,653,653,653,653,653,653,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,653,653,653,-353,-356,653,-323,-324,-141,653,-142,653,-143,653,-430,-935,-936,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-1894,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-1894,653,-1894,653,653,653,653,653,653,653,653,653,653,653,653,-1894,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,653,-1894,653,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,653,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,653,653,653,-191,-192,653,-994,653,653,653,653,653,-277,-278,-279,-280,-365,653,-308,653,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,653,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,653,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,653,653,653,653,653,653,-573,653,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,653,653,-723,-724,-725,653,653,653,653,653,653,-994,653,653,-91,-92,653,653,653,653,-309,-310,-320,653,-307,-293,-294,-295,653,653,653,653,-618,-633,-590,653,653,-436,653,-437,653,-444,-445,-446,-378,-379,653,653,653,-506,653,653,-510,653,653,653,653,-515,-516,-517,-518,653,653,-521,-522,653,-524,-525,-526,-527,-528,-529,-530,-531,653,-533,653,653,653,-539,-541,-542,653,-544,-545,-546,-547,653,653,653,653,653,653,-652,-653,-654,-655,653,-657,-658,-659,653,653,653,-665,653,653,-669,-670,653,653,-673,653,-675,-676,653,-679,653,-681,653,653,-684,-685,-686,653,-688,653,653,-691,653,653,-694,-695,-696,653,-698,-699,-700,-701,653,653,-746,653,-749,-750,-751,-752,-753,653,-755,-756,-757,-758,-759,653,-766,-767,-769,653,-771,-772,-773,-782,-856,-858,-860,-862,653,653,653,653,-868,653,-870,653,653,653,653,653,653,653,-906,-907,653,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,653,-921,-924,653,-934,653,-385,-386,-387,653,653,-390,-391,-392,-393,653,-396,653,-399,-400,653,-401,653,-406,-407,653,-410,-411,-412,653,-415,653,-416,653,-421,-422,653,-425,653,-428,-429,-1894,-1894,653,-619,-620,-621,-622,-623,-634,-584,-624,-797,653,653,653,653,653,-831,653,653,-806,653,-832,653,653,653,653,-798,653,-853,-799,653,653,653,653,653,653,-854,-855,653,-834,-830,-835,653,-625,653,-626,-627,-628,-629,-574,653,653,-630,-631,-632,653,653,653,653,653,653,-635,-636,-637,-592,-1894,-602,653,-638,-639,-713,-640,-604,653,-572,-577,-580,-583,653,653,653,-598,-601,653,-608,653,653,653,653,653,653,653,653,653,653,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,653,653,653,-995,653,653,653,653,653,653,-306,-325,-319,-296,-375,-452,-453,-454,-458,653,-443,653,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,653,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,653,653,653,653,653,653,653,653,653,-316,-535,-508,-591,-937,-939,-940,-438,653,-440,-380,-381,-383,-507,-509,-511,653,-513,-514,-519,-520,653,-532,-534,-537,-538,-543,-548,-726,653,-727,653,-732,653,-734,653,-739,-656,-660,-661,653,-666,653,-667,653,-672,-674,653,-677,653,653,653,-687,-689,653,-692,653,653,-744,653,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,653,653,653,653,653,-877,653,-880,-908,-920,-925,-388,-389,653,-394,653,-397,653,-402,653,-403,653,-408,653,-413,653,-417,653,-418,653,-423,653,-426,-899,-900,-643,-585,-1894,-901,653,653,653,-800,653,653,-804,653,-807,-833,653,-818,653,-820,653,-822,-808,653,-824,653,-851,-852,653,653,-811,653,-646,-902,-904,-648,-649,-645,653,-705,-706,653,-642,-903,-647,-650,-603,-714,653,653,-605,-586,653,653,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,653,653,-709,-710,653,-716,653,653,653,653,653,653,-938,653,-439,-441,-747,653,-891,653,-715,-1894,653,653,653,653,653,-442,-512,-523,653,-728,-733,653,-735,653,-740,653,-662,-668,653,-678,-680,-682,-683,-690,-693,-697,-745,653,653,-874,653,653,-878,653,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,653,-812,653,-814,-801,653,-802,-805,653,-816,-819,-821,-823,-825,653,-826,653,-809,653,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,653,-282,653,653,653,653,-455,653,653,-729,653,-736,653,-741,653,-663,-671,653,653,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,653,-836,-53,653,653,-730,653,-737,653,-742,-664,653,-873,-54,653,653,-731,-738,-743,653,653,653,-872,]),'REPORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[654,654,654,654,-1894,654,654,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,654,654,654,654,-275,-276,654,-1425,654,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,654,654,654,-490,654,654,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,654,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,654,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,654,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,654,-172,-173,-174,-175,-993,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-290,-291,-281,654,654,654,654,654,-328,-318,-332,-333,-334,654,654,-982,-983,-984,-985,-986,-987,-988,654,654,654,654,654,654,654,654,654,654,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,654,654,654,-353,-356,654,-323,-324,-141,654,-142,654,-143,654,-430,-935,-936,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-1894,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-1894,654,-1894,654,654,654,654,654,654,654,654,654,654,654,654,-1894,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,654,-1894,654,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,654,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,654,654,654,-191,-192,654,-994,654,654,654,654,654,-277,-278,-279,-280,-365,654,-308,654,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,654,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,654,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,654,654,654,654,654,654,-573,654,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,654,654,-723,-724,-725,654,654,654,654,654,654,-994,654,654,-91,-92,654,654,654,654,-309,-310,-320,654,-307,-293,-294,-295,654,654,654,654,-618,-633,-590,654,654,-436,654,-437,654,-444,-445,-446,-378,-379,654,654,654,-506,654,654,-510,654,654,654,654,-515,-516,-517,-518,654,654,-521,-522,654,-524,-525,-526,-527,-528,-529,-530,-531,654,-533,654,654,654,-539,-541,-542,654,-544,-545,-546,-547,654,654,654,654,654,654,-652,-653,-654,-655,654,-657,-658,-659,654,654,654,-665,654,654,-669,-670,654,654,-673,654,-675,-676,654,-679,654,-681,654,654,-684,-685,-686,654,-688,654,654,-691,654,654,-694,-695,-696,654,-698,-699,-700,-701,654,654,-746,654,-749,-750,-751,-752,-753,654,-755,-756,-757,-758,-759,654,-766,-767,-769,654,-771,-772,-773,-782,-856,-858,-860,-862,654,654,654,654,-868,654,-870,654,654,654,654,654,654,654,-906,-907,654,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,654,-921,-924,654,-934,654,-385,-386,-387,654,654,-390,-391,-392,-393,654,-396,654,-399,-400,654,-401,654,-406,-407,654,-410,-411,-412,654,-415,654,-416,654,-421,-422,654,-425,654,-428,-429,-1894,-1894,654,-619,-620,-621,-622,-623,-634,-584,-624,-797,654,654,654,654,654,-831,654,654,-806,654,-832,654,654,654,654,-798,654,-853,-799,654,654,654,654,654,654,-854,-855,654,-834,-830,-835,654,-625,654,-626,-627,-628,-629,-574,654,654,-630,-631,-632,654,654,654,654,654,654,-635,-636,-637,-592,-1894,-602,654,-638,-639,-713,-640,-604,654,-572,-577,-580,-583,654,654,654,-598,-601,654,-608,654,654,654,654,654,654,654,654,654,654,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,654,654,654,-995,654,654,654,654,654,654,-306,-325,-319,-296,-375,-452,-453,-454,-458,654,-443,654,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,654,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,654,654,654,654,654,654,654,654,654,-316,-535,-508,-591,-937,-939,-940,-438,654,-440,-380,-381,-383,-507,-509,-511,654,-513,-514,-519,-520,654,-532,-534,-537,-538,-543,-548,-726,654,-727,654,-732,654,-734,654,-739,-656,-660,-661,654,-666,654,-667,654,-672,-674,654,-677,654,654,654,-687,-689,654,-692,654,654,-744,654,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,654,654,654,654,654,-877,654,-880,-908,-920,-925,-388,-389,654,-394,654,-397,654,-402,654,-403,654,-408,654,-413,654,-417,654,-418,654,-423,654,-426,-899,-900,-643,-585,-1894,-901,654,654,654,-800,654,654,-804,654,-807,-833,654,-818,654,-820,654,-822,-808,654,-824,654,-851,-852,654,654,-811,654,-646,-902,-904,-648,-649,-645,654,-705,-706,654,-642,-903,-647,-650,-603,-714,654,654,-605,-586,654,654,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,654,654,-709,-710,654,-716,654,654,654,654,654,654,-938,654,-439,-441,-747,654,-891,654,-715,-1894,654,654,654,654,654,-442,-512,-523,654,-728,-733,654,-735,654,-740,654,-662,-668,654,-678,-680,-682,-683,-690,-693,-697,-745,654,654,-874,654,654,-878,654,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,654,-812,654,-814,-801,654,-802,-805,654,-816,-819,-821,-823,-825,654,-826,654,-809,654,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,654,-282,654,654,654,654,-455,654,654,-729,654,-736,654,-741,654,-663,-671,654,654,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,654,-836,-53,654,654,-730,654,-737,654,-742,-664,654,-873,-54,654,654,-731,-738,-743,654,654,654,-872,]),'RESET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[655,655,655,655,-1894,655,655,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,655,655,655,655,-275,-276,655,-1425,655,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,655,655,655,-490,655,655,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,655,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,655,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,655,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,655,-172,-173,-174,-175,-993,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-290,-291,-281,655,655,655,655,655,-328,-318,-332,-333,-334,655,655,-982,-983,-984,-985,-986,-987,-988,655,655,655,655,655,655,655,655,655,655,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,655,655,655,-353,-356,655,-323,-324,-141,655,-142,655,-143,655,-430,-935,-936,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-1894,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-1894,655,-1894,655,655,655,655,655,655,655,655,655,655,655,655,-1894,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,655,-1894,655,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,655,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,655,655,655,-191,-192,655,-994,655,655,655,655,655,-277,-278,-279,-280,-365,655,-308,655,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,655,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,655,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,655,655,655,655,655,655,-573,655,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,655,655,-723,-724,-725,655,655,655,655,655,655,-994,655,655,-91,-92,655,655,655,655,-309,-310,-320,655,-307,-293,-294,-295,655,655,655,655,-618,-633,-590,655,655,-436,655,-437,655,-444,-445,-446,-378,-379,655,655,655,-506,655,655,-510,655,655,655,655,-515,-516,-517,-518,655,655,-521,-522,655,-524,-525,-526,-527,-528,-529,-530,-531,655,-533,655,655,655,-539,-541,-542,655,-544,-545,-546,-547,655,655,655,655,655,655,-652,-653,-654,-655,655,-657,-658,-659,655,655,655,-665,655,655,-669,-670,655,655,-673,655,-675,-676,655,-679,655,-681,655,655,-684,-685,-686,655,-688,655,655,-691,655,655,-694,-695,-696,655,-698,-699,-700,-701,655,655,-746,655,-749,-750,-751,-752,-753,655,-755,-756,-757,-758,-759,655,-766,-767,-769,655,-771,-772,-773,-782,-856,-858,-860,-862,655,655,655,655,-868,655,-870,655,655,655,655,655,655,655,-906,-907,655,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,655,-921,-924,655,-934,655,-385,-386,-387,655,655,-390,-391,-392,-393,655,-396,655,-399,-400,655,-401,655,-406,-407,655,-410,-411,-412,655,-415,655,-416,655,-421,-422,655,-425,655,-428,-429,-1894,-1894,655,-619,-620,-621,-622,-623,-634,-584,-624,-797,655,655,655,655,655,-831,655,655,-806,655,-832,655,655,655,655,-798,655,-853,-799,655,655,655,655,655,655,-854,-855,655,-834,-830,-835,655,-625,655,-626,-627,-628,-629,-574,655,655,-630,-631,-632,655,655,655,655,655,655,-635,-636,-637,-592,-1894,-602,655,-638,-639,-713,-640,-604,655,-572,-577,-580,-583,655,655,655,-598,-601,655,-608,655,655,655,655,655,655,655,655,655,655,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,655,655,655,-995,655,655,655,655,655,655,-306,-325,-319,-296,-375,-452,-453,-454,-458,655,-443,655,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,655,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,655,655,655,655,655,655,655,655,655,-316,-535,-508,-591,-937,-939,-940,-438,655,-440,-380,-381,-383,-507,-509,-511,655,-513,-514,-519,-520,655,-532,-534,-537,-538,-543,-548,-726,655,-727,655,-732,655,-734,655,-739,-656,-660,-661,655,-666,655,-667,655,-672,-674,655,-677,655,655,655,-687,-689,655,-692,655,655,-744,655,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,655,655,655,655,655,-877,655,-880,-908,-920,-925,-388,-389,655,-394,655,-397,655,-402,655,-403,655,-408,655,-413,655,-417,655,-418,655,-423,655,-426,-899,-900,-643,-585,-1894,-901,655,655,655,-800,655,655,-804,655,-807,-833,655,-818,655,-820,655,-822,-808,655,-824,655,-851,-852,655,655,-811,655,-646,-902,-904,-648,-649,-645,655,-705,-706,655,-642,-903,-647,-650,-603,-714,655,655,-605,-586,655,655,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,655,655,-709,-710,655,-716,655,655,655,655,655,655,-938,655,-439,-441,-747,655,-891,655,-715,-1894,655,655,655,655,655,-442,-512,-523,655,-728,-733,655,-735,655,-740,655,-662,-668,655,-678,-680,-682,-683,-690,-693,-697,-745,655,655,-874,655,655,-878,655,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,655,-812,655,-814,-801,655,-802,-805,655,-816,-819,-821,-823,-825,655,-826,655,-809,655,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,655,-282,655,655,655,655,-455,655,655,-729,655,-736,655,-741,655,-663,-671,655,655,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,655,-836,-53,655,655,-730,655,-737,655,-742,-664,655,-873,-54,655,655,-731,-738,-743,655,655,655,-872,]),'RESOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[656,656,656,656,-1894,656,656,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,656,656,656,656,-275,-276,656,-1425,656,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,656,656,656,-490,656,656,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,656,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,656,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,656,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,656,-172,-173,-174,-175,-993,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-290,-291,-281,656,656,656,656,656,-328,-318,-332,-333,-334,656,656,-982,-983,-984,-985,-986,-987,-988,656,656,656,656,656,656,656,656,656,656,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,656,656,656,-353,-356,656,-323,-324,-141,656,-142,656,-143,656,-430,-935,-936,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-1894,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-1894,656,-1894,656,656,656,656,656,656,656,656,656,656,656,656,-1894,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,656,-1894,656,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,656,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,656,656,656,-191,-192,656,-994,656,656,656,656,656,-277,-278,-279,-280,-365,656,-308,656,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,656,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,656,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,656,656,656,656,656,656,-573,656,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,656,656,-723,-724,-725,656,656,656,656,656,656,-994,656,656,-91,-92,656,656,656,656,-309,-310,-320,656,-307,-293,-294,-295,656,656,656,656,-618,-633,-590,656,656,-436,656,-437,656,-444,-445,-446,-378,-379,656,656,656,-506,656,656,-510,656,656,656,656,-515,-516,-517,-518,656,656,-521,-522,656,-524,-525,-526,-527,-528,-529,-530,-531,656,-533,656,656,656,-539,-541,-542,656,-544,-545,-546,-547,656,656,656,656,656,656,-652,-653,-654,-655,656,-657,-658,-659,656,656,656,-665,656,656,-669,-670,656,656,-673,656,-675,-676,656,-679,656,-681,656,656,-684,-685,-686,656,-688,656,656,-691,656,656,-694,-695,-696,656,-698,-699,-700,-701,656,656,-746,656,-749,-750,-751,-752,-753,656,-755,-756,-757,-758,-759,656,-766,-767,-769,656,-771,-772,-773,-782,-856,-858,-860,-862,656,656,656,656,-868,656,-870,656,656,656,656,656,656,656,-906,-907,656,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,656,-921,-924,656,-934,656,-385,-386,-387,656,656,-390,-391,-392,-393,656,-396,656,-399,-400,656,-401,656,-406,-407,656,-410,-411,-412,656,-415,656,-416,656,-421,-422,656,-425,656,-428,-429,-1894,-1894,656,-619,-620,-621,-622,-623,-634,-584,-624,-797,656,656,656,656,656,-831,656,656,-806,656,-832,656,656,656,656,-798,656,-853,-799,656,656,656,656,656,656,-854,-855,656,-834,-830,-835,656,-625,656,-626,-627,-628,-629,-574,656,656,-630,-631,-632,656,656,656,656,656,656,-635,-636,-637,-592,-1894,-602,656,-638,-639,-713,-640,-604,656,-572,-577,-580,-583,656,656,656,-598,-601,656,-608,656,656,656,656,656,656,656,656,656,656,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,656,656,656,-995,656,656,656,656,656,656,-306,-325,-319,-296,-375,-452,-453,-454,-458,656,-443,656,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,656,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,656,656,656,656,656,656,656,656,656,-316,-535,-508,-591,-937,-939,-940,-438,656,-440,-380,-381,-383,-507,-509,-511,656,-513,-514,-519,-520,656,-532,-534,-537,-538,-543,-548,-726,656,-727,656,-732,656,-734,656,-739,-656,-660,-661,656,-666,656,-667,656,-672,-674,656,-677,656,656,656,-687,-689,656,-692,656,656,-744,656,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,656,656,656,656,656,-877,656,-880,-908,-920,-925,-388,-389,656,-394,656,-397,656,-402,656,-403,656,-408,656,-413,656,-417,656,-418,656,-423,656,-426,-899,-900,-643,-585,-1894,-901,656,656,656,-800,656,656,-804,656,-807,-833,656,-818,656,-820,656,-822,-808,656,-824,656,-851,-852,656,656,-811,656,-646,-902,-904,-648,-649,-645,656,-705,-706,656,-642,-903,-647,-650,-603,-714,656,656,-605,-586,656,656,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,656,656,-709,-710,656,-716,656,656,656,656,656,656,-938,656,-439,-441,-747,656,-891,656,-715,-1894,656,656,656,656,656,-442,-512,-523,656,-728,-733,656,-735,656,-740,656,-662,-668,656,-678,-680,-682,-683,-690,-693,-697,-745,656,656,-874,656,656,-878,656,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,656,-812,656,-814,-801,656,-802,-805,656,-816,-819,-821,-823,-825,656,-826,656,-809,656,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,656,-282,656,656,656,656,-455,656,656,-729,656,-736,656,-741,656,-663,-671,656,656,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,656,-836,-53,656,656,-730,656,-737,656,-742,-664,656,-873,-54,656,656,-731,-738,-743,656,656,656,-872,]),'RESOURCE_POOL_LIST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[657,657,657,657,-1894,657,657,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,657,657,657,657,-275,-276,657,-1425,657,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,657,657,657,-490,657,657,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,657,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,657,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,657,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,657,-172,-173,-174,-175,-993,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-290,-291,-281,657,657,657,657,657,-328,-318,-332,-333,-334,657,657,-982,-983,-984,-985,-986,-987,-988,657,657,657,657,657,657,657,657,657,657,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,657,657,657,-353,-356,657,-323,-324,-141,657,-142,657,-143,657,-430,-935,-936,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-1894,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-1894,657,-1894,657,657,657,657,657,657,657,657,657,657,657,657,-1894,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,657,-1894,657,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,657,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,657,657,657,-191,-192,657,-994,657,657,657,657,657,-277,-278,-279,-280,-365,657,-308,657,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,657,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,657,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,657,657,657,657,657,657,-573,657,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,657,657,-723,-724,-725,657,657,657,657,657,657,-994,657,657,-91,-92,657,657,657,657,-309,-310,-320,657,-307,-293,-294,-295,657,657,657,657,-618,-633,-590,657,657,-436,657,-437,657,-444,-445,-446,-378,-379,657,657,657,-506,657,657,-510,657,657,657,657,-515,-516,-517,-518,657,657,-521,-522,657,-524,-525,-526,-527,-528,-529,-530,-531,657,-533,657,657,657,-539,-541,-542,657,-544,-545,-546,-547,657,657,657,657,657,657,-652,-653,-654,-655,657,-657,-658,-659,657,657,657,-665,657,657,-669,-670,657,657,-673,657,-675,-676,657,-679,657,-681,657,657,-684,-685,-686,657,-688,657,657,-691,657,657,-694,-695,-696,657,-698,-699,-700,-701,657,657,-746,657,-749,-750,-751,-752,-753,657,-755,-756,-757,-758,-759,657,-766,-767,-769,657,-771,-772,-773,-782,-856,-858,-860,-862,657,657,657,657,-868,657,-870,657,657,657,657,657,657,657,-906,-907,657,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,657,-921,-924,657,-934,657,-385,-386,-387,657,657,-390,-391,-392,-393,657,-396,657,-399,-400,657,-401,657,-406,-407,657,-410,-411,-412,657,-415,657,-416,657,-421,-422,657,-425,657,-428,-429,-1894,-1894,657,-619,-620,-621,-622,-623,-634,-584,-624,-797,657,657,657,657,657,-831,657,657,-806,657,-832,657,657,657,657,-798,657,-853,-799,657,657,657,657,657,657,-854,-855,657,-834,-830,-835,657,-625,657,-626,-627,-628,-629,-574,657,657,-630,-631,-632,657,657,657,657,657,657,-635,-636,-637,-592,-1894,-602,657,-638,-639,-713,-640,-604,657,-572,-577,-580,-583,657,657,657,-598,-601,657,-608,657,657,657,657,657,657,657,657,657,657,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,657,657,657,-995,657,657,657,657,657,657,-306,-325,-319,-296,-375,-452,-453,-454,-458,657,-443,657,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,657,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,657,657,657,657,657,657,657,657,657,-316,-535,-508,-591,-937,-939,-940,-438,657,-440,-380,-381,-383,-507,-509,-511,657,-513,-514,-519,-520,657,-532,-534,-537,-538,-543,-548,-726,657,-727,657,-732,657,-734,657,-739,-656,-660,-661,657,-666,657,-667,657,-672,-674,657,-677,657,657,657,-687,-689,657,-692,657,657,-744,657,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,657,657,657,657,657,-877,657,-880,-908,-920,-925,-388,-389,657,-394,657,-397,657,-402,657,-403,657,-408,657,-413,657,-417,657,-418,657,-423,657,-426,-899,-900,-643,-585,-1894,-901,657,657,657,-800,657,657,-804,657,-807,-833,657,-818,657,-820,657,-822,-808,657,-824,657,-851,-852,657,657,-811,657,-646,-902,-904,-648,-649,-645,657,-705,-706,657,-642,-903,-647,-650,-603,-714,657,657,-605,-586,657,657,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,657,657,-709,-710,657,-716,657,657,657,657,657,657,-938,657,-439,-441,-747,657,-891,657,-715,-1894,657,657,657,657,657,-442,-512,-523,657,-728,-733,657,-735,657,-740,657,-662,-668,657,-678,-680,-682,-683,-690,-693,-697,-745,657,657,-874,657,657,-878,657,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,657,-812,657,-814,-801,657,-802,-805,657,-816,-819,-821,-823,-825,657,-826,657,-809,657,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,657,-282,657,657,657,657,-455,657,657,-729,657,-736,657,-741,657,-663,-671,657,657,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,657,-836,-53,657,657,-730,657,-737,657,-742,-664,657,-873,-54,657,657,-731,-738,-743,657,657,657,-872,]),'RESPECT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2556,2560,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2989,2993,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3267,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[658,658,658,658,-1894,658,658,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,658,658,658,658,-275,-276,658,-1425,658,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,658,658,658,-490,658,658,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,658,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,658,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,658,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,658,-172,-173,-174,-175,-993,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-290,-291,-281,658,658,658,658,658,-328,-318,-332,-333,-334,658,658,-982,-983,-984,-985,-986,-987,-988,658,658,658,658,658,658,658,658,658,658,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,658,658,658,-353,-356,658,-323,-324,-141,658,-142,658,-143,658,-430,-935,-936,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-1894,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-1894,658,-1894,658,658,658,658,658,658,658,658,658,658,658,658,-1894,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,658,-1894,658,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,658,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,658,658,658,-191,-192,658,-994,658,658,658,658,658,-277,-278,-279,-280,-365,658,-308,658,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,658,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,658,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,658,658,658,658,658,658,-573,658,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,658,658,-723,-724,-725,658,658,658,658,658,658,-994,658,658,-91,-92,658,658,658,658,-309,-310,-320,658,-307,-293,-294,-295,658,658,658,658,-618,-633,-590,658,658,-436,658,-437,2986,2986,658,-444,-445,-446,-378,-379,658,658,658,-506,658,658,-510,658,658,658,658,-515,-516,-517,-518,658,658,-521,-522,658,-524,-525,-526,-527,-528,-529,-530,-531,658,-533,658,658,658,-539,-541,-542,658,-544,-545,-546,-547,658,658,658,658,658,658,-652,-653,-654,-655,658,-657,-658,-659,658,658,658,-665,658,658,-669,-670,658,658,-673,658,-675,-676,658,-679,658,-681,658,658,-684,-685,-686,658,-688,658,658,-691,658,658,-694,-695,-696,658,-698,-699,-700,-701,658,658,-746,658,-749,-750,-751,-752,-753,658,-755,-756,-757,-758,-759,658,-766,-767,-769,658,-771,-772,-773,-782,-856,-858,-860,-862,658,658,658,658,-868,658,-870,658,658,658,658,658,658,658,-906,-907,658,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,658,-921,-924,658,-934,658,-385,-386,-387,658,658,-390,-391,-392,-393,658,-396,658,-399,-400,658,-401,658,-406,-407,658,-410,-411,-412,658,-415,658,-416,658,-421,-422,658,-425,658,-428,-429,-1894,-1894,658,-619,-620,-621,-622,-623,-634,-584,-624,-797,658,658,658,658,658,-831,658,658,-806,658,-832,658,658,658,658,-798,658,-853,-799,658,658,658,658,658,658,-854,-855,658,-834,-830,-835,658,-625,658,-626,-627,-628,-629,-574,658,658,-630,-631,-632,658,658,658,658,658,658,-635,-636,-637,-592,-1894,-602,658,-638,-639,-713,-640,-604,658,-572,-577,-580,-583,658,658,658,-598,-601,658,-608,658,658,658,658,658,658,658,658,658,658,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,658,658,658,-995,658,658,658,658,658,658,-306,-325,-319,-296,-375,-452,-453,-454,-458,658,2986,2986,-443,658,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,658,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,658,658,658,658,658,658,658,658,658,-316,-535,-508,-591,-937,-939,-940,-438,658,-440,2986,-380,-381,-383,-507,-509,-511,658,-513,-514,-519,-520,658,-532,-534,-537,-538,-543,-548,-726,658,-727,658,-732,658,-734,658,-739,-656,-660,-661,658,-666,658,-667,658,-672,-674,658,-677,658,658,658,-687,-689,658,-692,658,658,-744,658,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,658,658,658,658,658,-877,658,-880,-908,-920,-925,-388,-389,658,-394,658,-397,658,-402,658,-403,658,-408,658,-413,658,-417,658,-418,658,-423,658,-426,-899,-900,-643,-585,-1894,-901,658,658,658,-800,658,658,-804,658,-807,-833,658,-818,658,-820,658,-822,-808,658,-824,658,-851,-852,658,658,-811,658,-646,-902,-904,-648,-649,-645,658,-705,-706,658,-642,-903,-647,-650,-603,-714,658,658,-605,-586,658,658,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,658,658,-709,-710,658,-716,658,658,658,658,658,658,-938,658,-439,-441,-747,658,-891,658,-715,-1894,658,658,658,658,658,-442,-512,-523,658,-728,-733,658,-735,658,-740,658,-662,-668,658,-678,-680,-682,-683,-690,-693,-697,-745,658,658,-874,658,658,-878,658,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,658,-812,658,-814,-801,658,-802,-805,658,-816,-819,-821,-823,-825,658,-826,658,-809,658,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,658,-282,658,658,658,658,-455,658,658,-729,658,-736,658,-741,658,-663,-671,658,658,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,658,-836,-53,658,658,-730,658,-737,658,-742,-664,658,-873,-54,658,658,-731,-738,-743,658,658,658,-872,]),'RESTART':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[659,659,659,659,-1894,659,659,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,659,659,659,659,-275,-276,659,-1425,659,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,659,659,659,-490,659,659,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,659,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,659,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,659,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,659,-172,-173,-174,-175,-993,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-290,-291,-281,659,659,659,659,659,-328,-318,-332,-333,-334,659,659,-982,-983,-984,-985,-986,-987,-988,659,659,659,659,659,659,659,659,659,659,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,659,659,659,-353,-356,659,-323,-324,-141,659,-142,659,-143,659,-430,-935,-936,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-1894,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-1894,659,-1894,659,659,659,659,659,659,659,659,659,659,659,659,-1894,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,659,-1894,659,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,659,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,659,659,659,-191,-192,659,-994,659,659,659,659,659,-277,-278,-279,-280,-365,659,-308,659,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,659,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,659,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,659,659,659,659,659,659,-573,659,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,659,659,-723,-724,-725,659,659,659,659,659,659,-994,659,659,-91,-92,659,659,659,659,-309,-310,-320,659,-307,-293,-294,-295,659,659,659,659,-618,-633,-590,659,659,-436,659,-437,659,-444,-445,-446,-378,-379,659,659,659,-506,659,659,-510,659,659,659,659,-515,-516,-517,-518,659,659,-521,-522,659,-524,-525,-526,-527,-528,-529,-530,-531,659,-533,659,659,659,-539,-541,-542,659,-544,-545,-546,-547,659,659,659,659,659,659,-652,-653,-654,-655,659,-657,-658,-659,659,659,659,-665,659,659,-669,-670,659,659,-673,659,-675,-676,659,-679,659,-681,659,659,-684,-685,-686,659,-688,659,659,-691,659,659,-694,-695,-696,659,-698,-699,-700,-701,659,659,-746,659,-749,-750,-751,-752,-753,659,-755,-756,-757,-758,-759,659,-766,-767,-769,659,-771,-772,-773,-782,-856,-858,-860,-862,659,659,659,659,-868,659,-870,659,659,659,659,659,659,659,-906,-907,659,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,659,-921,-924,659,-934,659,-385,-386,-387,659,659,-390,-391,-392,-393,659,-396,659,-399,-400,659,-401,659,-406,-407,659,-410,-411,-412,659,-415,659,-416,659,-421,-422,659,-425,659,-428,-429,-1894,-1894,659,-619,-620,-621,-622,-623,-634,-584,-624,-797,659,659,659,659,659,-831,659,659,-806,659,-832,659,659,659,659,-798,659,-853,-799,659,659,659,659,659,659,-854,-855,659,-834,-830,-835,659,-625,659,-626,-627,-628,-629,-574,659,659,-630,-631,-632,659,659,659,659,659,659,-635,-636,-637,-592,-1894,-602,659,-638,-639,-713,-640,-604,659,-572,-577,-580,-583,659,659,659,-598,-601,659,-608,659,659,659,659,659,659,659,659,659,659,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,659,659,659,-995,659,659,659,659,659,659,-306,-325,-319,-296,-375,-452,-453,-454,-458,659,-443,659,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,659,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,659,659,659,659,659,659,659,659,659,-316,-535,-508,-591,-937,-939,-940,-438,659,-440,-380,-381,-383,-507,-509,-511,659,-513,-514,-519,-520,659,-532,-534,-537,-538,-543,-548,-726,659,-727,659,-732,659,-734,659,-739,-656,-660,-661,659,-666,659,-667,659,-672,-674,659,-677,659,659,659,-687,-689,659,-692,659,659,-744,659,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,659,659,659,659,659,-877,659,-880,-908,-920,-925,-388,-389,659,-394,659,-397,659,-402,659,-403,659,-408,659,-413,659,-417,659,-418,659,-423,659,-426,-899,-900,-643,-585,-1894,-901,659,659,659,-800,659,659,-804,659,-807,-833,659,-818,659,-820,659,-822,-808,659,-824,659,-851,-852,659,659,-811,659,-646,-902,-904,-648,-649,-645,659,-705,-706,659,-642,-903,-647,-650,-603,-714,659,659,-605,-586,659,659,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,659,659,-709,-710,659,-716,659,659,659,659,659,659,-938,659,-439,-441,-747,659,-891,659,-715,-1894,659,659,659,659,659,-442,-512,-523,659,-728,-733,659,-735,659,-740,659,-662,-668,659,-678,-680,-682,-683,-690,-693,-697,-745,659,659,-874,659,659,-878,659,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,659,-812,659,-814,-801,659,-802,-805,659,-816,-819,-821,-823,-825,659,-826,659,-809,659,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,659,-282,659,659,659,659,-455,659,659,-729,659,-736,659,-741,659,-663,-671,659,659,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,659,-836,-53,659,659,-730,659,-737,659,-742,-664,659,-873,-54,659,659,-731,-738,-743,659,659,659,-872,]),'RESTORE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[660,660,660,660,-1894,660,660,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,660,660,660,660,-275,-276,660,-1425,660,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,660,660,660,-490,660,660,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,660,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,660,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,660,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,660,-172,-173,-174,-175,-993,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-290,-291,-281,660,660,660,660,660,-328,-318,-332,-333,-334,660,660,-982,-983,-984,-985,-986,-987,-988,660,660,660,660,660,660,660,660,660,660,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,660,660,660,-353,-356,660,-323,-324,-141,660,-142,660,-143,660,-430,-935,-936,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-1894,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-1894,660,-1894,660,660,660,660,660,660,660,660,660,660,660,660,-1894,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,660,-1894,660,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,660,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,660,660,660,-191,-192,660,-994,660,660,660,660,660,-277,-278,-279,-280,-365,660,-308,660,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,660,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,660,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,660,660,660,660,660,660,-573,660,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,660,660,-723,-724,-725,660,660,660,660,660,660,-994,660,660,-91,-92,660,660,660,660,-309,-310,-320,660,-307,-293,-294,-295,660,660,660,660,-618,-633,-590,660,660,-436,660,-437,660,-444,-445,-446,-378,-379,660,660,660,-506,660,660,-510,660,660,660,660,-515,-516,-517,-518,660,660,-521,-522,660,-524,-525,-526,-527,-528,-529,-530,-531,660,-533,660,660,660,-539,-541,-542,660,-544,-545,-546,-547,660,660,660,660,660,660,-652,-653,-654,-655,660,-657,-658,-659,660,660,660,-665,660,660,-669,-670,660,660,-673,660,-675,-676,660,-679,660,-681,660,660,-684,-685,-686,660,-688,660,660,-691,660,660,-694,-695,-696,660,-698,-699,-700,-701,660,660,-746,660,-749,-750,-751,-752,-753,660,-755,-756,-757,-758,-759,660,-766,-767,-769,660,-771,-772,-773,-782,-856,-858,-860,-862,660,660,660,660,-868,660,-870,660,660,660,660,660,660,660,-906,-907,660,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,660,-921,-924,660,-934,660,-385,-386,-387,660,660,-390,-391,-392,-393,660,-396,660,-399,-400,660,-401,660,-406,-407,660,-410,-411,-412,660,-415,660,-416,660,-421,-422,660,-425,660,-428,-429,-1894,-1894,660,-619,-620,-621,-622,-623,-634,-584,-624,-797,660,660,660,660,660,-831,660,660,-806,660,-832,660,660,660,660,-798,660,-853,-799,660,660,660,660,660,660,-854,-855,660,-834,-830,-835,660,-625,660,-626,-627,-628,-629,-574,660,660,-630,-631,-632,660,660,660,660,660,660,-635,-636,-637,-592,-1894,-602,660,-638,-639,-713,-640,-604,660,-572,-577,-580,-583,660,660,660,-598,-601,660,-608,660,660,660,660,660,660,660,660,660,660,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,660,660,660,-995,660,660,660,660,660,660,-306,-325,-319,-296,-375,-452,-453,-454,-458,660,-443,660,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,660,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,660,660,660,660,660,660,660,660,660,-316,-535,-508,-591,-937,-939,-940,-438,660,-440,-380,-381,-383,-507,-509,-511,660,-513,-514,-519,-520,660,-532,-534,-537,-538,-543,-548,-726,660,-727,660,-732,660,-734,660,-739,-656,-660,-661,660,-666,660,-667,660,-672,-674,660,-677,660,660,660,-687,-689,660,-692,660,660,-744,660,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,660,660,660,660,660,-877,660,-880,-908,-920,-925,-388,-389,660,-394,660,-397,660,-402,660,-403,660,-408,660,-413,660,-417,660,-418,660,-423,660,-426,-899,-900,-643,-585,-1894,-901,660,660,660,-800,660,660,-804,660,-807,-833,660,-818,660,-820,660,-822,-808,660,-824,660,-851,-852,660,660,-811,660,-646,-902,-904,-648,-649,-645,660,-705,-706,660,-642,-903,-647,-650,-603,-714,660,660,-605,-586,660,660,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,660,660,-709,-710,660,-716,660,660,660,660,660,660,-938,660,-439,-441,-747,660,-891,660,-715,-1894,660,660,660,660,660,-442,-512,-523,660,-728,-733,660,-735,660,-740,660,-662,-668,660,-678,-680,-682,-683,-690,-693,-697,-745,660,660,-874,660,660,-878,660,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,660,-812,660,-814,-801,660,-802,-805,660,-816,-819,-821,-823,-825,660,-826,660,-809,660,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,660,-282,660,660,660,660,-455,660,660,-729,660,-736,660,-741,660,-663,-671,660,660,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,660,-836,-53,660,660,-730,660,-737,660,-742,-664,660,-873,-54,660,660,-731,-738,-743,660,660,660,-872,]),'RESUME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[661,661,661,661,-1894,661,661,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,661,661,661,661,-275,-276,661,-1425,661,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,661,661,661,-490,661,661,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,661,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,661,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,661,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,661,-172,-173,-174,-175,-993,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-290,-291,-281,661,661,661,661,661,-328,-318,-332,-333,-334,661,661,-982,-983,-984,-985,-986,-987,-988,661,661,661,661,661,661,661,661,661,661,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,661,661,661,-353,-356,661,-323,-324,-141,661,-142,661,-143,661,-430,-935,-936,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-1894,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-1894,661,-1894,661,661,661,661,661,661,661,661,661,661,661,661,-1894,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,661,-1894,661,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,661,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,661,661,661,-191,-192,661,-994,661,661,661,661,661,-277,-278,-279,-280,-365,661,-308,661,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,661,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,661,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,661,661,661,661,661,661,-573,661,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,661,661,-723,-724,-725,661,661,661,661,661,661,-994,661,661,-91,-92,661,661,661,661,-309,-310,-320,661,-307,-293,-294,-295,661,661,661,661,-618,-633,-590,661,661,-436,661,-437,661,-444,-445,-446,-378,-379,661,661,661,-506,661,661,-510,661,661,661,661,-515,-516,-517,-518,661,661,-521,-522,661,-524,-525,-526,-527,-528,-529,-530,-531,661,-533,661,661,661,-539,-541,-542,661,-544,-545,-546,-547,661,661,661,661,661,661,-652,-653,-654,-655,661,-657,-658,-659,661,661,661,-665,661,661,-669,-670,661,661,-673,661,-675,-676,661,-679,661,-681,661,661,-684,-685,-686,661,-688,661,661,-691,661,661,-694,-695,-696,661,-698,-699,-700,-701,661,661,-746,661,-749,-750,-751,-752,-753,661,-755,-756,-757,-758,-759,661,-766,-767,-769,661,-771,-772,-773,-782,-856,-858,-860,-862,661,661,661,661,-868,661,-870,661,661,661,661,661,661,661,-906,-907,661,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,661,-921,-924,661,-934,661,-385,-386,-387,661,661,-390,-391,-392,-393,661,-396,661,-399,-400,661,-401,661,-406,-407,661,-410,-411,-412,661,-415,661,-416,661,-421,-422,661,-425,661,-428,-429,-1894,-1894,661,-619,-620,-621,-622,-623,-634,-584,-624,-797,661,661,661,661,661,-831,661,661,-806,661,-832,661,661,661,661,-798,661,-853,-799,661,661,661,661,661,661,-854,-855,661,-834,-830,-835,661,-625,661,-626,-627,-628,-629,-574,661,661,-630,-631,-632,661,661,661,661,661,661,-635,-636,-637,-592,-1894,-602,661,-638,-639,-713,-640,-604,661,-572,-577,-580,-583,661,661,661,-598,-601,661,-608,661,661,661,661,661,661,661,661,661,661,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,661,661,661,-995,661,661,661,661,661,661,-306,-325,-319,-296,-375,-452,-453,-454,-458,661,-443,661,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,661,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,661,661,661,661,661,661,661,661,661,-316,-535,-508,-591,-937,-939,-940,-438,661,-440,-380,-381,-383,-507,-509,-511,661,-513,-514,-519,-520,661,-532,-534,-537,-538,-543,-548,-726,661,-727,661,-732,661,-734,661,-739,-656,-660,-661,661,-666,661,-667,661,-672,-674,661,-677,661,661,661,-687,-689,661,-692,661,661,-744,661,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,661,661,661,661,661,-877,661,-880,-908,-920,-925,-388,-389,661,-394,661,-397,661,-402,661,-403,661,-408,661,-413,661,-417,661,-418,661,-423,661,-426,-899,-900,-643,-585,-1894,-901,661,661,661,-800,661,661,-804,661,-807,-833,661,-818,661,-820,661,-822,-808,661,-824,661,-851,-852,661,661,-811,661,-646,-902,-904,-648,-649,-645,661,-705,-706,661,-642,-903,-647,-650,-603,-714,661,661,-605,-586,661,661,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,661,661,-709,-710,661,-716,661,661,661,661,661,661,-938,661,-439,-441,-747,661,-891,661,-715,-1894,661,661,661,661,661,-442,-512,-523,661,-728,-733,661,-735,661,-740,661,-662,-668,661,-678,-680,-682,-683,-690,-693,-697,-745,661,661,-874,661,661,-878,661,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,661,-812,661,-814,-801,661,-802,-805,661,-816,-819,-821,-823,-825,661,-826,661,-809,661,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,661,-282,661,661,661,661,-455,661,661,-729,661,-736,661,-741,661,-663,-671,661,661,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,661,-836,-53,661,661,-730,661,-737,661,-742,-664,661,-873,-54,661,661,-731,-738,-743,661,661,661,-872,]),'RETURN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[662,662,662,662,-1894,662,662,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,662,662,662,662,-275,-276,662,-1425,662,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,662,662,662,-490,662,662,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,662,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,662,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,662,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,662,-172,-173,-174,-175,-993,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-290,-291,-281,662,662,662,662,662,-328,-318,-332,-333,-334,662,662,-982,-983,-984,-985,-986,-987,-988,662,662,662,662,662,662,662,662,662,662,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,662,662,662,-353,-356,662,-323,-324,-141,662,-142,662,-143,662,-430,-935,-936,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-1894,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-1894,662,-1894,662,662,662,662,662,662,662,662,662,662,662,662,-1894,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,662,-1894,662,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,662,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,662,662,662,-191,-192,662,-994,662,662,662,662,662,-277,-278,-279,-280,-365,662,-308,662,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,662,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,662,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,662,662,662,662,662,662,-573,662,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,662,662,-723,-724,-725,662,662,662,662,662,662,-994,662,662,-91,-92,662,662,662,662,-309,-310,-320,662,-307,-293,-294,-295,662,662,662,662,-618,-633,-590,662,662,-436,662,-437,662,-444,-445,-446,-378,-379,662,662,662,-506,662,662,-510,662,662,662,662,-515,-516,-517,-518,662,662,-521,-522,662,-524,-525,-526,-527,-528,-529,-530,-531,662,-533,662,662,662,-539,-541,-542,662,-544,-545,-546,-547,662,662,662,662,662,662,-652,-653,-654,-655,662,-657,-658,-659,662,662,662,-665,662,662,-669,-670,662,662,-673,662,-675,-676,662,-679,662,-681,662,662,-684,-685,-686,662,-688,662,662,-691,662,662,-694,-695,-696,662,-698,-699,-700,-701,662,662,-746,662,-749,-750,-751,-752,-753,662,-755,-756,-757,-758,-759,662,-766,-767,-769,662,-771,-772,-773,-782,-856,-858,-860,-862,662,662,662,662,-868,662,-870,662,662,662,662,662,662,662,-906,-907,662,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,662,-921,-924,662,-934,662,-385,-386,-387,662,662,-390,-391,-392,-393,662,-396,662,-399,-400,662,-401,662,-406,-407,662,-410,-411,-412,662,-415,662,-416,662,-421,-422,662,-425,662,-428,-429,-1894,-1894,662,-619,-620,-621,-622,-623,-634,-584,-624,-797,662,662,662,662,662,-831,662,662,-806,662,-832,662,662,662,662,-798,662,-853,-799,662,662,662,662,662,662,-854,-855,662,-834,-830,-835,662,-625,662,-626,-627,-628,-629,-574,662,662,-630,-631,-632,662,662,662,662,662,662,-635,-636,-637,-592,-1894,-602,662,-638,-639,-713,-640,-604,662,-572,-577,-580,-583,662,662,662,-598,-601,662,-608,662,662,662,662,662,662,662,662,662,662,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,662,662,662,-995,662,662,662,662,662,662,-306,-325,-319,-296,-375,-452,-453,-454,-458,662,-443,662,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,662,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,662,662,662,662,662,662,662,662,662,-316,-535,-508,-591,-937,-939,-940,-438,662,-440,-380,-381,-383,-507,-509,-511,662,-513,-514,-519,-520,662,-532,-534,-537,-538,-543,-548,-726,662,-727,662,-732,662,-734,662,-739,-656,-660,-661,662,-666,662,-667,662,-672,-674,662,-677,662,662,662,-687,-689,662,-692,662,662,-744,662,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,662,662,662,662,662,-877,662,-880,-908,-920,-925,-388,-389,662,-394,662,-397,662,-402,662,-403,662,-408,662,-413,662,-417,662,-418,662,-423,662,-426,-899,-900,-643,-585,-1894,-901,662,662,662,-800,662,662,-804,662,-807,-833,662,-818,662,-820,662,-822,-808,662,-824,662,-851,-852,662,662,-811,662,-646,-902,-904,-648,-649,-645,662,-705,-706,662,-642,-903,-647,-650,-603,-714,662,662,-605,-586,662,662,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,662,662,-709,-710,662,-716,662,662,662,662,662,662,-938,662,-439,-441,-747,662,-891,662,-715,-1894,662,662,662,662,662,-442,-512,-523,662,-728,-733,662,-735,662,-740,662,-662,-668,662,-678,-680,-682,-683,-690,-693,-697,-745,662,662,-874,662,662,-878,662,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,662,-812,662,-814,-801,662,-802,-805,662,-816,-819,-821,-823,-825,662,-826,662,-809,662,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,662,-282,662,662,662,662,-455,662,662,-729,662,-736,662,-741,662,-663,-671,662,662,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,662,-836,-53,662,662,-730,662,-737,662,-742,-664,662,-873,-54,662,662,-731,-738,-743,662,662,662,-872,]),'RETURNING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[663,663,663,663,-1894,663,663,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,663,663,663,663,-275,-276,663,-1425,663,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,663,663,663,-490,663,663,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,663,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,663,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,663,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,663,-172,-173,-174,-175,-993,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-290,-291,-281,663,663,663,663,663,-328,-318,-332,-333,-334,663,663,-982,-983,-984,-985,-986,-987,-988,663,663,663,663,663,663,663,663,663,663,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,663,663,663,-353,-356,663,-323,-324,-141,663,-142,663,-143,663,-430,-935,-936,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-1894,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-1894,663,-1894,663,663,663,663,663,663,663,663,663,663,663,663,-1894,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,663,-1894,663,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,663,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,663,663,663,-191,-192,663,-994,663,663,663,663,663,-277,-278,-279,-280,-365,663,-308,663,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,663,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,663,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,663,663,663,663,663,663,-573,663,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,663,663,-723,-724,-725,663,663,663,663,663,663,-994,663,663,-91,-92,663,663,663,663,-309,-310,-320,663,-307,-293,-294,-295,663,663,663,663,-618,-633,-590,663,663,-436,663,-437,663,-444,-445,-446,-378,-379,663,663,663,-506,663,663,-510,663,663,663,663,-515,-516,-517,-518,663,663,-521,-522,663,-524,-525,-526,-527,-528,-529,-530,-531,663,-533,663,663,663,-539,-541,-542,663,-544,-545,-546,-547,663,663,663,663,663,663,-652,-653,-654,-655,663,-657,-658,-659,663,663,663,-665,663,663,-669,-670,663,663,-673,663,-675,-676,663,-679,663,-681,663,663,-684,-685,-686,663,-688,663,663,-691,663,663,-694,-695,-696,663,-698,-699,-700,-701,663,663,-746,663,-749,-750,-751,-752,-753,663,-755,-756,-757,-758,-759,663,-766,-767,-769,663,-771,-772,-773,-782,-856,-858,-860,-862,663,663,663,663,-868,663,-870,663,663,663,663,663,663,663,-906,-907,663,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,663,-921,-924,663,-934,663,-385,-386,-387,663,663,-390,-391,-392,-393,663,-396,663,-399,-400,663,-401,663,-406,-407,663,-410,-411,-412,663,-415,663,-416,663,-421,-422,663,-425,663,-428,-429,-1894,-1894,663,-619,-620,-621,-622,-623,-634,-584,-624,-797,663,663,663,663,663,-831,663,663,-806,663,-832,663,663,663,663,-798,663,-853,-799,663,663,663,663,663,663,-854,-855,663,-834,-830,-835,663,-625,663,-626,-627,-628,-629,-574,663,663,-630,-631,-632,663,663,663,663,663,663,-635,-636,-637,-592,-1894,-602,663,-638,-639,-713,-640,-604,663,-572,-577,-580,-583,663,663,663,-598,-601,663,-608,663,663,663,663,663,663,663,663,663,663,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,663,663,663,-995,663,663,663,663,663,663,-306,-325,-319,-296,-375,-452,-453,-454,-458,663,-443,663,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,663,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,663,663,663,663,663,663,663,663,663,-316,-535,-508,-591,-937,-939,-940,-438,663,-440,-380,-381,-383,-507,-509,-511,663,-513,-514,-519,-520,663,-532,-534,-537,-538,-543,-548,-726,663,-727,663,-732,663,-734,663,-739,-656,-660,-661,663,-666,663,-667,663,-672,-674,663,-677,663,663,663,-687,-689,663,-692,663,663,-744,663,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,663,663,663,663,663,-877,663,-880,-908,-920,-925,-388,-389,663,-394,663,-397,663,-402,663,-403,663,-408,663,-413,663,-417,663,-418,663,-423,663,-426,-899,-900,-643,-585,-1894,-901,663,663,663,-800,663,663,-804,663,-807,-833,663,-818,663,-820,663,-822,-808,663,-824,663,-851,-852,663,663,-811,663,-646,-902,-904,-648,-649,-645,663,-705,-706,663,-642,-903,-647,-650,-603,-714,663,663,-605,-586,663,663,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,663,663,-709,-710,663,-716,663,663,663,663,663,663,-938,663,-439,-441,-747,663,-891,663,-715,-1894,663,663,663,663,663,-442,-512,-523,663,-728,-733,663,-735,663,-740,663,-662,-668,663,-678,-680,-682,-683,-690,-693,-697,-745,663,663,-874,663,663,-878,663,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,663,-812,663,-814,-801,663,-802,-805,663,-816,-819,-821,-823,-825,663,-826,663,-809,663,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,663,-282,663,663,663,663,-455,663,663,-729,663,-736,663,-741,663,-663,-671,663,663,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,663,-836,-53,663,663,-730,663,-737,663,-742,-664,663,-873,-54,663,663,-731,-738,-743,663,663,663,-872,]),'RETURNS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[664,664,664,664,-1894,664,664,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,664,664,664,664,-275,-276,664,-1425,664,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,664,664,664,-490,664,664,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,664,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,664,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,664,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,664,-172,-173,-174,-175,-993,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-290,-291,-281,664,664,664,664,664,-328,-318,-332,-333,-334,664,664,-982,-983,-984,-985,-986,-987,-988,664,664,664,664,664,664,664,664,664,664,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,664,664,664,-353,-356,664,-323,-324,-141,664,-142,664,-143,664,-430,-935,-936,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-1894,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-1894,664,-1894,664,664,664,664,664,664,664,664,664,664,664,664,-1894,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,664,-1894,664,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,664,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,664,664,664,-191,-192,664,-994,664,664,664,664,664,-277,-278,-279,-280,-365,664,-308,664,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,664,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,664,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,664,664,664,664,664,664,-573,664,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,664,664,-723,-724,-725,664,664,664,664,664,664,-994,664,664,-91,-92,664,664,664,664,-309,-310,-320,664,-307,-293,-294,-295,664,664,664,664,-618,-633,-590,664,664,-436,664,-437,664,-444,-445,-446,-378,-379,664,664,664,-506,664,664,-510,664,664,664,664,-515,-516,-517,-518,664,664,-521,-522,664,-524,-525,-526,-527,-528,-529,-530,-531,664,-533,664,664,664,-539,-541,-542,664,-544,-545,-546,-547,664,664,664,664,664,664,-652,-653,-654,-655,664,-657,-658,-659,664,664,664,-665,664,664,-669,-670,664,664,-673,664,-675,-676,664,-679,664,-681,664,664,-684,-685,-686,664,-688,664,664,-691,664,664,-694,-695,-696,664,-698,-699,-700,-701,664,664,-746,664,-749,-750,-751,-752,-753,664,-755,-756,-757,-758,-759,664,-766,-767,-769,664,-771,-772,-773,-782,-856,-858,-860,-862,664,664,664,664,-868,664,-870,664,664,664,664,664,664,664,-906,-907,664,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,664,-921,-924,664,-934,664,-385,-386,-387,664,664,-390,-391,-392,-393,664,-396,664,-399,-400,664,-401,664,-406,-407,664,-410,-411,-412,664,-415,664,-416,664,-421,-422,664,-425,664,-428,-429,-1894,-1894,664,-619,-620,-621,-622,-623,-634,-584,-624,-797,664,664,664,664,664,-831,664,664,-806,664,-832,664,664,664,664,-798,664,-853,-799,664,664,664,664,664,664,-854,-855,664,-834,-830,-835,664,-625,664,-626,-627,-628,-629,-574,664,664,-630,-631,-632,664,664,664,664,664,664,-635,-636,-637,-592,-1894,-602,664,-638,-639,-713,-640,-604,664,-572,-577,-580,-583,664,664,664,-598,-601,664,-608,664,664,664,664,664,664,664,664,664,664,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,664,664,664,-995,664,664,664,664,664,664,-306,-325,-319,-296,-375,-452,-453,-454,-458,664,-443,664,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,664,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,664,664,664,664,664,664,664,664,664,-316,-535,-508,-591,-937,-939,-940,-438,664,-440,-380,-381,-383,-507,-509,-511,664,-513,-514,-519,-520,664,-532,-534,-537,-538,-543,-548,-726,664,-727,664,-732,664,-734,664,-739,-656,-660,-661,664,-666,664,-667,664,-672,-674,664,-677,664,664,664,-687,-689,664,-692,664,664,-744,664,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,664,664,664,664,664,-877,664,-880,-908,-920,-925,-388,-389,664,-394,664,-397,664,-402,664,-403,664,-408,664,-413,664,-417,664,-418,664,-423,664,-426,-899,-900,-643,-585,-1894,-901,664,664,664,-800,664,664,-804,664,-807,-833,664,-818,664,-820,664,-822,-808,664,-824,664,-851,-852,664,664,-811,664,-646,-902,-904,-648,-649,-645,664,-705,-706,664,-642,-903,-647,-650,-603,-714,664,664,-605,-586,664,664,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,664,664,-709,-710,664,-716,664,664,664,664,664,664,-938,664,-439,-441,-747,664,-891,664,-715,-1894,664,664,664,664,664,-442,-512,-523,664,-728,-733,664,-735,664,-740,664,-662,-668,664,-678,-680,-682,-683,-690,-693,-697,-745,664,664,-874,664,664,-878,664,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,664,-812,664,-814,-801,664,-802,-805,664,-816,-819,-821,-823,-825,664,-826,664,-809,664,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,664,-282,664,664,664,664,-455,664,664,-729,664,-736,664,-741,664,-663,-671,664,664,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,664,-836,-53,664,664,-730,664,-737,664,-742,-664,664,-873,-54,664,664,-731,-738,-743,664,664,664,-872,]),'REVERSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[665,665,665,1116,-1894,665,665,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,665,665,665,665,-275,-276,1116,-1425,1116,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1116,1116,1116,-490,1116,1116,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1116,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1116,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1944,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,665,-172,-173,-174,-175,-993,665,665,665,665,665,665,665,665,665,665,1116,1116,1116,1116,1116,-290,-291,-281,665,1116,1116,1116,1116,-328,-318,-332,-333,-334,1116,1116,-982,-983,-984,-985,-986,-987,-988,665,665,1116,1116,1116,1116,1116,1116,1116,1116,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1116,1116,1116,-353,-356,665,-323,-324,-141,1116,-142,1116,-143,1116,-430,-935,-936,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1894,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1894,1116,-1894,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1894,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-1894,665,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1116,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1116,665,665,-191,-192,665,-994,1116,665,665,665,665,-277,-278,-279,-280,-365,1116,-308,1116,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1116,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1116,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1116,1116,1116,1116,1116,1116,-573,1116,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1116,1116,-723,-724,-725,1116,1944,665,665,665,665,-994,665,1116,-91,-92,665,665,665,1116,-309,-310,-320,1116,-307,-293,-294,-295,1116,665,1116,1116,-618,-633,-590,1116,665,-436,665,-437,1116,-444,-445,-446,-378,-379,1116,1116,1116,-506,1116,1116,-510,1116,1116,1116,1116,-515,-516,-517,-518,1116,1116,-521,-522,1116,-524,-525,-526,-527,-528,-529,-530,-531,1116,-533,1116,1116,1116,-539,-541,-542,1116,-544,-545,-546,-547,1116,1116,1116,1116,1116,1116,-652,-653,-654,-655,665,-657,-658,-659,1116,1116,1116,-665,1116,1116,-669,-670,1116,1116,-673,1116,-675,-676,1116,-679,1116,-681,1116,1116,-684,-685,-686,1116,-688,1116,1116,-691,1116,1116,-694,-695,-696,1116,-698,-699,-700,-701,1116,1116,-746,1116,-749,-750,-751,-752,-753,1116,-755,-756,-757,-758,-759,1116,-766,-767,-769,1116,-771,-772,-773,-782,-856,-858,-860,-862,1116,1116,1116,1116,-868,1116,-870,1116,1116,1116,1116,1116,1116,1116,-906,-907,1116,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1116,-921,-924,1116,-934,1116,-385,-386,-387,1116,1116,-390,-391,-392,-393,1116,-396,1116,-399,-400,1116,-401,1116,-406,-407,1116,-410,-411,-412,1116,-415,1116,-416,1116,-421,-422,1116,-425,1116,-428,-429,-1894,-1894,1116,-619,-620,-621,-622,-623,-634,-584,-624,-797,1116,1116,1116,1116,1116,-831,1116,1116,-806,1116,-832,1116,1116,1116,1116,-798,1116,-853,-799,1116,1116,1116,1116,1116,1116,-854,-855,1116,-834,-830,-835,1116,-625,1116,-626,-627,-628,-629,-574,1116,1116,-630,-631,-632,1116,1116,1116,1116,1116,1116,-635,-636,-637,-592,-1894,-602,1116,-638,-639,-713,-640,-604,1116,-572,-577,-580,-583,1116,1116,1116,-598,-601,1116,-608,1116,1116,1116,1116,1116,1116,1116,1116,1116,1116,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1116,665,665,-995,665,1116,665,665,665,1116,-306,-325,-319,-296,-375,-452,-453,-454,-458,665,-443,1116,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1116,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,665,665,665,665,665,665,665,665,1116,-316,-535,-508,-591,-937,-939,-940,-438,1116,-440,-380,-381,-383,-507,-509,-511,1116,-513,-514,-519,-520,1116,-532,-534,-537,-538,-543,-548,-726,1116,-727,1116,-732,1116,-734,1116,-739,-656,-660,-661,1116,-666,1116,-667,1116,-672,-674,1116,-677,1116,1116,1116,-687,-689,1116,-692,1116,1116,-744,1116,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1116,1116,1116,1116,1116,-877,1116,-880,-908,-920,-925,-388,-389,1116,-394,1116,-397,1116,-402,1116,-403,1116,-408,1116,-413,1116,-417,1116,-418,1116,-423,1116,-426,-899,-900,-643,-585,-1894,-901,1116,1116,1116,-800,1116,1116,-804,1116,-807,-833,1116,-818,1116,-820,1116,-822,-808,1116,-824,1116,-851,-852,1116,1116,-811,1116,-646,-902,-904,-648,-649,-645,1116,-705,-706,1116,-642,-903,-647,-650,-603,-714,1116,1116,-605,-586,1116,1116,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1116,1116,-709,-710,1116,-716,1116,665,665,665,1116,1116,-938,665,-439,-441,-747,1116,-891,1944,-715,-1894,1116,1116,665,665,1116,-442,-512,-523,1116,-728,-733,1116,-735,1116,-740,1116,-662,-668,1116,-678,-680,-682,-683,-690,-693,-697,-745,1116,1116,-874,1116,1116,-878,1116,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1116,-812,1116,-814,-801,1116,-802,-805,1116,-816,-819,-821,-823,-825,1116,-826,1116,-809,1116,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,665,-282,665,1116,665,1116,-455,1116,1116,-729,1116,-736,1116,-741,1116,-663,-671,1116,1116,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1116,-836,-53,665,1116,-730,1116,-737,1116,-742,-664,1116,-873,-54,665,665,-731,-738,-743,1116,665,1116,-872,]),'REWRITE_MERGE_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[666,666,666,666,-1894,666,666,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,666,666,666,666,-275,-276,666,-1425,666,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,666,666,666,-490,666,666,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,666,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,666,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,666,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,666,-172,-173,-174,-175,-993,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-290,-291,-281,666,666,666,666,666,-328,-318,-332,-333,-334,666,666,-982,-983,-984,-985,-986,-987,-988,666,666,666,666,666,666,666,666,666,666,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,666,666,666,-353,-356,666,-323,-324,-141,666,-142,666,-143,666,-430,-935,-936,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-1894,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-1894,666,-1894,666,666,666,666,666,666,666,666,666,666,666,666,-1894,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,666,-1894,666,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,666,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,666,666,666,-191,-192,666,-994,666,666,666,666,666,-277,-278,-279,-280,-365,666,-308,666,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,666,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,666,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,666,666,666,666,666,666,-573,666,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,666,666,-723,-724,-725,666,666,666,666,666,666,-994,666,666,-91,-92,666,666,666,666,-309,-310,-320,666,-307,-293,-294,-295,666,666,666,666,-618,-633,-590,666,666,-436,666,-437,666,-444,-445,-446,-378,-379,666,666,666,-506,666,666,-510,666,666,666,666,-515,-516,-517,-518,666,666,-521,-522,666,-524,-525,-526,-527,-528,-529,-530,-531,666,-533,666,666,666,-539,-541,-542,666,-544,-545,-546,-547,666,666,666,666,666,666,-652,-653,-654,-655,666,-657,-658,-659,666,666,666,-665,666,666,-669,-670,666,666,-673,666,-675,-676,666,-679,666,-681,666,666,-684,-685,-686,666,-688,666,666,-691,666,666,-694,-695,-696,666,-698,-699,-700,-701,666,666,-746,666,-749,-750,-751,-752,-753,666,-755,-756,-757,-758,-759,666,-766,-767,-769,666,-771,-772,-773,-782,-856,-858,-860,-862,666,666,666,666,-868,666,-870,666,666,666,666,666,666,666,-906,-907,666,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,666,-921,-924,666,-934,666,-385,-386,-387,666,666,-390,-391,-392,-393,666,-396,666,-399,-400,666,-401,666,-406,-407,666,-410,-411,-412,666,-415,666,-416,666,-421,-422,666,-425,666,-428,-429,-1894,-1894,666,-619,-620,-621,-622,-623,-634,-584,-624,-797,666,666,666,666,666,-831,666,666,-806,666,-832,666,666,666,666,-798,666,-853,-799,666,666,666,666,666,666,-854,-855,666,-834,-830,-835,666,-625,666,-626,-627,-628,-629,-574,666,666,-630,-631,-632,666,666,666,666,666,666,-635,-636,-637,-592,-1894,-602,666,-638,-639,-713,-640,-604,666,-572,-577,-580,-583,666,666,666,-598,-601,666,-608,666,666,666,666,666,666,666,666,666,666,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,666,666,666,-995,666,666,666,666,666,666,-306,-325,-319,-296,-375,-452,-453,-454,-458,666,-443,666,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,666,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,666,666,666,666,666,666,666,666,666,-316,-535,-508,-591,-937,-939,-940,-438,666,-440,-380,-381,-383,-507,-509,-511,666,-513,-514,-519,-520,666,-532,-534,-537,-538,-543,-548,-726,666,-727,666,-732,666,-734,666,-739,-656,-660,-661,666,-666,666,-667,666,-672,-674,666,-677,666,666,666,-687,-689,666,-692,666,666,-744,666,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,666,666,666,666,666,-877,666,-880,-908,-920,-925,-388,-389,666,-394,666,-397,666,-402,666,-403,666,-408,666,-413,666,-417,666,-418,666,-423,666,-426,-899,-900,-643,-585,-1894,-901,666,666,666,-800,666,666,-804,666,-807,-833,666,-818,666,-820,666,-822,-808,666,-824,666,-851,-852,666,666,-811,666,-646,-902,-904,-648,-649,-645,666,-705,-706,666,-642,-903,-647,-650,-603,-714,666,666,-605,-586,666,666,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,666,666,-709,-710,666,-716,666,666,666,666,666,666,-938,666,-439,-441,-747,666,-891,666,-715,-1894,666,666,666,666,666,-442,-512,-523,666,-728,-733,666,-735,666,-740,666,-662,-668,666,-678,-680,-682,-683,-690,-693,-697,-745,666,666,-874,666,666,-878,666,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,666,-812,666,-814,-801,666,-802,-805,666,-816,-819,-821,-823,-825,666,-826,666,-809,666,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,666,-282,666,666,666,666,-455,666,666,-729,666,-736,666,-741,666,-663,-671,666,666,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,666,-836,-53,666,666,-730,666,-737,666,-742,-664,666,-873,-54,666,666,-731,-738,-743,666,666,666,-872,]),'ROLES_GRAPHML':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[667,667,667,1169,-1894,667,667,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,667,667,667,667,-275,-276,1169,-1425,1169,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1169,1169,1169,-490,1169,1169,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1169,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1169,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1945,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,667,-172,-173,-174,-175,-993,667,667,667,667,667,667,667,667,667,667,1169,1169,1169,1169,1169,-290,-291,-281,667,1169,1169,1169,1169,-328,-318,-332,-333,-334,1169,1169,-982,-983,-984,-985,-986,-987,-988,667,667,1169,1169,1169,1169,1169,1169,1169,1169,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1169,1169,1169,-353,-356,667,-323,-324,-141,1169,-142,1169,-143,1169,-430,-935,-936,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1894,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1894,1169,-1894,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1894,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-1894,667,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1169,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1169,667,667,-191,-192,667,-994,1169,667,667,667,667,-277,-278,-279,-280,-365,1169,-308,1169,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1169,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1169,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1169,1169,1169,1169,1169,1169,-573,1169,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1169,1169,-723,-724,-725,1169,1945,667,667,667,667,-994,667,1169,-91,-92,667,667,667,1169,-309,-310,-320,1169,-307,-293,-294,-295,1169,667,1169,1169,-618,-633,-590,1169,667,-436,667,-437,1169,-444,-445,-446,-378,-379,1169,1169,1169,-506,1169,1169,-510,1169,1169,1169,1169,-515,-516,-517,-518,1169,1169,-521,-522,1169,-524,-525,-526,-527,-528,-529,-530,-531,1169,-533,1169,1169,1169,-539,-541,-542,1169,-544,-545,-546,-547,1169,1169,1169,1169,1169,1169,-652,-653,-654,-655,667,-657,-658,-659,1169,1169,1169,-665,1169,1169,-669,-670,1169,1169,-673,1169,-675,-676,1169,-679,1169,-681,1169,1169,-684,-685,-686,1169,-688,1169,1169,-691,1169,1169,-694,-695,-696,1169,-698,-699,-700,-701,1169,1169,-746,1169,-749,-750,-751,-752,-753,1169,-755,-756,-757,-758,-759,1169,-766,-767,-769,1169,-771,-772,-773,-782,-856,-858,-860,-862,1169,1169,1169,1169,-868,1169,-870,1169,1169,1169,1169,1169,1169,1169,-906,-907,1169,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1169,-921,-924,1169,-934,1169,-385,-386,-387,1169,1169,-390,-391,-392,-393,1169,-396,1169,-399,-400,1169,-401,1169,-406,-407,1169,-410,-411,-412,1169,-415,1169,-416,1169,-421,-422,1169,-425,1169,-428,-429,-1894,-1894,1169,-619,-620,-621,-622,-623,-634,-584,-624,-797,1169,1169,1169,1169,1169,-831,1169,1169,-806,1169,-832,1169,1169,1169,1169,-798,1169,-853,-799,1169,1169,1169,1169,1169,1169,-854,-855,1169,-834,-830,-835,1169,-625,1169,-626,-627,-628,-629,-574,1169,1169,-630,-631,-632,1169,1169,1169,1169,1169,1169,-635,-636,-637,-592,-1894,-602,1169,-638,-639,-713,-640,-604,1169,-572,-577,-580,-583,1169,1169,1169,-598,-601,1169,-608,1169,1169,1169,1169,1169,1169,1169,1169,1169,1169,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1169,667,667,-995,667,1169,667,667,667,1169,-306,-325,-319,-296,-375,-452,-453,-454,-458,667,-443,1169,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1169,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,667,667,667,667,667,667,667,667,1169,-316,-535,-508,-591,-937,-939,-940,-438,1169,-440,-380,-381,-383,-507,-509,-511,1169,-513,-514,-519,-520,1169,-532,-534,-537,-538,-543,-548,-726,1169,-727,1169,-732,1169,-734,1169,-739,-656,-660,-661,1169,-666,1169,-667,1169,-672,-674,1169,-677,1169,1169,1169,-687,-689,1169,-692,1169,1169,-744,1169,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1169,1169,1169,1169,1169,-877,1169,-880,-908,-920,-925,-388,-389,1169,-394,1169,-397,1169,-402,1169,-403,1169,-408,1169,-413,1169,-417,1169,-418,1169,-423,1169,-426,-899,-900,-643,-585,-1894,-901,1169,1169,1169,-800,1169,1169,-804,1169,-807,-833,1169,-818,1169,-820,1169,-822,-808,1169,-824,1169,-851,-852,1169,1169,-811,1169,-646,-902,-904,-648,-649,-645,1169,-705,-706,1169,-642,-903,-647,-650,-603,-714,1169,1169,-605,-586,1169,1169,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1169,1169,-709,-710,1169,-716,1169,667,667,667,1169,1169,-938,667,-439,-441,-747,1169,-891,1945,-715,-1894,1169,1169,667,667,1169,-442,-512,-523,1169,-728,-733,1169,-735,1169,-740,1169,-662,-668,1169,-678,-680,-682,-683,-690,-693,-697,-745,1169,1169,-874,1169,1169,-878,1169,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1169,-812,1169,-814,-801,1169,-802,-805,1169,-816,-819,-821,-823,-825,1169,-826,1169,-809,1169,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,667,-282,667,1169,667,1169,-455,1169,1169,-729,1169,-736,1169,-741,1169,-663,-671,1169,1169,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1169,-836,-53,667,1169,-730,1169,-737,1169,-742,-664,1169,-873,-54,667,667,-731,-738,-743,1169,667,1169,-872,]),'ROLLBACK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[668,668,668,668,-1894,668,668,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,668,668,668,668,-275,-276,668,-1425,668,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,668,668,668,-490,668,668,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,668,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,668,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,668,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,668,-172,-173,-174,-175,-993,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-290,-291,-281,668,668,668,668,668,-328,-318,-332,-333,-334,668,668,-982,-983,-984,-985,-986,-987,-988,668,668,668,668,668,668,668,668,668,668,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,668,668,668,-353,-356,668,-323,-324,-141,668,-142,668,-143,668,-430,-935,-936,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-1894,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-1894,668,-1894,668,668,668,668,668,668,668,668,668,668,668,668,-1894,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,668,-1894,668,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,668,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,668,668,668,-191,-192,668,-994,668,668,668,668,668,-277,-278,-279,-280,-365,668,-308,668,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,668,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,668,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,668,668,668,668,668,668,-573,668,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,668,668,-723,-724,-725,668,668,668,668,668,668,-994,668,668,-91,-92,668,668,668,668,-309,-310,-320,668,-307,-293,-294,-295,668,668,668,668,-618,-633,-590,668,668,-436,668,-437,668,-444,-445,-446,-378,-379,668,668,668,-506,668,668,-510,668,668,668,668,-515,-516,-517,-518,668,668,-521,-522,668,-524,-525,-526,-527,-528,-529,-530,-531,668,-533,668,668,668,-539,-541,-542,668,-544,-545,-546,-547,668,668,668,668,668,668,-652,-653,-654,-655,668,-657,-658,-659,668,668,668,-665,668,668,-669,-670,668,668,-673,668,-675,-676,668,-679,668,-681,668,668,-684,-685,-686,668,-688,668,668,-691,668,668,-694,-695,-696,668,-698,-699,-700,-701,668,668,-746,668,-749,-750,-751,-752,-753,668,-755,-756,-757,-758,-759,668,-766,-767,-769,668,-771,-772,-773,-782,-856,-858,-860,-862,668,668,668,668,-868,668,-870,668,668,668,668,668,668,668,-906,-907,668,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,668,-921,-924,668,-934,668,-385,-386,-387,668,668,-390,-391,-392,-393,668,-396,668,-399,-400,668,-401,668,-406,-407,668,-410,-411,-412,668,-415,668,-416,668,-421,-422,668,-425,668,-428,-429,-1894,-1894,668,-619,-620,-621,-622,-623,-634,-584,-624,-797,668,668,668,668,668,-831,668,668,-806,668,-832,668,668,668,668,-798,668,-853,-799,668,668,668,668,668,668,-854,-855,668,-834,-830,-835,668,-625,668,-626,-627,-628,-629,-574,668,668,-630,-631,-632,668,668,668,668,668,668,-635,-636,-637,-592,-1894,-602,668,-638,-639,-713,-640,-604,668,-572,-577,-580,-583,668,668,668,-598,-601,668,-608,668,668,668,668,668,668,668,668,668,668,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,668,668,668,-995,668,668,668,668,668,668,-306,-325,-319,-296,-375,-452,-453,-454,-458,668,-443,668,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,668,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,668,668,668,668,668,668,668,668,668,-316,-535,-508,-591,-937,-939,-940,-438,668,-440,-380,-381,-383,-507,-509,-511,668,-513,-514,-519,-520,668,-532,-534,-537,-538,-543,-548,-726,668,-727,668,-732,668,-734,668,-739,-656,-660,-661,668,-666,668,-667,668,-672,-674,668,-677,668,668,668,-687,-689,668,-692,668,668,-744,668,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,668,668,668,668,668,-877,668,-880,-908,-920,-925,-388,-389,668,-394,668,-397,668,-402,668,-403,668,-408,668,-413,668,-417,668,-418,668,-423,668,-426,-899,-900,-643,-585,-1894,-901,668,668,668,-800,668,668,-804,668,-807,-833,668,-818,668,-820,668,-822,-808,668,-824,668,-851,-852,668,668,-811,668,-646,-902,-904,-648,-649,-645,668,-705,-706,668,-642,-903,-647,-650,-603,-714,668,668,-605,-586,668,668,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,668,668,-709,-710,668,-716,668,668,668,668,668,668,-938,668,-439,-441,-747,668,-891,668,-715,-1894,668,668,668,668,668,-442,-512,-523,668,-728,-733,668,-735,668,-740,668,-662,-668,668,-678,-680,-682,-683,-690,-693,-697,-745,668,668,-874,668,668,-878,668,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,668,-812,668,-814,-801,668,-802,-805,668,-816,-819,-821,-823,-825,668,-826,668,-809,668,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,668,-282,668,668,668,668,-455,668,668,-729,668,-736,668,-741,668,-663,-671,668,668,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,668,-836,-53,668,668,-730,668,-737,668,-742,-664,668,-873,-54,668,668,-731,-738,-743,668,668,668,-872,]),'ROLLING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[669,669,669,669,-1894,669,669,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,669,669,669,669,-275,-276,669,-1425,669,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,669,669,669,-490,669,669,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,669,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,669,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,669,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,669,-172,-173,-174,-175,-993,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-290,-291,-281,669,669,669,669,669,-328,-318,-332,-333,-334,669,669,-982,-983,-984,-985,-986,-987,-988,669,669,669,669,669,669,669,669,669,669,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,669,669,669,-353,-356,669,-323,-324,-141,669,-142,669,-143,669,-430,-935,-936,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-1894,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-1894,669,-1894,669,669,669,669,669,669,669,669,669,669,669,669,-1894,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,669,-1894,669,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,669,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,669,669,669,-191,-192,669,-994,669,669,669,669,669,-277,-278,-279,-280,-365,669,-308,669,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,669,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,669,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,669,669,669,669,669,669,-573,669,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,669,669,-723,-724,-725,669,669,669,669,669,669,-994,669,669,-91,-92,669,669,669,669,-309,-310,-320,669,-307,-293,-294,-295,669,669,669,669,-618,-633,-590,669,669,-436,669,-437,669,-444,-445,-446,-378,-379,669,669,669,-506,669,669,-510,669,669,669,669,-515,-516,-517,-518,669,669,-521,-522,669,-524,-525,-526,-527,-528,-529,-530,-531,669,-533,669,669,669,-539,-541,-542,669,-544,-545,-546,-547,669,669,669,669,669,669,-652,-653,-654,-655,669,-657,-658,-659,669,669,669,-665,669,669,-669,-670,669,669,-673,669,-675,-676,669,-679,669,-681,669,669,-684,-685,-686,669,-688,669,669,-691,669,669,-694,-695,-696,669,-698,-699,-700,-701,669,669,-746,669,-749,-750,-751,-752,-753,669,-755,-756,-757,-758,-759,669,-766,-767,-769,669,-771,-772,-773,-782,-856,-858,-860,-862,669,669,669,669,-868,669,-870,669,669,669,669,669,669,669,-906,-907,669,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,669,-921,-924,669,-934,669,-385,-386,-387,669,669,-390,-391,-392,-393,669,-396,669,-399,-400,669,-401,669,-406,-407,669,-410,-411,-412,669,-415,669,-416,669,-421,-422,669,-425,669,-428,-429,-1894,-1894,669,-619,-620,-621,-622,-623,-634,-584,-624,-797,669,669,669,669,669,-831,669,669,-806,669,-832,669,669,669,669,-798,669,-853,-799,669,669,669,669,669,669,-854,-855,669,-834,-830,-835,669,-625,669,-626,-627,-628,-629,-574,669,669,-630,-631,-632,669,669,669,669,669,669,-635,-636,-637,-592,-1894,-602,669,-638,-639,-713,-640,-604,669,-572,-577,-580,-583,669,669,669,-598,-601,669,-608,669,669,669,669,669,669,669,669,669,669,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,669,669,669,-995,669,669,669,669,669,669,-306,-325,-319,-296,-375,-452,-453,-454,-458,669,-443,669,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,669,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,669,669,669,669,669,669,669,669,669,-316,-535,-508,-591,-937,-939,-940,-438,669,-440,-380,-381,-383,-507,-509,-511,669,-513,-514,-519,-520,669,-532,-534,-537,-538,-543,-548,-726,669,-727,669,-732,669,-734,669,-739,-656,-660,-661,669,-666,669,-667,669,-672,-674,669,-677,669,669,669,-687,-689,669,-692,669,669,-744,669,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,669,669,669,669,669,-877,669,-880,-908,-920,-925,-388,-389,669,-394,669,-397,669,-402,669,-403,669,-408,669,-413,669,-417,669,-418,669,-423,669,-426,-899,-900,-643,-585,-1894,-901,669,669,669,-800,669,669,-804,669,-807,-833,669,-818,669,-820,669,-822,-808,669,-824,669,-851,-852,669,669,-811,669,-646,-902,-904,-648,-649,-645,669,-705,-706,669,-642,-903,-647,-650,-603,-714,669,669,-605,-586,669,669,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,669,669,-709,-710,669,-716,669,669,669,669,669,669,-938,669,-439,-441,-747,669,-891,669,-715,-1894,669,669,669,669,669,-442,-512,-523,669,-728,-733,669,-735,669,-740,669,-662,-668,669,-678,-680,-682,-683,-690,-693,-697,-745,669,669,-874,669,669,-878,669,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,669,-812,669,-814,-801,669,-802,-805,669,-816,-819,-821,-823,-825,669,-826,669,-809,669,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,669,-282,669,669,669,669,-455,669,669,-729,669,-736,669,-741,669,-663,-671,669,669,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,669,-836,-53,669,669,-730,669,-737,669,-742,-664,669,-873,-54,669,669,-731,-738,-743,669,669,669,-872,]),'ROLLUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3772,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[670,670,670,670,-1894,670,670,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,670,670,670,670,-275,-276,670,-1425,670,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,670,670,670,-490,670,670,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,670,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,670,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,670,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,670,-172,-173,-174,-175,-993,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-290,-291,-281,670,670,670,670,670,-328,-318,-332,-333,-334,670,670,-982,-983,-984,-985,-986,-987,-988,670,670,670,670,670,670,670,670,670,670,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,670,670,670,-353,-356,670,-323,-324,-141,670,-142,670,-143,670,-430,-935,-936,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-1894,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-1894,670,-1894,670,670,670,670,670,670,670,670,670,670,670,670,-1894,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,670,-1894,670,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,670,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,670,670,670,-191,-192,670,-994,670,670,670,670,670,-277,-278,-279,-280,-365,670,-308,670,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,670,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,670,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,670,670,670,670,670,670,-573,670,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,670,670,-723,-724,-725,670,670,670,670,670,670,-994,670,670,-91,-92,670,670,670,670,-309,-310,-320,670,-307,-293,-294,-295,670,670,670,670,-618,-633,-590,670,670,-436,670,-437,670,-444,-445,-446,-378,-379,670,670,670,-506,670,670,-510,670,670,670,670,-515,-516,-517,-518,670,670,-521,-522,670,-524,-525,-526,-527,-528,-529,-530,-531,670,-533,670,670,670,-539,-541,-542,670,-544,-545,-546,-547,670,670,670,670,670,670,-652,-653,-654,-655,670,-657,-658,-659,670,670,670,-665,670,670,-669,-670,670,670,-673,670,-675,-676,670,-679,670,-681,670,670,-684,-685,-686,670,-688,670,670,-691,670,670,-694,-695,-696,670,-698,-699,-700,-701,670,670,-746,670,-749,-750,-751,-752,-753,670,-755,-756,-757,-758,-759,670,-766,-767,-769,670,-771,-772,-773,-782,-856,-858,-860,-862,670,670,670,670,-868,670,-870,670,670,670,670,670,670,670,-906,-907,670,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,670,-921,-924,670,-934,670,-385,-386,-387,670,670,-390,-391,-392,-393,670,-396,670,-399,-400,670,-401,670,-406,-407,670,-410,-411,-412,670,-415,670,-416,670,-421,-422,670,-425,670,-428,-429,-1894,-1894,670,-619,-620,-621,-622,-623,-634,-584,-624,-797,670,670,670,670,670,-831,670,670,-806,670,-832,670,670,670,670,-798,670,-853,-799,670,670,670,670,670,670,-854,-855,670,-834,-830,-835,670,-625,670,-626,-627,-628,-629,-574,670,670,-630,-631,-632,670,670,670,670,670,670,-635,-636,-637,-592,-1894,-602,670,-638,-639,-713,-640,-604,670,-572,-577,-580,-583,670,670,670,-598,-601,670,-608,670,670,670,670,670,670,670,670,670,670,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,670,670,670,-995,670,670,670,670,670,670,-306,-325,-319,-296,-375,-452,-453,-454,-458,670,-443,670,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,670,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,670,670,670,670,670,670,670,670,670,-316,-535,-508,-591,-937,-939,-940,-438,670,-440,-380,-381,-383,-507,-509,-511,670,-513,-514,-519,-520,670,-532,-534,-537,-538,-543,-548,-726,670,-727,670,-732,670,-734,670,-739,-656,-660,-661,670,-666,670,-667,670,-672,-674,670,-677,670,670,670,-687,-689,670,-692,670,670,-744,670,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,670,670,670,670,670,-877,670,-880,-908,-920,-925,-388,-389,670,-394,670,-397,670,-402,670,-403,670,-408,670,-413,670,-417,670,-418,670,-423,670,-426,-899,-900,-643,-585,-1894,-901,670,670,670,-800,670,670,-804,670,-807,-833,670,-818,670,-820,670,-822,-808,670,-824,670,-851,-852,670,670,-811,670,-646,-902,-904,-648,-649,-645,670,-705,-706,670,-642,-903,-647,-650,-603,-714,670,670,-605,-586,670,670,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,670,670,-709,-710,670,-716,670,670,670,670,670,670,-938,670,-439,-441,-747,670,-891,670,-715,-1894,670,670,670,670,670,-442,-512,-523,670,-728,-733,670,-735,670,-740,670,-662,-668,670,-678,-680,-682,-683,-690,-693,-697,-745,670,670,-874,670,670,-878,670,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,670,-812,670,-814,-801,670,-802,-805,670,-816,-819,-821,-823,-825,670,-826,670,-809,670,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,670,-282,670,670,670,3823,670,-455,670,670,-729,670,-736,670,-741,670,-663,-671,670,670,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,670,-836,-53,670,670,-730,670,-737,670,-742,-664,670,-873,-54,670,670,-731,-738,-743,670,670,670,-872,]),'ROM_BASE64':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[671,671,671,671,-1894,671,671,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,671,671,671,671,-275,-276,671,-1425,671,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,671,671,671,-490,671,671,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,671,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,671,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,671,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,671,-172,-173,-174,-175,-993,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-290,-291,-281,671,671,671,671,671,-328,-318,-332,-333,-334,671,671,-982,-983,-984,-985,-986,-987,-988,671,671,671,671,671,671,671,671,671,671,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,671,671,671,-353,-356,671,-323,-324,-141,671,-142,671,-143,671,-430,-935,-936,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-1894,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-1894,671,-1894,671,671,671,671,671,671,671,671,671,671,671,671,-1894,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,671,-1894,671,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,671,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,671,671,671,-191,-192,671,-994,671,671,671,671,671,-277,-278,-279,-280,-365,671,-308,671,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,671,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,671,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,671,671,671,671,671,671,-573,671,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,671,671,-723,-724,-725,671,671,671,671,671,671,-994,671,671,-91,-92,671,671,671,671,-309,-310,-320,671,-307,-293,-294,-295,671,671,671,671,-618,-633,-590,671,671,-436,671,-437,671,-444,-445,-446,-378,-379,671,671,671,-506,671,671,-510,671,671,671,671,-515,-516,-517,-518,671,671,-521,-522,671,-524,-525,-526,-527,-528,-529,-530,-531,671,-533,671,671,671,-539,-541,-542,671,-544,-545,-546,-547,671,671,671,671,671,671,-652,-653,-654,-655,671,-657,-658,-659,671,671,671,-665,671,671,-669,-670,671,671,-673,671,-675,-676,671,-679,671,-681,671,671,-684,-685,-686,671,-688,671,671,-691,671,671,-694,-695,-696,671,-698,-699,-700,-701,671,671,-746,671,-749,-750,-751,-752,-753,671,-755,-756,-757,-758,-759,671,-766,-767,-769,671,-771,-772,-773,-782,-856,-858,-860,-862,671,671,671,671,-868,671,-870,671,671,671,671,671,671,671,-906,-907,671,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,671,-921,-924,671,-934,671,-385,-386,-387,671,671,-390,-391,-392,-393,671,-396,671,-399,-400,671,-401,671,-406,-407,671,-410,-411,-412,671,-415,671,-416,671,-421,-422,671,-425,671,-428,-429,-1894,-1894,671,-619,-620,-621,-622,-623,-634,-584,-624,-797,671,671,671,671,671,-831,671,671,-806,671,-832,671,671,671,671,-798,671,-853,-799,671,671,671,671,671,671,-854,-855,671,-834,-830,-835,671,-625,671,-626,-627,-628,-629,-574,671,671,-630,-631,-632,671,671,671,671,671,671,-635,-636,-637,-592,-1894,-602,671,-638,-639,-713,-640,-604,671,-572,-577,-580,-583,671,671,671,-598,-601,671,-608,671,671,671,671,671,671,671,671,671,671,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,671,671,671,-995,671,671,671,671,671,671,-306,-325,-319,-296,-375,-452,-453,-454,-458,671,-443,671,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,671,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,671,671,671,671,671,671,671,671,671,-316,-535,-508,-591,-937,-939,-940,-438,671,-440,-380,-381,-383,-507,-509,-511,671,-513,-514,-519,-520,671,-532,-534,-537,-538,-543,-548,-726,671,-727,671,-732,671,-734,671,-739,-656,-660,-661,671,-666,671,-667,671,-672,-674,671,-677,671,671,671,-687,-689,671,-692,671,671,-744,671,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,671,671,671,671,671,-877,671,-880,-908,-920,-925,-388,-389,671,-394,671,-397,671,-402,671,-403,671,-408,671,-413,671,-417,671,-418,671,-423,671,-426,-899,-900,-643,-585,-1894,-901,671,671,671,-800,671,671,-804,671,-807,-833,671,-818,671,-820,671,-822,-808,671,-824,671,-851,-852,671,671,-811,671,-646,-902,-904,-648,-649,-645,671,-705,-706,671,-642,-903,-647,-650,-603,-714,671,671,-605,-586,671,671,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,671,671,-709,-710,671,-716,671,671,671,671,671,671,-938,671,-439,-441,-747,671,-891,671,-715,-1894,671,671,671,671,671,-442,-512,-523,671,-728,-733,671,-735,671,-740,671,-662,-668,671,-678,-680,-682,-683,-690,-693,-697,-745,671,671,-874,671,671,-878,671,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,671,-812,671,-814,-801,671,-802,-805,671,-816,-819,-821,-823,-825,671,-826,671,-809,671,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,671,-282,671,671,671,671,-455,671,671,-729,671,-736,671,-741,671,-663,-671,671,671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,671,-836,-53,671,671,-730,671,-737,671,-742,-664,671,-873,-54,671,671,-731,-738,-743,671,671,671,-872,]),'ROM_UNIXTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[672,672,672,672,-1894,672,672,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,672,672,672,672,-275,-276,672,-1425,672,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,672,672,672,-490,672,672,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,672,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,672,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,672,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,672,-172,-173,-174,-175,-993,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-290,-291,-281,672,672,672,672,672,-328,-318,-332,-333,-334,672,672,-982,-983,-984,-985,-986,-987,-988,672,672,672,672,672,672,672,672,672,672,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,672,672,672,-353,-356,672,-323,-324,-141,672,-142,672,-143,672,-430,-935,-936,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-1894,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-1894,672,-1894,672,672,672,672,672,672,672,672,672,672,672,672,-1894,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,672,-1894,672,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,672,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,672,672,672,-191,-192,672,-994,672,672,672,672,672,-277,-278,-279,-280,-365,672,-308,672,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,672,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,672,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,672,672,672,672,672,672,-573,672,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,672,672,-723,-724,-725,672,672,672,672,672,672,-994,672,672,-91,-92,672,672,672,672,-309,-310,-320,672,-307,-293,-294,-295,672,672,672,672,-618,-633,-590,672,672,-436,672,-437,672,-444,-445,-446,-378,-379,672,672,672,-506,672,672,-510,672,672,672,672,-515,-516,-517,-518,672,672,-521,-522,672,-524,-525,-526,-527,-528,-529,-530,-531,672,-533,672,672,672,-539,-541,-542,672,-544,-545,-546,-547,672,672,672,672,672,672,-652,-653,-654,-655,672,-657,-658,-659,672,672,672,-665,672,672,-669,-670,672,672,-673,672,-675,-676,672,-679,672,-681,672,672,-684,-685,-686,672,-688,672,672,-691,672,672,-694,-695,-696,672,-698,-699,-700,-701,672,672,-746,672,-749,-750,-751,-752,-753,672,-755,-756,-757,-758,-759,672,-766,-767,-769,672,-771,-772,-773,-782,-856,-858,-860,-862,672,672,672,672,-868,672,-870,672,672,672,672,672,672,672,-906,-907,672,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,672,-921,-924,672,-934,672,-385,-386,-387,672,672,-390,-391,-392,-393,672,-396,672,-399,-400,672,-401,672,-406,-407,672,-410,-411,-412,672,-415,672,-416,672,-421,-422,672,-425,672,-428,-429,-1894,-1894,672,-619,-620,-621,-622,-623,-634,-584,-624,-797,672,672,672,672,672,-831,672,672,-806,672,-832,672,672,672,672,-798,672,-853,-799,672,672,672,672,672,672,-854,-855,672,-834,-830,-835,672,-625,672,-626,-627,-628,-629,-574,672,672,-630,-631,-632,672,672,672,672,672,672,-635,-636,-637,-592,-1894,-602,672,-638,-639,-713,-640,-604,672,-572,-577,-580,-583,672,672,672,-598,-601,672,-608,672,672,672,672,672,672,672,672,672,672,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,672,672,672,-995,672,672,672,672,672,672,-306,-325,-319,-296,-375,-452,-453,-454,-458,672,-443,672,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,672,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,672,672,672,672,672,672,672,672,672,-316,-535,-508,-591,-937,-939,-940,-438,672,-440,-380,-381,-383,-507,-509,-511,672,-513,-514,-519,-520,672,-532,-534,-537,-538,-543,-548,-726,672,-727,672,-732,672,-734,672,-739,-656,-660,-661,672,-666,672,-667,672,-672,-674,672,-677,672,672,672,-687,-689,672,-692,672,672,-744,672,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,672,672,672,672,672,-877,672,-880,-908,-920,-925,-388,-389,672,-394,672,-397,672,-402,672,-403,672,-408,672,-413,672,-417,672,-418,672,-423,672,-426,-899,-900,-643,-585,-1894,-901,672,672,672,-800,672,672,-804,672,-807,-833,672,-818,672,-820,672,-822,-808,672,-824,672,-851,-852,672,672,-811,672,-646,-902,-904,-648,-649,-645,672,-705,-706,672,-642,-903,-647,-650,-603,-714,672,672,-605,-586,672,672,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,672,672,-709,-710,672,-716,672,672,672,672,672,672,-938,672,-439,-441,-747,672,-891,672,-715,-1894,672,672,672,672,672,-442,-512,-523,672,-728,-733,672,-735,672,-740,672,-662,-668,672,-678,-680,-682,-683,-690,-693,-697,-745,672,672,-874,672,672,-878,672,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,672,-812,672,-814,-801,672,-802,-805,672,-816,-819,-821,-823,-825,672,-826,672,-809,672,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,672,-282,672,672,672,672,-455,672,672,-729,672,-736,672,-741,672,-663,-671,672,672,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,672,-836,-53,672,672,-730,672,-737,672,-742,-664,672,-873,-54,672,672,-731,-738,-743,672,672,672,-872,]),'ROOT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[673,673,673,673,-1894,673,673,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,673,673,673,673,-275,-276,673,-1425,673,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,673,673,673,-490,673,673,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,673,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,673,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,673,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,673,-172,-173,-174,-175,-993,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-290,-291,-281,673,673,673,673,673,-328,-318,-332,-333,-334,673,673,-982,-983,-984,-985,-986,-987,-988,673,673,673,673,673,673,673,673,673,673,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,673,673,673,-353,-356,673,-323,-324,-141,673,-142,673,-143,673,-430,-935,-936,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-1894,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-1894,673,-1894,673,673,673,673,673,673,673,673,673,673,673,673,-1894,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,673,-1894,673,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,673,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,673,673,673,-191,-192,673,-994,673,673,673,673,673,-277,-278,-279,-280,-365,673,-308,673,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,673,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,673,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,673,673,673,673,673,673,-573,673,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,673,673,-723,-724,-725,673,673,673,673,673,673,-994,673,673,-91,-92,673,673,673,673,-309,-310,-320,673,-307,-293,-294,-295,673,673,673,673,-618,-633,-590,673,673,-436,673,-437,673,-444,-445,-446,-378,-379,673,673,673,-506,673,673,-510,673,673,673,673,-515,-516,-517,-518,673,673,-521,-522,673,-524,-525,-526,-527,-528,-529,-530,-531,673,-533,673,673,673,-539,-541,-542,673,-544,-545,-546,-547,673,673,673,673,673,673,-652,-653,-654,-655,673,-657,-658,-659,673,673,673,-665,673,673,-669,-670,673,673,-673,673,-675,-676,673,-679,673,-681,673,673,-684,-685,-686,673,-688,673,673,-691,673,673,-694,-695,-696,673,-698,-699,-700,-701,673,673,-746,673,-749,-750,-751,-752,-753,673,-755,-756,-757,-758,-759,673,-766,-767,-769,673,-771,-772,-773,-782,-856,-858,-860,-862,673,673,673,673,-868,673,-870,673,673,673,673,673,673,673,-906,-907,673,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,673,-921,-924,673,-934,673,-385,-386,-387,673,673,-390,-391,-392,-393,673,-396,673,-399,-400,673,-401,673,-406,-407,673,-410,-411,-412,673,-415,673,-416,673,-421,-422,673,-425,673,-428,-429,-1894,-1894,673,-619,-620,-621,-622,-623,-634,-584,-624,-797,673,673,673,673,673,-831,673,673,-806,673,-832,673,673,673,673,-798,673,-853,-799,673,673,673,673,673,673,-854,-855,673,-834,-830,-835,673,-625,673,-626,-627,-628,-629,-574,673,673,-630,-631,-632,673,673,673,673,673,673,-635,-636,-637,-592,-1894,-602,673,-638,-639,-713,-640,-604,673,-572,-577,-580,-583,673,673,673,-598,-601,673,-608,673,673,673,673,673,673,673,673,673,673,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,673,673,673,-995,673,673,673,673,673,673,-306,-325,-319,-296,-375,-452,-453,-454,-458,673,-443,673,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,673,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,673,673,673,673,673,673,673,673,673,-316,-535,-508,-591,-937,-939,-940,-438,673,-440,-380,-381,-383,-507,-509,-511,673,-513,-514,-519,-520,673,-532,-534,-537,-538,-543,-548,-726,673,-727,673,-732,673,-734,673,-739,-656,-660,-661,673,-666,673,-667,673,-672,-674,673,-677,673,673,673,-687,-689,673,-692,673,673,-744,673,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,673,673,673,673,673,-877,673,-880,-908,-920,-925,-388,-389,673,-394,673,-397,673,-402,673,-403,673,-408,673,-413,673,-417,673,-418,673,-423,673,-426,-899,-900,-643,-585,-1894,-901,673,673,673,-800,673,673,-804,673,-807,-833,673,-818,673,-820,673,-822,-808,673,-824,673,-851,-852,673,673,-811,673,-646,-902,-904,-648,-649,-645,673,-705,-706,673,-642,-903,-647,-650,-603,-714,673,673,-605,-586,673,673,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,673,673,-709,-710,673,-716,673,673,673,673,673,673,-938,673,-439,-441,-747,673,-891,673,-715,-1894,673,673,673,673,673,-442,-512,-523,673,-728,-733,673,-735,673,-740,673,-662,-668,673,-678,-680,-682,-683,-690,-693,-697,-745,673,673,-874,673,673,-878,673,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,673,-812,673,-814,-801,673,-802,-805,673,-816,-819,-821,-823,-825,673,-826,673,-809,673,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,673,-282,673,673,673,673,-455,673,673,-729,673,-736,673,-741,673,-663,-671,673,673,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,673,-836,-53,673,673,-730,673,-737,673,-742,-664,673,-873,-54,673,673,-731,-738,-743,673,673,673,-872,]),'ROOTSERVICE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[674,674,674,674,-1894,674,674,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,674,674,674,674,-275,-276,674,-1425,674,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,674,674,674,-490,674,674,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,674,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,674,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,674,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,674,-172,-173,-174,-175,-993,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-290,-291,-281,674,674,674,674,674,-328,-318,-332,-333,-334,674,674,-982,-983,-984,-985,-986,-987,-988,674,674,674,674,674,674,674,674,674,674,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,674,674,674,-353,-356,674,-323,-324,-141,674,-142,674,-143,674,-430,-935,-936,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-1894,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-1894,674,-1894,674,674,674,674,674,674,674,674,674,674,674,674,-1894,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,674,-1894,674,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,674,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,674,674,674,-191,-192,674,-994,674,674,674,674,674,-277,-278,-279,-280,-365,674,-308,674,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,674,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,674,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,674,674,674,674,674,674,-573,674,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,674,674,-723,-724,-725,674,674,674,674,674,674,-994,674,674,-91,-92,674,674,674,674,-309,-310,-320,674,-307,-293,-294,-295,674,674,674,674,-618,-633,-590,674,674,-436,674,-437,674,-444,-445,-446,-378,-379,674,674,674,-506,674,674,-510,674,674,674,674,-515,-516,-517,-518,674,674,-521,-522,674,-524,-525,-526,-527,-528,-529,-530,-531,674,-533,674,674,674,-539,-541,-542,674,-544,-545,-546,-547,674,674,674,674,674,674,-652,-653,-654,-655,674,-657,-658,-659,674,674,674,-665,674,674,-669,-670,674,674,-673,674,-675,-676,674,-679,674,-681,674,674,-684,-685,-686,674,-688,674,674,-691,674,674,-694,-695,-696,674,-698,-699,-700,-701,674,674,-746,674,-749,-750,-751,-752,-753,674,-755,-756,-757,-758,-759,674,-766,-767,-769,674,-771,-772,-773,-782,-856,-858,-860,-862,674,674,674,674,-868,674,-870,674,674,674,674,674,674,674,-906,-907,674,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,674,-921,-924,674,-934,674,-385,-386,-387,674,674,-390,-391,-392,-393,674,-396,674,-399,-400,674,-401,674,-406,-407,674,-410,-411,-412,674,-415,674,-416,674,-421,-422,674,-425,674,-428,-429,-1894,-1894,674,-619,-620,-621,-622,-623,-634,-584,-624,-797,674,674,674,674,674,-831,674,674,-806,674,-832,674,674,674,674,-798,674,-853,-799,674,674,674,674,674,674,-854,-855,674,-834,-830,-835,674,-625,674,-626,-627,-628,-629,-574,674,674,-630,-631,-632,674,674,674,674,674,674,-635,-636,-637,-592,-1894,-602,674,-638,-639,-713,-640,-604,674,-572,-577,-580,-583,674,674,674,-598,-601,674,-608,674,674,674,674,674,674,674,674,674,674,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,674,674,674,-995,674,674,674,674,674,674,-306,-325,-319,-296,-375,-452,-453,-454,-458,674,-443,674,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,674,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,674,674,674,674,674,674,674,674,674,-316,-535,-508,-591,-937,-939,-940,-438,674,-440,-380,-381,-383,-507,-509,-511,674,-513,-514,-519,-520,674,-532,-534,-537,-538,-543,-548,-726,674,-727,674,-732,674,-734,674,-739,-656,-660,-661,674,-666,674,-667,674,-672,-674,674,-677,674,674,674,-687,-689,674,-692,674,674,-744,674,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,674,674,674,674,674,-877,674,-880,-908,-920,-925,-388,-389,674,-394,674,-397,674,-402,674,-403,674,-408,674,-413,674,-417,674,-418,674,-423,674,-426,-899,-900,-643,-585,-1894,-901,674,674,674,-800,674,674,-804,674,-807,-833,674,-818,674,-820,674,-822,-808,674,-824,674,-851,-852,674,674,-811,674,-646,-902,-904,-648,-649,-645,674,-705,-706,674,-642,-903,-647,-650,-603,-714,674,674,-605,-586,674,674,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,674,674,-709,-710,674,-716,674,674,674,674,674,674,-938,674,-439,-441,-747,674,-891,674,-715,-1894,674,674,674,674,674,-442,-512,-523,674,-728,-733,674,-735,674,-740,674,-662,-668,674,-678,-680,-682,-683,-690,-693,-697,-745,674,674,-874,674,674,-878,674,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,674,-812,674,-814,-801,674,-802,-805,674,-816,-819,-821,-823,-825,674,-826,674,-809,674,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,674,-282,674,674,674,674,-455,674,674,-729,674,-736,674,-741,674,-663,-671,674,674,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,674,-836,-53,674,674,-730,674,-737,674,-742,-664,674,-873,-54,674,674,-731,-738,-743,674,674,674,-872,]),'ROOTTABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[675,675,675,675,-1894,675,675,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,675,675,675,675,-275,-276,675,-1425,675,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,675,675,675,-490,675,675,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,675,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,675,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,675,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,675,-172,-173,-174,-175,-993,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-290,-291,-281,675,675,675,675,675,-328,-318,-332,-333,-334,675,675,-982,-983,-984,-985,-986,-987,-988,675,675,675,675,675,675,675,675,675,675,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,675,675,675,-353,-356,675,-323,-324,-141,675,-142,675,-143,675,-430,-935,-936,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-1894,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-1894,675,-1894,675,675,675,675,675,675,675,675,675,675,675,675,-1894,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,675,-1894,675,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,675,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,675,675,675,-191,-192,675,-994,675,675,675,675,675,-277,-278,-279,-280,-365,675,-308,675,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,675,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,675,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,675,675,675,675,675,675,-573,675,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,675,675,-723,-724,-725,675,675,675,675,675,675,-994,675,675,-91,-92,675,675,675,675,-309,-310,-320,675,-307,-293,-294,-295,675,675,675,675,-618,-633,-590,675,675,-436,675,-437,675,-444,-445,-446,-378,-379,675,675,675,-506,675,675,-510,675,675,675,675,-515,-516,-517,-518,675,675,-521,-522,675,-524,-525,-526,-527,-528,-529,-530,-531,675,-533,675,675,675,-539,-541,-542,675,-544,-545,-546,-547,675,675,675,675,675,675,-652,-653,-654,-655,675,-657,-658,-659,675,675,675,-665,675,675,-669,-670,675,675,-673,675,-675,-676,675,-679,675,-681,675,675,-684,-685,-686,675,-688,675,675,-691,675,675,-694,-695,-696,675,-698,-699,-700,-701,675,675,-746,675,-749,-750,-751,-752,-753,675,-755,-756,-757,-758,-759,675,-766,-767,-769,675,-771,-772,-773,-782,-856,-858,-860,-862,675,675,675,675,-868,675,-870,675,675,675,675,675,675,675,-906,-907,675,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,675,-921,-924,675,-934,675,-385,-386,-387,675,675,-390,-391,-392,-393,675,-396,675,-399,-400,675,-401,675,-406,-407,675,-410,-411,-412,675,-415,675,-416,675,-421,-422,675,-425,675,-428,-429,-1894,-1894,675,-619,-620,-621,-622,-623,-634,-584,-624,-797,675,675,675,675,675,-831,675,675,-806,675,-832,675,675,675,675,-798,675,-853,-799,675,675,675,675,675,675,-854,-855,675,-834,-830,-835,675,-625,675,-626,-627,-628,-629,-574,675,675,-630,-631,-632,675,675,675,675,675,675,-635,-636,-637,-592,-1894,-602,675,-638,-639,-713,-640,-604,675,-572,-577,-580,-583,675,675,675,-598,-601,675,-608,675,675,675,675,675,675,675,675,675,675,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,675,675,675,-995,675,675,675,675,675,675,-306,-325,-319,-296,-375,-452,-453,-454,-458,675,-443,675,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,675,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,675,675,675,675,675,675,675,675,675,-316,-535,-508,-591,-937,-939,-940,-438,675,-440,-380,-381,-383,-507,-509,-511,675,-513,-514,-519,-520,675,-532,-534,-537,-538,-543,-548,-726,675,-727,675,-732,675,-734,675,-739,-656,-660,-661,675,-666,675,-667,675,-672,-674,675,-677,675,675,675,-687,-689,675,-692,675,675,-744,675,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,675,675,675,675,675,-877,675,-880,-908,-920,-925,-388,-389,675,-394,675,-397,675,-402,675,-403,675,-408,675,-413,675,-417,675,-418,675,-423,675,-426,-899,-900,-643,-585,-1894,-901,675,675,675,-800,675,675,-804,675,-807,-833,675,-818,675,-820,675,-822,-808,675,-824,675,-851,-852,675,675,-811,675,-646,-902,-904,-648,-649,-645,675,-705,-706,675,-642,-903,-647,-650,-603,-714,675,675,-605,-586,675,675,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,675,675,-709,-710,675,-716,675,675,675,675,675,675,-938,675,-439,-441,-747,675,-891,675,-715,-1894,675,675,675,675,675,-442,-512,-523,675,-728,-733,675,-735,675,-740,675,-662,-668,675,-678,-680,-682,-683,-690,-693,-697,-745,675,675,-874,675,675,-878,675,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,675,-812,675,-814,-801,675,-802,-805,675,-816,-819,-821,-823,-825,675,-826,675,-809,675,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,675,-282,675,675,675,675,-455,675,675,-729,675,-736,675,-741,675,-663,-671,675,675,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,675,-836,-53,675,675,-730,675,-737,675,-742,-664,675,-873,-54,675,675,-731,-738,-743,675,675,675,-872,]),'ROTATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[676,676,676,676,-1894,676,676,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,676,676,676,676,-275,-276,676,-1425,676,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,676,676,676,-490,676,676,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,676,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,676,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,676,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,676,-172,-173,-174,-175,-993,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-290,-291,-281,676,676,676,676,676,-328,-318,-332,-333,-334,676,676,-982,-983,-984,-985,-986,-987,-988,676,676,676,676,676,676,676,676,676,676,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,676,676,676,-353,-356,676,-323,-324,-141,676,-142,676,-143,676,-430,-935,-936,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-1894,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-1894,676,-1894,676,676,676,676,676,676,676,676,676,676,676,676,-1894,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,676,-1894,676,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,676,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,676,676,676,-191,-192,676,-994,676,676,676,676,676,-277,-278,-279,-280,-365,676,-308,676,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,676,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,676,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,676,676,676,676,676,676,-573,676,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,676,676,-723,-724,-725,676,676,676,676,676,676,-994,676,676,-91,-92,676,676,676,676,-309,-310,-320,676,-307,-293,-294,-295,676,676,676,676,-618,-633,-590,676,676,-436,676,-437,676,-444,-445,-446,-378,-379,676,676,676,-506,676,676,-510,676,676,676,676,-515,-516,-517,-518,676,676,-521,-522,676,-524,-525,-526,-527,-528,-529,-530,-531,676,-533,676,676,676,-539,-541,-542,676,-544,-545,-546,-547,676,676,676,676,676,676,-652,-653,-654,-655,676,-657,-658,-659,676,676,676,-665,676,676,-669,-670,676,676,-673,676,-675,-676,676,-679,676,-681,676,676,-684,-685,-686,676,-688,676,676,-691,676,676,-694,-695,-696,676,-698,-699,-700,-701,676,676,-746,676,-749,-750,-751,-752,-753,676,-755,-756,-757,-758,-759,676,-766,-767,-769,676,-771,-772,-773,-782,-856,-858,-860,-862,676,676,676,676,-868,676,-870,676,676,676,676,676,676,676,-906,-907,676,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,676,-921,-924,676,-934,676,-385,-386,-387,676,676,-390,-391,-392,-393,676,-396,676,-399,-400,676,-401,676,-406,-407,676,-410,-411,-412,676,-415,676,-416,676,-421,-422,676,-425,676,-428,-429,-1894,-1894,676,-619,-620,-621,-622,-623,-634,-584,-624,-797,676,676,676,676,676,-831,676,676,-806,676,-832,676,676,676,676,-798,676,-853,-799,676,676,676,676,676,676,-854,-855,676,-834,-830,-835,676,-625,676,-626,-627,-628,-629,-574,676,676,-630,-631,-632,676,676,676,676,676,676,-635,-636,-637,-592,-1894,-602,676,-638,-639,-713,-640,-604,676,-572,-577,-580,-583,676,676,676,-598,-601,676,-608,676,676,676,676,676,676,676,676,676,676,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,676,676,676,-995,676,676,676,676,676,676,-306,-325,-319,-296,-375,-452,-453,-454,-458,676,-443,676,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,676,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,676,676,676,676,676,676,676,676,676,-316,-535,-508,-591,-937,-939,-940,-438,676,-440,-380,-381,-383,-507,-509,-511,676,-513,-514,-519,-520,676,-532,-534,-537,-538,-543,-548,-726,676,-727,676,-732,676,-734,676,-739,-656,-660,-661,676,-666,676,-667,676,-672,-674,676,-677,676,676,676,-687,-689,676,-692,676,676,-744,676,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,676,676,676,676,676,-877,676,-880,-908,-920,-925,-388,-389,676,-394,676,-397,676,-402,676,-403,676,-408,676,-413,676,-417,676,-418,676,-423,676,-426,-899,-900,-643,-585,-1894,-901,676,676,676,-800,676,676,-804,676,-807,-833,676,-818,676,-820,676,-822,-808,676,-824,676,-851,-852,676,676,-811,676,-646,-902,-904,-648,-649,-645,676,-705,-706,676,-642,-903,-647,-650,-603,-714,676,676,-605,-586,676,676,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,676,676,-709,-710,676,-716,676,676,676,676,676,676,-938,676,-439,-441,-747,676,-891,676,-715,-1894,676,676,676,676,676,-442,-512,-523,676,-728,-733,676,-735,676,-740,676,-662,-668,676,-678,-680,-682,-683,-690,-693,-697,-745,676,676,-874,676,676,-878,676,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,676,-812,676,-814,-801,676,-802,-805,676,-816,-819,-821,-823,-825,676,-826,676,-809,676,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,676,-282,676,676,676,676,-455,676,676,-729,676,-736,676,-741,676,-663,-671,676,676,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,676,-836,-53,676,676,-730,676,-737,676,-742,-664,676,-873,-54,676,676,-731,-738,-743,676,676,676,-872,]),'ROUTINE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[677,677,677,677,-1894,677,677,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,677,677,677,677,-275,-276,677,-1425,677,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,677,677,677,-490,677,677,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,677,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,677,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,677,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,677,-172,-173,-174,-175,-993,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-290,-291,-281,677,677,677,677,677,-328,-318,-332,-333,-334,677,677,-982,-983,-984,-985,-986,-987,-988,677,677,677,677,677,677,677,677,677,677,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,677,677,677,-353,-356,677,-323,-324,-141,677,-142,677,-143,677,-430,-935,-936,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-1894,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-1894,677,-1894,677,677,677,677,677,677,677,677,677,677,677,677,-1894,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,677,-1894,677,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,677,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,677,677,677,-191,-192,677,-994,677,677,677,677,677,-277,-278,-279,-280,-365,677,-308,677,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,677,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,677,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,677,677,677,677,677,677,-573,677,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,677,677,-723,-724,-725,677,677,677,677,677,677,-994,677,677,-91,-92,677,677,677,677,-309,-310,-320,677,-307,-293,-294,-295,677,677,677,677,-618,-633,-590,677,677,-436,677,-437,677,-444,-445,-446,-378,-379,677,677,677,-506,677,677,-510,677,677,677,677,-515,-516,-517,-518,677,677,-521,-522,677,-524,-525,-526,-527,-528,-529,-530,-531,677,-533,677,677,677,-539,-541,-542,677,-544,-545,-546,-547,677,677,677,677,677,677,-652,-653,-654,-655,677,-657,-658,-659,677,677,677,-665,677,677,-669,-670,677,677,-673,677,-675,-676,677,-679,677,-681,677,677,-684,-685,-686,677,-688,677,677,-691,677,677,-694,-695,-696,677,-698,-699,-700,-701,677,677,-746,677,-749,-750,-751,-752,-753,677,-755,-756,-757,-758,-759,677,-766,-767,-769,677,-771,-772,-773,-782,-856,-858,-860,-862,677,677,677,677,-868,677,-870,677,677,677,677,677,677,677,-906,-907,677,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,677,-921,-924,677,-934,677,-385,-386,-387,677,677,-390,-391,-392,-393,677,-396,677,-399,-400,677,-401,677,-406,-407,677,-410,-411,-412,677,-415,677,-416,677,-421,-422,677,-425,677,-428,-429,-1894,-1894,677,-619,-620,-621,-622,-623,-634,-584,-624,-797,677,677,677,677,677,-831,677,677,-806,677,-832,677,677,677,677,-798,677,-853,-799,677,677,677,677,677,677,-854,-855,677,-834,-830,-835,677,-625,677,-626,-627,-628,-629,-574,677,677,-630,-631,-632,677,677,677,677,677,677,-635,-636,-637,-592,-1894,-602,677,-638,-639,-713,-640,-604,677,-572,-577,-580,-583,677,677,677,-598,-601,677,-608,677,677,677,677,677,677,677,677,677,677,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,677,677,677,-995,677,677,677,677,677,677,-306,-325,-319,-296,-375,-452,-453,-454,-458,677,-443,677,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,677,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,677,677,677,677,677,677,677,677,677,-316,-535,-508,-591,-937,-939,-940,-438,677,-440,-380,-381,-383,-507,-509,-511,677,-513,-514,-519,-520,677,-532,-534,-537,-538,-543,-548,-726,677,-727,677,-732,677,-734,677,-739,-656,-660,-661,677,-666,677,-667,677,-672,-674,677,-677,677,677,677,-687,-689,677,-692,677,677,-744,677,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,677,677,677,677,677,-877,677,-880,-908,-920,-925,-388,-389,677,-394,677,-397,677,-402,677,-403,677,-408,677,-413,677,-417,677,-418,677,-423,677,-426,-899,-900,-643,-585,-1894,-901,677,677,677,-800,677,677,-804,677,-807,-833,677,-818,677,-820,677,-822,-808,677,-824,677,-851,-852,677,677,-811,677,-646,-902,-904,-648,-649,-645,677,-705,-706,677,-642,-903,-647,-650,-603,-714,677,677,-605,-586,677,677,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,677,677,-709,-710,677,-716,677,677,677,677,677,677,-938,677,-439,-441,-747,677,-891,677,-715,-1894,677,677,677,677,677,-442,-512,-523,677,-728,-733,677,-735,677,-740,677,-662,-668,677,-678,-680,-682,-683,-690,-693,-697,-745,677,677,-874,677,677,-878,677,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,677,-812,677,-814,-801,677,-802,-805,677,-816,-819,-821,-823,-825,677,-826,677,-809,677,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,677,-282,677,677,677,677,-455,677,677,-729,677,-736,677,-741,677,-663,-671,677,677,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,677,-836,-53,677,677,-730,677,-737,677,-742,-664,677,-873,-54,677,677,-731,-738,-743,677,677,677,-872,]),'ROUND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[678,678,678,1071,-1894,678,678,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,678,678,678,678,-275,-276,1071,-1425,1071,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1071,1071,1071,-490,1071,1071,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1071,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1071,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1946,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,678,-172,-173,-174,-175,-993,678,678,678,678,678,678,678,678,678,678,1071,1071,1071,1071,1071,-290,-291,-281,678,1071,1071,1071,1071,-328,-318,-332,-333,-334,1071,1071,-982,-983,-984,-985,-986,-987,-988,678,678,1071,1071,1071,1071,1071,1071,1071,1071,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1071,1071,1071,-353,-356,678,-323,-324,-141,1071,-142,1071,-143,1071,-430,-935,-936,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1894,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1894,1071,-1894,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1894,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-1894,678,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1071,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1071,678,678,-191,-192,678,-994,1071,678,678,678,678,-277,-278,-279,-280,-365,1071,-308,1071,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1071,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1071,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1071,1071,1071,1071,1071,1071,-573,1071,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1071,1071,-723,-724,-725,1071,1946,678,678,678,678,-994,678,1071,-91,-92,678,678,678,1071,-309,-310,-320,1071,-307,-293,-294,-295,1071,678,1071,1071,-618,-633,-590,1071,678,-436,678,-437,1071,-444,-445,-446,-378,-379,1071,1071,1071,-506,1071,1071,-510,1071,1071,1071,1071,-515,-516,-517,-518,1071,1071,-521,-522,1071,-524,-525,-526,-527,-528,-529,-530,-531,1071,-533,1071,1071,1071,-539,-541,-542,1071,-544,-545,-546,-547,1071,1071,1071,1071,1071,1071,-652,-653,-654,-655,678,-657,-658,-659,1071,1071,1071,-665,1071,1071,-669,-670,1071,1071,-673,1071,-675,-676,1071,-679,1071,-681,1071,1071,-684,-685,-686,1071,-688,1071,1071,-691,1071,1071,-694,-695,-696,1071,-698,-699,-700,-701,1071,1071,-746,1071,-749,-750,-751,-752,-753,1071,-755,-756,-757,-758,-759,1071,-766,-767,-769,1071,-771,-772,-773,-782,-856,-858,-860,-862,1071,1071,1071,1071,-868,1071,-870,1071,1071,1071,1071,1071,1071,1071,-906,-907,1071,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1071,-921,-924,1071,-934,1071,-385,-386,-387,1071,1071,-390,-391,-392,-393,1071,-396,1071,-399,-400,1071,-401,1071,-406,-407,1071,-410,-411,-412,1071,-415,1071,-416,1071,-421,-422,1071,-425,1071,-428,-429,-1894,-1894,1071,-619,-620,-621,-622,-623,-634,-584,-624,-797,1071,1071,1071,1071,1071,-831,1071,1071,-806,1071,-832,1071,1071,1071,1071,-798,1071,-853,-799,1071,1071,1071,1071,1071,1071,-854,-855,1071,-834,-830,-835,1071,-625,1071,-626,-627,-628,-629,-574,1071,1071,-630,-631,-632,1071,1071,1071,1071,1071,1071,-635,-636,-637,-592,-1894,-602,1071,-638,-639,-713,-640,-604,1071,-572,-577,-580,-583,1071,1071,1071,-598,-601,1071,-608,1071,1071,1071,1071,1071,1071,1071,1071,1071,1071,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1071,678,678,-995,678,1071,678,678,678,1071,-306,-325,-319,-296,-375,-452,-453,-454,-458,678,-443,1071,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1071,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,678,678,678,678,678,678,678,678,1071,-316,-535,-508,-591,-937,-939,-940,-438,1071,-440,-380,-381,-383,-507,-509,-511,1071,-513,-514,-519,-520,1071,-532,-534,-537,-538,-543,-548,-726,1071,-727,1071,-732,1071,-734,1071,-739,-656,-660,-661,1071,-666,1071,-667,1071,-672,-674,1071,-677,1071,1071,1071,-687,-689,1071,-692,1071,1071,-744,1071,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1071,1071,1071,1071,1071,-877,1071,-880,-908,-920,-925,-388,-389,1071,-394,1071,-397,1071,-402,1071,-403,1071,-408,1071,-413,1071,-417,1071,-418,1071,-423,1071,-426,-899,-900,-643,-585,-1894,-901,1071,1071,1071,-800,1071,1071,-804,1071,-807,-833,1071,-818,1071,-820,1071,-822,-808,1071,-824,1071,-851,-852,1071,1071,-811,1071,-646,-902,-904,-648,-649,-645,1071,-705,-706,1071,-642,-903,-647,-650,-603,-714,1071,1071,-605,-586,1071,1071,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1071,1071,-709,-710,1071,-716,1071,678,678,678,1071,1071,-938,678,-439,-441,-747,1071,-891,1946,-715,-1894,1071,1071,678,678,1071,-442,-512,-523,1071,-728,-733,1071,-735,1071,-740,1071,-662,-668,1071,-678,-680,-682,-683,-690,-693,-697,-745,1071,1071,-874,1071,1071,-878,1071,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1071,-812,1071,-814,-801,1071,-802,-805,1071,-816,-819,-821,-823,-825,1071,-826,1071,-809,1071,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,678,-282,678,1071,678,1071,-455,1071,1071,-729,1071,-736,1071,-741,1071,-663,-671,1071,1071,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1071,-836,-53,678,1071,-730,1071,-737,1071,-742,-664,1071,-873,-54,678,678,-731,-738,-743,1071,678,1071,-872,]),'ROW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1990,1991,1992,1993,1994,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2482,2483,2484,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3792,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[679,679,679,679,-1894,679,679,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,679,679,679,679,-275,-276,679,-1425,679,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,679,679,679,-490,679,679,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,679,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,679,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,679,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,679,-172,-173,-174,-175,-993,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-290,-291,-281,679,679,679,679,679,-328,-318,-332,-333,-334,679,679,-982,-983,-984,-985,-986,-987,-988,679,679,679,679,679,679,679,679,679,679,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,679,679,679,-353,-356,679,-323,-324,-141,679,-142,679,-143,679,-430,-935,-936,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-1894,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-1894,679,-1894,679,679,679,679,679,679,679,679,679,679,679,679,-1894,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,679,-1894,679,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,679,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,679,-156,-157,-1894,-158,-159,679,679,-191,-192,679,-994,679,679,679,679,679,-277,-278,-279,-280,-365,679,-308,679,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,679,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,679,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,679,679,679,679,679,679,-573,679,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,679,679,-723,-724,-725,679,679,679,679,2894,-160,-161,679,679,-994,679,679,-91,-92,679,679,679,679,-309,-310,-320,679,-307,-293,-294,-295,679,679,679,679,-618,-633,-590,679,679,-436,679,-437,679,-444,-445,-446,-378,-379,679,679,679,-506,679,679,-510,679,679,679,679,-515,-516,-517,-518,679,679,-521,-522,679,-524,-525,-526,-527,-528,-529,-530,-531,679,-533,679,679,679,-539,-541,-542,679,-544,-545,-546,-547,679,679,679,679,679,679,-652,-653,-654,-655,679,-657,-658,-659,679,679,679,-665,679,679,-669,-670,679,679,-673,679,-675,-676,679,-679,679,-681,679,679,-684,-685,-686,679,-688,679,679,-691,679,679,-694,-695,-696,679,-698,-699,-700,-701,679,679,-746,679,-749,-750,-751,-752,-753,679,-755,-756,-757,-758,-759,679,-766,-767,-769,679,-771,-772,-773,-782,-856,-858,-860,-862,679,679,679,679,-868,679,-870,679,679,679,679,679,679,679,-906,-907,679,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,679,-921,-924,679,-934,679,-385,-386,-387,679,679,-390,-391,-392,-393,679,-396,679,-399,-400,679,-401,679,-406,-407,679,-410,-411,-412,679,-415,679,-416,679,-421,-422,679,-425,679,-428,-429,-1894,-1894,679,-619,-620,-621,-622,-623,-634,-584,-624,-797,679,679,679,679,679,-831,679,679,-806,679,-832,679,679,679,679,-798,679,-853,-799,679,679,679,679,679,679,-854,-855,679,-834,-830,-835,679,-625,679,-626,-627,-628,-629,-574,679,679,-630,-631,-632,679,679,679,679,679,679,-635,-636,-637,-592,-1894,-602,679,-638,-639,-713,-640,-604,679,-572,-577,-580,-583,679,679,679,-598,-601,679,-608,679,679,679,679,679,679,679,679,679,679,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,679,679,679,-995,679,679,679,679,679,679,-306,-325,-319,-296,-375,-452,-453,-454,-458,679,-443,679,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,679,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,679,679,679,679,679,679,679,679,679,-316,-535,-508,-591,-937,-939,-940,-438,679,-440,-380,-381,-383,-507,-509,-511,679,-513,-514,-519,-520,679,-532,-534,-537,-538,-543,-548,-726,679,-727,679,-732,679,-734,679,-739,-656,-660,-661,679,-666,679,-667,679,-672,-674,679,-677,679,679,679,-687,-689,679,-692,679,679,-744,679,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,679,679,679,679,679,-877,679,-880,-908,-920,-925,-388,-389,679,-394,679,-397,679,-402,679,-403,679,-408,679,-413,679,-417,679,-418,679,-423,679,-426,-899,-900,-643,-585,-1894,-901,679,679,679,-800,679,679,-804,679,-807,-833,679,-818,679,-820,679,-822,-808,679,-824,679,-851,-852,679,679,-811,679,-646,-902,-904,-648,-649,-645,679,-705,-706,679,-642,-903,-647,-650,-603,-714,679,679,-605,-586,679,679,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,679,679,-709,-710,679,-716,679,679,679,679,679,679,-938,679,-439,-441,-747,679,-891,679,-715,-1894,679,679,679,679,679,-442,-512,-523,679,-728,-733,679,-735,679,-740,679,-662,-668,679,-678,-680,-682,-683,-690,-693,-697,-745,679,679,-874,679,679,-878,679,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,679,-812,679,-814,-801,679,-802,-805,679,-816,-819,-821,-823,-825,679,-826,679,-809,679,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,679,-282,679,679,679,679,-455,3831,679,679,-729,679,-736,679,-741,679,-663,-671,679,679,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,679,-836,-53,679,679,-730,679,-737,679,-742,-664,679,-873,-54,679,679,-731,-738,-743,679,679,679,-872,]),'ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1389,1390,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1990,1991,1992,1993,1994,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2477,2478,2479,2482,2483,2484,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2885,2886,2888,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3158,3159,3160,3161,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3502,3503,3504,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3627,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3707,3708,3738,3743,3750,3756,3769,3773,3774,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[680,680,680,680,-1894,680,680,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,680,680,680,680,-275,-276,680,-1425,680,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,680,680,680,-490,680,680,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,680,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,680,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,680,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-134,-135,680,-172,-173,-174,-175,-993,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-290,-291,-281,680,680,680,680,680,-328,-318,-332,-333,-334,680,680,-982,-983,-984,-985,-986,-987,-988,680,680,680,680,680,680,680,680,680,680,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,680,680,680,-353,-356,680,-323,-324,-141,680,-142,680,-143,680,-430,-935,-936,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-1894,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-1894,680,-1894,680,680,680,680,680,680,680,680,680,680,680,680,-1894,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,680,-1894,680,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,680,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,680,-156,-157,-1894,-158,-159,680,680,-191,-192,680,-994,680,680,680,680,680,-277,-278,-279,-280,-365,680,-308,680,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,680,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,680,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,680,680,680,680,680,680,-573,680,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,680,680,-723,-724,-725,680,680,680,680,-136,-137,-1894,2895,-160,-161,680,680,-994,680,680,-91,-92,680,680,680,680,-309,-310,-320,680,-307,-293,-294,-295,680,680,680,680,-618,-633,-590,680,680,-436,680,-437,680,-444,-445,-446,-378,-379,680,680,680,-506,680,680,-510,680,680,680,680,-515,-516,-517,-518,680,680,-521,-522,680,-524,-525,-526,-527,-528,-529,-530,-531,680,-533,680,680,680,-539,-541,-542,680,-544,-545,-546,-547,680,680,680,680,680,680,-652,-653,-654,-655,680,-657,-658,-659,680,680,680,-665,680,680,-669,-670,680,680,-673,680,-675,-676,680,-679,680,-681,680,680,-684,-685,-686,680,-688,680,680,-691,680,680,-694,-695,-696,680,-698,-699,-700,-701,680,680,-746,680,-749,-750,-751,-752,-753,680,-755,-756,-757,-758,-759,680,-766,-767,-769,680,-771,-772,-773,-782,-856,-858,-860,-862,680,680,680,680,-868,680,-870,680,680,680,680,680,680,680,-906,-907,680,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,680,-921,-924,680,-934,680,-385,-386,-387,680,680,-390,-391,-392,-393,680,-396,680,-399,-400,680,-401,680,-406,-407,680,-410,-411,-412,680,-415,680,-416,680,-421,-422,680,-425,680,-428,-429,-1894,-1894,680,-619,-620,-621,-622,-623,-634,-584,-624,-797,680,680,680,680,680,-831,680,680,-806,680,-832,680,680,680,680,-798,680,-853,-799,680,680,680,680,680,680,-854,-855,680,-834,-830,-835,680,-625,680,-626,-627,-628,-629,-574,680,680,-630,-631,-632,680,680,680,680,680,680,-635,-636,-637,-592,-1894,-602,680,-638,-639,-713,-640,-604,680,-572,-577,-580,-583,680,680,680,-598,-601,680,-608,680,680,680,680,680,680,680,680,680,680,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,680,-139,-1894,-148,-144,-145,680,680,-995,680,680,680,680,680,680,-306,-325,-319,-296,-375,-452,-453,-454,-458,680,-443,680,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,680,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,680,-138,-140,-146,-147,680,680,680,680,680,680,680,680,-316,-535,-508,-591,-937,-939,-940,-1894,-456,-457,-438,680,-440,-380,-381,-383,-507,-509,-511,680,-513,-514,-519,-520,680,-532,-534,-537,-538,-543,-548,-726,680,-727,680,-732,680,-734,680,-739,-656,-660,-661,680,-666,680,-667,680,-672,-674,680,-677,680,680,680,-687,-689,680,-692,680,680,-744,680,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,680,680,680,680,680,-877,680,-880,-908,-920,-925,-388,-389,680,-394,680,-397,680,-402,680,-403,680,-408,680,-413,680,-417,680,-418,680,-423,680,-426,-899,-900,-643,-585,-1894,-901,680,680,680,-800,680,680,-804,680,-807,-833,680,-818,680,-820,680,-822,-808,680,-824,680,-851,-852,680,680,-811,680,-646,-902,-904,-648,-649,-645,680,-705,-706,680,-642,-903,-647,-650,-603,-714,680,680,-605,-586,680,680,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,680,680,-709,-710,680,-716,680,680,680,680,680,680,-938,680,-1894,-459,-460,-439,-441,-747,680,-891,680,-715,-1894,680,680,680,680,3748,680,-442,-512,-523,680,-728,-733,680,-735,680,-740,680,-662,-668,680,-678,-680,-682,-683,-690,-693,-697,-745,680,680,-874,680,680,-878,680,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,680,-812,680,-814,-801,680,-802,-805,680,-816,-819,-821,-823,-825,680,-826,680,-809,680,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,680,-462,-464,-282,680,-461,680,680,680,-465,-455,680,680,-729,680,-736,680,-741,680,-663,-671,680,680,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-463,680,-836,-53,680,680,-730,680,-737,680,-742,-664,680,-873,-54,680,680,-731,-738,-743,680,680,680,-872,]),'ROW_COUNT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[681,681,681,1170,-1894,681,681,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,681,681,681,681,-275,-276,1170,-1425,1170,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1170,1170,1170,-490,1170,1170,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1170,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1170,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1947,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,681,-172,-173,-174,-175,-993,681,681,681,681,681,681,681,681,681,681,1170,1170,1170,1170,1170,-290,-291,-281,681,1170,1170,1170,1170,-328,-318,-332,-333,-334,1170,1170,-982,-983,-984,-985,-986,-987,-988,681,681,1170,1170,1170,1170,1170,1170,1170,1170,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1170,1170,1170,-353,-356,681,-323,-324,-141,1170,-142,1170,-143,1170,-430,-935,-936,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1894,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1894,1170,-1894,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1894,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-1894,681,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1170,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1170,681,681,-191,-192,681,-994,1170,681,681,681,681,-277,-278,-279,-280,-365,1170,-308,1170,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1170,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1170,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1170,1170,1170,1170,1170,1170,-573,1170,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1170,1170,-723,-724,-725,1170,1947,681,681,681,681,-994,681,1170,-91,-92,681,681,681,1170,-309,-310,-320,1170,-307,-293,-294,-295,1170,681,1170,1170,-618,-633,-590,1170,681,-436,681,-437,1170,-444,-445,-446,-378,-379,1170,1170,1170,-506,1170,1170,-510,1170,1170,1170,1170,-515,-516,-517,-518,1170,1170,-521,-522,1170,-524,-525,-526,-527,-528,-529,-530,-531,1170,-533,1170,1170,1170,-539,-541,-542,1170,-544,-545,-546,-547,1170,1170,1170,1170,1170,1170,-652,-653,-654,-655,681,-657,-658,-659,1170,1170,1170,-665,1170,1170,-669,-670,1170,1170,-673,1170,-675,-676,1170,-679,1170,-681,1170,1170,-684,-685,-686,1170,-688,1170,1170,-691,1170,1170,-694,-695,-696,1170,-698,-699,-700,-701,1170,1170,-746,1170,-749,-750,-751,-752,-753,1170,-755,-756,-757,-758,-759,1170,-766,-767,-769,1170,-771,-772,-773,-782,-856,-858,-860,-862,1170,1170,1170,1170,-868,1170,-870,1170,1170,1170,1170,1170,1170,1170,-906,-907,1170,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1170,-921,-924,1170,-934,1170,-385,-386,-387,1170,1170,-390,-391,-392,-393,1170,-396,1170,-399,-400,1170,-401,1170,-406,-407,1170,-410,-411,-412,1170,-415,1170,-416,1170,-421,-422,1170,-425,1170,-428,-429,-1894,-1894,1170,-619,-620,-621,-622,-623,-634,-584,-624,-797,1170,1170,1170,1170,1170,-831,1170,1170,-806,1170,-832,1170,1170,1170,1170,-798,1170,-853,-799,1170,1170,1170,1170,1170,1170,-854,-855,1170,-834,-830,-835,1170,-625,1170,-626,-627,-628,-629,-574,1170,1170,-630,-631,-632,1170,1170,1170,1170,1170,1170,-635,-636,-637,-592,-1894,-602,1170,-638,-639,-713,-640,-604,1170,-572,-577,-580,-583,1170,1170,1170,-598,-601,1170,-608,1170,1170,1170,1170,1170,1170,1170,1170,1170,1170,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1170,681,681,-995,681,1170,681,681,681,1170,-306,-325,-319,-296,-375,-452,-453,-454,-458,681,-443,1170,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1170,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,681,681,681,681,681,681,681,681,1170,-316,-535,-508,-591,-937,-939,-940,-438,1170,-440,-380,-381,-383,-507,-509,-511,1170,-513,-514,-519,-520,1170,-532,-534,-537,-538,-543,-548,-726,1170,-727,1170,-732,1170,-734,1170,-739,-656,-660,-661,1170,-666,1170,-667,1170,-672,-674,1170,-677,1170,1170,1170,-687,-689,1170,-692,1170,1170,-744,1170,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1170,1170,1170,1170,1170,-877,1170,-880,-908,-920,-925,-388,-389,1170,-394,1170,-397,1170,-402,1170,-403,1170,-408,1170,-413,1170,-417,1170,-418,1170,-423,1170,-426,-899,-900,-643,-585,-1894,-901,1170,1170,1170,-800,1170,1170,-804,1170,-807,-833,1170,-818,1170,-820,1170,-822,-808,1170,-824,1170,-851,-852,1170,1170,-811,1170,-646,-902,-904,-648,-649,-645,1170,-705,-706,1170,-642,-903,-647,-650,-603,-714,1170,1170,-605,-586,1170,1170,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1170,1170,-709,-710,1170,-716,1170,681,681,681,1170,1170,-938,681,-439,-441,-747,1170,-891,1947,-715,-1894,1170,1170,681,681,1170,-442,-512,-523,1170,-728,-733,1170,-735,1170,-740,1170,-662,-668,1170,-678,-680,-682,-683,-690,-693,-697,-745,1170,1170,-874,1170,1170,-878,1170,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1170,-812,1170,-814,-801,1170,-802,-805,1170,-816,-819,-821,-823,-825,1170,-826,1170,-809,1170,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,681,-282,681,1170,681,1170,-455,1170,1170,-729,1170,-736,1170,-741,1170,-663,-671,1170,1170,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1170,-836,-53,681,1170,-730,1170,-737,1170,-742,-664,1170,-873,-54,681,681,-731,-738,-743,1170,681,1170,-872,]),'ROW_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[682,682,682,682,-1894,682,682,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,682,682,682,682,-275,-276,682,-1425,682,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,682,682,682,-490,682,682,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,682,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,682,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,682,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,682,-172,-173,-174,-175,-993,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-290,-291,-281,682,682,682,682,682,-328,-318,-332,-333,-334,682,682,-982,-983,-984,-985,-986,-987,-988,682,682,682,682,682,682,682,682,682,682,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,682,682,682,-353,-356,682,-323,-324,-141,682,-142,682,-143,682,-430,-935,-936,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-1894,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-1894,682,-1894,682,682,682,682,682,682,682,682,682,682,682,682,-1894,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,682,-1894,682,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,682,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,682,682,682,-191,-192,682,-994,682,682,682,682,682,-277,-278,-279,-280,-365,682,-308,682,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,682,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,682,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,682,682,682,682,682,682,-573,682,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,682,682,-723,-724,-725,682,682,682,682,682,682,-994,682,682,-91,-92,682,682,682,682,-309,-310,-320,682,-307,-293,-294,-295,682,682,682,682,-618,-633,-590,682,682,-436,682,-437,682,-444,-445,-446,-378,-379,682,682,682,-506,682,682,-510,682,682,682,682,-515,-516,-517,-518,682,682,-521,-522,682,-524,-525,-526,-527,-528,-529,-530,-531,682,-533,682,682,682,-539,-541,-542,682,-544,-545,-546,-547,682,682,682,682,682,682,-652,-653,-654,-655,682,-657,-658,-659,682,682,682,-665,682,682,-669,-670,682,682,-673,682,-675,-676,682,-679,682,-681,682,682,-684,-685,-686,682,-688,682,682,-691,682,682,-694,-695,-696,682,-698,-699,-700,-701,682,682,-746,682,-749,-750,-751,-752,-753,682,-755,-756,-757,-758,-759,682,-766,-767,-769,682,-771,-772,-773,-782,-856,-858,-860,-862,682,682,682,682,-868,682,-870,682,682,682,682,682,682,682,-906,-907,682,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,682,-921,-924,682,-934,682,-385,-386,-387,682,682,-390,-391,-392,-393,682,-396,682,-399,-400,682,-401,682,-406,-407,682,-410,-411,-412,682,-415,682,-416,682,-421,-422,682,-425,682,-428,-429,-1894,-1894,682,-619,-620,-621,-622,-623,-634,-584,-624,-797,682,682,682,682,682,-831,682,682,-806,682,-832,682,682,682,682,-798,682,-853,-799,682,682,682,682,682,682,-854,-855,682,-834,-830,-835,682,-625,682,-626,-627,-628,-629,-574,682,682,-630,-631,-632,682,682,682,682,682,682,-635,-636,-637,-592,-1894,-602,682,-638,-639,-713,-640,-604,682,-572,-577,-580,-583,682,682,682,-598,-601,682,-608,682,682,682,682,682,682,682,682,682,682,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,682,682,682,-995,682,682,682,682,682,682,-306,-325,-319,-296,-375,-452,-453,-454,-458,682,-443,682,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,682,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,682,682,682,682,682,682,682,682,682,-316,-535,-508,-591,-937,-939,-940,-438,682,-440,-380,-381,-383,-507,-509,-511,682,-513,-514,-519,-520,682,-532,-534,-537,-538,-543,-548,-726,682,-727,682,-732,682,-734,682,-739,-656,-660,-661,682,-666,682,-667,682,-672,-674,682,-677,682,682,682,-687,-689,682,-692,682,682,-744,682,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,682,682,682,682,682,-877,682,-880,-908,-920,-925,-388,-389,682,-394,682,-397,682,-402,682,-403,682,-408,682,-413,682,-417,682,-418,682,-423,682,-426,-899,-900,-643,-585,-1894,-901,682,682,682,-800,682,682,-804,682,-807,-833,682,-818,682,-820,682,-822,-808,682,-824,682,-851,-852,682,682,-811,682,-646,-902,-904,-648,-649,-645,682,-705,-706,682,-642,-903,-647,-650,-603,-714,682,682,-605,-586,682,682,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,682,682,-709,-710,682,-716,682,682,682,682,682,682,-938,682,-439,-441,-747,682,-891,682,-715,-1894,682,682,682,682,682,-442,-512,-523,682,-728,-733,682,-735,682,-740,682,-662,-668,682,-678,-680,-682,-683,-690,-693,-697,-745,682,682,-874,682,682,-878,682,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,682,-812,682,-814,-801,682,-802,-805,682,-816,-819,-821,-823,-825,682,-826,682,-809,682,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,682,-282,682,682,682,682,-455,682,682,-729,682,-736,682,-741,682,-663,-671,682,682,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,682,-836,-53,682,682,-730,682,-737,682,-742,-664,682,-873,-54,682,682,-731,-738,-743,682,682,682,-872,]),'ROW_NUMBER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[683,683,683,1011,-1894,683,683,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,683,683,683,683,-275,-276,1011,-1425,1011,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1011,1011,1011,-490,1011,1011,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1011,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1011,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1948,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,683,-172,-173,-174,-175,-993,683,683,683,683,683,683,683,683,683,683,1011,1011,1011,1011,1011,-290,-291,-281,683,1011,1011,1011,1011,-328,-318,-332,-333,-334,1011,1011,-982,-983,-984,-985,-986,-987,-988,683,683,1011,1011,1011,1011,1011,1011,1011,1011,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1011,1011,1011,-353,-356,683,-323,-324,-141,1011,-142,1011,-143,1011,-430,-935,-936,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1894,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1894,1011,-1894,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1894,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-1894,683,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1011,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1011,683,683,-191,-192,683,-994,1011,683,683,683,683,-277,-278,-279,-280,-365,1011,-308,1011,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1011,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1011,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1011,1011,1011,1011,1011,1011,-573,1011,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1011,1011,-723,-724,-725,1011,1948,683,683,683,683,-994,683,1011,-91,-92,683,683,683,1011,-309,-310,-320,1011,-307,-293,-294,-295,1011,683,1011,1011,-618,-633,-590,1011,683,-436,683,-437,1011,-444,-445,-446,-378,-379,1011,1011,1011,-506,1011,1011,-510,1011,1011,1011,1011,-515,-516,-517,-518,1011,1011,-521,-522,1011,-524,-525,-526,-527,-528,-529,-530,-531,1011,-533,1011,1011,1011,-539,-541,-542,1011,-544,-545,-546,-547,1011,1011,1011,1011,1011,1011,-652,-653,-654,-655,683,-657,-658,-659,1011,1011,1011,-665,1011,1011,-669,-670,1011,1011,-673,1011,-675,-676,1011,-679,1011,-681,1011,1011,-684,-685,-686,1011,-688,1011,1011,-691,1011,1011,-694,-695,-696,1011,-698,-699,-700,-701,1011,1011,-746,1011,-749,-750,-751,-752,-753,1011,-755,-756,-757,-758,-759,1011,-766,-767,-769,1011,-771,-772,-773,-782,-856,-858,-860,-862,1011,1011,1011,1011,-868,1011,-870,1011,1011,1011,1011,1011,1011,1011,-906,-907,1011,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1011,-921,-924,1011,-934,1011,-385,-386,-387,1011,1011,-390,-391,-392,-393,1011,-396,1011,-399,-400,1011,-401,1011,-406,-407,1011,-410,-411,-412,1011,-415,1011,-416,1011,-421,-422,1011,-425,1011,-428,-429,-1894,-1894,1011,-619,-620,-621,-622,-623,-634,-584,-624,-797,1011,1011,1011,1011,1011,-831,1011,1011,-806,1011,-832,1011,1011,1011,1011,-798,1011,-853,-799,1011,1011,1011,1011,1011,1011,-854,-855,1011,-834,-830,-835,1011,-625,1011,-626,-627,-628,-629,-574,1011,1011,-630,-631,-632,1011,1011,1011,1011,1011,1011,-635,-636,-637,-592,-1894,-602,1011,-638,-639,-713,-640,-604,1011,-572,-577,-580,-583,1011,1011,1011,-598,-601,1011,-608,1011,1011,1011,1011,1011,1011,1011,1011,1011,1011,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1011,683,683,-995,683,1011,683,683,683,1011,-306,-325,-319,-296,-375,-452,-453,-454,-458,683,-443,1011,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1011,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,683,683,683,683,683,683,683,683,1011,-316,-535,-508,-591,-937,-939,-940,-438,1011,-440,-380,-381,-383,-507,-509,-511,1011,-513,-514,-519,-520,1011,-532,-534,-537,-538,-543,-548,-726,1011,-727,1011,-732,1011,-734,1011,-739,-656,-660,-661,1011,-666,1011,-667,1011,-672,-674,1011,-677,1011,1011,1011,-687,-689,1011,-692,1011,1011,-744,1011,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1011,1011,1011,1011,1011,-877,1011,-880,-908,-920,-925,-388,-389,1011,-394,1011,-397,1011,-402,1011,-403,1011,-408,1011,-413,1011,-417,1011,-418,1011,-423,1011,-426,-899,-900,-643,-585,-1894,-901,1011,1011,1011,-800,1011,1011,-804,1011,-807,-833,1011,-818,1011,-820,1011,-822,-808,1011,-824,1011,-851,-852,1011,1011,-811,1011,-646,-902,-904,-648,-649,-645,1011,-705,-706,1011,-642,-903,-647,-650,-603,-714,1011,1011,-605,-586,1011,1011,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1011,1011,-709,-710,1011,-716,1011,683,683,683,1011,1011,-938,683,-439,-441,-747,1011,-891,1948,-715,-1894,1011,1011,683,683,1011,-442,-512,-523,1011,-728,-733,1011,-735,1011,-740,1011,-662,-668,1011,-678,-680,-682,-683,-690,-693,-697,-745,1011,1011,-874,1011,1011,-878,1011,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1011,-812,1011,-814,-801,1011,-802,-805,1011,-816,-819,-821,-823,-825,1011,-826,1011,-809,1011,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,683,-282,683,1011,683,1011,-455,1011,1011,-729,1011,-736,1011,-741,1011,-663,-671,1011,1011,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1011,-836,-53,683,1011,-730,1011,-737,1011,-742,-664,1011,-873,-54,683,683,-731,-738,-743,1011,683,1011,-872,]),'RPAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[684,684,684,1118,-1894,684,684,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,684,684,684,684,-275,-276,1118,-1425,1118,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1118,1118,1118,-490,1118,1118,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1118,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1118,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1949,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,684,-172,-173,-174,-175,-993,684,684,684,684,684,684,684,684,684,684,1118,1118,1118,1118,1118,-290,-291,-281,684,1118,1118,1118,1118,-328,-318,-332,-333,-334,1118,1118,-982,-983,-984,-985,-986,-987,-988,684,684,1118,1118,1118,1118,1118,1118,1118,1118,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1118,1118,1118,-353,-356,684,-323,-324,-141,1118,-142,1118,-143,1118,-430,-935,-936,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1894,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1894,1118,-1894,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1894,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-1894,684,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1118,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1118,684,684,-191,-192,684,-994,1118,684,684,684,684,-277,-278,-279,-280,-365,1118,-308,1118,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1118,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1118,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1118,1118,1118,1118,1118,1118,-573,1118,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1118,1118,-723,-724,-725,1118,1949,684,684,684,684,-994,684,1118,-91,-92,684,684,684,1118,-309,-310,-320,1118,-307,-293,-294,-295,1118,684,1118,1118,-618,-633,-590,1118,684,-436,684,-437,1118,-444,-445,-446,-378,-379,1118,1118,1118,-506,1118,1118,-510,1118,1118,1118,1118,-515,-516,-517,-518,1118,1118,-521,-522,1118,-524,-525,-526,-527,-528,-529,-530,-531,1118,-533,1118,1118,1118,-539,-541,-542,1118,-544,-545,-546,-547,1118,1118,1118,1118,1118,1118,-652,-653,-654,-655,684,-657,-658,-659,1118,1118,1118,-665,1118,1118,-669,-670,1118,1118,-673,1118,-675,-676,1118,-679,1118,-681,1118,1118,-684,-685,-686,1118,-688,1118,1118,-691,1118,1118,-694,-695,-696,1118,-698,-699,-700,-701,1118,1118,-746,1118,-749,-750,-751,-752,-753,1118,-755,-756,-757,-758,-759,1118,-766,-767,-769,1118,-771,-772,-773,-782,-856,-858,-860,-862,1118,1118,1118,1118,-868,1118,-870,1118,1118,1118,1118,1118,1118,1118,-906,-907,1118,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1118,-921,-924,1118,-934,1118,-385,-386,-387,1118,1118,-390,-391,-392,-393,1118,-396,1118,-399,-400,1118,-401,1118,-406,-407,1118,-410,-411,-412,1118,-415,1118,-416,1118,-421,-422,1118,-425,1118,-428,-429,-1894,-1894,1118,-619,-620,-621,-622,-623,-634,-584,-624,-797,1118,1118,1118,1118,1118,-831,1118,1118,-806,1118,-832,1118,1118,1118,1118,-798,1118,-853,-799,1118,1118,1118,1118,1118,1118,-854,-855,1118,-834,-830,-835,1118,-625,1118,-626,-627,-628,-629,-574,1118,1118,-630,-631,-632,1118,1118,1118,1118,1118,1118,-635,-636,-637,-592,-1894,-602,1118,-638,-639,-713,-640,-604,1118,-572,-577,-580,-583,1118,1118,1118,-598,-601,1118,-608,1118,1118,1118,1118,1118,1118,1118,1118,1118,1118,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1118,684,684,-995,684,1118,684,684,684,1118,-306,-325,-319,-296,-375,-452,-453,-454,-458,684,-443,1118,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1118,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,684,684,684,684,684,684,684,684,1118,-316,-535,-508,-591,-937,-939,-940,-438,1118,-440,-380,-381,-383,-507,-509,-511,1118,-513,-514,-519,-520,1118,-532,-534,-537,-538,-543,-548,-726,1118,-727,1118,-732,1118,-734,1118,-739,-656,-660,-661,1118,-666,1118,-667,1118,-672,-674,1118,-677,1118,1118,1118,-687,-689,1118,-692,1118,1118,-744,1118,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1118,1118,1118,1118,1118,-877,1118,-880,-908,-920,-925,-388,-389,1118,-394,1118,-397,1118,-402,1118,-403,1118,-408,1118,-413,1118,-417,1118,-418,1118,-423,1118,-426,-899,-900,-643,-585,-1894,-901,1118,1118,1118,-800,1118,1118,-804,1118,-807,-833,1118,-818,1118,-820,1118,-822,-808,1118,-824,1118,-851,-852,1118,1118,-811,1118,-646,-902,-904,-648,-649,-645,1118,-705,-706,1118,-642,-903,-647,-650,-603,-714,1118,1118,-605,-586,1118,1118,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1118,1118,-709,-710,1118,-716,1118,684,684,684,1118,1118,-938,684,-439,-441,-747,1118,-891,1949,-715,-1894,1118,1118,684,684,1118,-442,-512,-523,1118,-728,-733,1118,-735,1118,-740,1118,-662,-668,1118,-678,-680,-682,-683,-690,-693,-697,-745,1118,1118,-874,1118,1118,-878,1118,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1118,-812,1118,-814,-801,1118,-802,-805,1118,-816,-819,-821,-823,-825,1118,-826,1118,-809,1118,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,684,-282,684,1118,684,1118,-455,1118,1118,-729,1118,-736,1118,-741,1118,-663,-671,1118,1118,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1118,-836,-53,684,1118,-730,1118,-737,1118,-742,-664,1118,-873,-54,684,684,-731,-738,-743,1118,684,1118,-872,]),'RTREE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[685,685,685,685,-1894,685,685,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,685,685,685,685,-275,-276,685,-1425,685,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,685,685,685,-490,685,685,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,685,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,685,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,685,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,685,-172,-173,-174,-175,-993,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-290,-291,-281,685,685,685,685,685,-328,-318,-332,-333,-334,685,685,-982,-983,-984,-985,-986,-987,-988,685,685,685,685,685,685,685,685,685,685,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,685,685,685,-353,-356,685,-323,-324,-141,685,-142,685,-143,685,-430,-935,-936,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-1894,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-1894,685,-1894,685,685,685,685,685,685,685,685,685,685,685,685,-1894,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,685,-1894,685,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,685,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,685,685,685,-191,-192,685,-994,685,685,685,685,685,-277,-278,-279,-280,-365,685,-308,685,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,685,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,685,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,685,685,685,685,685,685,-573,685,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,685,685,-723,-724,-725,685,685,685,685,685,685,-994,685,685,-91,-92,685,685,685,685,-309,-310,-320,685,-307,-293,-294,-295,685,685,685,685,-618,-633,-590,685,685,-436,685,-437,685,-444,-445,-446,-378,-379,685,685,685,-506,685,685,-510,685,685,685,685,-515,-516,-517,-518,685,685,-521,-522,685,-524,-525,-526,-527,-528,-529,-530,-531,685,-533,685,685,685,-539,-541,-542,685,-544,-545,-546,-547,685,685,685,685,685,685,-652,-653,-654,-655,685,-657,-658,-659,685,685,685,-665,685,685,-669,-670,685,685,-673,685,-675,-676,685,-679,685,-681,685,685,-684,-685,-686,685,-688,685,685,-691,685,685,-694,-695,-696,685,-698,-699,-700,-701,685,685,-746,685,-749,-750,-751,-752,-753,685,-755,-756,-757,-758,-759,685,-766,-767,-769,685,-771,-772,-773,-782,-856,-858,-860,-862,685,685,685,685,-868,685,-870,685,685,685,685,685,685,685,-906,-907,685,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,685,-921,-924,685,-934,685,-385,-386,-387,685,685,-390,-391,-392,-393,685,-396,685,-399,-400,685,-401,685,-406,-407,685,-410,-411,-412,685,-415,685,-416,685,-421,-422,685,-425,685,-428,-429,-1894,-1894,685,-619,-620,-621,-622,-623,-634,-584,-624,-797,685,685,685,685,685,-831,685,685,-806,685,-832,685,685,685,685,-798,685,-853,-799,685,685,685,685,685,685,-854,-855,685,-834,-830,-835,685,-625,685,-626,-627,-628,-629,-574,685,685,-630,-631,-632,685,685,685,685,685,685,-635,-636,-637,-592,-1894,-602,685,-638,-639,-713,-640,-604,685,-572,-577,-580,-583,685,685,685,-598,-601,685,-608,685,685,685,685,685,685,685,685,685,685,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,685,685,685,-995,685,685,685,685,685,685,-306,-325,-319,-296,-375,-452,-453,-454,-458,685,-443,685,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,685,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,685,685,685,685,685,685,685,685,685,-316,-535,-508,-591,-937,-939,-940,-438,685,-440,-380,-381,-383,-507,-509,-511,685,-513,-514,-519,-520,685,-532,-534,-537,-538,-543,-548,-726,685,-727,685,-732,685,-734,685,-739,-656,-660,-661,685,-666,685,-667,685,-672,-674,685,-677,685,685,685,-687,-689,685,-692,685,685,-744,685,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,685,685,685,685,685,-877,685,-880,-908,-920,-925,-388,-389,685,-394,685,-397,685,-402,685,-403,685,-408,685,-413,685,-417,685,-418,685,-423,685,-426,-899,-900,-643,-585,-1894,-901,685,685,685,-800,685,685,-804,685,-807,-833,685,-818,685,-820,685,-822,-808,685,-824,685,-851,-852,685,685,-811,685,-646,-902,-904,-648,-649,-645,685,-705,-706,685,-642,-903,-647,-650,-603,-714,685,685,-605,-586,685,685,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,685,685,-709,-710,685,-716,685,685,685,685,685,685,-938,685,-439,-441,-747,685,-891,685,-715,-1894,685,685,685,685,685,-442,-512,-523,685,-728,-733,685,-735,685,-740,685,-662,-668,685,-678,-680,-682,-683,-690,-693,-697,-745,685,685,-874,685,685,-878,685,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,685,-812,685,-814,-801,685,-802,-805,685,-816,-819,-821,-823,-825,685,-826,685,-809,685,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,685,-282,685,685,685,685,-455,685,685,-729,685,-736,685,-741,685,-663,-671,685,685,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,685,-836,-53,685,685,-730,685,-737,685,-742,-664,685,-873,-54,685,685,-731,-738,-743,685,685,685,-872,]),'RTRIM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[686,686,686,1119,-1894,686,686,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,686,686,686,686,-275,-276,1119,-1425,1119,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1119,1119,1119,-490,1119,1119,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1119,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1119,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1950,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,686,-172,-173,-174,-175,-993,686,686,686,686,686,686,686,686,686,686,1119,1119,1119,1119,1119,-290,-291,-281,686,1119,1119,1119,1119,-328,-318,-332,-333,-334,1119,1119,-982,-983,-984,-985,-986,-987,-988,686,686,1119,1119,1119,1119,1119,1119,1119,1119,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1119,1119,1119,-353,-356,686,-323,-324,-141,1119,-142,1119,-143,1119,-430,-935,-936,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1894,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1894,1119,-1894,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1894,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-1894,686,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1119,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1119,686,686,-191,-192,686,-994,1119,686,686,686,686,-277,-278,-279,-280,-365,1119,-308,1119,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1119,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1119,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1119,1119,1119,1119,1119,1119,-573,1119,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1119,1119,-723,-724,-725,1119,1950,686,686,686,686,-994,686,1119,-91,-92,686,686,686,1119,-309,-310,-320,1119,-307,-293,-294,-295,1119,686,1119,1119,-618,-633,-590,1119,686,-436,686,-437,1119,-444,-445,-446,-378,-379,1119,1119,1119,-506,1119,1119,-510,1119,1119,1119,1119,-515,-516,-517,-518,1119,1119,-521,-522,1119,-524,-525,-526,-527,-528,-529,-530,-531,1119,-533,1119,1119,1119,-539,-541,-542,1119,-544,-545,-546,-547,1119,1119,1119,1119,1119,1119,-652,-653,-654,-655,686,-657,-658,-659,1119,1119,1119,-665,1119,1119,-669,-670,1119,1119,-673,1119,-675,-676,1119,-679,1119,-681,1119,1119,-684,-685,-686,1119,-688,1119,1119,-691,1119,1119,-694,-695,-696,1119,-698,-699,-700,-701,1119,1119,-746,1119,-749,-750,-751,-752,-753,1119,-755,-756,-757,-758,-759,1119,-766,-767,-769,1119,-771,-772,-773,-782,-856,-858,-860,-862,1119,1119,1119,1119,-868,1119,-870,1119,1119,1119,1119,1119,1119,1119,-906,-907,1119,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1119,-921,-924,1119,-934,1119,-385,-386,-387,1119,1119,-390,-391,-392,-393,1119,-396,1119,-399,-400,1119,-401,1119,-406,-407,1119,-410,-411,-412,1119,-415,1119,-416,1119,-421,-422,1119,-425,1119,-428,-429,-1894,-1894,1119,-619,-620,-621,-622,-623,-634,-584,-624,-797,1119,1119,1119,1119,1119,-831,1119,1119,-806,1119,-832,1119,1119,1119,1119,-798,1119,-853,-799,1119,1119,1119,1119,1119,1119,-854,-855,1119,-834,-830,-835,1119,-625,1119,-626,-627,-628,-629,-574,1119,1119,-630,-631,-632,1119,1119,1119,1119,1119,1119,-635,-636,-637,-592,-1894,-602,1119,-638,-639,-713,-640,-604,1119,-572,-577,-580,-583,1119,1119,1119,-598,-601,1119,-608,1119,1119,1119,1119,1119,1119,1119,1119,1119,1119,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1119,686,686,-995,686,1119,686,686,686,1119,-306,-325,-319,-296,-375,-452,-453,-454,-458,686,-443,1119,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1119,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,686,686,686,686,686,686,686,686,1119,-316,-535,-508,-591,-937,-939,-940,-438,1119,-440,-380,-381,-383,-507,-509,-511,1119,-513,-514,-519,-520,1119,-532,-534,-537,-538,-543,-548,-726,1119,-727,1119,-732,1119,-734,1119,-739,-656,-660,-661,1119,-666,1119,-667,1119,-672,-674,1119,-677,1119,1119,1119,-687,-689,1119,-692,1119,1119,-744,1119,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1119,1119,1119,1119,1119,-877,1119,-880,-908,-920,-925,-388,-389,1119,-394,1119,-397,1119,-402,1119,-403,1119,-408,1119,-413,1119,-417,1119,-418,1119,-423,1119,-426,-899,-900,-643,-585,-1894,-901,1119,1119,1119,-800,1119,1119,-804,1119,-807,-833,1119,-818,1119,-820,1119,-822,-808,1119,-824,1119,-851,-852,1119,1119,-811,1119,-646,-902,-904,-648,-649,-645,1119,-705,-706,1119,-642,-903,-647,-650,-603,-714,1119,1119,-605,-586,1119,1119,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1119,1119,-709,-710,1119,-716,1119,686,686,686,1119,1119,-938,686,-439,-441,-747,1119,-891,1950,-715,-1894,1119,1119,686,686,1119,-442,-512,-523,1119,-728,-733,1119,-735,1119,-740,1119,-662,-668,1119,-678,-680,-682,-683,-690,-693,-697,-745,1119,1119,-874,1119,1119,-878,1119,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1119,-812,1119,-814,-801,1119,-802,-805,1119,-816,-819,-821,-823,-825,1119,-826,1119,-809,1119,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,686,-282,686,1119,686,1119,-455,1119,1119,-729,1119,-736,1119,-741,1119,-663,-671,1119,1119,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1119,-836,-53,686,1119,-730,1119,-737,1119,-742,-664,1119,-873,-54,686,686,-731,-738,-743,1119,686,1119,-872,]),'RUDUNDANT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[687,687,687,687,-1894,687,687,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,687,687,687,687,-275,-276,687,-1425,687,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,687,687,687,-490,687,687,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,687,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,687,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,687,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,687,-172,-173,-174,-175,-993,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-290,-291,-281,687,687,687,687,687,-328,-318,-332,-333,-334,687,687,-982,-983,-984,-985,-986,-987,-988,687,687,687,687,687,687,687,687,687,687,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,687,687,687,-353,-356,687,-323,-324,-141,687,-142,687,-143,687,-430,-935,-936,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-1894,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-1894,687,-1894,687,687,687,687,687,687,687,687,687,687,687,687,-1894,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,687,-1894,687,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,687,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,687,687,687,-191,-192,687,-994,687,687,687,687,687,-277,-278,-279,-280,-365,687,-308,687,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,687,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,687,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,687,687,687,687,687,687,-573,687,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,687,687,-723,-724,-725,687,687,687,687,687,687,-994,687,687,-91,-92,687,687,687,687,-309,-310,-320,687,-307,-293,-294,-295,687,687,687,687,-618,-633,-590,687,687,-436,687,-437,687,-444,-445,-446,-378,-379,687,687,687,-506,687,687,-510,687,687,687,687,-515,-516,-517,-518,687,687,-521,-522,687,-524,-525,-526,-527,-528,-529,-530,-531,687,-533,687,687,687,-539,-541,-542,687,-544,-545,-546,-547,687,687,687,687,687,687,-652,-653,-654,-655,687,-657,-658,-659,687,687,687,-665,687,687,-669,-670,687,687,-673,687,-675,-676,687,-679,687,-681,687,687,-684,-685,-686,687,-688,687,687,-691,687,687,-694,-695,-696,687,-698,-699,-700,-701,687,687,-746,687,-749,-750,-751,-752,-753,687,-755,-756,-757,-758,-759,687,-766,-767,-769,687,-771,-772,-773,-782,-856,-858,-860,-862,687,687,687,687,-868,687,-870,687,687,687,687,687,687,687,-906,-907,687,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,687,-921,-924,687,-934,687,-385,-386,-387,687,687,-390,-391,-392,-393,687,-396,687,-399,-400,687,-401,687,-406,-407,687,-410,-411,-412,687,-415,687,-416,687,-421,-422,687,-425,687,-428,-429,-1894,-1894,687,-619,-620,-621,-622,-623,-634,-584,-624,-797,687,687,687,687,687,-831,687,687,-806,687,-832,687,687,687,687,-798,687,-853,-799,687,687,687,687,687,687,-854,-855,687,-834,-830,-835,687,-625,687,-626,-627,-628,-629,-574,687,687,-630,-631,-632,687,687,687,687,687,687,-635,-636,-637,-592,-1894,-602,687,-638,-639,-713,-640,-604,687,-572,-577,-580,-583,687,687,687,-598,-601,687,-608,687,687,687,687,687,687,687,687,687,687,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,687,687,687,-995,687,687,687,687,687,687,-306,-325,-319,-296,-375,-452,-453,-454,-458,687,-443,687,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,687,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,687,687,687,687,687,687,687,687,687,-316,-535,-508,-591,-937,-939,-940,-438,687,-440,-380,-381,-383,-507,-509,-511,687,-513,-514,-519,-520,687,-532,-534,-537,-538,-543,-548,-726,687,-727,687,-732,687,-734,687,-739,-656,-660,-661,687,-666,687,-667,687,-672,-674,687,-677,687,687,687,-687,-689,687,-692,687,687,-744,687,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,687,687,687,687,687,-877,687,-880,-908,-920,-925,-388,-389,687,-394,687,-397,687,-402,687,-403,687,-408,687,-413,687,-417,687,-418,687,-423,687,-426,-899,-900,-643,-585,-1894,-901,687,687,687,-800,687,687,-804,687,-807,-833,687,-818,687,-820,687,-822,-808,687,-824,687,-851,-852,687,687,-811,687,-646,-902,-904,-648,-649,-645,687,-705,-706,687,-642,-903,-647,-650,-603,-714,687,687,-605,-586,687,687,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,687,687,-709,-710,687,-716,687,687,687,687,687,687,-938,687,-439,-441,-747,687,-891,687,-715,-1894,687,687,687,687,687,-442,-512,-523,687,-728,-733,687,-735,687,-740,687,-662,-668,687,-678,-680,-682,-683,-690,-693,-697,-745,687,687,-874,687,687,-878,687,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,687,-812,687,-814,-801,687,-802,-805,687,-816,-819,-821,-823,-825,687,-826,687,-809,687,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,687,-282,687,687,687,687,-455,687,687,-729,687,-736,687,-741,687,-663,-671,687,687,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,687,-836,-53,687,687,-730,687,-737,687,-742,-664,687,-873,-54,687,687,-731,-738,-743,687,687,687,-872,]),'RUN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[688,688,688,688,-1894,688,688,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,688,688,688,688,-275,-276,688,-1425,688,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,688,688,688,-490,688,688,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,688,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,688,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,688,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,688,-172,-173,-174,-175,-993,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-290,-291,-281,688,688,688,688,688,-328,-318,-332,-333,-334,688,688,-982,-983,-984,-985,-986,-987,-988,688,688,688,688,688,688,688,688,688,688,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,688,688,688,-353,-356,688,-323,-324,-141,688,-142,688,-143,688,-430,-935,-936,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-1894,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-1894,688,-1894,688,688,688,688,688,688,688,688,688,688,688,688,-1894,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,688,-1894,688,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,688,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,688,688,688,-191,-192,688,-994,688,688,688,688,688,-277,-278,-279,-280,-365,688,-308,688,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,688,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,688,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,688,688,688,688,688,688,-573,688,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,688,688,-723,-724,-725,688,688,688,688,688,688,-994,688,688,-91,-92,688,688,688,688,-309,-310,-320,688,-307,-293,-294,-295,688,688,688,688,-618,-633,-590,688,688,-436,688,-437,688,-444,-445,-446,-378,-379,688,688,688,-506,688,688,-510,688,688,688,688,-515,-516,-517,-518,688,688,-521,-522,688,-524,-525,-526,-527,-528,-529,-530,-531,688,-533,688,688,688,-539,-541,-542,688,-544,-545,-546,-547,688,688,688,688,688,688,-652,-653,-654,-655,688,-657,-658,-659,688,688,688,-665,688,688,-669,-670,688,688,-673,688,-675,-676,688,-679,688,-681,688,688,-684,-685,-686,688,-688,688,688,-691,688,688,-694,-695,-696,688,-698,-699,-700,-701,688,688,-746,688,-749,-750,-751,-752,-753,688,-755,-756,-757,-758,-759,688,-766,-767,-769,688,-771,-772,-773,-782,-856,-858,-860,-862,688,688,688,688,-868,688,-870,688,688,688,688,688,688,688,-906,-907,688,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,688,-921,-924,688,-934,688,-385,-386,-387,688,688,-390,-391,-392,-393,688,-396,688,-399,-400,688,-401,688,-406,-407,688,-410,-411,-412,688,-415,688,-416,688,-421,-422,688,-425,688,-428,-429,-1894,-1894,688,-619,-620,-621,-622,-623,-634,-584,-624,-797,688,688,688,688,688,-831,688,688,-806,688,-832,688,688,688,688,-798,688,-853,-799,688,688,688,688,688,688,-854,-855,688,-834,-830,-835,688,-625,688,-626,-627,-628,-629,-574,688,688,-630,-631,-632,688,688,688,688,688,688,-635,-636,-637,-592,-1894,-602,688,-638,-639,-713,-640,-604,688,-572,-577,-580,-583,688,688,688,-598,-601,688,-608,688,688,688,688,688,688,688,688,688,688,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,688,688,688,-995,688,688,688,688,688,688,-306,-325,-319,-296,-375,-452,-453,-454,-458,688,-443,688,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,688,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,688,688,688,688,688,688,688,688,688,-316,-535,-508,-591,-937,-939,-940,-438,688,-440,-380,-381,-383,-507,-509,-511,688,-513,-514,-519,-520,688,-532,-534,-537,-538,-543,-548,-726,688,-727,688,-732,688,-734,688,-739,-656,-660,-661,688,-666,688,-667,688,-672,-674,688,-677,688,688,688,-687,-689,688,-692,688,688,-744,688,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,688,688,688,688,688,-877,688,-880,-908,-920,-925,-388,-389,688,-394,688,-397,688,-402,688,-403,688,-408,688,-413,688,-417,688,-418,688,-423,688,-426,-899,-900,-643,-585,-1894,-901,688,688,688,-800,688,688,-804,688,-807,-833,688,-818,688,-820,688,-822,-808,688,-824,688,-851,-852,688,688,-811,688,-646,-902,-904,-648,-649,-645,688,-705,-706,688,-642,-903,-647,-650,-603,-714,688,688,-605,-586,688,688,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,688,688,-709,-710,688,-716,688,688,688,688,688,688,-938,688,-439,-441,-747,688,-891,688,-715,-1894,688,688,688,688,688,-442,-512,-523,688,-728,-733,688,-735,688,-740,688,-662,-668,688,-678,-680,-682,-683,-690,-693,-697,-745,688,688,-874,688,688,-878,688,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,688,-812,688,-814,-801,688,-802,-805,688,-816,-819,-821,-823,-825,688,-826,688,-809,688,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,688,-282,688,688,688,688,-455,688,688,-729,688,-736,688,-741,688,-663,-671,688,688,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,688,-836,-53,688,688,-730,688,-737,688,-742,-664,688,-873,-54,688,688,-731,-738,-743,688,688,688,-872,]),'SAMPLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[689,689,689,689,-1894,689,689,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,689,689,689,689,-275,-276,689,-1425,689,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,689,689,689,-490,689,689,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,689,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,689,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,689,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,689,-172,-173,-174,-175,-993,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-290,-291,-281,689,689,689,689,689,-328,-318,-332,-333,-334,689,689,-982,-983,-984,-985,-986,-987,-988,689,689,689,689,689,689,689,689,689,689,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,689,689,689,-353,-356,689,-323,-324,-141,689,-142,689,-143,689,-430,-935,-936,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-1894,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-1894,689,-1894,689,689,689,689,689,689,689,689,689,689,689,689,-1894,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,689,-1894,689,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,689,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,689,689,689,-191,-192,689,-994,689,689,689,689,689,-277,-278,-279,-280,-365,689,-308,689,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,689,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,689,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,689,689,689,689,689,689,-573,689,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,689,689,-723,-724,-725,689,689,689,689,689,689,-994,689,689,-91,-92,689,689,689,689,-309,-310,-320,689,-307,-293,-294,-295,689,689,689,689,-618,-633,-590,689,689,-436,689,-437,689,-444,-445,-446,-378,-379,689,689,689,-506,689,689,-510,689,689,689,689,-515,-516,-517,-518,689,689,-521,-522,689,-524,-525,-526,-527,-528,-529,-530,-531,689,-533,689,689,689,-539,-541,-542,689,-544,-545,-546,-547,689,689,689,689,689,689,-652,-653,-654,-655,689,-657,-658,-659,689,689,689,-665,689,689,-669,-670,689,689,-673,689,-675,-676,689,-679,689,-681,689,689,-684,-685,-686,689,-688,689,689,-691,689,689,-694,-695,-696,689,-698,-699,-700,-701,689,689,-746,689,-749,-750,-751,-752,-753,689,-755,-756,-757,-758,-759,689,-766,-767,-769,689,-771,-772,-773,-782,-856,-858,-860,-862,689,689,689,689,-868,689,-870,689,689,689,689,689,689,689,-906,-907,689,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,689,-921,-924,689,-934,689,-385,-386,-387,689,689,-390,-391,-392,-393,689,-396,689,-399,-400,689,-401,689,-406,-407,689,-410,-411,-412,689,-415,689,-416,689,-421,-422,689,-425,689,-428,-429,-1894,-1894,689,-619,-620,-621,-622,-623,-634,-584,-624,-797,689,689,689,689,689,-831,689,689,-806,689,-832,689,689,689,689,-798,689,-853,-799,689,689,689,689,689,689,-854,-855,689,-834,-830,-835,689,-625,689,-626,-627,-628,-629,-574,689,689,-630,-631,-632,689,689,689,689,689,689,-635,-636,-637,-592,-1894,-602,689,-638,-639,-713,-640,-604,689,-572,-577,-580,-583,689,689,689,-598,-601,689,-608,689,689,689,689,689,689,689,689,689,689,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,689,689,689,-995,689,689,689,689,689,689,-306,-325,-319,-296,-375,-452,-453,-454,-458,689,-443,689,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,689,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,689,689,689,689,689,689,689,689,689,-316,-535,-508,-591,-937,-939,-940,-438,689,-440,-380,-381,-383,-507,-509,-511,689,-513,-514,-519,-520,689,-532,-534,-537,-538,-543,-548,-726,689,-727,689,-732,689,-734,689,-739,-656,-660,-661,689,-666,689,-667,689,-672,-674,689,-677,689,689,689,-687,-689,689,-692,689,689,-744,689,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,689,689,689,689,689,-877,689,-880,-908,-920,-925,-388,-389,689,-394,689,-397,689,-402,689,-403,689,-408,689,-413,689,-417,689,-418,689,-423,689,-426,-899,-900,-643,-585,-1894,-901,689,689,689,-800,689,689,-804,689,-807,-833,689,-818,689,-820,689,-822,-808,689,-824,689,-851,-852,689,689,-811,689,-646,-902,-904,-648,-649,-645,689,-705,-706,689,-642,-903,-647,-650,-603,-714,689,689,-605,-586,689,689,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,689,689,-709,-710,689,-716,689,689,689,689,689,689,-938,689,-439,-441,-747,689,-891,689,-715,-1894,689,689,689,689,689,-442,-512,-523,689,-728,-733,689,-735,689,-740,689,-662,-668,689,-678,-680,-682,-683,-690,-693,-697,-745,689,689,-874,689,689,-878,689,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,689,-812,689,-814,-801,689,-802,-805,689,-816,-819,-821,-823,-825,689,-826,689,-809,689,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,689,-282,689,689,689,689,-455,689,689,-729,689,-736,689,-741,689,-663,-671,689,689,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,689,-836,-53,689,689,-730,689,-737,689,-742,-664,689,-873,-54,689,689,-731,-738,-743,689,689,689,-872,]),'SAVEPOINT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[690,690,690,690,-1894,690,690,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,690,690,690,690,-275,-276,690,-1425,690,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,690,690,690,-490,690,690,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,690,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,690,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,690,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,690,-172,-173,-174,-175,-993,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-290,-291,-281,690,690,690,690,690,-328,-318,-332,-333,-334,690,690,-982,-983,-984,-985,-986,-987,-988,690,690,690,690,690,690,690,690,690,690,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,690,690,690,-353,-356,690,-323,-324,-141,690,-142,690,-143,690,-430,-935,-936,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-1894,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-1894,690,-1894,690,690,690,690,690,690,690,690,690,690,690,690,-1894,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,690,-1894,690,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,690,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,690,690,690,-191,-192,690,-994,690,690,690,690,690,-277,-278,-279,-280,-365,690,-308,690,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,690,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,690,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,690,690,690,690,690,690,-573,690,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,690,690,-723,-724,-725,690,690,690,690,690,690,-994,690,690,-91,-92,690,690,690,690,-309,-310,-320,690,-307,-293,-294,-295,690,690,690,690,-618,-633,-590,690,690,-436,690,-437,690,-444,-445,-446,-378,-379,690,690,690,-506,690,690,-510,690,690,690,690,-515,-516,-517,-518,690,690,-521,-522,690,-524,-525,-526,-527,-528,-529,-530,-531,690,-533,690,690,690,-539,-541,-542,690,-544,-545,-546,-547,690,690,690,690,690,690,-652,-653,-654,-655,690,-657,-658,-659,690,690,690,-665,690,690,-669,-670,690,690,-673,690,-675,-676,690,-679,690,-681,690,690,-684,-685,-686,690,-688,690,690,-691,690,690,-694,-695,-696,690,-698,-699,-700,-701,690,690,-746,690,-749,-750,-751,-752,-753,690,-755,-756,-757,-758,-759,690,-766,-767,-769,690,-771,-772,-773,-782,-856,-858,-860,-862,690,690,690,690,-868,690,-870,690,690,690,690,690,690,690,-906,-907,690,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,690,-921,-924,690,-934,690,-385,-386,-387,690,690,-390,-391,-392,-393,690,-396,690,-399,-400,690,-401,690,-406,-407,690,-410,-411,-412,690,-415,690,-416,690,-421,-422,690,-425,690,-428,-429,-1894,-1894,690,-619,-620,-621,-622,-623,-634,-584,-624,-797,690,690,690,690,690,-831,690,690,-806,690,-832,690,690,690,690,-798,690,-853,-799,690,690,690,690,690,690,-854,-855,690,-834,-830,-835,690,-625,690,-626,-627,-628,-629,-574,690,690,-630,-631,-632,690,690,690,690,690,690,-635,-636,-637,-592,-1894,-602,690,-638,-639,-713,-640,-604,690,-572,-577,-580,-583,690,690,690,-598,-601,690,-608,690,690,690,690,690,690,690,690,690,690,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,690,690,690,-995,690,690,690,690,690,690,-306,-325,-319,-296,-375,-452,-453,-454,-458,690,-443,690,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,690,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,690,690,690,690,690,690,690,690,690,-316,-535,-508,-591,-937,-939,-940,-438,690,-440,-380,-381,-383,-507,-509,-511,690,-513,-514,-519,-520,690,-532,-534,-537,-538,-543,-548,-726,690,-727,690,-732,690,-734,690,-739,-656,-660,-661,690,-666,690,-667,690,-672,-674,690,-677,690,690,690,-687,-689,690,-692,690,690,-744,690,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,690,690,690,690,690,-877,690,-880,-908,-920,-925,-388,-389,690,-394,690,-397,690,-402,690,-403,690,-408,690,-413,690,-417,690,-418,690,-423,690,-426,-899,-900,-643,-585,-1894,-901,690,690,690,-800,690,690,-804,690,-807,-833,690,-818,690,-820,690,-822,-808,690,-824,690,-851,-852,690,690,-811,690,-646,-902,-904,-648,-649,-645,690,-705,-706,690,-642,-903,-647,-650,-603,-714,690,690,-605,-586,690,690,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,690,690,-709,-710,690,-716,690,690,690,690,690,690,-938,690,-439,-441,-747,690,-891,690,-715,-1894,690,690,690,690,690,-442,-512,-523,690,-728,-733,690,-735,690,-740,690,-662,-668,690,-678,-680,-682,-683,-690,-693,-697,-745,690,690,-874,690,690,-878,690,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,690,-812,690,-814,-801,690,-802,-805,690,-816,-819,-821,-823,-825,690,-826,690,-809,690,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,690,-282,690,690,690,690,-455,690,690,-729,690,-736,690,-741,690,-663,-671,690,690,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,690,-836,-53,690,690,-730,690,-737,690,-742,-664,690,-873,-54,690,690,-731,-738,-743,690,690,690,-872,]),'SCHEDULE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[691,691,691,691,-1894,691,691,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,691,691,691,691,-275,-276,691,-1425,691,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,691,691,691,-490,691,691,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,691,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,691,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,691,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,691,-172,-173,-174,-175,-993,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-290,-291,-281,691,691,691,691,691,-328,-318,-332,-333,-334,691,691,-982,-983,-984,-985,-986,-987,-988,691,691,691,691,691,691,691,691,691,691,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,691,691,691,-353,-356,691,-323,-324,-141,691,-142,691,-143,691,-430,-935,-936,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-1894,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-1894,691,-1894,691,691,691,691,691,691,691,691,691,691,691,691,-1894,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,691,-1894,691,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,691,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,691,691,691,-191,-192,691,-994,691,691,691,691,691,-277,-278,-279,-280,-365,691,-308,691,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,691,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,691,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,691,691,691,691,691,691,-573,691,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,691,691,-723,-724,-725,691,691,691,691,691,691,-994,691,691,-91,-92,691,691,691,691,-309,-310,-320,691,-307,-293,-294,-295,691,691,691,691,-618,-633,-590,691,691,-436,691,-437,691,-444,-445,-446,-378,-379,691,691,691,-506,691,691,-510,691,691,691,691,-515,-516,-517,-518,691,691,-521,-522,691,-524,-525,-526,-527,-528,-529,-530,-531,691,-533,691,691,691,-539,-541,-542,691,-544,-545,-546,-547,691,691,691,691,691,691,-652,-653,-654,-655,691,-657,-658,-659,691,691,691,-665,691,691,-669,-670,691,691,-673,691,-675,-676,691,-679,691,-681,691,691,-684,-685,-686,691,-688,691,691,-691,691,691,-694,-695,-696,691,-698,-699,-700,-701,691,691,-746,691,-749,-750,-751,-752,-753,691,-755,-756,-757,-758,-759,691,-766,-767,-769,691,-771,-772,-773,-782,-856,-858,-860,-862,691,691,691,691,-868,691,-870,691,691,691,691,691,691,691,-906,-907,691,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,691,-921,-924,691,-934,691,-385,-386,-387,691,691,-390,-391,-392,-393,691,-396,691,-399,-400,691,-401,691,-406,-407,691,-410,-411,-412,691,-415,691,-416,691,-421,-422,691,-425,691,-428,-429,-1894,-1894,691,-619,-620,-621,-622,-623,-634,-584,-624,-797,691,691,691,691,691,-831,691,691,-806,691,-832,691,691,691,691,-798,691,-853,-799,691,691,691,691,691,691,-854,-855,691,-834,-830,-835,691,-625,691,-626,-627,-628,-629,-574,691,691,-630,-631,-632,691,691,691,691,691,691,-635,-636,-637,-592,-1894,-602,691,-638,-639,-713,-640,-604,691,-572,-577,-580,-583,691,691,691,-598,-601,691,-608,691,691,691,691,691,691,691,691,691,691,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,691,691,691,-995,691,691,691,691,691,691,-306,-325,-319,-296,-375,-452,-453,-454,-458,691,-443,691,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,691,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,691,691,691,691,691,691,691,691,691,-316,-535,-508,-591,-937,-939,-940,-438,691,-440,-380,-381,-383,-507,-509,-511,691,-513,-514,-519,-520,691,-532,-534,-537,-538,-543,-548,-726,691,-727,691,-732,691,-734,691,-739,-656,-660,-661,691,-666,691,-667,691,-672,-674,691,-677,691,691,691,-687,-689,691,-692,691,691,-744,691,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,691,691,691,691,691,-877,691,-880,-908,-920,-925,-388,-389,691,-394,691,-397,691,-402,691,-403,691,-408,691,-413,691,-417,691,-418,691,-423,691,-426,-899,-900,-643,-585,-1894,-901,691,691,691,-800,691,691,-804,691,-807,-833,691,-818,691,-820,691,-822,-808,691,-824,691,-851,-852,691,691,-811,691,-646,-902,-904,-648,-649,-645,691,-705,-706,691,-642,-903,-647,-650,-603,-714,691,691,-605,-586,691,691,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,691,691,-709,-710,691,-716,691,691,691,691,691,691,-938,691,-439,-441,-747,691,-891,691,-715,-1894,691,691,691,691,691,-442,-512,-523,691,-728,-733,691,-735,691,-740,691,-662,-668,691,-678,-680,-682,-683,-690,-693,-697,-745,691,691,-874,691,691,-878,691,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,691,-812,691,-814,-801,691,-802,-805,691,-816,-819,-821,-823,-825,691,-826,691,-809,691,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,691,-282,691,691,691,691,-455,691,691,-729,691,-736,691,-741,691,-663,-671,691,691,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,691,-836,-53,691,691,-730,691,-737,691,-742,-664,691,-873,-54,691,691,-731,-738,-743,691,691,691,-872,]),'SCHEMA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[692,692,692,1171,-1894,692,692,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,692,692,692,692,-275,-276,1171,-1425,1171,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1171,1171,1171,-490,1171,1171,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1171,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1171,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1951,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,692,-172,-173,-174,-175,-993,692,692,692,692,692,692,692,692,692,692,1171,1171,1171,1171,1171,-290,-291,-281,692,1171,1171,1171,1171,-328,-318,-332,-333,-334,1171,1171,-982,-983,-984,-985,-986,-987,-988,692,692,1171,1171,1171,1171,1171,1171,1171,1171,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1171,1171,1171,-353,-356,692,-323,-324,-141,1171,-142,1171,-143,1171,-430,-935,-936,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1894,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1894,1171,-1894,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1894,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-1894,692,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1171,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1171,692,692,-191,-192,692,-994,1171,692,692,692,692,-277,-278,-279,-280,-365,1171,-308,1171,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1171,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1171,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1171,1171,1171,1171,1171,1171,-573,1171,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1171,1171,-723,-724,-725,1171,1951,692,692,692,692,-994,692,1171,-91,-92,692,692,692,1171,-309,-310,-320,1171,-307,-293,-294,-295,1171,692,1171,1171,-618,-633,-590,1171,692,-436,692,-437,1171,-444,-445,-446,-378,-379,1171,1171,1171,-506,1171,1171,-510,1171,1171,1171,1171,-515,-516,-517,-518,1171,1171,-521,-522,1171,-524,-525,-526,-527,-528,-529,-530,-531,1171,-533,1171,1171,1171,-539,-541,-542,1171,-544,-545,-546,-547,1171,1171,1171,1171,1171,1171,-652,-653,-654,-655,692,-657,-658,-659,1171,1171,1171,-665,1171,1171,-669,-670,1171,1171,-673,1171,-675,-676,1171,-679,1171,-681,1171,1171,-684,-685,-686,1171,-688,1171,1171,-691,1171,1171,-694,-695,-696,1171,-698,-699,-700,-701,1171,1171,-746,1171,-749,-750,-751,-752,-753,1171,-755,-756,-757,-758,-759,1171,-766,-767,-769,1171,-771,-772,-773,-782,-856,-858,-860,-862,1171,1171,1171,1171,-868,1171,-870,1171,1171,1171,1171,1171,1171,1171,-906,-907,1171,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1171,-921,-924,1171,-934,1171,-385,-386,-387,1171,1171,-390,-391,-392,-393,1171,-396,1171,-399,-400,1171,-401,1171,-406,-407,1171,-410,-411,-412,1171,-415,1171,-416,1171,-421,-422,1171,-425,1171,-428,-429,-1894,-1894,1171,-619,-620,-621,-622,-623,-634,-584,-624,-797,1171,1171,1171,1171,1171,-831,1171,1171,-806,1171,-832,1171,1171,1171,1171,-798,1171,-853,-799,1171,1171,1171,1171,1171,1171,-854,-855,1171,-834,-830,-835,1171,-625,1171,-626,-627,-628,-629,-574,1171,1171,-630,-631,-632,1171,1171,1171,1171,1171,1171,-635,-636,-637,-592,-1894,-602,1171,-638,-639,-713,-640,-604,1171,-572,-577,-580,-583,1171,1171,1171,-598,-601,1171,-608,1171,1171,1171,1171,1171,1171,1171,1171,1171,1171,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1171,692,692,-995,692,1171,692,692,692,1171,-306,-325,-319,-296,-375,-452,-453,-454,-458,692,-443,1171,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1171,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,692,692,692,692,692,692,692,692,1171,-316,-535,-508,-591,-937,-939,-940,-438,1171,-440,-380,-381,-383,-507,-509,-511,1171,-513,-514,-519,-520,1171,-532,-534,-537,-538,-543,-548,-726,1171,-727,1171,-732,1171,-734,1171,-739,-656,-660,-661,1171,-666,1171,-667,1171,-672,-674,1171,-677,1171,1171,1171,-687,-689,1171,-692,1171,1171,-744,1171,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1171,1171,1171,1171,1171,-877,1171,-880,-908,-920,-925,-388,-389,1171,-394,1171,-397,1171,-402,1171,-403,1171,-408,1171,-413,1171,-417,1171,-418,1171,-423,1171,-426,-899,-900,-643,-585,-1894,-901,1171,1171,1171,-800,1171,1171,-804,1171,-807,-833,1171,-818,1171,-820,1171,-822,-808,1171,-824,1171,-851,-852,1171,1171,-811,1171,-646,-902,-904,-648,-649,-645,1171,-705,-706,1171,-642,-903,-647,-650,-603,-714,1171,1171,-605,-586,1171,1171,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1171,1171,-709,-710,1171,-716,1171,692,692,692,1171,1171,-938,692,-439,-441,-747,1171,-891,1951,-715,-1894,1171,1171,692,692,1171,-442,-512,-523,1171,-728,-733,1171,-735,1171,-740,1171,-662,-668,1171,-678,-680,-682,-683,-690,-693,-697,-745,1171,1171,-874,1171,1171,-878,1171,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1171,-812,1171,-814,-801,1171,-802,-805,1171,-816,-819,-821,-823,-825,1171,-826,1171,-809,1171,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,692,-282,692,1171,692,1171,-455,1171,1171,-729,1171,-736,1171,-741,1171,-663,-671,1171,1171,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1171,-836,-53,692,1171,-730,1171,-737,1171,-742,-664,1171,-873,-54,692,692,-731,-738,-743,1171,692,1171,-872,]),'SCHEMAS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[693,693,693,693,-1894,693,693,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,693,693,693,693,-275,-276,693,-1425,693,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,693,693,693,-490,693,693,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,693,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,693,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,693,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,693,-172,-173,-174,-175,-993,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-290,-291,-281,693,693,693,693,693,-328,-318,-332,-333,-334,693,693,-982,-983,-984,-985,-986,-987,-988,693,693,693,693,693,693,693,693,693,693,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,693,693,693,-353,-356,693,-323,-324,-141,693,-142,693,-143,693,-430,-935,-936,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-1894,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-1894,693,-1894,693,693,693,693,693,693,693,693,693,693,693,693,-1894,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,693,-1894,693,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,693,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,693,693,693,-191,-192,693,-994,693,693,693,693,693,-277,-278,-279,-280,-365,693,-308,693,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,693,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,693,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,693,693,693,693,693,693,-573,693,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,693,693,-723,-724,-725,693,693,693,693,693,693,-994,693,693,-91,-92,693,693,693,693,-309,-310,-320,693,-307,-293,-294,-295,693,693,693,693,-618,-633,-590,693,693,-436,693,-437,693,-444,-445,-446,-378,-379,693,693,693,-506,693,693,-510,693,693,693,693,-515,-516,-517,-518,693,693,-521,-522,693,-524,-525,-526,-527,-528,-529,-530,-531,693,-533,693,693,693,-539,-541,-542,693,-544,-545,-546,-547,693,693,693,693,693,693,-652,-653,-654,-655,693,-657,-658,-659,693,693,693,-665,693,693,-669,-670,693,693,-673,693,-675,-676,693,-679,693,-681,693,693,-684,-685,-686,693,-688,693,693,-691,693,693,-694,-695,-696,693,-698,-699,-700,-701,693,693,-746,693,-749,-750,-751,-752,-753,693,-755,-756,-757,-758,-759,693,-766,-767,-769,693,-771,-772,-773,-782,-856,-858,-860,-862,693,693,693,693,-868,693,-870,693,693,693,693,693,693,693,-906,-907,693,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,693,-921,-924,693,-934,693,-385,-386,-387,693,693,-390,-391,-392,-393,693,-396,693,-399,-400,693,-401,693,-406,-407,693,-410,-411,-412,693,-415,693,-416,693,-421,-422,693,-425,693,-428,-429,-1894,-1894,693,-619,-620,-621,-622,-623,-634,-584,-624,-797,693,693,693,693,693,-831,693,693,-806,693,-832,693,693,693,693,-798,693,-853,-799,693,693,693,693,693,693,-854,-855,693,-834,-830,-835,693,-625,693,-626,-627,-628,-629,-574,693,693,-630,-631,-632,693,693,693,693,693,693,-635,-636,-637,-592,-1894,-602,693,-638,-639,-713,-640,-604,693,-572,-577,-580,-583,693,693,693,-598,-601,693,-608,693,693,693,693,693,693,693,693,693,693,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,693,693,693,-995,693,693,693,693,693,693,-306,-325,-319,-296,-375,-452,-453,-454,-458,693,-443,693,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,693,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,693,693,693,693,693,693,693,693,693,-316,-535,-508,-591,-937,-939,-940,-438,693,-440,-380,-381,-383,-507,-509,-511,693,-513,-514,-519,-520,693,-532,-534,-537,-538,-543,-548,-726,693,-727,693,-732,693,-734,693,-739,-656,-660,-661,693,-666,693,-667,693,-672,-674,693,-677,693,693,693,-687,-689,693,-692,693,693,-744,693,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,693,693,693,693,693,-877,693,-880,-908,-920,-925,-388,-389,693,-394,693,-397,693,-402,693,-403,693,-408,693,-413,693,-417,693,-418,693,-423,693,-426,-899,-900,-643,-585,-1894,-901,693,693,693,-800,693,693,-804,693,-807,-833,693,-818,693,-820,693,-822,-808,693,-824,693,-851,-852,693,693,-811,693,-646,-902,-904,-648,-649,-645,693,-705,-706,693,-642,-903,-647,-650,-603,-714,693,693,-605,-586,693,693,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,693,693,-709,-710,693,-716,693,693,693,693,693,693,-938,693,-439,-441,-747,693,-891,693,-715,-1894,693,693,693,693,693,-442,-512,-523,693,-728,-733,693,-735,693,-740,693,-662,-668,693,-678,-680,-682,-683,-690,-693,-697,-745,693,693,-874,693,693,-878,693,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,693,-812,693,-814,-801,693,-802,-805,693,-816,-819,-821,-823,-825,693,-826,693,-809,693,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,693,-282,693,693,693,693,-455,693,693,-729,693,-736,693,-741,693,-663,-671,693,693,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,693,-836,-53,693,693,-730,693,-737,693,-742,-664,693,-873,-54,693,693,-731,-738,-743,693,693,693,-872,]),'SCHEMA_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[694,694,694,694,-1894,694,694,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,694,694,694,694,-275,-276,694,-1425,694,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,694,694,694,-490,694,694,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,694,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,694,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,694,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,694,-172,-173,-174,-175,-993,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-290,-291,-281,694,694,694,694,694,-328,-318,-332,-333,-334,694,694,-982,-983,-984,-985,-986,-987,-988,694,694,694,694,694,694,694,694,694,694,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,694,694,694,-353,-356,694,-323,-324,-141,694,-142,694,-143,694,-430,-935,-936,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-1894,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-1894,694,-1894,694,694,694,694,694,694,694,694,694,694,694,694,-1894,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,694,-1894,694,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,694,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,694,694,694,-191,-192,694,-994,694,694,694,694,694,-277,-278,-279,-280,-365,694,-308,694,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,694,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,694,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,694,694,694,694,694,694,-573,694,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,694,694,-723,-724,-725,694,694,694,694,694,694,-994,694,694,-91,-92,694,694,694,694,-309,-310,-320,694,-307,-293,-294,-295,694,694,694,694,-618,-633,-590,694,694,-436,694,-437,694,-444,-445,-446,-378,-379,694,694,694,-506,694,694,-510,694,694,694,694,-515,-516,-517,-518,694,694,-521,-522,694,-524,-525,-526,-527,-528,-529,-530,-531,694,-533,694,694,694,-539,-541,-542,694,-544,-545,-546,-547,694,694,694,694,694,694,-652,-653,-654,-655,694,-657,-658,-659,694,694,694,-665,694,694,-669,-670,694,694,-673,694,-675,-676,694,-679,694,-681,694,694,-684,-685,-686,694,-688,694,694,-691,694,694,-694,-695,-696,694,-698,-699,-700,-701,694,694,-746,694,-749,-750,-751,-752,-753,694,-755,-756,-757,-758,-759,694,-766,-767,-769,694,-771,-772,-773,-782,-856,-858,-860,-862,694,694,694,694,-868,694,-870,694,694,694,694,694,694,694,-906,-907,694,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,694,-921,-924,694,-934,694,-385,-386,-387,694,694,-390,-391,-392,-393,694,-396,694,-399,-400,694,-401,694,-406,-407,694,-410,-411,-412,694,-415,694,-416,694,-421,-422,694,-425,694,-428,-429,-1894,-1894,694,-619,-620,-621,-622,-623,-634,-584,-624,-797,694,694,694,694,694,-831,694,694,-806,694,-832,694,694,694,694,-798,694,-853,-799,694,694,694,694,694,694,-854,-855,694,-834,-830,-835,694,-625,694,-626,-627,-628,-629,-574,694,694,-630,-631,-632,694,694,694,694,694,694,-635,-636,-637,-592,-1894,-602,694,-638,-639,-713,-640,-604,694,-572,-577,-580,-583,694,694,694,-598,-601,694,-608,694,694,694,694,694,694,694,694,694,694,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,694,694,694,-995,694,694,694,694,694,694,-306,-325,-319,-296,-375,-452,-453,-454,-458,694,-443,694,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,694,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,694,694,694,694,694,694,694,694,694,-316,-535,-508,-591,-937,-939,-940,-438,694,-440,-380,-381,-383,-507,-509,-511,694,-513,-514,-519,-520,694,-532,-534,-537,-538,-543,-548,-726,694,-727,694,-732,694,-734,694,-739,-656,-660,-661,694,-666,694,-667,694,-672,-674,694,-677,694,694,694,-687,-689,694,-692,694,694,-744,694,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,694,694,694,694,694,-877,694,-880,-908,-920,-925,-388,-389,694,-394,694,-397,694,-402,694,-403,694,-408,694,-413,694,-417,694,-418,694,-423,694,-426,-899,-900,-643,-585,-1894,-901,694,694,694,-800,694,694,-804,694,-807,-833,694,-818,694,-820,694,-822,-808,694,-824,694,-851,-852,694,694,-811,694,-646,-902,-904,-648,-649,-645,694,-705,-706,694,-642,-903,-647,-650,-603,-714,694,694,-605,-586,694,694,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,694,694,-709,-710,694,-716,694,694,694,694,694,694,-938,694,-439,-441,-747,694,-891,694,-715,-1894,694,694,694,694,694,-442,-512,-523,694,-728,-733,694,-735,694,-740,694,-662,-668,694,-678,-680,-682,-683,-690,-693,-697,-745,694,694,-874,694,694,-878,694,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,694,-812,694,-814,-801,694,-802,-805,694,-816,-819,-821,-823,-825,694,-826,694,-809,694,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,694,-282,694,694,694,694,-455,694,694,-729,694,-736,694,-741,694,-663,-671,694,694,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,694,-836,-53,694,694,-730,694,-737,694,-742,-664,694,-873,-54,694,694,-731,-738,-743,694,694,694,-872,]),'SCOPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[695,695,695,695,-1894,695,695,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,695,695,695,695,-275,-276,695,-1425,695,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,695,695,695,-490,695,695,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,695,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,695,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,695,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,695,-172,-173,-174,-175,-993,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-290,-291,-281,695,695,695,695,695,-328,-318,-332,-333,-334,695,695,-982,-983,-984,-985,-986,-987,-988,695,695,695,695,695,695,695,695,695,695,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,695,695,695,-353,-356,695,-323,-324,-141,695,-142,695,-143,695,-430,-935,-936,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-1894,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-1894,695,-1894,695,695,695,695,695,695,695,695,695,695,695,695,-1894,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,695,-1894,695,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,695,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,695,695,695,-191,-192,695,-994,695,695,695,695,695,-277,-278,-279,-280,-365,695,-308,695,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,695,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,695,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,695,695,695,695,695,695,-573,695,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,695,695,-723,-724,-725,695,695,695,695,695,695,-994,695,695,-91,-92,695,695,695,695,-309,-310,-320,695,-307,-293,-294,-295,695,695,695,695,-618,-633,-590,695,695,-436,695,-437,695,-444,-445,-446,-378,-379,695,695,695,-506,695,695,-510,695,695,695,695,-515,-516,-517,-518,695,695,-521,-522,695,-524,-525,-526,-527,-528,-529,-530,-531,695,-533,695,695,695,-539,-541,-542,695,-544,-545,-546,-547,695,695,695,695,695,695,-652,-653,-654,-655,695,-657,-658,-659,695,695,695,-665,695,695,-669,-670,695,695,-673,695,-675,-676,695,-679,695,-681,695,695,-684,-685,-686,695,-688,695,695,-691,695,695,-694,-695,-696,695,-698,-699,-700,-701,695,695,-746,695,-749,-750,-751,-752,-753,695,-755,-756,-757,-758,-759,695,-766,-767,-769,695,-771,-772,-773,-782,-856,-858,-860,-862,695,695,695,695,-868,695,-870,695,695,695,695,695,695,695,-906,-907,695,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,695,-921,-924,695,-934,695,-385,-386,-387,695,695,-390,-391,-392,-393,695,-396,695,-399,-400,695,-401,695,-406,-407,695,-410,-411,-412,695,-415,695,-416,695,-421,-422,695,-425,695,-428,-429,-1894,-1894,695,-619,-620,-621,-622,-623,-634,-584,-624,-797,695,695,695,695,695,-831,695,695,-806,695,-832,695,695,695,695,-798,695,-853,-799,695,695,695,695,695,695,-854,-855,695,-834,-830,-835,695,-625,695,-626,-627,-628,-629,-574,695,695,-630,-631,-632,695,695,695,695,695,695,-635,-636,-637,-592,-1894,-602,695,-638,-639,-713,-640,-604,695,-572,-577,-580,-583,695,695,695,-598,-601,695,-608,695,695,695,695,695,695,695,695,695,695,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,695,695,695,-995,695,695,695,695,695,695,-306,-325,-319,-296,-375,-452,-453,-454,-458,695,-443,695,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,695,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,695,695,695,695,695,695,695,695,695,-316,-535,-508,-591,-937,-939,-940,-438,695,-440,-380,-381,-383,-507,-509,-511,695,-513,-514,-519,-520,695,-532,-534,-537,-538,-543,-548,-726,695,-727,695,-732,695,-734,695,-739,-656,-660,-661,695,-666,695,-667,695,-672,-674,695,-677,695,695,695,-687,-689,695,-692,695,695,-744,695,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,695,695,695,695,695,-877,695,-880,-908,-920,-925,-388,-389,695,-394,695,-397,695,-402,695,-403,695,-408,695,-413,695,-417,695,-418,695,-423,695,-426,-899,-900,-643,-585,-1894,-901,695,695,695,-800,695,695,-804,695,-807,-833,695,-818,695,-820,695,-822,-808,695,-824,695,-851,-852,695,695,-811,695,-646,-902,-904,-648,-649,-645,695,-705,-706,695,-642,-903,-647,-650,-603,-714,695,695,-605,-586,695,695,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,695,695,-709,-710,695,-716,695,695,695,695,695,695,-938,695,-439,-441,-747,695,-891,695,-715,-1894,695,695,695,695,695,-442,-512,-523,695,-728,-733,695,-735,695,-740,695,-662,-668,695,-678,-680,-682,-683,-690,-693,-697,-745,695,695,-874,695,695,-878,695,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,695,-812,695,-814,-801,695,-802,-805,695,-816,-819,-821,-823,-825,695,-826,695,-809,695,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,695,-282,695,695,695,695,-455,695,695,-729,695,-736,695,-741,695,-663,-671,695,695,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,695,-836,-53,695,695,-730,695,-737,695,-742,-664,695,-873,-54,695,695,-731,-738,-743,695,695,695,-872,]),'SEARCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[696,696,696,696,-1894,696,696,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,696,696,696,696,-275,-276,696,-1425,696,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,696,696,696,-490,696,696,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,696,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,696,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,696,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,696,-172,-173,-174,-175,-993,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-290,-291,-281,696,696,696,696,696,-328,-318,-332,-333,-334,696,696,-982,-983,-984,-985,-986,-987,-988,696,696,696,696,696,696,696,696,696,696,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,696,696,696,-353,-356,696,-323,-324,-141,696,-142,696,-143,696,-430,-935,-936,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-1894,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-1894,696,-1894,696,696,696,696,696,696,696,696,696,696,696,696,-1894,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,696,-1894,696,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,696,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,696,696,696,-191,-192,696,-994,696,696,696,696,696,-277,-278,-279,-280,-365,696,-308,696,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,696,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,696,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,696,696,696,696,696,696,-573,696,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,696,696,-723,-724,-725,696,696,696,696,696,696,-994,696,696,-91,-92,696,696,696,696,-309,-310,-320,696,-307,-293,-294,-295,696,696,696,696,-618,-633,-590,696,696,-436,696,-437,696,-444,-445,-446,-378,-379,696,696,696,-506,696,696,-510,696,696,696,696,-515,-516,-517,-518,696,696,-521,-522,696,-524,-525,-526,-527,-528,-529,-530,-531,696,-533,696,696,696,-539,-541,-542,696,-544,-545,-546,-547,696,696,696,696,696,696,-652,-653,-654,-655,696,-657,-658,-659,696,696,696,-665,696,696,-669,-670,696,696,-673,696,-675,-676,696,-679,696,-681,696,696,-684,-685,-686,696,-688,696,696,-691,696,696,-694,-695,-696,696,-698,-699,-700,-701,696,696,-746,696,-749,-750,-751,-752,-753,696,-755,-756,-757,-758,-759,696,-766,-767,-769,696,-771,-772,-773,-782,-856,-858,-860,-862,696,696,696,696,-868,696,-870,696,696,696,696,696,696,696,-906,-907,696,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,696,-921,-924,696,-934,696,-385,-386,-387,696,696,-390,-391,-392,-393,696,-396,696,-399,-400,696,-401,696,-406,-407,696,-410,-411,-412,696,-415,696,-416,696,-421,-422,696,-425,696,-428,-429,-1894,-1894,696,-619,-620,-621,-622,-623,-634,-584,-624,-797,696,696,696,696,696,-831,696,696,-806,696,-832,696,696,696,696,-798,696,-853,-799,696,696,696,696,696,696,-854,-855,696,-834,-830,-835,696,-625,696,-626,-627,-628,-629,-574,696,696,-630,-631,-632,696,696,696,696,696,696,-635,-636,-637,-592,-1894,-602,696,-638,-639,-713,-640,-604,696,-572,-577,-580,-583,696,696,696,-598,-601,696,-608,696,696,696,696,696,696,696,696,696,696,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,696,696,696,-995,696,696,696,696,696,696,-306,-325,-319,-296,-375,-452,-453,-454,-458,696,-443,696,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,696,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,696,696,696,696,696,696,696,696,696,-316,-535,-508,-591,-937,-939,-940,-438,696,-440,-380,-381,-383,-507,-509,-511,696,-513,-514,-519,-520,696,-532,-534,-537,-538,-543,-548,-726,696,-727,696,-732,696,-734,696,-739,-656,-660,-661,696,-666,696,-667,696,-672,-674,696,-677,696,696,696,-687,-689,696,-692,696,696,-744,696,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,696,696,696,696,696,-877,696,-880,-908,-920,-925,-388,-389,696,-394,696,-397,696,-402,696,-403,696,-408,696,-413,696,-417,696,-418,696,-423,696,-426,-899,-900,-643,-585,-1894,-901,696,696,696,-800,696,696,-804,696,-807,-833,696,-818,696,-820,696,-822,-808,696,-824,696,-851,-852,696,696,-811,696,-646,-902,-904,-648,-649,-645,696,-705,-706,696,-642,-903,-647,-650,-603,-714,696,696,-605,-586,696,696,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,696,696,-709,-710,696,-716,696,696,696,696,696,696,-938,696,-439,-441,-747,696,-891,696,-715,-1894,696,696,696,696,696,-442,-512,-523,696,-728,-733,696,-735,696,-740,696,-662,-668,696,-678,-680,-682,-683,-690,-693,-697,-745,696,696,-874,696,696,-878,696,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,696,-812,696,-814,-801,696,-802,-805,696,-816,-819,-821,-823,-825,696,-826,696,-809,696,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,696,-282,696,696,696,696,-455,696,696,-729,696,-736,696,-741,696,-663,-671,696,696,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,696,-836,-53,696,696,-730,696,-737,696,-742,-664,696,-873,-54,696,696,-731,-738,-743,696,696,696,-872,]),'SECOND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[697,697,697,1297,-1894,697,697,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,697,697,697,697,-275,-276,1297,-1425,1297,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1297,1297,1297,-490,1297,1297,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1297,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1297,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1297,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,697,-172,-173,-174,-175,-993,697,697,697,697,697,697,697,697,697,697,1297,1297,1297,1297,1297,-290,-291,-281,697,1297,1297,1297,1297,-328,-318,-332,-333,-334,1297,1297,-982,-983,-984,-985,-986,-987,-988,697,697,1297,1297,1297,1297,1297,1297,1297,1297,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1297,1297,2105,1297,-353,-356,697,-323,-324,-141,1297,-142,1297,-143,1297,-430,-935,-936,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1894,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1894,1297,-1894,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1894,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,2105,2105,1297,1297,2105,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-1894,697,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1297,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1297,697,697,-191,-192,697,-994,1297,697,697,697,697,-277,-278,-279,-280,-365,1297,-308,1297,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1297,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1297,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1297,1297,1297,1297,1297,1297,-573,1297,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1297,1297,-723,-724,-725,1297,1297,697,697,697,697,-994,697,1297,-91,-92,697,697,697,1297,-309,-310,-320,1297,-307,-293,-294,-295,1297,697,1297,1297,-618,-633,-590,1297,697,-436,697,-437,1297,-444,-445,-446,-378,-379,1297,1297,1297,-506,1297,1297,-510,1297,1297,1297,1297,-515,-516,-517,-518,1297,1297,-521,-522,1297,-524,-525,-526,-527,-528,-529,-530,-531,1297,-533,1297,1297,1297,-539,-541,-542,1297,-544,-545,-546,-547,1297,1297,1297,1297,1297,1297,-652,-653,-654,-655,697,-657,-658,-659,1297,1297,1297,-665,1297,1297,-669,-670,1297,1297,-673,1297,-675,-676,1297,-679,1297,-681,1297,1297,-684,-685,-686,1297,-688,1297,1297,-691,1297,1297,-694,-695,-696,1297,-698,-699,-700,-701,1297,1297,-746,1297,-749,-750,-751,-752,-753,1297,-755,-756,-757,-758,-759,1297,-766,-767,-769,1297,-771,-772,-773,-782,-856,-858,-860,-862,1297,1297,1297,1297,-868,1297,-870,1297,1297,1297,1297,1297,1297,1297,-906,-907,1297,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1297,-921,-924,1297,-934,1297,-385,-386,-387,1297,1297,-390,-391,-392,-393,1297,-396,1297,-399,-400,1297,-401,1297,-406,-407,1297,-410,-411,-412,1297,-415,1297,-416,1297,-421,-422,1297,-425,1297,-428,-429,-1894,-1894,1297,-619,-620,-621,-622,-623,-634,-584,-624,-797,1297,1297,1297,1297,1297,-831,1297,1297,-806,1297,-832,1297,1297,1297,1297,-798,1297,-853,-799,1297,1297,1297,1297,1297,1297,-854,-855,1297,-834,-830,-835,1297,-625,1297,-626,-627,-628,-629,-574,1297,1297,-630,-631,-632,1297,1297,1297,1297,1297,1297,-635,-636,-637,-592,-1894,-602,1297,-638,-639,-713,-640,-604,1297,-572,-577,-580,-583,1297,1297,1297,-598,-601,1297,-608,1297,1297,1297,1297,1297,1297,1297,1297,1297,1297,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1297,697,697,-995,697,1297,697,697,697,1297,-306,-325,-319,-296,-375,-452,-453,-454,-458,697,-443,1297,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1297,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,697,697,697,697,697,697,697,697,1297,-316,-535,-508,-591,-937,-939,-940,-438,1297,-440,-380,-381,-383,-507,-509,-511,1297,-513,-514,-519,-520,1297,-532,-534,-537,-538,-543,-548,-726,1297,-727,1297,-732,1297,-734,1297,-739,-656,-660,-661,1297,-666,1297,-667,1297,-672,-674,1297,-677,1297,1297,1297,-687,-689,1297,-692,1297,1297,-744,1297,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1297,1297,1297,1297,1297,-877,1297,-880,-908,-920,-925,-388,-389,1297,-394,1297,-397,1297,-402,1297,-403,1297,-408,1297,-413,1297,-417,1297,-418,1297,-423,1297,-426,-899,-900,-643,-585,-1894,-901,1297,1297,1297,-800,1297,1297,-804,1297,-807,-833,1297,-818,1297,-820,1297,-822,-808,1297,-824,1297,-851,-852,1297,1297,-811,1297,-646,-902,-904,-648,-649,-645,1297,-705,-706,1297,-642,-903,-647,-650,-603,-714,1297,1297,-605,-586,1297,1297,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1297,1297,-709,-710,1297,-716,1297,697,697,697,1297,1297,-938,697,-439,-441,-747,1297,-891,1297,-715,-1894,1297,1297,697,697,1297,-442,-512,-523,1297,-728,-733,1297,-735,1297,-740,1297,-662,-668,1297,-678,-680,-682,-683,-690,-693,-697,-745,1297,1297,-874,1297,1297,-878,1297,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1297,-812,1297,-814,-801,1297,-802,-805,1297,-816,-819,-821,-823,-825,1297,-826,1297,-809,1297,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,697,-282,697,1297,697,1297,-455,1297,1297,-729,1297,-736,1297,-741,1297,-663,-671,1297,1297,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1297,-836,-53,697,1297,-730,1297,-737,1297,-742,-664,1297,-873,-54,697,697,-731,-738,-743,1297,697,1297,-872,]),'SECURITY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[698,698,698,698,-1894,698,698,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,698,698,698,698,-275,-276,698,-1425,698,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,698,698,698,-490,698,698,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,698,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,698,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,698,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,698,-172,-173,-174,-175,-993,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-290,-291,-281,698,698,698,698,698,-328,-318,-332,-333,-334,698,698,-982,-983,-984,-985,-986,-987,-988,698,698,698,698,698,698,698,698,698,698,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,698,698,698,-353,-356,698,-323,-324,-141,698,-142,698,-143,698,-430,-935,-936,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-1894,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-1894,698,-1894,698,698,698,698,698,698,698,698,698,698,698,698,-1894,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,698,-1894,698,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,698,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,698,698,698,-191,-192,698,-994,698,698,698,698,698,-277,-278,-279,-280,-365,698,-308,698,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,698,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,698,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,698,698,698,698,698,698,-573,698,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,698,698,-723,-724,-725,698,698,698,698,698,698,-994,698,698,-91,-92,698,698,698,698,-309,-310,-320,698,-307,-293,-294,-295,698,698,698,698,-618,-633,-590,698,698,-436,698,-437,698,-444,-445,-446,-378,-379,698,698,698,-506,698,698,-510,698,698,698,698,-515,-516,-517,-518,698,698,-521,-522,698,-524,-525,-526,-527,-528,-529,-530,-531,698,-533,698,698,698,-539,-541,-542,698,-544,-545,-546,-547,698,698,698,698,698,698,-652,-653,-654,-655,698,-657,-658,-659,698,698,698,-665,698,698,-669,-670,698,698,-673,698,-675,-676,698,-679,698,-681,698,698,-684,-685,-686,698,-688,698,698,-691,698,698,-694,-695,-696,698,-698,-699,-700,-701,698,698,-746,698,-749,-750,-751,-752,-753,698,-755,-756,-757,-758,-759,698,-766,-767,-769,698,-771,-772,-773,-782,-856,-858,-860,-862,698,698,698,698,-868,698,-870,698,698,698,698,698,698,698,-906,-907,698,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,698,-921,-924,698,-934,698,-385,-386,-387,698,698,-390,-391,-392,-393,698,-396,698,-399,-400,698,-401,698,-406,-407,698,-410,-411,-412,698,-415,698,-416,698,-421,-422,698,-425,698,-428,-429,-1894,-1894,698,-619,-620,-621,-622,-623,-634,-584,-624,-797,698,698,698,698,698,-831,698,698,-806,698,-832,698,698,698,698,-798,698,-853,-799,698,698,698,698,698,698,-854,-855,698,-834,-830,-835,698,-625,698,-626,-627,-628,-629,-574,698,698,-630,-631,-632,698,698,698,698,698,698,-635,-636,-637,-592,-1894,-602,698,-638,-639,-713,-640,-604,698,-572,-577,-580,-583,698,698,698,-598,-601,698,-608,698,698,698,698,698,698,698,698,698,698,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,698,698,698,-995,698,698,698,698,698,698,-306,-325,-319,-296,-375,-452,-453,-454,-458,698,-443,698,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,698,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,698,698,698,698,698,698,698,698,698,-316,-535,-508,-591,-937,-939,-940,-438,698,-440,-380,-381,-383,-507,-509,-511,698,-513,-514,-519,-520,698,-532,-534,-537,-538,-543,-548,-726,698,-727,698,-732,698,-734,698,-739,-656,-660,-661,698,-666,698,-667,698,-672,-674,698,-677,698,698,698,-687,-689,698,-692,698,698,-744,698,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,698,698,698,698,698,-877,698,-880,-908,-920,-925,-388,-389,698,-394,698,-397,698,-402,698,-403,698,-408,698,-413,698,-417,698,-418,698,-423,698,-426,-899,-900,-643,-585,-1894,-901,698,698,698,-800,698,698,-804,698,-807,-833,698,-818,698,-820,698,-822,-808,698,-824,698,-851,-852,698,698,-811,698,-646,-902,-904,-648,-649,-645,698,-705,-706,698,-642,-903,-647,-650,-603,-714,698,698,-605,-586,698,698,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,698,698,-709,-710,698,-716,698,698,698,698,698,698,-938,698,-439,-441,-747,698,-891,698,-715,-1894,698,698,698,698,698,-442,-512,-523,698,-728,-733,698,-735,698,-740,698,-662,-668,698,-678,-680,-682,-683,-690,-693,-697,-745,698,698,-874,698,698,-878,698,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,698,-812,698,-814,-801,698,-802,-805,698,-816,-819,-821,-823,-825,698,-826,698,-809,698,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,698,-282,698,698,698,698,-455,698,698,-729,698,-736,698,-741,698,-663,-671,698,698,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,698,-836,-53,698,698,-730,698,-737,698,-742,-664,698,-873,-54,698,698,-731,-738,-743,698,698,698,-872,]),'SEC_TO_TIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[699,699,699,1298,-1894,699,699,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,699,699,699,699,-275,-276,1298,-1425,1298,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1298,1298,1298,-490,1298,1298,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1298,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1298,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1298,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,699,-172,-173,-174,-175,-993,699,699,699,699,699,699,699,699,699,699,1298,1298,1298,1298,1298,-290,-291,-281,699,1298,1298,1298,1298,-328,-318,-332,-333,-334,1298,1298,-982,-983,-984,-985,-986,-987,-988,699,699,1298,1298,1298,1298,1298,1298,1298,1298,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1298,1298,1298,-353,-356,699,-323,-324,-141,1298,-142,1298,-143,1298,-430,-935,-936,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1894,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1894,1298,-1894,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1894,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-1894,699,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1298,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1298,699,699,-191,-192,699,-994,1298,699,699,699,699,-277,-278,-279,-280,-365,1298,-308,1298,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1298,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1298,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1298,1298,1298,1298,1298,1298,-573,1298,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1298,1298,-723,-724,-725,1298,1298,699,699,699,699,-994,699,1298,-91,-92,699,699,699,1298,-309,-310,-320,1298,-307,-293,-294,-295,1298,699,1298,1298,-618,-633,-590,1298,699,-436,699,-437,1298,-444,-445,-446,-378,-379,1298,1298,1298,-506,1298,1298,-510,1298,1298,1298,1298,-515,-516,-517,-518,1298,1298,-521,-522,1298,-524,-525,-526,-527,-528,-529,-530,-531,1298,-533,1298,1298,1298,-539,-541,-542,1298,-544,-545,-546,-547,1298,1298,1298,1298,1298,1298,-652,-653,-654,-655,699,-657,-658,-659,1298,1298,1298,-665,1298,1298,-669,-670,1298,1298,-673,1298,-675,-676,1298,-679,1298,-681,1298,1298,-684,-685,-686,1298,-688,1298,1298,-691,1298,1298,-694,-695,-696,1298,-698,-699,-700,-701,1298,1298,-746,1298,-749,-750,-751,-752,-753,1298,-755,-756,-757,-758,-759,1298,-766,-767,-769,1298,-771,-772,-773,-782,-856,-858,-860,-862,1298,1298,1298,1298,-868,1298,-870,1298,1298,1298,1298,1298,1298,1298,-906,-907,1298,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1298,-921,-924,1298,-934,1298,-385,-386,-387,1298,1298,-390,-391,-392,-393,1298,-396,1298,-399,-400,1298,-401,1298,-406,-407,1298,-410,-411,-412,1298,-415,1298,-416,1298,-421,-422,1298,-425,1298,-428,-429,-1894,-1894,1298,-619,-620,-621,-622,-623,-634,-584,-624,-797,1298,1298,1298,1298,1298,-831,1298,1298,-806,1298,-832,1298,1298,1298,1298,-798,1298,-853,-799,1298,1298,1298,1298,1298,1298,-854,-855,1298,-834,-830,-835,1298,-625,1298,-626,-627,-628,-629,-574,1298,1298,-630,-631,-632,1298,1298,1298,1298,1298,1298,-635,-636,-637,-592,-1894,-602,1298,-638,-639,-713,-640,-604,1298,-572,-577,-580,-583,1298,1298,1298,-598,-601,1298,-608,1298,1298,1298,1298,1298,1298,1298,1298,1298,1298,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1298,699,699,-995,699,1298,699,699,699,1298,-306,-325,-319,-296,-375,-452,-453,-454,-458,699,-443,1298,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1298,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,699,699,699,699,699,699,699,699,1298,-316,-535,-508,-591,-937,-939,-940,-438,1298,-440,-380,-381,-383,-507,-509,-511,1298,-513,-514,-519,-520,1298,-532,-534,-537,-538,-543,-548,-726,1298,-727,1298,-732,1298,-734,1298,-739,-656,-660,-661,1298,-666,1298,-667,1298,-672,-674,1298,-677,1298,1298,1298,-687,-689,1298,-692,1298,1298,-744,1298,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1298,1298,1298,1298,1298,-877,1298,-880,-908,-920,-925,-388,-389,1298,-394,1298,-397,1298,-402,1298,-403,1298,-408,1298,-413,1298,-417,1298,-418,1298,-423,1298,-426,-899,-900,-643,-585,-1894,-901,1298,1298,1298,-800,1298,1298,-804,1298,-807,-833,1298,-818,1298,-820,1298,-822,-808,1298,-824,1298,-851,-852,1298,1298,-811,1298,-646,-902,-904,-648,-649,-645,1298,-705,-706,1298,-642,-903,-647,-650,-603,-714,1298,1298,-605,-586,1298,1298,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1298,1298,-709,-710,1298,-716,1298,699,699,699,1298,1298,-938,699,-439,-441,-747,1298,-891,1298,-715,-1894,1298,1298,699,699,1298,-442,-512,-523,1298,-728,-733,1298,-735,1298,-740,1298,-662,-668,1298,-678,-680,-682,-683,-690,-693,-697,-745,1298,1298,-874,1298,1298,-878,1298,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1298,-812,1298,-814,-801,1298,-802,-805,1298,-816,-819,-821,-823,-825,1298,-826,1298,-809,1298,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,699,-282,699,1298,699,1298,-455,1298,1298,-729,1298,-736,1298,-741,1298,-663,-671,1298,1298,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1298,-836,-53,699,1298,-730,1298,-737,1298,-742,-664,1298,-873,-54,699,699,-731,-738,-743,1298,699,1298,-872,]),'SEED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[700,700,700,700,-1894,700,700,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,700,700,700,700,-275,-276,700,-1425,700,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,700,700,700,-490,700,700,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,700,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,700,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,700,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,700,-172,-173,-174,-175,-993,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-290,-291,-281,700,700,700,700,700,-328,-318,-332,-333,-334,700,700,-982,-983,-984,-985,-986,-987,-988,700,700,700,700,700,700,700,700,700,700,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,700,700,700,-353,-356,700,-323,-324,-141,700,-142,700,-143,700,-430,-935,-936,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-1894,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-1894,700,-1894,700,700,700,700,700,700,700,700,700,700,700,700,-1894,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,700,-1894,700,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,700,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,700,700,700,-191,-192,700,-994,700,700,700,700,700,-277,-278,-279,-280,-365,700,-308,700,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,700,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,700,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,700,700,700,700,700,700,-573,700,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,700,700,-723,-724,-725,700,700,700,700,700,700,-994,700,700,-91,-92,700,700,700,700,-309,-310,-320,700,-307,-293,-294,-295,700,700,700,700,-618,-633,-590,700,700,-436,700,-437,700,-444,-445,-446,-378,-379,700,700,700,-506,700,700,-510,700,700,700,700,-515,-516,-517,-518,700,700,-521,-522,700,-524,-525,-526,-527,-528,-529,-530,-531,700,-533,700,700,700,-539,-541,-542,700,-544,-545,-546,-547,700,700,700,700,700,700,-652,-653,-654,-655,700,-657,-658,-659,700,700,700,-665,700,700,-669,-670,700,700,-673,700,-675,-676,700,-679,700,-681,700,700,-684,-685,-686,700,-688,700,700,-691,700,700,-694,-695,-696,700,-698,-699,-700,-701,700,700,-746,700,-749,-750,-751,-752,-753,700,-755,-756,-757,-758,-759,700,-766,-767,-769,700,-771,-772,-773,-782,-856,-858,-860,-862,700,700,700,700,-868,700,-870,700,700,700,700,700,700,700,-906,-907,700,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,700,-921,-924,700,-934,700,-385,-386,-387,700,700,-390,-391,-392,-393,700,-396,700,-399,-400,700,-401,700,-406,-407,700,-410,-411,-412,700,-415,700,-416,700,-421,-422,700,-425,700,-428,-429,-1894,-1894,700,-619,-620,-621,-622,-623,-634,-584,-624,-797,700,700,700,700,700,-831,700,700,-806,700,-832,700,700,700,700,-798,700,-853,-799,700,700,700,700,700,700,-854,-855,700,-834,-830,-835,700,-625,700,-626,-627,-628,-629,-574,700,700,-630,-631,-632,700,700,700,700,700,700,-635,-636,-637,-592,-1894,-602,700,-638,-639,-713,-640,-604,700,-572,-577,-580,-583,700,700,700,-598,-601,700,-608,700,700,700,700,700,700,700,700,700,700,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,700,700,700,-995,700,700,700,700,700,700,-306,-325,-319,-296,-375,-452,-453,-454,-458,700,-443,700,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,700,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,700,700,700,700,700,700,700,700,700,-316,-535,-508,-591,-937,-939,-940,-438,700,-440,-380,-381,-383,-507,-509,-511,700,-513,-514,-519,-520,700,-532,-534,-537,-538,-543,-548,-726,700,-727,700,-732,700,-734,700,-739,-656,-660,-661,700,-666,700,-667,700,-672,-674,700,-677,700,700,700,-687,-689,700,-692,700,700,-744,700,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,700,700,700,700,700,-877,700,-880,-908,-920,-925,-388,-389,700,-394,700,-397,700,-402,700,-403,700,-408,700,-413,700,-417,700,-418,700,-423,700,-426,-899,-900,-643,-585,-1894,-901,700,700,700,-800,700,700,-804,700,-807,-833,700,-818,700,-820,700,-822,-808,700,-824,700,-851,-852,700,700,-811,700,-646,-902,-904,-648,-649,-645,700,-705,-706,700,-642,-903,-647,-650,-603,-714,700,700,-605,-586,700,700,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,700,700,-709,-710,700,-716,700,700,700,700,700,700,-938,700,-439,-441,-747,700,-891,700,-715,-1894,700,700,700,700,700,-442,-512,-523,700,-728,-733,700,-735,700,-740,700,-662,-668,700,-678,-680,-682,-683,-690,-693,-697,-745,700,700,-874,700,700,-878,700,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,700,-812,700,-814,-801,700,-802,-805,700,-816,-819,-821,-823,-825,700,-826,700,-809,700,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,700,-282,700,700,700,700,-455,700,700,-729,700,-736,700,-741,700,-663,-671,700,700,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,700,-836,-53,700,700,-730,700,-737,700,-742,-664,700,-873,-54,700,700,-731,-738,-743,700,700,700,-872,]),'SENSITIVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[701,701,701,701,-1894,701,701,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,701,701,701,701,-275,-276,701,-1425,701,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,701,701,701,-490,701,701,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,701,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,701,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,701,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,701,-172,-173,-174,-175,-993,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-290,-291,-281,701,701,701,701,701,-328,-318,-332,-333,-334,701,701,-982,-983,-984,-985,-986,-987,-988,701,701,701,701,701,701,701,701,701,701,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,701,701,701,-353,-356,701,-323,-324,-141,701,-142,701,-143,701,-430,-935,-936,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-1894,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-1894,701,-1894,701,701,701,701,701,701,701,701,701,701,701,701,-1894,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,701,-1894,701,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,701,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,701,701,701,-191,-192,701,-994,701,701,701,701,701,-277,-278,-279,-280,-365,701,-308,701,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,701,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,701,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,701,701,701,701,701,701,-573,701,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,701,701,-723,-724,-725,701,701,701,701,701,701,-994,701,701,-91,-92,701,701,701,701,-309,-310,-320,701,-307,-293,-294,-295,701,701,701,701,-618,-633,-590,701,701,-436,701,-437,701,-444,-445,-446,-378,-379,701,701,701,-506,701,701,-510,701,701,701,701,-515,-516,-517,-518,701,701,-521,-522,701,-524,-525,-526,-527,-528,-529,-530,-531,701,-533,701,701,701,-539,-541,-542,701,-544,-545,-546,-547,701,701,701,701,701,701,-652,-653,-654,-655,701,-657,-658,-659,701,701,701,-665,701,701,-669,-670,701,701,-673,701,-675,-676,701,-679,701,-681,701,701,-684,-685,-686,701,-688,701,701,-691,701,701,-694,-695,-696,701,-698,-699,-700,-701,701,701,-746,701,-749,-750,-751,-752,-753,701,-755,-756,-757,-758,-759,701,-766,-767,-769,701,-771,-772,-773,-782,-856,-858,-860,-862,701,701,701,701,-868,701,-870,701,701,701,701,701,701,701,-906,-907,701,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,701,-921,-924,701,-934,701,-385,-386,-387,701,701,-390,-391,-392,-393,701,-396,701,-399,-400,701,-401,701,-406,-407,701,-410,-411,-412,701,-415,701,-416,701,-421,-422,701,-425,701,-428,-429,-1894,-1894,701,-619,-620,-621,-622,-623,-634,-584,-624,-797,701,701,701,701,701,-831,701,701,-806,701,-832,701,701,701,701,-798,701,-853,-799,701,701,701,701,701,701,-854,-855,701,-834,-830,-835,701,-625,701,-626,-627,-628,-629,-574,701,701,-630,-631,-632,701,701,701,701,701,701,-635,-636,-637,-592,-1894,-602,701,-638,-639,-713,-640,-604,701,-572,-577,-580,-583,701,701,701,-598,-601,701,-608,701,701,701,701,701,701,701,701,701,701,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,701,701,701,-995,701,701,701,701,701,701,-306,-325,-319,-296,-375,-452,-453,-454,-458,701,-443,701,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,701,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,701,701,701,701,701,701,701,701,701,-316,-535,-508,-591,-937,-939,-940,-438,701,-440,-380,-381,-383,-507,-509,-511,701,-513,-514,-519,-520,701,-532,-534,-537,-538,-543,-548,-726,701,-727,701,-732,701,-734,701,-739,-656,-660,-661,701,-666,701,-667,701,-672,-674,701,-677,701,701,701,-687,-689,701,-692,701,701,-744,701,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,701,701,701,701,701,-877,701,-880,-908,-920,-925,-388,-389,701,-394,701,-397,701,-402,701,-403,701,-408,701,-413,701,-417,701,-418,701,-423,701,-426,-899,-900,-643,-585,-1894,-901,701,701,701,-800,701,701,-804,701,-807,-833,701,-818,701,-820,701,-822,-808,701,-824,701,-851,-852,701,701,-811,701,-646,-902,-904,-648,-649,-645,701,-705,-706,701,-642,-903,-647,-650,-603,-714,701,701,-605,-586,701,701,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,701,701,-709,-710,701,-716,701,701,701,701,701,701,-938,701,-439,-441,-747,701,-891,701,-715,-1894,701,701,701,701,701,-442,-512,-523,701,-728,-733,701,-735,701,-740,701,-662,-668,701,-678,-680,-682,-683,-690,-693,-697,-745,701,701,-874,701,701,-878,701,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,701,-812,701,-814,-801,701,-802,-805,701,-816,-819,-821,-823,-825,701,-826,701,-809,701,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,701,-282,701,701,701,701,-455,701,701,-729,701,-736,701,-741,701,-663,-671,701,701,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,701,-836,-53,701,701,-730,701,-737,701,-742,-664,701,-873,-54,701,701,-731,-738,-743,701,701,701,-872,]),'SEPARATOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1389,1390,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1437,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2477,2478,2479,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2529,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2882,2884,2885,2886,2888,2889,2890,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3153,3157,3158,3159,3160,3161,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[702,702,702,702,-1894,702,702,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,702,702,702,702,-275,-276,702,-1425,702,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,702,702,702,-490,702,702,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,702,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,702,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,702,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-134,-135,702,-172,-173,-174,-175,-993,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-290,-291,-281,702,702,-950,702,702,702,-328,-318,-332,-333,-334,702,702,-982,-983,-984,-985,-986,-987,-988,702,702,702,702,702,702,702,702,702,702,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,702,702,702,-353,-356,702,-323,-324,-141,702,-142,702,-143,702,-430,-935,-936,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-1894,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-1894,702,-1894,702,702,702,702,702,702,702,702,702,702,702,702,-1894,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,702,-1894,702,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,702,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,702,702,702,-191,-192,702,-994,702,702,702,702,702,-277,-278,-279,-280,-365,702,-308,702,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,702,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,702,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,702,702,702,702,702,702,-573,702,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,702,702,-723,-724,-725,702,702,702,702,-136,-137,-1894,702,702,-994,702,702,-91,-92,702,702,702,-949,702,-309,-310,-320,702,-307,-293,-294,-295,702,702,702,702,-618,-633,-590,702,702,-436,702,-437,702,-444,-445,-446,-378,-379,702,702,702,-506,702,702,-510,702,702,702,702,-515,-516,-517,-518,702,702,-521,-522,702,-524,-525,-526,-527,-528,-529,-530,-531,702,-533,702,702,702,-539,-541,-542,702,-544,-545,-546,-547,702,702,702,702,702,702,-652,-653,-654,-655,702,-657,-658,-659,702,702,702,-665,702,702,-669,-670,702,702,-673,702,-675,-676,702,-679,702,-681,702,702,-684,-685,-686,702,-688,702,702,-691,702,702,-694,-695,-696,702,-698,-699,-700,-701,702,702,-746,702,-749,-750,-751,-752,-753,702,-755,-756,-757,-758,-759,702,-766,-767,-769,702,-771,-772,-773,-782,-856,-858,-860,-862,702,702,702,702,-868,702,-870,702,702,702,702,702,702,702,-906,-907,702,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,702,-921,-924,702,-934,702,-385,-386,-387,702,702,-390,-391,-392,-393,702,-396,702,-399,-400,702,-401,702,-406,-407,702,-410,-411,-412,702,-415,702,-416,702,-421,-422,702,-425,702,-428,-429,-1894,-1894,702,-619,-620,-621,-622,-623,-634,-584,-624,-797,702,702,702,702,702,-831,702,702,-806,702,-832,702,702,702,702,-798,702,-853,-799,702,702,702,702,702,702,-854,-855,702,-834,-830,-835,702,-625,702,-626,-627,-628,-629,-574,702,702,-630,-631,-632,702,702,702,702,702,702,-635,-636,-637,-592,-1894,-602,702,-638,-639,-713,-640,-604,702,-572,-577,-580,-583,702,702,702,-598,-601,702,-608,702,702,702,702,702,702,702,702,702,702,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,702,-139,-1894,-148,-144,-145,702,702,-995,702,702,702,702,702,702,-306,-325,-319,-296,-375,-452,-453,-454,-458,702,-443,702,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,702,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,3437,702,-138,-140,-146,-147,702,702,702,702,702,702,702,702,-316,-535,-508,-591,-937,-939,-940,-438,702,-440,-380,-381,-383,-507,-509,-511,702,-513,-514,-519,-520,702,-532,-534,-537,-538,-543,-548,-726,702,-727,702,-732,702,-734,702,-739,-656,-660,-661,702,-666,702,-667,702,-672,-674,702,-677,702,702,702,-687,-689,702,-692,702,702,-744,702,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,702,702,702,702,702,-877,702,-880,-908,-920,-925,-388,-389,702,-394,702,-397,702,-402,702,-403,702,-408,702,-413,702,-417,702,-418,702,-423,702,-426,-899,-900,-643,-585,-1894,-901,702,702,702,-800,702,702,-804,702,-807,-833,702,-818,702,-820,702,-822,-808,702,-824,702,-851,-852,702,702,-811,702,-646,-902,-904,-648,-649,-645,702,-705,-706,702,-642,-903,-647,-650,-603,-714,702,702,-605,-586,702,702,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,702,702,-709,-710,702,-716,702,702,702,702,702,702,-938,702,-439,-441,-747,702,-891,702,-715,-1894,702,702,702,702,702,-442,-512,-523,702,-728,-733,702,-735,702,-740,702,-662,-668,702,-678,-680,-682,-683,-690,-693,-697,-745,702,702,-874,702,702,-878,702,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,702,-812,702,-814,-801,702,-802,-805,702,-816,-819,-821,-823,-825,702,-826,702,-809,702,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,702,-282,702,702,702,702,-455,702,702,-729,702,-736,702,-741,702,-663,-671,702,702,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,702,-836,-53,702,702,-730,702,-737,702,-742,-664,702,-873,-54,702,702,-731,-738,-743,702,702,702,-872,]),'SERIAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[703,703,703,703,-1894,703,703,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,703,703,703,703,-275,-276,703,-1425,703,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,703,703,703,-490,703,703,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,703,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,703,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,703,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,703,-172,-173,-174,-175,-993,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-290,-291,-281,703,703,703,703,703,-328,-318,-332,-333,-334,703,703,-982,-983,-984,-985,-986,-987,-988,703,703,703,703,703,703,703,703,703,703,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,703,703,703,-353,-356,703,-323,-324,-141,703,-142,703,-143,703,-430,-935,-936,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-1894,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-1894,703,-1894,703,703,703,703,703,703,703,703,703,703,703,703,-1894,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,703,-1894,703,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,703,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,703,703,703,-191,-192,703,-994,703,703,703,703,703,-277,-278,-279,-280,-365,703,-308,703,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,703,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,703,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,703,703,703,703,703,703,-573,703,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,703,703,-723,-724,-725,703,703,703,703,703,703,-994,703,703,-91,-92,703,703,703,703,-309,-310,-320,703,-307,-293,-294,-295,703,703,703,703,-618,-633,-590,703,703,-436,703,-437,703,-444,-445,-446,-378,-379,703,703,703,-506,703,703,-510,703,703,703,703,-515,-516,-517,-518,703,703,-521,-522,703,-524,-525,-526,-527,-528,-529,-530,-531,703,-533,703,703,703,-539,-541,-542,703,-544,-545,-546,-547,703,703,703,703,703,703,-652,-653,-654,-655,703,-657,-658,-659,703,703,703,-665,703,703,-669,-670,703,703,-673,703,-675,-676,703,-679,703,-681,703,703,-684,-685,-686,703,-688,703,703,-691,703,703,-694,-695,-696,703,-698,-699,-700,-701,703,703,-746,703,-749,-750,-751,-752,-753,703,-755,-756,-757,-758,-759,703,-766,-767,-769,703,-771,-772,-773,-782,-856,-858,-860,-862,703,703,703,703,-868,703,-870,703,703,703,703,703,703,703,-906,-907,703,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,703,-921,-924,703,-934,703,-385,-386,-387,703,703,-390,-391,-392,-393,703,-396,703,-399,-400,703,-401,703,-406,-407,703,-410,-411,-412,703,-415,703,-416,703,-421,-422,703,-425,703,-428,-429,-1894,-1894,703,-619,-620,-621,-622,-623,-634,-584,-624,-797,703,703,703,703,703,-831,703,703,-806,703,-832,703,703,703,703,-798,703,-853,-799,703,703,703,703,703,703,-854,-855,703,-834,-830,-835,703,-625,703,-626,-627,-628,-629,-574,703,703,-630,-631,-632,703,703,703,703,703,703,-635,-636,-637,-592,-1894,-602,703,-638,-639,-713,-640,-604,703,-572,-577,-580,-583,703,703,703,-598,-601,703,-608,703,703,703,703,703,703,703,703,703,703,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,703,703,703,-995,703,703,703,703,703,703,-306,-325,-319,-296,-375,-452,-453,-454,-458,703,-443,703,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,703,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,703,703,703,703,703,703,703,703,703,-316,-535,-508,-591,-937,-939,-940,-438,703,-440,-380,-381,-383,-507,-509,-511,703,-513,-514,-519,-520,703,-532,-534,-537,-538,-543,-548,-726,703,-727,703,-732,703,-734,703,-739,-656,-660,-661,703,-666,703,-667,703,-672,-674,703,-677,703,703,703,-687,-689,703,-692,703,703,-744,703,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,703,703,703,703,703,-877,703,-880,-908,-920,-925,-388,-389,703,-394,703,-397,703,-402,703,-403,703,-408,703,-413,703,-417,703,-418,703,-423,703,-426,-899,-900,-643,-585,-1894,-901,703,703,703,-800,703,703,-804,703,-807,-833,703,-818,703,-820,703,-822,-808,703,-824,703,-851,-852,703,703,-811,703,-646,-902,-904,-648,-649,-645,703,-705,-706,703,-642,-903,-647,-650,-603,-714,703,703,-605,-586,703,703,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,703,703,-709,-710,703,-716,703,703,703,703,703,703,-938,703,-439,-441,-747,703,-891,703,-715,-1894,703,703,703,703,703,-442,-512,-523,703,-728,-733,703,-735,703,-740,703,-662,-668,703,-678,-680,-682,-683,-690,-693,-697,-745,703,703,-874,703,703,-878,703,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,703,-812,703,-814,-801,703,-802,-805,703,-816,-819,-821,-823,-825,703,-826,703,-809,703,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,703,-282,703,703,703,703,-455,703,703,-729,703,-736,703,-741,703,-663,-671,703,703,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,703,-836,-53,703,703,-730,703,-737,703,-742,-664,703,-873,-54,703,703,-731,-738,-743,703,703,703,-872,]),'SERIALIZABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[704,704,704,704,-1894,704,704,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,704,704,704,704,-275,-276,704,-1425,704,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,704,704,704,-490,704,704,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,704,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,704,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,704,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,704,-172,-173,-174,-175,-993,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-290,-291,-281,704,704,704,704,704,-328,-318,-332,-333,-334,704,704,-982,-983,-984,-985,-986,-987,-988,704,704,704,704,704,704,704,704,704,704,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,704,704,704,-353,-356,704,-323,-324,-141,704,-142,704,-143,704,-430,-935,-936,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-1894,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-1894,704,-1894,704,704,704,704,704,704,704,704,704,704,704,704,-1894,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,704,-1894,704,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,704,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,704,704,704,-191,-192,704,-994,704,704,704,704,704,-277,-278,-279,-280,-365,704,-308,704,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,704,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,704,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,704,704,704,704,704,704,-573,704,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,704,704,-723,-724,-725,704,704,704,704,704,704,-994,704,704,-91,-92,704,704,704,704,-309,-310,-320,704,-307,-293,-294,-295,704,704,704,704,-618,-633,-590,704,704,-436,704,-437,704,-444,-445,-446,-378,-379,704,704,704,-506,704,704,-510,704,704,704,704,-515,-516,-517,-518,704,704,-521,-522,704,-524,-525,-526,-527,-528,-529,-530,-531,704,-533,704,704,704,-539,-541,-542,704,-544,-545,-546,-547,704,704,704,704,704,704,-652,-653,-654,-655,704,-657,-658,-659,704,704,704,-665,704,704,-669,-670,704,704,-673,704,-675,-676,704,-679,704,-681,704,704,-684,-685,-686,704,-688,704,704,-691,704,704,-694,-695,-696,704,-698,-699,-700,-701,704,704,-746,704,-749,-750,-751,-752,-753,704,-755,-756,-757,-758,-759,704,-766,-767,-769,704,-771,-772,-773,-782,-856,-858,-860,-862,704,704,704,704,-868,704,-870,704,704,704,704,704,704,704,-906,-907,704,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,704,-921,-924,704,-934,704,-385,-386,-387,704,704,-390,-391,-392,-393,704,-396,704,-399,-400,704,-401,704,-406,-407,704,-410,-411,-412,704,-415,704,-416,704,-421,-422,704,-425,704,-428,-429,-1894,-1894,704,-619,-620,-621,-622,-623,-634,-584,-624,-797,704,704,704,704,704,-831,704,704,-806,704,-832,704,704,704,704,-798,704,-853,-799,704,704,704,704,704,704,-854,-855,704,-834,-830,-835,704,-625,704,-626,-627,-628,-629,-574,704,704,-630,-631,-632,704,704,704,704,704,704,-635,-636,-637,-592,-1894,-602,704,-638,-639,-713,-640,-604,704,-572,-577,-580,-583,704,704,704,-598,-601,704,-608,704,704,704,704,704,704,704,704,704,704,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,704,704,704,-995,704,704,704,704,704,704,-306,-325,-319,-296,-375,-452,-453,-454,-458,704,-443,704,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,704,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,704,704,704,704,704,704,704,704,704,-316,-535,-508,-591,-937,-939,-940,-438,704,-440,-380,-381,-383,-507,-509,-511,704,-513,-514,-519,-520,704,-532,-534,-537,-538,-543,-548,-726,704,-727,704,-732,704,-734,704,-739,-656,-660,-661,704,-666,704,-667,704,-672,-674,704,-677,704,704,704,-687,-689,704,-692,704,704,-744,704,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,704,704,704,704,704,-877,704,-880,-908,-920,-925,-388,-389,704,-394,704,-397,704,-402,704,-403,704,-408,704,-413,704,-417,704,-418,704,-423,704,-426,-899,-900,-643,-585,-1894,-901,704,704,704,-800,704,704,-804,704,-807,-833,704,-818,704,-820,704,-822,-808,704,-824,704,-851,-852,704,704,-811,704,-646,-902,-904,-648,-649,-645,704,-705,-706,704,-642,-903,-647,-650,-603,-714,704,704,-605,-586,704,704,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,704,704,-709,-710,704,-716,704,704,704,704,704,704,-938,704,-439,-441,-747,704,-891,704,-715,-1894,704,704,704,704,704,-442,-512,-523,704,-728,-733,704,-735,704,-740,704,-662,-668,704,-678,-680,-682,-683,-690,-693,-697,-745,704,704,-874,704,704,-878,704,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,704,-812,704,-814,-801,704,-802,-805,704,-816,-819,-821,-823,-825,704,-826,704,-809,704,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,704,-282,704,704,704,704,-455,704,704,-729,704,-736,704,-741,704,-663,-671,704,704,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,704,-836,-53,704,704,-730,704,-737,704,-742,-664,704,-873,-54,704,704,-731,-738,-743,704,704,704,-872,]),'SERVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[705,705,705,705,-1894,705,705,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,705,705,705,705,-275,-276,705,-1425,705,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,705,705,705,-490,705,705,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,705,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,705,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,705,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,705,-172,-173,-174,-175,-993,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-290,-291,-281,705,705,705,705,705,-328,-318,-332,-333,-334,705,705,-982,-983,-984,-985,-986,-987,-988,705,705,705,705,705,705,705,705,705,705,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,705,705,705,-353,-356,705,-323,-324,-141,705,-142,705,-143,705,-430,-935,-936,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-1894,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-1894,705,-1894,705,705,705,705,705,705,705,705,705,705,705,705,-1894,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,705,-1894,705,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,705,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,705,705,705,-191,-192,705,-994,705,705,705,705,705,-277,-278,-279,-280,-365,705,-308,705,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,705,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,705,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,705,705,705,705,705,705,-573,705,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,705,705,-723,-724,-725,705,705,705,705,705,705,-994,705,705,-91,-92,705,705,705,705,-309,-310,-320,705,-307,-293,-294,-295,705,705,705,705,-618,-633,-590,705,705,-436,705,-437,705,-444,-445,-446,-378,-379,705,705,705,-506,705,705,-510,705,705,705,705,-515,-516,-517,-518,705,705,-521,-522,705,-524,-525,-526,-527,-528,-529,-530,-531,705,-533,705,705,705,-539,-541,-542,705,-544,-545,-546,-547,705,705,705,705,705,705,-652,-653,-654,-655,705,-657,-658,-659,705,705,705,-665,705,705,-669,-670,705,705,-673,705,-675,-676,705,-679,705,-681,705,705,-684,-685,-686,705,-688,705,705,-691,705,705,-694,-695,-696,705,-698,-699,-700,-701,705,705,-746,705,-749,-750,-751,-752,-753,705,-755,-756,-757,-758,-759,705,-766,-767,-769,705,-771,-772,-773,-782,-856,-858,-860,-862,705,705,705,705,-868,705,-870,705,705,705,705,705,705,705,-906,-907,705,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,705,-921,-924,705,-934,705,-385,-386,-387,705,705,-390,-391,-392,-393,705,-396,705,-399,-400,705,-401,705,-406,-407,705,-410,-411,-412,705,-415,705,-416,705,-421,-422,705,-425,705,-428,-429,-1894,-1894,705,-619,-620,-621,-622,-623,-634,-584,-624,-797,705,705,705,705,705,-831,705,705,-806,705,-832,705,705,705,705,-798,705,-853,-799,705,705,705,705,705,705,-854,-855,705,-834,-830,-835,705,-625,705,-626,-627,-628,-629,-574,705,705,-630,-631,-632,705,705,705,705,705,705,-635,-636,-637,-592,-1894,-602,705,-638,-639,-713,-640,-604,705,-572,-577,-580,-583,705,705,705,-598,-601,705,-608,705,705,705,705,705,705,705,705,705,705,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,705,705,705,-995,705,705,705,705,705,705,-306,-325,-319,-296,-375,-452,-453,-454,-458,705,-443,705,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,705,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,705,705,705,705,705,705,705,705,705,-316,-535,-508,-591,-937,-939,-940,-438,705,-440,-380,-381,-383,-507,-509,-511,705,-513,-514,-519,-520,705,-532,-534,-537,-538,-543,-548,-726,705,-727,705,-732,705,-734,705,-739,-656,-660,-661,705,-666,705,-667,705,-672,-674,705,-677,705,705,705,-687,-689,705,-692,705,705,-744,705,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,705,705,705,705,705,-877,705,-880,-908,-920,-925,-388,-389,705,-394,705,-397,705,-402,705,-403,705,-408,705,-413,705,-417,705,-418,705,-423,705,-426,-899,-900,-643,-585,-1894,-901,705,705,705,-800,705,705,-804,705,-807,-833,705,-818,705,-820,705,-822,-808,705,-824,705,-851,-852,705,705,-811,705,-646,-902,-904,-648,-649,-645,705,-705,-706,705,-642,-903,-647,-650,-603,-714,705,705,-605,-586,705,705,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,705,705,-709,-710,705,-716,705,705,705,705,705,705,-938,705,-439,-441,-747,705,-891,705,-715,-1894,705,705,705,705,705,-442,-512,-523,705,-728,-733,705,-735,705,-740,705,-662,-668,705,-678,-680,-682,-683,-690,-693,-697,-745,705,705,-874,705,705,-878,705,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,705,-812,705,-814,-801,705,-802,-805,705,-816,-819,-821,-823,-825,705,-826,705,-809,705,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,705,-282,705,705,705,705,-455,705,705,-729,705,-736,705,-741,705,-663,-671,705,705,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,705,-836,-53,705,705,-730,705,-737,705,-742,-664,705,-873,-54,705,705,-731,-738,-743,705,705,705,-872,]),'SERVER_IP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[706,706,706,706,-1894,706,706,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,706,706,706,706,-275,-276,706,-1425,706,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,706,706,706,-490,706,706,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,706,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,706,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,706,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,706,-172,-173,-174,-175,-993,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-290,-291,-281,706,706,706,706,706,-328,-318,-332,-333,-334,706,706,-982,-983,-984,-985,-986,-987,-988,706,706,706,706,706,706,706,706,706,706,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,706,706,706,-353,-356,706,-323,-324,-141,706,-142,706,-143,706,-430,-935,-936,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-1894,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-1894,706,-1894,706,706,706,706,706,706,706,706,706,706,706,706,-1894,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,706,-1894,706,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,706,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,706,706,706,-191,-192,706,-994,706,706,706,706,706,-277,-278,-279,-280,-365,706,-308,706,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,706,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,706,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,706,706,706,706,706,706,-573,706,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,706,706,-723,-724,-725,706,706,706,706,706,706,-994,706,706,-91,-92,706,706,706,706,-309,-310,-320,706,-307,-293,-294,-295,706,706,706,706,-618,-633,-590,706,706,-436,706,-437,706,-444,-445,-446,-378,-379,706,706,706,-506,706,706,-510,706,706,706,706,-515,-516,-517,-518,706,706,-521,-522,706,-524,-525,-526,-527,-528,-529,-530,-531,706,-533,706,706,706,-539,-541,-542,706,-544,-545,-546,-547,706,706,706,706,706,706,-652,-653,-654,-655,706,-657,-658,-659,706,706,706,-665,706,706,-669,-670,706,706,-673,706,-675,-676,706,-679,706,-681,706,706,-684,-685,-686,706,-688,706,706,-691,706,706,-694,-695,-696,706,-698,-699,-700,-701,706,706,-746,706,-749,-750,-751,-752,-753,706,-755,-756,-757,-758,-759,706,-766,-767,-769,706,-771,-772,-773,-782,-856,-858,-860,-862,706,706,706,706,-868,706,-870,706,706,706,706,706,706,706,-906,-907,706,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,706,-921,-924,706,-934,706,-385,-386,-387,706,706,-390,-391,-392,-393,706,-396,706,-399,-400,706,-401,706,-406,-407,706,-410,-411,-412,706,-415,706,-416,706,-421,-422,706,-425,706,-428,-429,-1894,-1894,706,-619,-620,-621,-622,-623,-634,-584,-624,-797,706,706,706,706,706,-831,706,706,-806,706,-832,706,706,706,706,-798,706,-853,-799,706,706,706,706,706,706,-854,-855,706,-834,-830,-835,706,-625,706,-626,-627,-628,-629,-574,706,706,-630,-631,-632,706,706,706,706,706,706,-635,-636,-637,-592,-1894,-602,706,-638,-639,-713,-640,-604,706,-572,-577,-580,-583,706,706,706,-598,-601,706,-608,706,706,706,706,706,706,706,706,706,706,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,706,706,706,-995,706,706,706,706,706,706,-306,-325,-319,-296,-375,-452,-453,-454,-458,706,-443,706,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,706,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,706,706,706,706,706,706,706,706,706,-316,-535,-508,-591,-937,-939,-940,-438,706,-440,-380,-381,-383,-507,-509,-511,706,-513,-514,-519,-520,706,-532,-534,-537,-538,-543,-548,-726,706,-727,706,-732,706,-734,706,-739,-656,-660,-661,706,-666,706,-667,706,-672,-674,706,-677,706,706,706,-687,-689,706,-692,706,706,-744,706,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,706,706,706,706,706,-877,706,-880,-908,-920,-925,-388,-389,706,-394,706,-397,706,-402,706,-403,706,-408,706,-413,706,-417,706,-418,706,-423,706,-426,-899,-900,-643,-585,-1894,-901,706,706,706,-800,706,706,-804,706,-807,-833,706,-818,706,-820,706,-822,-808,706,-824,706,-851,-852,706,706,-811,706,-646,-902,-904,-648,-649,-645,706,-705,-706,706,-642,-903,-647,-650,-603,-714,706,706,-605,-586,706,706,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,706,706,-709,-710,706,-716,706,706,706,706,706,706,-938,706,-439,-441,-747,706,-891,706,-715,-1894,706,706,706,706,706,-442,-512,-523,706,-728,-733,706,-735,706,-740,706,-662,-668,706,-678,-680,-682,-683,-690,-693,-697,-745,706,706,-874,706,706,-878,706,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,706,-812,706,-814,-801,706,-802,-805,706,-816,-819,-821,-823,-825,706,-826,706,-809,706,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,706,-282,706,706,706,706,-455,706,706,-729,706,-736,706,-741,706,-663,-671,706,706,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,706,-836,-53,706,706,-730,706,-737,706,-742,-664,706,-873,-54,706,706,-731,-738,-743,706,706,706,-872,]),'SERVER_PORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[707,707,707,707,-1894,707,707,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,707,707,707,707,-275,-276,707,-1425,707,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,707,707,707,-490,707,707,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,707,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,707,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,707,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,707,-172,-173,-174,-175,-993,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-290,-291,-281,707,707,707,707,707,-328,-318,-332,-333,-334,707,707,-982,-983,-984,-985,-986,-987,-988,707,707,707,707,707,707,707,707,707,707,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,707,707,707,-353,-356,707,-323,-324,-141,707,-142,707,-143,707,-430,-935,-936,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-1894,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-1894,707,-1894,707,707,707,707,707,707,707,707,707,707,707,707,-1894,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,707,-1894,707,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,707,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,707,707,707,-191,-192,707,-994,707,707,707,707,707,-277,-278,-279,-280,-365,707,-308,707,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,707,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,707,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,707,707,707,707,707,707,-573,707,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,707,707,-723,-724,-725,707,707,707,707,707,707,-994,707,707,-91,-92,707,707,707,707,-309,-310,-320,707,-307,-293,-294,-295,707,707,707,707,-618,-633,-590,707,707,-436,707,-437,707,-444,-445,-446,-378,-379,707,707,707,-506,707,707,-510,707,707,707,707,-515,-516,-517,-518,707,707,-521,-522,707,-524,-525,-526,-527,-528,-529,-530,-531,707,-533,707,707,707,-539,-541,-542,707,-544,-545,-546,-547,707,707,707,707,707,707,-652,-653,-654,-655,707,-657,-658,-659,707,707,707,-665,707,707,-669,-670,707,707,-673,707,-675,-676,707,-679,707,-681,707,707,-684,-685,-686,707,-688,707,707,-691,707,707,-694,-695,-696,707,-698,-699,-700,-701,707,707,-746,707,-749,-750,-751,-752,-753,707,-755,-756,-757,-758,-759,707,-766,-767,-769,707,-771,-772,-773,-782,-856,-858,-860,-862,707,707,707,707,-868,707,-870,707,707,707,707,707,707,707,-906,-907,707,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,707,-921,-924,707,-934,707,-385,-386,-387,707,707,-390,-391,-392,-393,707,-396,707,-399,-400,707,-401,707,-406,-407,707,-410,-411,-412,707,-415,707,-416,707,-421,-422,707,-425,707,-428,-429,-1894,-1894,707,-619,-620,-621,-622,-623,-634,-584,-624,-797,707,707,707,707,707,-831,707,707,-806,707,-832,707,707,707,707,-798,707,-853,-799,707,707,707,707,707,707,-854,-855,707,-834,-830,-835,707,-625,707,-626,-627,-628,-629,-574,707,707,-630,-631,-632,707,707,707,707,707,707,-635,-636,-637,-592,-1894,-602,707,-638,-639,-713,-640,-604,707,-572,-577,-580,-583,707,707,707,-598,-601,707,-608,707,707,707,707,707,707,707,707,707,707,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,707,707,707,-995,707,707,707,707,707,707,-306,-325,-319,-296,-375,-452,-453,-454,-458,707,-443,707,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,707,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,707,707,707,707,707,707,707,707,707,-316,-535,-508,-591,-937,-939,-940,-438,707,-440,-380,-381,-383,-507,-509,-511,707,-513,-514,-519,-520,707,-532,-534,-537,-538,-543,-548,-726,707,-727,707,-732,707,-734,707,-739,-656,-660,-661,707,-666,707,-667,707,-672,-674,707,-677,707,707,707,-687,-689,707,-692,707,707,-744,707,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,707,707,707,707,707,-877,707,-880,-908,-920,-925,-388,-389,707,-394,707,-397,707,-402,707,-403,707,-408,707,-413,707,-417,707,-418,707,-423,707,-426,-899,-900,-643,-585,-1894,-901,707,707,707,-800,707,707,-804,707,-807,-833,707,-818,707,-820,707,-822,-808,707,-824,707,-851,-852,707,707,-811,707,-646,-902,-904,-648,-649,-645,707,-705,-706,707,-642,-903,-647,-650,-603,-714,707,707,-605,-586,707,707,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,707,707,-709,-710,707,-716,707,707,707,707,707,707,-938,707,-439,-441,-747,707,-891,707,-715,-1894,707,707,707,707,707,-442,-512,-523,707,-728,-733,707,-735,707,-740,707,-662,-668,707,-678,-680,-682,-683,-690,-693,-697,-745,707,707,-874,707,707,-878,707,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,707,-812,707,-814,-801,707,-802,-805,707,-816,-819,-821,-823,-825,707,-826,707,-809,707,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,707,-282,707,707,707,707,-455,707,707,-729,707,-736,707,-741,707,-663,-671,707,707,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,707,-836,-53,707,707,-730,707,-737,707,-742,-664,707,-873,-54,707,707,-731,-738,-743,707,707,707,-872,]),'SERVER_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[708,708,708,708,-1894,708,708,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,708,708,708,708,-275,-276,708,-1425,708,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,708,708,708,-490,708,708,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,708,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,708,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,708,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,708,-172,-173,-174,-175,-993,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-290,-291,-281,708,708,708,708,708,-328,-318,-332,-333,-334,708,708,-982,-983,-984,-985,-986,-987,-988,708,708,708,708,708,708,708,708,708,708,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,708,708,708,-353,-356,708,-323,-324,-141,708,-142,708,-143,708,-430,-935,-936,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-1894,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-1894,708,-1894,708,708,708,708,708,708,708,708,708,708,708,708,-1894,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,708,-1894,708,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,708,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,708,708,708,-191,-192,708,-994,708,708,708,708,708,-277,-278,-279,-280,-365,708,-308,708,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,708,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,708,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,708,708,708,708,708,708,-573,708,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,708,708,-723,-724,-725,708,708,708,708,708,708,-994,708,708,-91,-92,708,708,708,708,-309,-310,-320,708,-307,-293,-294,-295,708,708,708,708,-618,-633,-590,708,708,-436,708,-437,708,-444,-445,-446,-378,-379,708,708,708,-506,708,708,-510,708,708,708,708,-515,-516,-517,-518,708,708,-521,-522,708,-524,-525,-526,-527,-528,-529,-530,-531,708,-533,708,708,708,-539,-541,-542,708,-544,-545,-546,-547,708,708,708,708,708,708,-652,-653,-654,-655,708,-657,-658,-659,708,708,708,-665,708,708,-669,-670,708,708,-673,708,-675,-676,708,-679,708,-681,708,708,-684,-685,-686,708,-688,708,708,-691,708,708,-694,-695,-696,708,-698,-699,-700,-701,708,708,-746,708,-749,-750,-751,-752,-753,708,-755,-756,-757,-758,-759,708,-766,-767,-769,708,-771,-772,-773,-782,-856,-858,-860,-862,708,708,708,708,-868,708,-870,708,708,708,708,708,708,708,-906,-907,708,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,708,-921,-924,708,-934,708,-385,-386,-387,708,708,-390,-391,-392,-393,708,-396,708,-399,-400,708,-401,708,-406,-407,708,-410,-411,-412,708,-415,708,-416,708,-421,-422,708,-425,708,-428,-429,-1894,-1894,708,-619,-620,-621,-622,-623,-634,-584,-624,-797,708,708,708,708,708,-831,708,708,-806,708,-832,708,708,708,708,-798,708,-853,-799,708,708,708,708,708,708,-854,-855,708,-834,-830,-835,708,-625,708,-626,-627,-628,-629,-574,708,708,-630,-631,-632,708,708,708,708,708,708,-635,-636,-637,-592,-1894,-602,708,-638,-639,-713,-640,-604,708,-572,-577,-580,-583,708,708,708,-598,-601,708,-608,708,708,708,708,708,708,708,708,708,708,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,708,708,708,-995,708,708,708,708,708,708,-306,-325,-319,-296,-375,-452,-453,-454,-458,708,-443,708,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,708,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,708,708,708,708,708,708,708,708,708,-316,-535,-508,-591,-937,-939,-940,-438,708,-440,-380,-381,-383,-507,-509,-511,708,-513,-514,-519,-520,708,-532,-534,-537,-538,-543,-548,-726,708,-727,708,-732,708,-734,708,-739,-656,-660,-661,708,-666,708,-667,708,-672,-674,708,-677,708,708,708,-687,-689,708,-692,708,708,-744,708,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,708,708,708,708,708,-877,708,-880,-908,-920,-925,-388,-389,708,-394,708,-397,708,-402,708,-403,708,-408,708,-413,708,-417,708,-418,708,-423,708,-426,-899,-900,-643,-585,-1894,-901,708,708,708,-800,708,708,-804,708,-807,-833,708,-818,708,-820,708,-822,-808,708,-824,708,-851,-852,708,708,-811,708,-646,-902,-904,-648,-649,-645,708,-705,-706,708,-642,-903,-647,-650,-603,-714,708,708,-605,-586,708,708,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,708,708,-709,-710,708,-716,708,708,708,708,708,708,-938,708,-439,-441,-747,708,-891,708,-715,-1894,708,708,708,708,708,-442,-512,-523,708,-728,-733,708,-735,708,-740,708,-662,-668,708,-678,-680,-682,-683,-690,-693,-697,-745,708,708,-874,708,708,-878,708,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,708,-812,708,-814,-801,708,-802,-805,708,-816,-819,-821,-823,-825,708,-826,708,-809,708,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,708,-282,708,708,708,708,-455,708,708,-729,708,-736,708,-741,708,-663,-671,708,708,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,708,-836,-53,708,708,-730,708,-737,708,-742,-664,708,-873,-54,708,708,-731,-738,-743,708,708,708,-872,]),'SESSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[709,709,709,709,-1894,709,709,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,709,709,709,709,-275,-276,709,-1425,709,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,709,709,709,-490,709,709,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,709,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,709,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,709,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,709,-172,-173,-174,-175,-993,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-290,-291,-281,709,709,709,709,709,-328,-318,-332,-333,-334,709,709,-982,-983,-984,-985,-986,-987,-988,709,709,709,709,709,709,709,709,709,709,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,709,709,709,-353,-356,709,-323,-324,-141,709,-142,709,-143,709,-430,-935,-936,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-1894,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-1894,709,-1894,709,709,709,709,709,709,709,709,709,709,709,709,-1894,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,709,-1894,709,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,709,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,709,709,709,-191,-192,709,-994,709,709,709,709,709,-277,-278,-279,-280,-365,709,-308,709,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,709,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,709,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,709,709,709,709,709,709,-573,709,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,709,709,-723,-724,-725,709,709,709,709,709,709,-994,709,709,-91,-92,709,709,709,709,-309,-310,-320,709,-307,-293,-294,-295,709,709,709,709,-618,-633,-590,709,709,-436,709,-437,709,-444,-445,-446,-378,-379,709,709,709,-506,709,709,-510,709,709,709,709,-515,-516,-517,-518,709,709,-521,-522,709,-524,-525,-526,-527,-528,-529,-530,-531,709,-533,709,709,709,-539,-541,-542,709,-544,-545,-546,-547,709,709,709,709,709,709,-652,-653,-654,-655,709,-657,-658,-659,709,709,709,-665,709,709,-669,-670,709,709,-673,709,-675,-676,709,-679,709,-681,709,709,-684,-685,-686,709,-688,709,709,-691,709,709,-694,-695,-696,709,-698,-699,-700,-701,709,709,-746,709,-749,-750,-751,-752,-753,709,-755,-756,-757,-758,-759,709,-766,-767,-769,709,-771,-772,-773,-782,-856,-858,-860,-862,709,709,709,709,-868,709,-870,709,709,709,709,709,709,709,-906,-907,709,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,709,-921,-924,709,-934,709,-385,-386,-387,709,709,-390,-391,-392,-393,709,-396,709,-399,-400,709,-401,709,-406,-407,709,-410,-411,-412,709,-415,709,-416,709,-421,-422,709,-425,709,-428,-429,-1894,-1894,709,-619,-620,-621,-622,-623,-634,-584,-624,-797,709,709,709,709,709,-831,709,709,-806,709,-832,709,709,709,709,-798,709,-853,-799,709,709,709,709,709,709,-854,-855,709,-834,-830,-835,709,-625,709,-626,-627,-628,-629,-574,709,709,-630,-631,-632,709,709,709,709,709,709,-635,-636,-637,-592,-1894,-602,709,-638,-639,-713,-640,-604,709,-572,-577,-580,-583,709,709,709,-598,-601,709,-608,709,709,709,709,709,709,709,709,709,709,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,709,709,709,-995,709,709,709,709,709,709,-306,-325,-319,-296,-375,-452,-453,-454,-458,709,-443,709,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,709,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,709,709,709,709,709,709,709,709,709,-316,-535,-508,-591,-937,-939,-940,-438,709,-440,-380,-381,-383,-507,-509,-511,709,-513,-514,-519,-520,709,-532,-534,-537,-538,-543,-548,-726,709,-727,709,-732,709,-734,709,-739,-656,-660,-661,709,-666,709,-667,709,-672,-674,709,-677,709,709,709,-687,-689,709,-692,709,709,-744,709,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,709,709,709,709,709,-877,709,-880,-908,-920,-925,-388,-389,709,-394,709,-397,709,-402,709,-403,709,-408,709,-413,709,-417,709,-418,709,-423,709,-426,-899,-900,-643,-585,-1894,-901,709,709,709,-800,709,709,-804,709,-807,-833,709,-818,709,-820,709,-822,-808,709,-824,709,-851,-852,709,709,-811,709,-646,-902,-904,-648,-649,-645,709,-705,-706,709,-642,-903,-647,-650,-603,-714,709,709,-605,-586,709,709,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,709,709,-709,-710,709,-716,709,709,709,709,709,709,-938,709,-439,-441,-747,709,-891,709,-715,-1894,709,709,709,709,709,-442,-512,-523,709,-728,-733,709,-735,709,-740,709,-662,-668,709,-678,-680,-682,-683,-690,-693,-697,-745,709,709,-874,709,709,-878,709,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,709,-812,709,-814,-801,709,-802,-805,709,-816,-819,-821,-823,-825,709,-826,709,-809,709,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,709,-282,709,709,709,709,-455,709,709,-729,709,-736,709,-741,709,-663,-671,709,709,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,709,-836,-53,709,709,-730,709,-737,709,-742,-664,709,-873,-54,709,709,-731,-738,-743,709,709,709,-872,]),'SESSION_ALIAS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[710,710,710,710,-1894,710,710,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,710,710,710,710,-275,-276,710,-1425,710,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,710,710,710,-490,710,710,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,710,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,710,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,710,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,710,-172,-173,-174,-175,-993,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-290,-291,-281,710,710,710,710,710,-328,-318,-332,-333,-334,710,710,-982,-983,-984,-985,-986,-987,-988,710,710,710,710,710,710,710,710,710,710,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,710,710,710,-353,-356,710,-323,-324,-141,710,-142,710,-143,710,-430,-935,-936,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-1894,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-1894,710,-1894,710,710,710,710,710,710,710,710,710,710,710,710,-1894,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,710,-1894,710,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,710,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,710,710,710,-191,-192,710,-994,710,710,710,710,710,-277,-278,-279,-280,-365,710,-308,710,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,710,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,710,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,710,710,710,710,710,710,-573,710,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,710,710,-723,-724,-725,710,710,710,710,710,710,-994,710,710,-91,-92,710,710,710,710,-309,-310,-320,710,-307,-293,-294,-295,710,710,710,710,-618,-633,-590,710,710,-436,710,-437,710,-444,-445,-446,-378,-379,710,710,710,-506,710,710,-510,710,710,710,710,-515,-516,-517,-518,710,710,-521,-522,710,-524,-525,-526,-527,-528,-529,-530,-531,710,-533,710,710,710,-539,-541,-542,710,-544,-545,-546,-547,710,710,710,710,710,710,-652,-653,-654,-655,710,-657,-658,-659,710,710,710,-665,710,710,-669,-670,710,710,-673,710,-675,-676,710,-679,710,-681,710,710,-684,-685,-686,710,-688,710,710,-691,710,710,-694,-695,-696,710,-698,-699,-700,-701,710,710,-746,710,-749,-750,-751,-752,-753,710,-755,-756,-757,-758,-759,710,-766,-767,-769,710,-771,-772,-773,-782,-856,-858,-860,-862,710,710,710,710,-868,710,-870,710,710,710,710,710,710,710,-906,-907,710,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,710,-921,-924,710,-934,710,-385,-386,-387,710,710,-390,-391,-392,-393,710,-396,710,-399,-400,710,-401,710,-406,-407,710,-410,-411,-412,710,-415,710,-416,710,-421,-422,710,-425,710,-428,-429,-1894,-1894,710,-619,-620,-621,-622,-623,-634,-584,-624,-797,710,710,710,710,710,-831,710,710,-806,710,-832,710,710,710,710,-798,710,-853,-799,710,710,710,710,710,710,-854,-855,710,-834,-830,-835,710,-625,710,-626,-627,-628,-629,-574,710,710,-630,-631,-632,710,710,710,710,710,710,-635,-636,-637,-592,-1894,-602,710,-638,-639,-713,-640,-604,710,-572,-577,-580,-583,710,710,710,-598,-601,710,-608,710,710,710,710,710,710,710,710,710,710,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,710,710,710,-995,710,710,710,710,710,710,-306,-325,-319,-296,-375,-452,-453,-454,-458,710,-443,710,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,710,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,710,710,710,710,710,710,710,710,710,-316,-535,-508,-591,-937,-939,-940,-438,710,-440,-380,-381,-383,-507,-509,-511,710,-513,-514,-519,-520,710,-532,-534,-537,-538,-543,-548,-726,710,-727,710,-732,710,-734,710,-739,-656,-660,-661,710,-666,710,-667,710,-672,-674,710,-677,710,710,710,-687,-689,710,-692,710,710,-744,710,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,710,710,710,710,710,-877,710,-880,-908,-920,-925,-388,-389,710,-394,710,-397,710,-402,710,-403,710,-408,710,-413,710,-417,710,-418,710,-423,710,-426,-899,-900,-643,-585,-1894,-901,710,710,710,-800,710,710,-804,710,-807,-833,710,-818,710,-820,710,-822,-808,710,-824,710,-851,-852,710,710,-811,710,-646,-902,-904,-648,-649,-645,710,-705,-706,710,-642,-903,-647,-650,-603,-714,710,710,-605,-586,710,710,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,710,710,-709,-710,710,-716,710,710,710,710,710,710,-938,710,-439,-441,-747,710,-891,710,-715,-1894,710,710,710,710,710,-442,-512,-523,710,-728,-733,710,-735,710,-740,710,-662,-668,710,-678,-680,-682,-683,-690,-693,-697,-745,710,710,-874,710,710,-878,710,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,710,-812,710,-814,-801,710,-802,-805,710,-816,-819,-821,-823,-825,710,-826,710,-809,710,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,710,-282,710,710,710,710,-455,710,710,-729,710,-736,710,-741,710,-663,-671,710,710,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,710,-836,-53,710,710,-730,710,-737,710,-742,-664,710,-873,-54,710,710,-731,-738,-743,710,710,710,-872,]),'SESSION_USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[711,711,711,1172,-1894,711,711,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,711,711,711,711,-275,-276,1172,-1425,1172,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1172,1172,1172,-490,1172,1172,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1172,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1172,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1952,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,711,-172,-173,-174,-175,-993,711,711,711,711,711,711,711,711,711,711,1172,1172,1172,1172,1172,-290,-291,-281,711,1172,1172,1172,1172,-328,-318,-332,-333,-334,1172,1172,-982,-983,-984,-985,-986,-987,-988,711,711,1172,1172,1172,1172,1172,1172,1172,1172,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1172,1172,1172,-353,-356,711,-323,-324,-141,1172,-142,1172,-143,1172,-430,-935,-936,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1894,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1894,1172,-1894,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1894,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-1894,711,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1172,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1172,711,711,-191,-192,711,-994,1172,711,711,711,711,-277,-278,-279,-280,-365,1172,-308,1172,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1172,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1172,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1172,1172,1172,1172,1172,1172,-573,1172,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1172,1172,-723,-724,-725,1172,1952,711,711,711,711,-994,711,1172,-91,-92,711,711,711,1172,-309,-310,-320,1172,-307,-293,-294,-295,1172,711,1172,1172,-618,-633,-590,1172,711,-436,711,-437,1172,-444,-445,-446,-378,-379,1172,1172,1172,-506,1172,1172,-510,1172,1172,1172,1172,-515,-516,-517,-518,1172,1172,-521,-522,1172,-524,-525,-526,-527,-528,-529,-530,-531,1172,-533,1172,1172,1172,-539,-541,-542,1172,-544,-545,-546,-547,1172,1172,1172,1172,1172,1172,-652,-653,-654,-655,711,-657,-658,-659,1172,1172,1172,-665,1172,1172,-669,-670,1172,1172,-673,1172,-675,-676,1172,-679,1172,-681,1172,1172,-684,-685,-686,1172,-688,1172,1172,-691,1172,1172,-694,-695,-696,1172,-698,-699,-700,-701,1172,1172,-746,1172,-749,-750,-751,-752,-753,1172,-755,-756,-757,-758,-759,1172,-766,-767,-769,1172,-771,-772,-773,-782,-856,-858,-860,-862,1172,1172,1172,1172,-868,1172,-870,1172,1172,1172,1172,1172,1172,1172,-906,-907,1172,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1172,-921,-924,1172,-934,1172,-385,-386,-387,1172,1172,-390,-391,-392,-393,1172,-396,1172,-399,-400,1172,-401,1172,-406,-407,1172,-410,-411,-412,1172,-415,1172,-416,1172,-421,-422,1172,-425,1172,-428,-429,-1894,-1894,1172,-619,-620,-621,-622,-623,-634,-584,-624,-797,1172,1172,1172,1172,1172,-831,1172,1172,-806,1172,-832,1172,1172,1172,1172,-798,1172,-853,-799,1172,1172,1172,1172,1172,1172,-854,-855,1172,-834,-830,-835,1172,-625,1172,-626,-627,-628,-629,-574,1172,1172,-630,-631,-632,1172,1172,1172,1172,1172,1172,-635,-636,-637,-592,-1894,-602,1172,-638,-639,-713,-640,-604,1172,-572,-577,-580,-583,1172,1172,1172,-598,-601,1172,-608,1172,1172,1172,1172,1172,1172,1172,1172,1172,1172,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1172,711,711,-995,711,1172,711,711,711,1172,-306,-325,-319,-296,-375,-452,-453,-454,-458,711,-443,1172,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1172,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,711,711,711,711,711,711,711,711,1172,-316,-535,-508,-591,-937,-939,-940,-438,1172,-440,-380,-381,-383,-507,-509,-511,1172,-513,-514,-519,-520,1172,-532,-534,-537,-538,-543,-548,-726,1172,-727,1172,-732,1172,-734,1172,-739,-656,-660,-661,1172,-666,1172,-667,1172,-672,-674,1172,-677,1172,1172,1172,-687,-689,1172,-692,1172,1172,-744,1172,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1172,1172,1172,1172,1172,-877,1172,-880,-908,-920,-925,-388,-389,1172,-394,1172,-397,1172,-402,1172,-403,1172,-408,1172,-413,1172,-417,1172,-418,1172,-423,1172,-426,-899,-900,-643,-585,-1894,-901,1172,1172,1172,-800,1172,1172,-804,1172,-807,-833,1172,-818,1172,-820,1172,-822,-808,1172,-824,1172,-851,-852,1172,1172,-811,1172,-646,-902,-904,-648,-649,-645,1172,-705,-706,1172,-642,-903,-647,-650,-603,-714,1172,1172,-605,-586,1172,1172,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1172,1172,-709,-710,1172,-716,1172,711,711,711,1172,1172,-938,711,-439,-441,-747,1172,-891,1952,-715,-1894,1172,1172,711,711,1172,-442,-512,-523,1172,-728,-733,1172,-735,1172,-740,1172,-662,-668,1172,-678,-680,-682,-683,-690,-693,-697,-745,1172,1172,-874,1172,1172,-878,1172,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1172,-812,1172,-814,-801,1172,-802,-805,1172,-816,-819,-821,-823,-825,1172,-826,1172,-809,1172,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,711,-282,711,1172,711,1172,-455,1172,1172,-729,1172,-736,1172,-741,1172,-663,-671,1172,1172,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1172,-836,-53,711,1172,-730,1172,-737,1172,-742,-664,1172,-873,-54,711,711,-731,-738,-743,1172,711,1172,-872,]),'SET_MASTER_CLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[712,712,712,712,-1894,712,712,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,712,712,712,712,-275,-276,712,-1425,712,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,712,712,712,-490,712,712,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,712,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,712,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,712,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,712,-172,-173,-174,-175,-993,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-290,-291,-281,712,712,712,712,712,-328,-318,-332,-333,-334,712,712,-982,-983,-984,-985,-986,-987,-988,712,712,712,712,712,712,712,712,712,712,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,712,712,712,-353,-356,712,-323,-324,-141,712,-142,712,-143,712,-430,-935,-936,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-1894,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-1894,712,-1894,712,712,712,712,712,712,712,712,712,712,712,712,-1894,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,712,-1894,712,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,712,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,712,712,712,-191,-192,712,-994,712,712,712,712,712,-277,-278,-279,-280,-365,712,-308,712,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,712,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,712,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,712,712,712,712,712,712,-573,712,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,712,712,-723,-724,-725,712,712,712,712,712,712,-994,712,712,-91,-92,712,712,712,712,-309,-310,-320,712,-307,-293,-294,-295,712,712,712,712,-618,-633,-590,712,712,-436,712,-437,712,-444,-445,-446,-378,-379,712,712,712,-506,712,712,-510,712,712,712,712,-515,-516,-517,-518,712,712,-521,-522,712,-524,-525,-526,-527,-528,-529,-530,-531,712,-533,712,712,712,-539,-541,-542,712,-544,-545,-546,-547,712,712,712,712,712,712,-652,-653,-654,-655,712,-657,-658,-659,712,712,712,-665,712,712,-669,-670,712,712,-673,712,-675,-676,712,-679,712,-681,712,712,-684,-685,-686,712,-688,712,712,-691,712,712,-694,-695,-696,712,-698,-699,-700,-701,712,712,-746,712,-749,-750,-751,-752,-753,712,-755,-756,-757,-758,-759,712,-766,-767,-769,712,-771,-772,-773,-782,-856,-858,-860,-862,712,712,712,712,-868,712,-870,712,712,712,712,712,712,712,-906,-907,712,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,712,-921,-924,712,-934,712,-385,-386,-387,712,712,-390,-391,-392,-393,712,-396,712,-399,-400,712,-401,712,-406,-407,712,-410,-411,-412,712,-415,712,-416,712,-421,-422,712,-425,712,-428,-429,-1894,-1894,712,-619,-620,-621,-622,-623,-634,-584,-624,-797,712,712,712,712,712,-831,712,712,-806,712,-832,712,712,712,712,-798,712,-853,-799,712,712,712,712,712,712,-854,-855,712,-834,-830,-835,712,-625,712,-626,-627,-628,-629,-574,712,712,-630,-631,-632,712,712,712,712,712,712,-635,-636,-637,-592,-1894,-602,712,-638,-639,-713,-640,-604,712,-572,-577,-580,-583,712,712,712,-598,-601,712,-608,712,712,712,712,712,712,712,712,712,712,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,712,712,712,-995,712,712,712,712,712,712,-306,-325,-319,-296,-375,-452,-453,-454,-458,712,-443,712,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,712,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,712,712,712,712,712,712,712,712,712,-316,-535,-508,-591,-937,-939,-940,-438,712,-440,-380,-381,-383,-507,-509,-511,712,-513,-514,-519,-520,712,-532,-534,-537,-538,-543,-548,-726,712,-727,712,-732,712,-734,712,-739,-656,-660,-661,712,-666,712,-667,712,-672,-674,712,-677,712,712,712,-687,-689,712,-692,712,712,-744,712,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,712,712,712,712,712,-877,712,-880,-908,-920,-925,-388,-389,712,-394,712,-397,712,-402,712,-403,712,-408,712,-413,712,-417,712,-418,712,-423,712,-426,-899,-900,-643,-585,-1894,-901,712,712,712,-800,712,712,-804,712,-807,-833,712,-818,712,-820,712,-822,-808,712,-824,712,-851,-852,712,712,-811,712,-646,-902,-904,-648,-649,-645,712,-705,-706,712,-642,-903,-647,-650,-603,-714,712,712,-605,-586,712,712,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,712,712,-709,-710,712,-716,712,712,712,712,712,712,-938,712,-439,-441,-747,712,-891,712,-715,-1894,712,712,712,712,712,-442,-512,-523,712,-728,-733,712,-735,712,-740,712,-662,-668,712,-678,-680,-682,-683,-690,-693,-697,-745,712,712,-874,712,712,-878,712,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,712,-812,712,-814,-801,712,-802,-805,712,-816,-819,-821,-823,-825,712,-826,712,-809,712,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,712,-282,712,712,712,712,-455,712,712,-729,712,-736,712,-741,712,-663,-671,712,712,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,712,-836,-53,712,712,-730,712,-737,712,-742,-664,712,-873,-54,712,712,-731,-738,-743,712,712,712,-872,]),'SET_SLAVE_CLUSTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[713,713,713,713,-1894,713,713,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,713,713,713,713,-275,-276,713,-1425,713,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,713,713,713,-490,713,713,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,713,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,713,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,713,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,713,-172,-173,-174,-175,-993,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-290,-291,-281,713,713,713,713,713,-328,-318,-332,-333,-334,713,713,-982,-983,-984,-985,-986,-987,-988,713,713,713,713,713,713,713,713,713,713,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,713,713,713,-353,-356,713,-323,-324,-141,713,-142,713,-143,713,-430,-935,-936,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-1894,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-1894,713,-1894,713,713,713,713,713,713,713,713,713,713,713,713,-1894,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,713,-1894,713,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,713,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,713,713,713,-191,-192,713,-994,713,713,713,713,713,-277,-278,-279,-280,-365,713,-308,713,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,713,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,713,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,713,713,713,713,713,713,-573,713,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,713,713,-723,-724,-725,713,713,713,713,713,713,-994,713,713,-91,-92,713,713,713,713,-309,-310,-320,713,-307,-293,-294,-295,713,713,713,713,-618,-633,-590,713,713,-436,713,-437,713,-444,-445,-446,-378,-379,713,713,713,-506,713,713,-510,713,713,713,713,-515,-516,-517,-518,713,713,-521,-522,713,-524,-525,-526,-527,-528,-529,-530,-531,713,-533,713,713,713,-539,-541,-542,713,-544,-545,-546,-547,713,713,713,713,713,713,-652,-653,-654,-655,713,-657,-658,-659,713,713,713,-665,713,713,-669,-670,713,713,-673,713,-675,-676,713,-679,713,-681,713,713,-684,-685,-686,713,-688,713,713,-691,713,713,-694,-695,-696,713,-698,-699,-700,-701,713,713,-746,713,-749,-750,-751,-752,-753,713,-755,-756,-757,-758,-759,713,-766,-767,-769,713,-771,-772,-773,-782,-856,-858,-860,-862,713,713,713,713,-868,713,-870,713,713,713,713,713,713,713,-906,-907,713,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,713,-921,-924,713,-934,713,-385,-386,-387,713,713,-390,-391,-392,-393,713,-396,713,-399,-400,713,-401,713,-406,-407,713,-410,-411,-412,713,-415,713,-416,713,-421,-422,713,-425,713,-428,-429,-1894,-1894,713,-619,-620,-621,-622,-623,-634,-584,-624,-797,713,713,713,713,713,-831,713,713,-806,713,-832,713,713,713,713,-798,713,-853,-799,713,713,713,713,713,713,-854,-855,713,-834,-830,-835,713,-625,713,-626,-627,-628,-629,-574,713,713,-630,-631,-632,713,713,713,713,713,713,-635,-636,-637,-592,-1894,-602,713,-638,-639,-713,-640,-604,713,-572,-577,-580,-583,713,713,713,-598,-601,713,-608,713,713,713,713,713,713,713,713,713,713,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,713,713,713,-995,713,713,713,713,713,713,-306,-325,-319,-296,-375,-452,-453,-454,-458,713,-443,713,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,713,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,713,713,713,713,713,713,713,713,713,-316,-535,-508,-591,-937,-939,-940,-438,713,-440,-380,-381,-383,-507,-509,-511,713,-513,-514,-519,-520,713,-532,-534,-537,-538,-543,-548,-726,713,-727,713,-732,713,-734,713,-739,-656,-660,-661,713,-666,713,-667,713,-672,-674,713,-677,713,713,713,-687,-689,713,-692,713,713,-744,713,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,713,713,713,713,713,-877,713,-880,-908,-920,-925,-388,-389,713,-394,713,-397,713,-402,713,-403,713,-408,713,-413,713,-417,713,-418,713,-423,713,-426,-899,-900,-643,-585,-1894,-901,713,713,713,-800,713,713,-804,713,-807,-833,713,-818,713,-820,713,-822,-808,713,-824,713,-851,-852,713,713,-811,713,-646,-902,-904,-648,-649,-645,713,-705,-706,713,-642,-903,-647,-650,-603,-714,713,713,-605,-586,713,713,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,713,713,-709,-710,713,-716,713,713,713,713,713,713,-938,713,-439,-441,-747,713,-891,713,-715,-1894,713,713,713,713,713,-442,-512,-523,713,-728,-733,713,-735,713,-740,713,-662,-668,713,-678,-680,-682,-683,-690,-693,-697,-745,713,713,-874,713,713,-878,713,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,713,-812,713,-814,-801,713,-802,-805,713,-816,-819,-821,-823,-825,713,-826,713,-809,713,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,713,-282,713,713,713,713,-455,713,713,-729,713,-736,713,-741,713,-663,-671,713,713,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,713,-836,-53,713,713,-730,713,-737,713,-742,-664,713,-873,-54,713,713,-731,-738,-743,713,713,713,-872,]),'SET_TP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[714,714,714,714,-1894,714,714,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,714,714,714,714,-275,-276,714,-1425,714,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,714,714,714,-490,714,714,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,714,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,714,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,714,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,714,-172,-173,-174,-175,-993,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-290,-291,-281,714,714,714,714,714,-328,-318,-332,-333,-334,714,714,-982,-983,-984,-985,-986,-987,-988,714,714,714,714,714,714,714,714,714,714,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,714,714,714,-353,-356,714,-323,-324,-141,714,-142,714,-143,714,-430,-935,-936,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-1894,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-1894,714,-1894,714,714,714,714,714,714,714,714,714,714,714,714,-1894,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,714,-1894,714,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,714,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,714,714,714,-191,-192,714,-994,714,714,714,714,714,-277,-278,-279,-280,-365,714,-308,714,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,714,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,714,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,714,714,714,714,714,714,-573,714,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,714,714,-723,-724,-725,714,714,714,714,714,714,-994,714,714,-91,-92,714,714,714,714,-309,-310,-320,714,-307,-293,-294,-295,714,714,714,714,-618,-633,-590,714,714,-436,714,-437,714,-444,-445,-446,-378,-379,714,714,714,-506,714,714,-510,714,714,714,714,-515,-516,-517,-518,714,714,-521,-522,714,-524,-525,-526,-527,-528,-529,-530,-531,714,-533,714,714,714,-539,-541,-542,714,-544,-545,-546,-547,714,714,714,714,714,714,-652,-653,-654,-655,714,-657,-658,-659,714,714,714,-665,714,714,-669,-670,714,714,-673,714,-675,-676,714,-679,714,-681,714,714,-684,-685,-686,714,-688,714,714,-691,714,714,-694,-695,-696,714,-698,-699,-700,-701,714,714,-746,714,-749,-750,-751,-752,-753,714,-755,-756,-757,-758,-759,714,-766,-767,-769,714,-771,-772,-773,-782,-856,-858,-860,-862,714,714,714,714,-868,714,-870,714,714,714,714,714,714,714,-906,-907,714,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,714,-921,-924,714,-934,714,-385,-386,-387,714,714,-390,-391,-392,-393,714,-396,714,-399,-400,714,-401,714,-406,-407,714,-410,-411,-412,714,-415,714,-416,714,-421,-422,714,-425,714,-428,-429,-1894,-1894,714,-619,-620,-621,-622,-623,-634,-584,-624,-797,714,714,714,714,714,-831,714,714,-806,714,-832,714,714,714,714,-798,714,-853,-799,714,714,714,714,714,714,-854,-855,714,-834,-830,-835,714,-625,714,-626,-627,-628,-629,-574,714,714,-630,-631,-632,714,714,714,714,714,714,-635,-636,-637,-592,-1894,-602,714,-638,-639,-713,-640,-604,714,-572,-577,-580,-583,714,714,714,-598,-601,714,-608,714,714,714,714,714,714,714,714,714,714,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,714,714,714,-995,714,714,714,714,714,714,-306,-325,-319,-296,-375,-452,-453,-454,-458,714,-443,714,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,714,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,714,714,714,714,714,714,714,714,714,-316,-535,-508,-591,-937,-939,-940,-438,714,-440,-380,-381,-383,-507,-509,-511,714,-513,-514,-519,-520,714,-532,-534,-537,-538,-543,-548,-726,714,-727,714,-732,714,-734,714,-739,-656,-660,-661,714,-666,714,-667,714,-672,-674,714,-677,714,714,714,-687,-689,714,-692,714,714,-744,714,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,714,714,714,714,714,-877,714,-880,-908,-920,-925,-388,-389,714,-394,714,-397,714,-402,714,-403,714,-408,714,-413,714,-417,714,-418,714,-423,714,-426,-899,-900,-643,-585,-1894,-901,714,714,714,-800,714,714,-804,714,-807,-833,714,-818,714,-820,714,-822,-808,714,-824,714,-851,-852,714,714,-811,714,-646,-902,-904,-648,-649,-645,714,-705,-706,714,-642,-903,-647,-650,-603,-714,714,714,-605,-586,714,714,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,714,714,-709,-710,714,-716,714,714,714,714,714,714,-938,714,-439,-441,-747,714,-891,714,-715,-1894,714,714,714,714,714,-442,-512,-523,714,-728,-733,714,-735,714,-740,714,-662,-668,714,-678,-680,-682,-683,-690,-693,-697,-745,714,714,-874,714,714,-878,714,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,714,-812,714,-814,-801,714,-802,-805,714,-816,-819,-821,-823,-825,714,-826,714,-809,714,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,714,-282,714,714,714,714,-455,714,714,-729,714,-736,714,-741,714,-663,-671,714,714,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,714,-836,-53,714,714,-730,714,-737,714,-742,-664,714,-873,-54,714,714,-731,-738,-743,714,714,714,-872,]),'SHA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[715,715,715,1138,-1894,715,715,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,715,715,715,715,-275,-276,1138,-1425,1138,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1138,1138,1138,-490,1138,1138,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1138,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1138,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1953,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,715,-172,-173,-174,-175,-993,715,715,715,715,715,715,715,715,715,715,1138,1138,1138,1138,1138,-290,-291,-281,715,1138,1138,1138,1138,-328,-318,-332,-333,-334,1138,1138,-982,-983,-984,-985,-986,-987,-988,715,715,1138,1138,1138,1138,1138,1138,1138,1138,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1138,1138,1138,-353,-356,715,-323,-324,-141,1138,-142,1138,-143,1138,-430,-935,-936,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1894,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1894,1138,-1894,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1894,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-1894,715,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1138,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1138,715,715,-191,-192,715,-994,1138,715,715,715,715,-277,-278,-279,-280,-365,1138,-308,1138,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1138,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1138,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1138,1138,1138,1138,1138,1138,-573,1138,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1138,1138,-723,-724,-725,1138,1953,715,715,715,715,-994,715,1138,-91,-92,715,715,715,1138,-309,-310,-320,1138,-307,-293,-294,-295,1138,715,1138,1138,-618,-633,-590,1138,715,-436,715,-437,1138,-444,-445,-446,-378,-379,1138,1138,1138,-506,1138,1138,-510,1138,1138,1138,1138,-515,-516,-517,-518,1138,1138,-521,-522,1138,-524,-525,-526,-527,-528,-529,-530,-531,1138,-533,1138,1138,1138,-539,-541,-542,1138,-544,-545,-546,-547,1138,1138,1138,1138,1138,1138,-652,-653,-654,-655,715,-657,-658,-659,1138,1138,1138,-665,1138,1138,-669,-670,1138,1138,-673,1138,-675,-676,1138,-679,1138,-681,1138,1138,-684,-685,-686,1138,-688,1138,1138,-691,1138,1138,-694,-695,-696,1138,-698,-699,-700,-701,1138,1138,-746,1138,-749,-750,-751,-752,-753,1138,-755,-756,-757,-758,-759,1138,-766,-767,-769,1138,-771,-772,-773,-782,-856,-858,-860,-862,1138,1138,1138,1138,-868,1138,-870,1138,1138,1138,1138,1138,1138,1138,-906,-907,1138,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1138,-921,-924,1138,-934,1138,-385,-386,-387,1138,1138,-390,-391,-392,-393,1138,-396,1138,-399,-400,1138,-401,1138,-406,-407,1138,-410,-411,-412,1138,-415,1138,-416,1138,-421,-422,1138,-425,1138,-428,-429,-1894,-1894,1138,-619,-620,-621,-622,-623,-634,-584,-624,-797,1138,1138,1138,1138,1138,-831,1138,1138,-806,1138,-832,1138,1138,1138,1138,-798,1138,-853,-799,1138,1138,1138,1138,1138,1138,-854,-855,1138,-834,-830,-835,1138,-625,1138,-626,-627,-628,-629,-574,1138,1138,-630,-631,-632,1138,1138,1138,1138,1138,1138,-635,-636,-637,-592,-1894,-602,1138,-638,-639,-713,-640,-604,1138,-572,-577,-580,-583,1138,1138,1138,-598,-601,1138,-608,1138,1138,1138,1138,1138,1138,1138,1138,1138,1138,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1138,715,715,-995,715,1138,715,715,715,1138,-306,-325,-319,-296,-375,-452,-453,-454,-458,715,-443,1138,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1138,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,715,715,715,715,715,715,715,715,1138,-316,-535,-508,-591,-937,-939,-940,-438,1138,-440,-380,-381,-383,-507,-509,-511,1138,-513,-514,-519,-520,1138,-532,-534,-537,-538,-543,-548,-726,1138,-727,1138,-732,1138,-734,1138,-739,-656,-660,-661,1138,-666,1138,-667,1138,-672,-674,1138,-677,1138,1138,1138,-687,-689,1138,-692,1138,1138,-744,1138,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1138,1138,1138,1138,1138,-877,1138,-880,-908,-920,-925,-388,-389,1138,-394,1138,-397,1138,-402,1138,-403,1138,-408,1138,-413,1138,-417,1138,-418,1138,-423,1138,-426,-899,-900,-643,-585,-1894,-901,1138,1138,1138,-800,1138,1138,-804,1138,-807,-833,1138,-818,1138,-820,1138,-822,-808,1138,-824,1138,-851,-852,1138,1138,-811,1138,-646,-902,-904,-648,-649,-645,1138,-705,-706,1138,-642,-903,-647,-650,-603,-714,1138,1138,-605,-586,1138,1138,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1138,1138,-709,-710,1138,-716,1138,715,715,715,1138,1138,-938,715,-439,-441,-747,1138,-891,1953,-715,-1894,1138,1138,715,715,1138,-442,-512,-523,1138,-728,-733,1138,-735,1138,-740,1138,-662,-668,1138,-678,-680,-682,-683,-690,-693,-697,-745,1138,1138,-874,1138,1138,-878,1138,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1138,-812,1138,-814,-801,1138,-802,-805,1138,-816,-819,-821,-823,-825,1138,-826,1138,-809,1138,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,715,-282,715,1138,715,1138,-455,1138,1138,-729,1138,-736,1138,-741,1138,-663,-671,1138,1138,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1138,-836,-53,715,1138,-730,1138,-737,1138,-742,-664,1138,-873,-54,715,715,-731,-738,-743,1138,715,1138,-872,]),'SHA1':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[716,716,716,1139,-1894,716,716,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,716,716,716,716,-275,-276,1139,-1425,1139,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1139,1139,1139,-490,1139,1139,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1139,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1139,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1954,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,716,-172,-173,-174,-175,-993,716,716,716,716,716,716,716,716,716,716,1139,1139,1139,1139,1139,-290,-291,-281,716,1139,1139,1139,1139,-328,-318,-332,-333,-334,1139,1139,-982,-983,-984,-985,-986,-987,-988,716,716,1139,1139,1139,1139,1139,1139,1139,1139,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1139,1139,1139,-353,-356,716,-323,-324,-141,1139,-142,1139,-143,1139,-430,-935,-936,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1894,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1894,1139,-1894,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1894,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-1894,716,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1139,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1139,716,716,-191,-192,716,-994,1139,716,716,716,716,-277,-278,-279,-280,-365,1139,-308,1139,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1139,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1139,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1139,1139,1139,1139,1139,1139,-573,1139,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1139,1139,-723,-724,-725,1139,1954,716,716,716,716,-994,716,1139,-91,-92,716,716,716,1139,-309,-310,-320,1139,-307,-293,-294,-295,1139,716,1139,1139,-618,-633,-590,1139,716,-436,716,-437,1139,-444,-445,-446,-378,-379,1139,1139,1139,-506,1139,1139,-510,1139,1139,1139,1139,-515,-516,-517,-518,1139,1139,-521,-522,1139,-524,-525,-526,-527,-528,-529,-530,-531,1139,-533,1139,1139,1139,-539,-541,-542,1139,-544,-545,-546,-547,1139,1139,1139,1139,1139,1139,-652,-653,-654,-655,716,-657,-658,-659,1139,1139,1139,-665,1139,1139,-669,-670,1139,1139,-673,1139,-675,-676,1139,-679,1139,-681,1139,1139,-684,-685,-686,1139,-688,1139,1139,-691,1139,1139,-694,-695,-696,1139,-698,-699,-700,-701,1139,1139,-746,1139,-749,-750,-751,-752,-753,1139,-755,-756,-757,-758,-759,1139,-766,-767,-769,1139,-771,-772,-773,-782,-856,-858,-860,-862,1139,1139,1139,1139,-868,1139,-870,1139,1139,1139,1139,1139,1139,1139,-906,-907,1139,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1139,-921,-924,1139,-934,1139,-385,-386,-387,1139,1139,-390,-391,-392,-393,1139,-396,1139,-399,-400,1139,-401,1139,-406,-407,1139,-410,-411,-412,1139,-415,1139,-416,1139,-421,-422,1139,-425,1139,-428,-429,-1894,-1894,1139,-619,-620,-621,-622,-623,-634,-584,-624,-797,1139,1139,1139,1139,1139,-831,1139,1139,-806,1139,-832,1139,1139,1139,1139,-798,1139,-853,-799,1139,1139,1139,1139,1139,1139,-854,-855,1139,-834,-830,-835,1139,-625,1139,-626,-627,-628,-629,-574,1139,1139,-630,-631,-632,1139,1139,1139,1139,1139,1139,-635,-636,-637,-592,-1894,-602,1139,-638,-639,-713,-640,-604,1139,-572,-577,-580,-583,1139,1139,1139,-598,-601,1139,-608,1139,1139,1139,1139,1139,1139,1139,1139,1139,1139,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1139,716,716,-995,716,1139,716,716,716,1139,-306,-325,-319,-296,-375,-452,-453,-454,-458,716,-443,1139,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1139,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,716,716,716,716,716,716,716,716,1139,-316,-535,-508,-591,-937,-939,-940,-438,1139,-440,-380,-381,-383,-507,-509,-511,1139,-513,-514,-519,-520,1139,-532,-534,-537,-538,-543,-548,-726,1139,-727,1139,-732,1139,-734,1139,-739,-656,-660,-661,1139,-666,1139,-667,1139,-672,-674,1139,-677,1139,1139,1139,-687,-689,1139,-692,1139,1139,-744,1139,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1139,1139,1139,1139,1139,-877,1139,-880,-908,-920,-925,-388,-389,1139,-394,1139,-397,1139,-402,1139,-403,1139,-408,1139,-413,1139,-417,1139,-418,1139,-423,1139,-426,-899,-900,-643,-585,-1894,-901,1139,1139,1139,-800,1139,1139,-804,1139,-807,-833,1139,-818,1139,-820,1139,-822,-808,1139,-824,1139,-851,-852,1139,1139,-811,1139,-646,-902,-904,-648,-649,-645,1139,-705,-706,1139,-642,-903,-647,-650,-603,-714,1139,1139,-605,-586,1139,1139,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1139,1139,-709,-710,1139,-716,1139,716,716,716,1139,1139,-938,716,-439,-441,-747,1139,-891,1954,-715,-1894,1139,1139,716,716,1139,-442,-512,-523,1139,-728,-733,1139,-735,1139,-740,1139,-662,-668,1139,-678,-680,-682,-683,-690,-693,-697,-745,1139,1139,-874,1139,1139,-878,1139,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1139,-812,1139,-814,-801,1139,-802,-805,1139,-816,-819,-821,-823,-825,1139,-826,1139,-809,1139,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,716,-282,716,1139,716,1139,-455,1139,1139,-729,1139,-736,1139,-741,1139,-663,-671,1139,1139,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1139,-836,-53,716,1139,-730,1139,-737,1139,-742,-664,1139,-873,-54,716,716,-731,-738,-743,1139,716,1139,-872,]),'SHA2':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[717,717,717,1140,-1894,717,717,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,717,717,717,717,-275,-276,1140,-1425,1140,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1140,1140,1140,-490,1140,1140,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1140,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1140,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1955,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,717,-172,-173,-174,-175,-993,717,717,717,717,717,717,717,717,717,717,1140,1140,1140,1140,1140,-290,-291,-281,717,1140,1140,1140,1140,-328,-318,-332,-333,-334,1140,1140,-982,-983,-984,-985,-986,-987,-988,717,717,1140,1140,1140,1140,1140,1140,1140,1140,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1140,1140,1140,-353,-356,717,-323,-324,-141,1140,-142,1140,-143,1140,-430,-935,-936,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1894,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1894,1140,-1894,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1894,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-1894,717,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1140,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1140,717,717,-191,-192,717,-994,1140,717,717,717,717,-277,-278,-279,-280,-365,1140,-308,1140,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1140,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1140,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1140,1140,1140,1140,1140,1140,-573,1140,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1140,1140,-723,-724,-725,1140,1955,717,717,717,717,-994,717,1140,-91,-92,717,717,717,1140,-309,-310,-320,1140,-307,-293,-294,-295,1140,717,1140,1140,-618,-633,-590,1140,717,-436,717,-437,1140,-444,-445,-446,-378,-379,1140,1140,1140,-506,1140,1140,-510,1140,1140,1140,1140,-515,-516,-517,-518,1140,1140,-521,-522,1140,-524,-525,-526,-527,-528,-529,-530,-531,1140,-533,1140,1140,1140,-539,-541,-542,1140,-544,-545,-546,-547,1140,1140,1140,1140,1140,1140,-652,-653,-654,-655,717,-657,-658,-659,1140,1140,1140,-665,1140,1140,-669,-670,1140,1140,-673,1140,-675,-676,1140,-679,1140,-681,1140,1140,-684,-685,-686,1140,-688,1140,1140,-691,1140,1140,-694,-695,-696,1140,-698,-699,-700,-701,1140,1140,-746,1140,-749,-750,-751,-752,-753,1140,-755,-756,-757,-758,-759,1140,-766,-767,-769,1140,-771,-772,-773,-782,-856,-858,-860,-862,1140,1140,1140,1140,-868,1140,-870,1140,1140,1140,1140,1140,1140,1140,-906,-907,1140,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1140,-921,-924,1140,-934,1140,-385,-386,-387,1140,1140,-390,-391,-392,-393,1140,-396,1140,-399,-400,1140,-401,1140,-406,-407,1140,-410,-411,-412,1140,-415,1140,-416,1140,-421,-422,1140,-425,1140,-428,-429,-1894,-1894,1140,-619,-620,-621,-622,-623,-634,-584,-624,-797,1140,1140,1140,1140,1140,-831,1140,1140,-806,1140,-832,1140,1140,1140,1140,-798,1140,-853,-799,1140,1140,1140,1140,1140,1140,-854,-855,1140,-834,-830,-835,1140,-625,1140,-626,-627,-628,-629,-574,1140,1140,-630,-631,-632,1140,1140,1140,1140,1140,1140,-635,-636,-637,-592,-1894,-602,1140,-638,-639,-713,-640,-604,1140,-572,-577,-580,-583,1140,1140,1140,-598,-601,1140,-608,1140,1140,1140,1140,1140,1140,1140,1140,1140,1140,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1140,717,717,-995,717,1140,717,717,717,1140,-306,-325,-319,-296,-375,-452,-453,-454,-458,717,-443,1140,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1140,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,717,717,717,717,717,717,717,717,1140,-316,-535,-508,-591,-937,-939,-940,-438,1140,-440,-380,-381,-383,-507,-509,-511,1140,-513,-514,-519,-520,1140,-532,-534,-537,-538,-543,-548,-726,1140,-727,1140,-732,1140,-734,1140,-739,-656,-660,-661,1140,-666,1140,-667,1140,-672,-674,1140,-677,1140,1140,1140,-687,-689,1140,-692,1140,1140,-744,1140,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1140,1140,1140,1140,1140,-877,1140,-880,-908,-920,-925,-388,-389,1140,-394,1140,-397,1140,-402,1140,-403,1140,-408,1140,-413,1140,-417,1140,-418,1140,-423,1140,-426,-899,-900,-643,-585,-1894,-901,1140,1140,1140,-800,1140,1140,-804,1140,-807,-833,1140,-818,1140,-820,1140,-822,-808,1140,-824,1140,-851,-852,1140,1140,-811,1140,-646,-902,-904,-648,-649,-645,1140,-705,-706,1140,-642,-903,-647,-650,-603,-714,1140,1140,-605,-586,1140,1140,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1140,1140,-709,-710,1140,-716,1140,717,717,717,1140,1140,-938,717,-439,-441,-747,1140,-891,1955,-715,-1894,1140,1140,717,717,1140,-442,-512,-523,1140,-728,-733,1140,-735,1140,-740,1140,-662,-668,1140,-678,-680,-682,-683,-690,-693,-697,-745,1140,1140,-874,1140,1140,-878,1140,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1140,-812,1140,-814,-801,1140,-802,-805,1140,-816,-819,-821,-823,-825,1140,-826,1140,-809,1140,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,717,-282,717,1140,717,1140,-455,1140,1140,-729,1140,-736,1140,-741,1140,-663,-671,1140,1140,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1140,-836,-53,717,1140,-730,1140,-737,1140,-742,-664,1140,-873,-54,717,717,-731,-738,-743,1140,717,1140,-872,]),'SHARE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2912,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[718,718,718,718,-1894,718,718,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,718,718,718,718,-275,-276,718,-1425,718,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,718,718,718,-490,718,718,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,718,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,718,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,718,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,718,-172,-173,-174,-175,-993,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-290,-291,-281,718,718,718,718,718,-328,-318,-332,-333,-334,718,718,-982,-983,-984,-985,-986,-987,-988,718,718,718,718,718,718,718,718,718,718,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,718,718,718,-353,-356,718,-323,-324,-141,718,-142,718,-143,718,-430,-935,-936,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-1894,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-1894,718,-1894,718,718,718,718,718,718,718,718,718,718,718,718,-1894,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,718,-1894,718,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,718,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,718,718,718,-191,-192,718,-994,718,718,718,718,718,-277,-278,-279,-280,-365,718,-308,718,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,718,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,718,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,718,718,718,718,718,718,-573,718,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,718,718,-723,-724,-725,718,718,718,718,718,718,-994,718,718,-91,-92,718,718,718,718,-309,-310,-320,718,-307,-293,-294,-295,718,718,718,718,-618,-633,-590,718,718,-436,718,-437,718,-444,-445,-446,-378,-379,718,718,718,-506,718,718,-510,718,718,718,718,-515,-516,-517,-518,718,718,-521,-522,718,-524,-525,-526,-527,-528,-529,-530,-531,718,-533,718,718,718,-539,-541,-542,718,-544,-545,-546,-547,718,718,718,718,718,718,-652,-653,-654,-655,718,-657,-658,-659,718,718,718,-665,718,718,-669,-670,718,718,-673,718,-675,-676,718,-679,718,-681,718,718,-684,-685,-686,718,-688,718,718,-691,718,718,-694,-695,-696,718,-698,-699,-700,-701,718,718,-746,718,-749,-750,-751,-752,-753,718,-755,-756,-757,-758,-759,718,-766,-767,-769,718,-771,-772,-773,-782,-856,-858,-860,-862,718,718,718,718,-868,718,-870,718,718,718,718,718,718,718,-906,-907,718,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,718,-921,-924,718,-934,718,-385,-386,-387,718,718,-390,-391,-392,-393,718,-396,718,-399,-400,718,-401,718,-406,-407,718,-410,-411,-412,718,-415,718,-416,718,-421,-422,718,-425,718,-428,-429,-1894,-1894,718,-619,-620,-621,-622,-623,-634,-584,-624,-797,718,718,718,718,718,-831,718,718,-806,718,-832,718,718,718,718,-798,718,-853,-799,718,718,718,718,718,718,-854,-855,718,-834,-830,-835,718,-625,718,-626,-627,-628,-629,-574,718,718,-630,-631,-632,718,718,718,718,718,718,-635,-636,-637,-592,-1894,-602,718,-638,-639,-713,-640,-604,718,-572,-577,-580,-583,718,718,718,-598,-601,718,-608,718,718,718,718,718,718,718,718,718,718,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,718,718,718,3201,-995,718,718,718,718,718,718,-306,-325,-319,-296,-375,-452,-453,-454,-458,718,-443,718,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,718,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,718,718,718,718,718,718,718,718,718,-316,-535,-508,-591,-937,-939,-940,-438,718,-440,-380,-381,-383,-507,-509,-511,718,-513,-514,-519,-520,718,-532,-534,-537,-538,-543,-548,-726,718,-727,718,-732,718,-734,718,-739,-656,-660,-661,718,-666,718,-667,718,-672,-674,718,-677,718,718,718,-687,-689,718,-692,718,718,-744,718,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,718,718,718,718,718,-877,718,-880,-908,-920,-925,-388,-389,718,-394,718,-397,718,-402,718,-403,718,-408,718,-413,718,-417,718,-418,718,-423,718,-426,-899,-900,-643,-585,-1894,-901,718,718,718,-800,718,718,-804,718,-807,-833,718,-818,718,-820,718,-822,-808,718,-824,718,-851,-852,718,718,-811,718,-646,-902,-904,-648,-649,-645,718,-705,-706,718,-642,-903,-647,-650,-603,-714,718,718,-605,-586,718,718,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,718,718,-709,-710,718,-716,718,718,718,718,718,718,-938,718,-439,-441,-747,718,-891,718,-715,-1894,718,718,718,718,718,-442,-512,-523,718,-728,-733,718,-735,718,-740,718,-662,-668,718,-678,-680,-682,-683,-690,-693,-697,-745,718,718,-874,718,718,-878,718,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,718,-812,718,-814,-801,718,-802,-805,718,-816,-819,-821,-823,-825,718,-826,718,-809,718,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,718,-282,718,718,718,718,-455,718,718,-729,718,-736,718,-741,718,-663,-671,718,718,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,718,-836,-53,718,718,-730,718,-737,718,-742,-664,718,-873,-54,718,718,-731,-738,-743,718,718,718,-872,]),'SHOW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[719,719,719,719,-1894,719,719,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,719,719,719,719,-275,-276,719,-1425,719,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,719,719,719,-490,719,719,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,719,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,719,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,719,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,719,-172,-173,-174,-175,-993,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-290,-291,-281,719,719,719,719,719,-328,-318,-332,-333,-334,719,719,-982,-983,-984,-985,-986,-987,-988,719,719,719,719,719,719,719,719,719,719,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,719,719,719,-353,-356,719,-323,-324,-141,719,-142,719,-143,719,-430,-935,-936,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-1894,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-1894,719,-1894,719,719,719,719,719,719,719,719,719,719,719,719,-1894,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,719,-1894,719,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,719,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,719,719,719,-191,-192,719,-994,719,719,719,719,719,-277,-278,-279,-280,-365,719,-308,719,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,719,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,719,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,719,719,719,719,719,719,-573,719,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,719,719,-723,-724,-725,719,719,719,719,719,719,-994,719,719,-91,-92,719,719,719,719,-309,-310,-320,719,-307,-293,-294,-295,719,719,719,719,-618,-633,-590,719,719,-436,719,-437,719,-444,-445,-446,-378,-379,719,719,719,-506,719,719,-510,719,719,719,719,-515,-516,-517,-518,719,719,-521,-522,719,-524,-525,-526,-527,-528,-529,-530,-531,719,-533,719,719,719,-539,-541,-542,719,-544,-545,-546,-547,719,719,719,719,719,719,-652,-653,-654,-655,719,-657,-658,-659,719,719,719,-665,719,719,-669,-670,719,719,-673,719,-675,-676,719,-679,719,-681,719,719,-684,-685,-686,719,-688,719,719,-691,719,719,-694,-695,-696,719,-698,-699,-700,-701,719,719,-746,719,-749,-750,-751,-752,-753,719,-755,-756,-757,-758,-759,719,-766,-767,-769,719,-771,-772,-773,-782,-856,-858,-860,-862,719,719,719,719,-868,719,-870,719,719,719,719,719,719,719,-906,-907,719,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,719,-921,-924,719,-934,719,-385,-386,-387,719,719,-390,-391,-392,-393,719,-396,719,-399,-400,719,-401,719,-406,-407,719,-410,-411,-412,719,-415,719,-416,719,-421,-422,719,-425,719,-428,-429,-1894,-1894,719,-619,-620,-621,-622,-623,-634,-584,-624,-797,719,719,719,719,719,-831,719,719,-806,719,-832,719,719,719,719,-798,719,-853,-799,719,719,719,719,719,719,-854,-855,719,-834,-830,-835,719,-625,719,-626,-627,-628,-629,-574,719,719,-630,-631,-632,719,719,719,719,719,719,-635,-636,-637,-592,-1894,-602,719,-638,-639,-713,-640,-604,719,-572,-577,-580,-583,719,719,719,-598,-601,719,-608,719,719,719,719,719,719,719,719,719,719,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,719,719,719,-995,719,719,719,719,719,719,-306,-325,-319,-296,-375,-452,-453,-454,-458,719,-443,719,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,719,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,719,719,719,719,719,719,719,719,719,-316,-535,-508,-591,-937,-939,-940,-438,719,-440,-380,-381,-383,-507,-509,-511,719,-513,-514,-519,-520,719,-532,-534,-537,-538,-543,-548,-726,719,-727,719,-732,719,-734,719,-739,-656,-660,-661,719,-666,719,-667,719,-672,-674,719,-677,719,719,719,-687,-689,719,-692,719,719,-744,719,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,719,719,719,719,719,-877,719,-880,-908,-920,-925,-388,-389,719,-394,719,-397,719,-402,719,-403,719,-408,719,-413,719,-417,719,-418,719,-423,719,-426,-899,-900,-643,-585,-1894,-901,719,719,719,-800,719,719,-804,719,-807,-833,719,-818,719,-820,719,-822,-808,719,-824,719,-851,-852,719,719,-811,719,-646,-902,-904,-648,-649,-645,719,-705,-706,719,-642,-903,-647,-650,-603,-714,719,719,-605,-586,719,719,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,719,719,-709,-710,719,-716,719,719,719,719,719,719,-938,719,-439,-441,-747,719,-891,719,-715,-1894,719,719,719,719,719,-442,-512,-523,719,-728,-733,719,-735,719,-740,719,-662,-668,719,-678,-680,-682,-683,-690,-693,-697,-745,719,719,-874,719,719,-878,719,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,719,-812,719,-814,-801,719,-802,-805,719,-816,-819,-821,-823,-825,719,-826,719,-809,719,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,719,-282,719,719,719,719,-455,719,719,-729,719,-736,719,-741,719,-663,-671,719,719,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,719,-836,-53,719,719,-730,719,-737,719,-742,-664,719,-873,-54,719,719,-731,-738,-743,719,719,719,-872,]),'SHUTDOWN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[720,720,720,720,-1894,720,720,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,720,720,720,720,-275,-276,720,-1425,720,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,720,720,720,-490,720,720,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,720,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,720,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,720,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,720,-172,-173,-174,-175,-993,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-290,-291,-281,720,720,720,720,720,-328,-318,-332,-333,-334,720,720,-982,-983,-984,-985,-986,-987,-988,720,720,720,720,720,720,720,720,720,720,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,720,720,720,-353,-356,720,-323,-324,-141,720,-142,720,-143,720,-430,-935,-936,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-1894,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-1894,720,-1894,720,720,720,720,720,720,720,720,720,720,720,720,-1894,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,720,-1894,720,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,720,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,720,720,720,-191,-192,720,-994,720,720,720,720,720,-277,-278,-279,-280,-365,720,-308,720,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,720,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,720,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,720,720,720,720,720,720,-573,720,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,720,720,-723,-724,-725,720,720,720,720,720,720,-994,720,720,-91,-92,720,720,720,720,-309,-310,-320,720,-307,-293,-294,-295,720,720,720,720,-618,-633,-590,720,720,-436,720,-437,720,-444,-445,-446,-378,-379,720,720,720,-506,720,720,-510,720,720,720,720,-515,-516,-517,-518,720,720,-521,-522,720,-524,-525,-526,-527,-528,-529,-530,-531,720,-533,720,720,720,-539,-541,-542,720,-544,-545,-546,-547,720,720,720,720,720,720,-652,-653,-654,-655,720,-657,-658,-659,720,720,720,-665,720,720,-669,-670,720,720,-673,720,-675,-676,720,-679,720,-681,720,720,-684,-685,-686,720,-688,720,720,-691,720,720,-694,-695,-696,720,-698,-699,-700,-701,720,720,-746,720,-749,-750,-751,-752,-753,720,-755,-756,-757,-758,-759,720,-766,-767,-769,720,-771,-772,-773,-782,-856,-858,-860,-862,720,720,720,720,-868,720,-870,720,720,720,720,720,720,720,-906,-907,720,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,720,-921,-924,720,-934,720,-385,-386,-387,720,720,-390,-391,-392,-393,720,-396,720,-399,-400,720,-401,720,-406,-407,720,-410,-411,-412,720,-415,720,-416,720,-421,-422,720,-425,720,-428,-429,-1894,-1894,720,-619,-620,-621,-622,-623,-634,-584,-624,-797,720,720,720,720,720,-831,720,720,-806,720,-832,720,720,720,720,-798,720,-853,-799,720,720,720,720,720,720,-854,-855,720,-834,-830,-835,720,-625,720,-626,-627,-628,-629,-574,720,720,-630,-631,-632,720,720,720,720,720,720,-635,-636,-637,-592,-1894,-602,720,-638,-639,-713,-640,-604,720,-572,-577,-580,-583,720,720,720,-598,-601,720,-608,720,720,720,720,720,720,720,720,720,720,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,720,720,720,-995,720,720,720,720,720,720,-306,-325,-319,-296,-375,-452,-453,-454,-458,720,-443,720,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,720,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,720,720,720,720,720,720,720,720,720,-316,-535,-508,-591,-937,-939,-940,-438,720,-440,-380,-381,-383,-507,-509,-511,720,-513,-514,-519,-520,720,-532,-534,-537,-538,-543,-548,-726,720,-727,720,-732,720,-734,720,-739,-656,-660,-661,720,-666,720,-667,720,-672,-674,720,-677,720,720,720,-687,-689,720,-692,720,720,-744,720,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,720,720,720,720,720,-877,720,-880,-908,-920,-925,-388,-389,720,-394,720,-397,720,-402,720,-403,720,-408,720,-413,720,-417,720,-418,720,-423,720,-426,-899,-900,-643,-585,-1894,-901,720,720,720,-800,720,720,-804,720,-807,-833,720,-818,720,-820,720,-822,-808,720,-824,720,-851,-852,720,720,-811,720,-646,-902,-904,-648,-649,-645,720,-705,-706,720,-642,-903,-647,-650,-603,-714,720,720,-605,-586,720,720,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,720,720,-709,-710,720,-716,720,720,720,720,720,720,-938,720,-439,-441,-747,720,-891,720,-715,-1894,720,720,720,720,720,-442,-512,-523,720,-728,-733,720,-735,720,-740,720,-662,-668,720,-678,-680,-682,-683,-690,-693,-697,-745,720,720,-874,720,720,-878,720,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,720,-812,720,-814,-801,720,-802,-805,720,-816,-819,-821,-823,-825,720,-826,720,-809,720,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,720,-282,720,720,720,720,-455,720,720,-729,720,-736,720,-741,720,-663,-671,720,720,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,720,-836,-53,720,720,-730,720,-737,720,-742,-664,720,-873,-54,720,720,-731,-738,-743,720,720,720,-872,]),'SKIP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[721,721,721,721,-1894,721,721,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,721,721,721,721,-275,-276,721,-1425,721,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,721,721,721,-490,721,721,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,721,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,721,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,721,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,721,-172,-173,-174,-175,-993,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-290,-291,-281,721,721,721,721,721,-328,-318,-332,-333,-334,721,721,-982,-983,-984,-985,-986,-987,-988,721,721,721,721,721,721,721,721,721,721,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,721,721,721,-353,-356,721,-323,-324,-141,721,-142,721,-143,721,-430,-935,-936,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-1894,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-1894,721,-1894,721,721,721,721,721,721,721,721,721,721,721,721,-1894,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,721,-1894,721,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,721,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,721,721,721,-191,-192,721,-994,721,721,721,721,721,-277,-278,-279,-280,-365,721,-308,721,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,721,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,721,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,721,721,721,721,721,721,-573,721,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,721,721,-723,-724,-725,721,721,721,721,721,721,-994,721,721,-91,-92,721,721,721,721,-309,-310,-320,721,-307,-293,-294,-295,721,721,721,721,-618,-633,-590,721,721,-436,721,-437,721,-444,-445,-446,-378,-379,721,721,721,-506,721,721,-510,721,721,721,721,-515,-516,-517,-518,721,721,-521,-522,721,-524,-525,-526,-527,-528,-529,-530,-531,721,-533,721,721,721,-539,-541,-542,721,-544,-545,-546,-547,721,721,721,721,721,721,-652,-653,-654,-655,721,-657,-658,-659,721,721,721,-665,721,721,-669,-670,721,721,-673,721,-675,-676,721,-679,721,-681,721,721,-684,-685,-686,721,-688,721,721,-691,721,721,-694,-695,-696,721,-698,-699,-700,-701,721,721,-746,721,-749,-750,-751,-752,-753,721,-755,-756,-757,-758,-759,721,-766,-767,-769,721,-771,-772,-773,-782,-856,-858,-860,-862,721,721,721,721,-868,721,-870,721,721,721,721,721,721,721,-906,-907,721,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,721,-921,-924,721,-934,721,-385,-386,-387,721,721,-390,-391,-392,-393,721,-396,721,-399,-400,721,-401,721,-406,-407,721,-410,-411,-412,721,-415,721,-416,721,-421,-422,721,-425,721,-428,-429,-1894,-1894,721,-619,-620,-621,-622,-623,-634,-584,-624,-797,721,721,721,721,721,-831,721,721,-806,721,-832,721,721,721,721,-798,721,-853,-799,721,721,721,721,721,721,-854,-855,721,-834,-830,-835,721,-625,721,-626,-627,-628,-629,-574,721,721,-630,-631,-632,721,721,721,721,721,721,-635,-636,-637,-592,-1894,-602,721,-638,-639,-713,-640,-604,721,-572,-577,-580,-583,721,721,721,-598,-601,721,-608,721,721,721,721,721,721,721,721,721,721,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,721,721,721,3199,-995,721,721,721,721,721,721,-306,-325,-319,-296,-375,-452,-453,-454,-458,721,-443,721,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,721,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,721,721,721,721,721,721,721,721,721,-316,-535,-508,-591,-937,-939,-940,-438,721,-440,-380,-381,-383,-507,-509,-511,721,-513,-514,-519,-520,721,-532,-534,-537,-538,-543,-548,-726,721,-727,721,-732,721,-734,721,-739,-656,-660,-661,721,-666,721,-667,721,-672,-674,721,-677,721,721,721,-687,-689,721,-692,721,721,-744,721,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,721,721,721,721,721,-877,721,-880,-908,-920,-925,-388,-389,721,-394,721,-397,721,-402,721,-403,721,-408,721,-413,721,-417,721,-418,721,-423,721,-426,-899,-900,-643,-585,-1894,-901,721,721,721,-800,721,721,-804,721,-807,-833,721,-818,721,-820,721,-822,-808,721,-824,721,-851,-852,721,721,-811,721,-646,-902,-904,-648,-649,-645,721,-705,-706,721,-642,-903,-647,-650,-603,-714,721,721,-605,-586,721,721,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,721,721,-709,-710,721,-716,721,721,721,721,721,721,-938,721,-439,-441,-747,721,-891,721,-715,-1894,721,721,721,721,721,-442,-512,-523,721,-728,-733,721,-735,721,-740,721,-662,-668,721,-678,-680,-682,-683,-690,-693,-697,-745,721,721,-874,721,721,-878,721,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,721,-812,721,-814,-801,721,-802,-805,721,-816,-819,-821,-823,-825,721,-826,721,-809,721,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,721,-282,721,721,721,721,-455,721,721,-729,721,-736,721,-741,721,-663,-671,721,721,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,721,-836,-53,721,721,-730,721,-737,721,-742,-664,721,-873,-54,721,721,-731,-738,-743,721,721,721,-872,]),'SIGN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[722,722,722,1072,-1894,722,722,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,722,722,722,722,-275,-276,1072,-1425,1072,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1072,1072,1072,-490,1072,1072,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1072,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1072,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1956,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,722,-172,-173,-174,-175,-993,722,722,722,722,722,722,722,722,722,722,1072,1072,1072,1072,1072,-290,-291,-281,722,1072,1072,1072,1072,-328,-318,-332,-333,-334,1072,1072,-982,-983,-984,-985,-986,-987,-988,722,722,1072,1072,1072,1072,1072,1072,1072,1072,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1072,1072,1072,-353,-356,722,-323,-324,-141,1072,-142,1072,-143,1072,-430,-935,-936,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1894,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1894,1072,-1894,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1894,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-1894,722,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1072,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1072,722,722,-191,-192,722,-994,1072,722,722,722,722,-277,-278,-279,-280,-365,1072,-308,1072,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1072,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1072,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1072,1072,1072,1072,1072,1072,-573,1072,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1072,1072,-723,-724,-725,1072,1956,722,722,722,722,-994,722,1072,-91,-92,722,722,722,1072,-309,-310,-320,1072,-307,-293,-294,-295,1072,722,1072,1072,-618,-633,-590,1072,722,-436,722,-437,1072,-444,-445,-446,-378,-379,1072,1072,1072,-506,1072,1072,-510,1072,1072,1072,1072,-515,-516,-517,-518,1072,1072,-521,-522,1072,-524,-525,-526,-527,-528,-529,-530,-531,1072,-533,1072,1072,1072,-539,-541,-542,1072,-544,-545,-546,-547,1072,1072,1072,1072,1072,1072,-652,-653,-654,-655,722,-657,-658,-659,1072,1072,1072,-665,1072,1072,-669,-670,1072,1072,-673,1072,-675,-676,1072,-679,1072,-681,1072,1072,-684,-685,-686,1072,-688,1072,1072,-691,1072,1072,-694,-695,-696,1072,-698,-699,-700,-701,1072,1072,-746,1072,-749,-750,-751,-752,-753,1072,-755,-756,-757,-758,-759,1072,-766,-767,-769,1072,-771,-772,-773,-782,-856,-858,-860,-862,1072,1072,1072,1072,-868,1072,-870,1072,1072,1072,1072,1072,1072,1072,-906,-907,1072,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1072,-921,-924,1072,-934,1072,-385,-386,-387,1072,1072,-390,-391,-392,-393,1072,-396,1072,-399,-400,1072,-401,1072,-406,-407,1072,-410,-411,-412,1072,-415,1072,-416,1072,-421,-422,1072,-425,1072,-428,-429,-1894,-1894,1072,-619,-620,-621,-622,-623,-634,-584,-624,-797,1072,1072,1072,1072,1072,-831,1072,1072,-806,1072,-832,1072,1072,1072,1072,-798,1072,-853,-799,1072,1072,1072,1072,1072,1072,-854,-855,1072,-834,-830,-835,1072,-625,1072,-626,-627,-628,-629,-574,1072,1072,-630,-631,-632,1072,1072,1072,1072,1072,1072,-635,-636,-637,-592,-1894,-602,1072,-638,-639,-713,-640,-604,1072,-572,-577,-580,-583,1072,1072,1072,-598,-601,1072,-608,1072,1072,1072,1072,1072,1072,1072,1072,1072,1072,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1072,722,722,-995,722,1072,722,722,722,1072,-306,-325,-319,-296,-375,-452,-453,-454,-458,722,-443,1072,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1072,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,722,722,722,722,722,722,722,722,1072,-316,-535,-508,-591,-937,-939,-940,-438,1072,-440,-380,-381,-383,-507,-509,-511,1072,-513,-514,-519,-520,1072,-532,-534,-537,-538,-543,-548,-726,1072,-727,1072,-732,1072,-734,1072,-739,-656,-660,-661,1072,-666,1072,-667,1072,-672,-674,1072,-677,1072,1072,1072,-687,-689,1072,-692,1072,1072,-744,1072,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1072,1072,1072,1072,1072,-877,1072,-880,-908,-920,-925,-388,-389,1072,-394,1072,-397,1072,-402,1072,-403,1072,-408,1072,-413,1072,-417,1072,-418,1072,-423,1072,-426,-899,-900,-643,-585,-1894,-901,1072,1072,1072,-800,1072,1072,-804,1072,-807,-833,1072,-818,1072,-820,1072,-822,-808,1072,-824,1072,-851,-852,1072,1072,-811,1072,-646,-902,-904,-648,-649,-645,1072,-705,-706,1072,-642,-903,-647,-650,-603,-714,1072,1072,-605,-586,1072,1072,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1072,1072,-709,-710,1072,-716,1072,722,722,722,1072,1072,-938,722,-439,-441,-747,1072,-891,1956,-715,-1894,1072,1072,722,722,1072,-442,-512,-523,1072,-728,-733,1072,-735,1072,-740,1072,-662,-668,1072,-678,-680,-682,-683,-690,-693,-697,-745,1072,1072,-874,1072,1072,-878,1072,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1072,-812,1072,-814,-801,1072,-802,-805,1072,-816,-819,-821,-823,-825,1072,-826,1072,-809,1072,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,722,-282,722,1072,722,1072,-455,1072,1072,-729,1072,-736,1072,-741,1072,-663,-671,1072,1072,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1072,-836,-53,722,1072,-730,1072,-737,1072,-742,-664,1072,-873,-54,722,722,-731,-738,-743,1072,722,1072,-872,]),'SIGNED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[723,723,723,723,-1894,723,723,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,723,723,723,723,-275,-276,723,-1425,723,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,723,723,723,-490,723,723,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,723,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,723,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,723,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,723,-172,-173,-174,-175,-993,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-290,-291,-281,723,723,723,723,723,-328,-318,-332,-333,-334,723,723,-982,-983,-984,-985,-986,-987,-988,723,723,723,723,723,723,723,723,723,723,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,723,723,723,-353,-356,723,-323,-324,-141,723,-142,723,-143,723,-430,-935,-936,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-1894,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-1894,723,-1894,723,723,723,723,723,723,723,723,723,723,723,723,-1894,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,723,-1894,723,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,723,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,723,723,723,-191,-192,723,-994,723,723,723,723,723,-277,-278,-279,-280,-365,723,-308,723,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,723,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,723,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,723,723,723,723,723,723,-573,723,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,723,723,-723,-724,-725,723,723,723,723,723,723,-994,723,723,-91,-92,723,723,723,723,-309,-310,-320,723,-307,-293,-294,-295,723,723,723,723,-618,-633,-590,723,2967,2967,723,-436,723,-437,723,-444,-445,-446,-378,-379,723,723,723,-506,723,723,-510,723,723,723,723,-515,-516,-517,-518,723,723,-521,-522,723,-524,-525,-526,-527,-528,-529,-530,-531,723,-533,723,723,723,-539,-541,-542,723,-544,-545,-546,-547,723,723,723,723,723,723,-652,-653,-654,-655,723,-657,-658,-659,723,723,723,-665,723,723,-669,-670,723,723,-673,723,-675,-676,723,-679,723,-681,723,723,-684,-685,-686,723,-688,723,723,-691,723,723,-694,-695,-696,723,-698,-699,-700,-701,723,723,-746,723,-749,-750,-751,-752,-753,723,-755,-756,-757,-758,-759,723,-766,-767,-769,723,-771,-772,-773,-782,-856,-858,-860,-862,723,723,723,723,-868,723,-870,723,723,723,723,723,723,723,-906,-907,723,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,723,-921,-924,723,-934,723,-385,-386,-387,723,723,-390,-391,-392,-393,723,-396,723,-399,-400,723,-401,723,-406,-407,723,-410,-411,-412,723,-415,723,-416,723,-421,-422,723,-425,723,-428,-429,-1894,-1894,723,-619,-620,-621,-622,-623,-634,-584,-624,-797,723,723,723,723,723,-831,723,723,-806,723,-832,723,723,723,723,-798,723,-853,-799,723,723,723,723,723,723,-854,-855,723,-834,-830,-835,723,-625,723,-626,-627,-628,-629,-574,723,723,-630,-631,-632,723,723,723,723,723,723,-635,-636,-637,-592,-1894,-602,723,-638,-639,-713,-640,-604,723,-572,-577,-580,-583,723,723,723,-598,-601,723,-608,723,723,723,723,723,723,723,723,723,723,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,723,723,723,-995,723,723,723,723,723,723,-306,-325,-319,-296,-375,-452,-453,-454,-458,723,-443,723,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,723,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,723,723,723,723,723,723,723,723,723,-316,-535,-508,-591,-937,-939,-940,-438,723,-440,-380,-381,-383,-507,-509,-511,723,-513,-514,-519,-520,723,-532,-534,-537,-538,-543,-548,-726,723,-727,723,-732,723,-734,723,-739,-656,-660,-661,723,-666,723,-667,723,-672,-674,723,-677,723,723,723,-687,-689,723,-692,723,723,-744,723,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,723,723,723,723,723,-877,723,-880,-908,-920,-925,-388,-389,723,-394,723,-397,723,-402,723,-403,723,-408,723,-413,723,-417,723,-418,723,-423,723,-426,-899,-900,-643,-585,-1894,-901,723,723,723,-800,723,723,-804,723,-807,-833,723,-818,723,-820,723,-822,-808,723,-824,723,-851,-852,723,723,-811,723,-646,-902,-904,-648,-649,-645,723,-705,-706,723,-642,-903,-647,-650,-603,-714,723,723,-605,-586,723,723,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,723,723,-709,-710,723,-716,723,723,723,723,723,723,-938,723,-439,-441,-747,723,-891,723,-715,-1894,723,723,723,723,723,-442,-512,-523,723,-728,-733,723,-735,723,-740,723,-662,-668,723,-678,-680,-682,-683,-690,-693,-697,-745,723,723,-874,723,723,-878,723,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,723,-812,723,-814,-801,723,-802,-805,723,-816,-819,-821,-823,-825,723,-826,723,-809,723,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,723,-282,723,723,723,723,-455,723,723,-729,723,-736,723,-741,723,-663,-671,723,723,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,723,-836,-53,723,723,-730,723,-737,723,-742,-664,723,-873,-54,723,723,-731,-738,-743,723,723,723,-872,]),'SIMPLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[724,724,724,724,-1894,724,724,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,724,724,724,724,-275,-276,724,-1425,724,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,724,724,724,-490,724,724,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,724,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,724,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,724,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,724,-172,-173,-174,-175,-993,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-290,-291,-281,724,724,724,724,724,-328,-318,-332,-333,-334,724,724,-982,-983,-984,-985,-986,-987,-988,724,724,724,724,724,724,724,724,724,724,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,724,724,724,-353,-356,724,-323,-324,-141,724,-142,724,-143,724,-430,-935,-936,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-1894,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-1894,724,-1894,724,724,724,724,724,724,724,724,724,724,724,724,-1894,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,724,-1894,724,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,724,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,724,724,724,-191,-192,724,-994,724,724,724,724,724,-277,-278,-279,-280,-365,724,-308,724,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,724,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,724,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,724,724,724,724,724,724,-573,724,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,724,724,-723,-724,-725,724,724,724,724,724,724,-994,724,724,-91,-92,724,724,724,724,-309,-310,-320,724,-307,-293,-294,-295,724,724,724,724,-618,-633,-590,724,724,-436,724,-437,724,-444,-445,-446,-378,-379,724,724,724,-506,724,724,-510,724,724,724,724,-515,-516,-517,-518,724,724,-521,-522,724,-524,-525,-526,-527,-528,-529,-530,-531,724,-533,724,724,724,-539,-541,-542,724,-544,-545,-546,-547,724,724,724,724,724,724,-652,-653,-654,-655,724,-657,-658,-659,724,724,724,-665,724,724,-669,-670,724,724,-673,724,-675,-676,724,-679,724,-681,724,724,-684,-685,-686,724,-688,724,724,-691,724,724,-694,-695,-696,724,-698,-699,-700,-701,724,724,-746,724,-749,-750,-751,-752,-753,724,-755,-756,-757,-758,-759,724,-766,-767,-769,724,-771,-772,-773,-782,-856,-858,-860,-862,724,724,724,724,-868,724,-870,724,724,724,724,724,724,724,-906,-907,724,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,724,-921,-924,724,-934,724,-385,-386,-387,724,724,-390,-391,-392,-393,724,-396,724,-399,-400,724,-401,724,-406,-407,724,-410,-411,-412,724,-415,724,-416,724,-421,-422,724,-425,724,-428,-429,-1894,-1894,724,-619,-620,-621,-622,-623,-634,-584,-624,-797,724,724,724,724,724,-831,724,724,-806,724,-832,724,724,724,724,-798,724,-853,-799,724,724,724,724,724,724,-854,-855,724,-834,-830,-835,724,-625,724,-626,-627,-628,-629,-574,724,724,-630,-631,-632,724,724,724,724,724,724,-635,-636,-637,-592,-1894,-602,724,-638,-639,-713,-640,-604,724,-572,-577,-580,-583,724,724,724,-598,-601,724,-608,724,724,724,724,724,724,724,724,724,724,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,724,724,724,-995,724,724,724,724,724,724,-306,-325,-319,-296,-375,-452,-453,-454,-458,724,-443,724,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,724,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,724,724,724,724,724,724,724,724,724,-316,-535,-508,-591,-937,-939,-940,-438,724,-440,-380,-381,-383,-507,-509,-511,724,-513,-514,-519,-520,724,-532,-534,-537,-538,-543,-548,-726,724,-727,724,-732,724,-734,724,-739,-656,-660,-661,724,-666,724,-667,724,-672,-674,724,-677,724,724,724,-687,-689,724,-692,724,724,-744,724,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,724,724,724,724,724,-877,724,-880,-908,-920,-925,-388,-389,724,-394,724,-397,724,-402,724,-403,724,-408,724,-413,724,-417,724,-418,724,-423,724,-426,-899,-900,-643,-585,-1894,-901,724,724,724,-800,724,724,-804,724,-807,-833,724,-818,724,-820,724,-822,-808,724,-824,724,-851,-852,724,724,-811,724,-646,-902,-904,-648,-649,-645,724,-705,-706,724,-642,-903,-647,-650,-603,-714,724,724,-605,-586,724,724,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,724,724,-709,-710,724,-716,724,724,724,724,724,724,-938,724,-439,-441,-747,724,-891,724,-715,-1894,724,724,724,724,724,-442,-512,-523,724,-728,-733,724,-735,724,-740,724,-662,-668,724,-678,-680,-682,-683,-690,-693,-697,-745,724,724,-874,724,724,-878,724,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,724,-812,724,-814,-801,724,-802,-805,724,-816,-819,-821,-823,-825,724,-826,724,-809,724,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,724,-282,724,724,724,724,-455,724,724,-729,724,-736,724,-741,724,-663,-671,724,724,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,724,-836,-53,724,724,-730,724,-737,724,-742,-664,724,-873,-54,724,724,-731,-738,-743,724,724,724,-872,]),'SLAVE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[725,725,725,725,-1894,725,725,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,725,725,725,725,-275,-276,725,-1425,725,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,725,725,725,-490,725,725,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,725,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,725,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,725,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,725,-172,-173,-174,-175,-993,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-290,-291,-281,725,725,725,725,725,-328,-318,-332,-333,-334,725,725,-982,-983,-984,-985,-986,-987,-988,725,725,725,725,725,725,725,725,725,725,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,725,725,725,-353,-356,725,-323,-324,-141,725,-142,725,-143,725,-430,-935,-936,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-1894,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-1894,725,-1894,725,725,725,725,725,725,725,725,725,725,725,725,-1894,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,725,-1894,725,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,725,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,725,725,725,-191,-192,725,-994,725,725,725,725,725,-277,-278,-279,-280,-365,725,-308,725,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,725,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,725,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,725,725,725,725,725,725,-573,725,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,725,725,-723,-724,-725,725,725,725,725,725,725,-994,725,725,-91,-92,725,725,725,725,-309,-310,-320,725,-307,-293,-294,-295,725,725,725,725,-618,-633,-590,725,725,-436,725,-437,725,-444,-445,-446,-378,-379,725,725,725,-506,725,725,-510,725,725,725,725,-515,-516,-517,-518,725,725,-521,-522,725,-524,-525,-526,-527,-528,-529,-530,-531,725,-533,725,725,725,-539,-541,-542,725,-544,-545,-546,-547,725,725,725,725,725,725,-652,-653,-654,-655,725,-657,-658,-659,725,725,725,-665,725,725,-669,-670,725,725,-673,725,-675,-676,725,-679,725,-681,725,725,-684,-685,-686,725,-688,725,725,-691,725,725,-694,-695,-696,725,-698,-699,-700,-701,725,725,-746,725,-749,-750,-751,-752,-753,725,-755,-756,-757,-758,-759,725,-766,-767,-769,725,-771,-772,-773,-782,-856,-858,-860,-862,725,725,725,725,-868,725,-870,725,725,725,725,725,725,725,-906,-907,725,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,725,-921,-924,725,-934,725,-385,-386,-387,725,725,-390,-391,-392,-393,725,-396,725,-399,-400,725,-401,725,-406,-407,725,-410,-411,-412,725,-415,725,-416,725,-421,-422,725,-425,725,-428,-429,-1894,-1894,725,-619,-620,-621,-622,-623,-634,-584,-624,-797,725,725,725,725,725,-831,725,725,-806,725,-832,725,725,725,725,-798,725,-853,-799,725,725,725,725,725,725,-854,-855,725,-834,-830,-835,725,-625,725,-626,-627,-628,-629,-574,725,725,-630,-631,-632,725,725,725,725,725,725,-635,-636,-637,-592,-1894,-602,725,-638,-639,-713,-640,-604,725,-572,-577,-580,-583,725,725,725,-598,-601,725,-608,725,725,725,725,725,725,725,725,725,725,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,725,725,725,-995,725,725,725,725,725,725,-306,-325,-319,-296,-375,-452,-453,-454,-458,725,-443,725,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,725,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,725,725,725,725,725,725,725,725,725,-316,-535,-508,-591,-937,-939,-940,-438,725,-440,-380,-381,-383,-507,-509,-511,725,-513,-514,-519,-520,725,-532,-534,-537,-538,-543,-548,-726,725,-727,725,-732,725,-734,725,-739,-656,-660,-661,725,-666,725,-667,725,-672,-674,725,-677,725,725,725,-687,-689,725,-692,725,725,-744,725,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,725,725,725,725,725,-877,725,-880,-908,-920,-925,-388,-389,725,-394,725,-397,725,-402,725,-403,725,-408,725,-413,725,-417,725,-418,725,-423,725,-426,-899,-900,-643,-585,-1894,-901,725,725,725,-800,725,725,-804,725,-807,-833,725,-818,725,-820,725,-822,-808,725,-824,725,-851,-852,725,725,-811,725,-646,-902,-904,-648,-649,-645,725,-705,-706,725,-642,-903,-647,-650,-603,-714,725,725,-605,-586,725,725,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,725,725,-709,-710,725,-716,725,725,725,725,725,725,-938,725,-439,-441,-747,725,-891,725,-715,-1894,725,725,725,725,725,-442,-512,-523,725,-728,-733,725,-735,725,-740,725,-662,-668,725,-678,-680,-682,-683,-690,-693,-697,-745,725,725,-874,725,725,-878,725,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,725,-812,725,-814,-801,725,-802,-805,725,-816,-819,-821,-823,-825,725,-826,725,-809,725,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,725,-282,725,725,725,725,-455,725,725,-729,725,-736,725,-741,725,-663,-671,725,725,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,725,-836,-53,725,725,-730,725,-737,725,-742,-664,725,-873,-54,725,725,-731,-738,-743,725,725,725,-872,]),'SLEEP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[726,726,726,1214,-1894,726,726,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,726,726,726,726,-275,-276,1214,-1425,1214,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1214,1214,1214,-490,1214,1214,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1214,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1214,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1957,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,726,-172,-173,-174,-175,-993,726,726,726,726,726,726,726,726,726,726,1214,1214,1214,1214,1214,-290,-291,-281,726,1214,1214,1214,1214,-328,-318,-332,-333,-334,1214,1214,-982,-983,-984,-985,-986,-987,-988,726,726,1214,1214,1214,1214,1214,1214,1214,1214,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1214,1214,1214,-353,-356,726,-323,-324,-141,1214,-142,1214,-143,1214,-430,-935,-936,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1894,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1894,1214,-1894,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1894,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-1894,726,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1214,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1214,726,726,-191,-192,726,-994,1214,726,726,726,726,-277,-278,-279,-280,-365,1214,-308,1214,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1214,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1214,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1214,1214,1214,1214,1214,1214,-573,1214,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1214,1214,-723,-724,-725,1214,1957,726,726,726,726,-994,726,1214,-91,-92,726,726,726,1214,-309,-310,-320,1214,-307,-293,-294,-295,1214,726,1214,1214,-618,-633,-590,1214,726,-436,726,-437,1214,-444,-445,-446,-378,-379,1214,1214,1214,-506,1214,1214,-510,1214,1214,1214,1214,-515,-516,-517,-518,1214,1214,-521,-522,1214,-524,-525,-526,-527,-528,-529,-530,-531,1214,-533,1214,1214,1214,-539,-541,-542,1214,-544,-545,-546,-547,1214,1214,1214,1214,1214,1214,-652,-653,-654,-655,726,-657,-658,-659,1214,1214,1214,-665,1214,1214,-669,-670,1214,1214,-673,1214,-675,-676,1214,-679,1214,-681,1214,1214,-684,-685,-686,1214,-688,1214,1214,-691,1214,1214,-694,-695,-696,1214,-698,-699,-700,-701,1214,1214,-746,1214,-749,-750,-751,-752,-753,1214,-755,-756,-757,-758,-759,1214,-766,-767,-769,1214,-771,-772,-773,-782,-856,-858,-860,-862,1214,1214,1214,1214,-868,1214,-870,1214,1214,1214,1214,1214,1214,1214,-906,-907,1214,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1214,-921,-924,1214,-934,1214,-385,-386,-387,1214,1214,-390,-391,-392,-393,1214,-396,1214,-399,-400,1214,-401,1214,-406,-407,1214,-410,-411,-412,1214,-415,1214,-416,1214,-421,-422,1214,-425,1214,-428,-429,-1894,-1894,1214,-619,-620,-621,-622,-623,-634,-584,-624,-797,1214,1214,1214,1214,1214,-831,1214,1214,-806,1214,-832,1214,1214,1214,1214,-798,1214,-853,-799,1214,1214,1214,1214,1214,1214,-854,-855,1214,-834,-830,-835,1214,-625,1214,-626,-627,-628,-629,-574,1214,1214,-630,-631,-632,1214,1214,1214,1214,1214,1214,-635,-636,-637,-592,-1894,-602,1214,-638,-639,-713,-640,-604,1214,-572,-577,-580,-583,1214,1214,1214,-598,-601,1214,-608,1214,1214,1214,1214,1214,1214,1214,1214,1214,1214,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1214,726,726,-995,726,1214,726,726,726,1214,-306,-325,-319,-296,-375,-452,-453,-454,-458,726,-443,1214,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1214,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,726,726,726,726,726,726,726,726,1214,-316,-535,-508,-591,-937,-939,-940,-438,1214,-440,-380,-381,-383,-507,-509,-511,1214,-513,-514,-519,-520,1214,-532,-534,-537,-538,-543,-548,-726,1214,-727,1214,-732,1214,-734,1214,-739,-656,-660,-661,1214,-666,1214,-667,1214,-672,-674,1214,-677,1214,1214,1214,-687,-689,1214,-692,1214,1214,-744,1214,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1214,1214,1214,1214,1214,-877,1214,-880,-908,-920,-925,-388,-389,1214,-394,1214,-397,1214,-402,1214,-403,1214,-408,1214,-413,1214,-417,1214,-418,1214,-423,1214,-426,-899,-900,-643,-585,-1894,-901,1214,1214,1214,-800,1214,1214,-804,1214,-807,-833,1214,-818,1214,-820,1214,-822,-808,1214,-824,1214,-851,-852,1214,1214,-811,1214,-646,-902,-904,-648,-649,-645,1214,-705,-706,1214,-642,-903,-647,-650,-603,-714,1214,1214,-605,-586,1214,1214,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1214,1214,-709,-710,1214,-716,1214,726,726,726,1214,1214,-938,726,-439,-441,-747,1214,-891,1957,-715,-1894,1214,1214,726,726,1214,-442,-512,-523,1214,-728,-733,1214,-735,1214,-740,1214,-662,-668,1214,-678,-680,-682,-683,-690,-693,-697,-745,1214,1214,-874,1214,1214,-878,1214,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1214,-812,1214,-814,-801,1214,-802,-805,1214,-816,-819,-821,-823,-825,1214,-826,1214,-809,1214,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,726,-282,726,1214,726,1214,-455,1214,1214,-729,1214,-736,1214,-741,1214,-663,-671,1214,1214,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1214,-836,-53,726,1214,-730,1214,-737,1214,-742,-664,1214,-873,-54,726,726,-731,-738,-743,1214,726,1214,-872,]),'SLOT_IDX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[727,727,727,727,-1894,727,727,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,727,727,727,727,-275,-276,727,-1425,727,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,727,727,727,-490,727,727,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,727,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,727,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,727,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,727,-172,-173,-174,-175,-993,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-290,-291,-281,727,727,727,727,727,-328,-318,-332,-333,-334,727,727,-982,-983,-984,-985,-986,-987,-988,727,727,727,727,727,727,727,727,727,727,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,727,727,727,-353,-356,727,-323,-324,-141,727,-142,727,-143,727,-430,-935,-936,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-1894,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-1894,727,-1894,727,727,727,727,727,727,727,727,727,727,727,727,-1894,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,727,-1894,727,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,727,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,727,727,727,-191,-192,727,-994,727,727,727,727,727,-277,-278,-279,-280,-365,727,-308,727,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,727,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,727,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,727,727,727,727,727,727,-573,727,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,727,727,-723,-724,-725,727,727,727,727,727,727,-994,727,727,-91,-92,727,727,727,727,-309,-310,-320,727,-307,-293,-294,-295,727,727,727,727,-618,-633,-590,727,727,-436,727,-437,727,-444,-445,-446,-378,-379,727,727,727,-506,727,727,-510,727,727,727,727,-515,-516,-517,-518,727,727,-521,-522,727,-524,-525,-526,-527,-528,-529,-530,-531,727,-533,727,727,727,-539,-541,-542,727,-544,-545,-546,-547,727,727,727,727,727,727,-652,-653,-654,-655,727,-657,-658,-659,727,727,727,-665,727,727,-669,-670,727,727,-673,727,-675,-676,727,-679,727,-681,727,727,-684,-685,-686,727,-688,727,727,-691,727,727,-694,-695,-696,727,-698,-699,-700,-701,727,727,-746,727,-749,-750,-751,-752,-753,727,-755,-756,-757,-758,-759,727,-766,-767,-769,727,-771,-772,-773,-782,-856,-858,-860,-862,727,727,727,727,-868,727,-870,727,727,727,727,727,727,727,-906,-907,727,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,727,-921,-924,727,-934,727,-385,-386,-387,727,727,-390,-391,-392,-393,727,-396,727,-399,-400,727,-401,727,-406,-407,727,-410,-411,-412,727,-415,727,-416,727,-421,-422,727,-425,727,-428,-429,-1894,-1894,727,-619,-620,-621,-622,-623,-634,-584,-624,-797,727,727,727,727,727,-831,727,727,-806,727,-832,727,727,727,727,-798,727,-853,-799,727,727,727,727,727,727,-854,-855,727,-834,-830,-835,727,-625,727,-626,-627,-628,-629,-574,727,727,-630,-631,-632,727,727,727,727,727,727,-635,-636,-637,-592,-1894,-602,727,-638,-639,-713,-640,-604,727,-572,-577,-580,-583,727,727,727,-598,-601,727,-608,727,727,727,727,727,727,727,727,727,727,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,727,727,727,-995,727,727,727,727,727,727,-306,-325,-319,-296,-375,-452,-453,-454,-458,727,-443,727,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,727,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,727,727,727,727,727,727,727,727,727,-316,-535,-508,-591,-937,-939,-940,-438,727,-440,-380,-381,-383,-507,-509,-511,727,-513,-514,-519,-520,727,-532,-534,-537,-538,-543,-548,-726,727,-727,727,-732,727,-734,727,-739,-656,-660,-661,727,-666,727,-667,727,-672,-674,727,-677,727,727,727,-687,-689,727,-692,727,727,-744,727,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,727,727,727,727,727,-877,727,-880,-908,-920,-925,-388,-389,727,-394,727,-397,727,-402,727,-403,727,-408,727,-413,727,-417,727,-418,727,-423,727,-426,-899,-900,-643,-585,-1894,-901,727,727,727,-800,727,727,-804,727,-807,-833,727,-818,727,-820,727,-822,-808,727,-824,727,-851,-852,727,727,-811,727,-646,-902,-904,-648,-649,-645,727,-705,-706,727,-642,-903,-647,-650,-603,-714,727,727,-605,-586,727,727,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,727,727,-709,-710,727,-716,727,727,727,727,727,727,-938,727,-439,-441,-747,727,-891,727,-715,-1894,727,727,727,727,727,-442,-512,-523,727,-728,-733,727,-735,727,-740,727,-662,-668,727,-678,-680,-682,-683,-690,-693,-697,-745,727,727,-874,727,727,-878,727,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,727,-812,727,-814,-801,727,-802,-805,727,-816,-819,-821,-823,-825,727,-826,727,-809,727,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,727,-282,727,727,727,727,-455,727,727,-729,727,-736,727,-741,727,-663,-671,727,727,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,727,-836,-53,727,727,-730,727,-737,727,-742,-664,727,-873,-54,727,727,-731,-738,-743,727,727,727,-872,]),'SLOW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[728,728,728,728,-1894,728,728,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,728,728,728,728,-275,-276,728,-1425,728,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,728,728,728,-490,728,728,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,728,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,728,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,728,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,728,-172,-173,-174,-175,-993,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-290,-291,-281,728,728,728,728,728,-328,-318,-332,-333,-334,728,728,-982,-983,-984,-985,-986,-987,-988,728,728,728,728,728,728,728,728,728,728,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,728,728,728,-353,-356,728,-323,-324,-141,728,-142,728,-143,728,-430,-935,-936,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-1894,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-1894,728,-1894,728,728,728,728,728,728,728,728,728,728,728,728,-1894,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,728,-1894,728,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,728,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,728,728,728,-191,-192,728,-994,728,728,728,728,728,-277,-278,-279,-280,-365,728,-308,728,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,728,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,728,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,728,728,728,728,728,728,-573,728,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,728,728,-723,-724,-725,728,728,728,728,728,728,-994,728,728,-91,-92,728,728,728,728,-309,-310,-320,728,-307,-293,-294,-295,728,728,728,728,-618,-633,-590,728,728,-436,728,-437,728,-444,-445,-446,-378,-379,728,728,728,-506,728,728,-510,728,728,728,728,-515,-516,-517,-518,728,728,-521,-522,728,-524,-525,-526,-527,-528,-529,-530,-531,728,-533,728,728,728,-539,-541,-542,728,-544,-545,-546,-547,728,728,728,728,728,728,-652,-653,-654,-655,728,-657,-658,-659,728,728,728,-665,728,728,-669,-670,728,728,-673,728,-675,-676,728,-679,728,-681,728,728,-684,-685,-686,728,-688,728,728,-691,728,728,-694,-695,-696,728,-698,-699,-700,-701,728,728,-746,728,-749,-750,-751,-752,-753,728,-755,-756,-757,-758,-759,728,-766,-767,-769,728,-771,-772,-773,-782,-856,-858,-860,-862,728,728,728,728,-868,728,-870,728,728,728,728,728,728,728,-906,-907,728,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,728,-921,-924,728,-934,728,-385,-386,-387,728,728,-390,-391,-392,-393,728,-396,728,-399,-400,728,-401,728,-406,-407,728,-410,-411,-412,728,-415,728,-416,728,-421,-422,728,-425,728,-428,-429,-1894,-1894,728,-619,-620,-621,-622,-623,-634,-584,-624,-797,728,728,728,728,728,-831,728,728,-806,728,-832,728,728,728,728,-798,728,-853,-799,728,728,728,728,728,728,-854,-855,728,-834,-830,-835,728,-625,728,-626,-627,-628,-629,-574,728,728,-630,-631,-632,728,728,728,728,728,728,-635,-636,-637,-592,-1894,-602,728,-638,-639,-713,-640,-604,728,-572,-577,-580,-583,728,728,728,-598,-601,728,-608,728,728,728,728,728,728,728,728,728,728,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,728,728,728,-995,728,728,728,728,728,728,-306,-325,-319,-296,-375,-452,-453,-454,-458,728,-443,728,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,728,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,728,728,728,728,728,728,728,728,728,-316,-535,-508,-591,-937,-939,-940,-438,728,-440,-380,-381,-383,-507,-509,-511,728,-513,-514,-519,-520,728,-532,-534,-537,-538,-543,-548,-726,728,-727,728,-732,728,-734,728,-739,-656,-660,-661,728,-666,728,-667,728,-672,-674,728,-677,728,728,728,-687,-689,728,-692,728,728,-744,728,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,728,728,728,728,728,-877,728,-880,-908,-920,-925,-388,-389,728,-394,728,-397,728,-402,728,-403,728,-408,728,-413,728,-417,728,-418,728,-423,728,-426,-899,-900,-643,-585,-1894,-901,728,728,728,-800,728,728,-804,728,-807,-833,728,-818,728,-820,728,-822,-808,728,-824,728,-851,-852,728,728,-811,728,-646,-902,-904,-648,-649,-645,728,-705,-706,728,-642,-903,-647,-650,-603,-714,728,728,-605,-586,728,728,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,728,728,-709,-710,728,-716,728,728,728,728,728,728,-938,728,-439,-441,-747,728,-891,728,-715,-1894,728,728,728,728,728,-442,-512,-523,728,-728,-733,728,-735,728,-740,728,-662,-668,728,-678,-680,-682,-683,-690,-693,-697,-745,728,728,-874,728,728,-878,728,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,728,-812,728,-814,-801,728,-802,-805,728,-816,-819,-821,-823,-825,728,-826,728,-809,728,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,728,-282,728,728,728,728,-455,728,728,-729,728,-736,728,-741,728,-663,-671,728,728,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,728,-836,-53,728,728,-730,728,-737,728,-742,-664,728,-873,-54,728,728,-731,-738,-743,728,728,728,-872,]),'SNAPSHOT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[729,729,729,729,-1894,729,729,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,729,729,729,729,-275,-276,729,-1425,729,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,729,729,729,-490,729,729,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,729,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,729,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,729,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,729,-172,-173,-174,-175,-993,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-290,-291,-281,729,729,729,729,729,-328,-318,-332,-333,-334,729,729,-982,-983,-984,-985,-986,-987,-988,729,729,729,729,729,729,729,729,729,729,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,729,729,729,-353,-356,729,-323,-324,-141,729,-142,729,-143,729,-430,-935,-936,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-1894,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-1894,729,-1894,729,729,729,729,729,729,729,729,729,729,729,729,-1894,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,729,-1894,729,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,729,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,729,729,729,-191,-192,729,-994,729,729,729,729,729,-277,-278,-279,-280,-365,729,-308,729,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,729,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,729,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,729,729,729,729,729,729,-573,729,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,729,729,-723,-724,-725,729,729,729,729,729,729,-994,729,729,-91,-92,729,729,729,729,-309,-310,-320,729,-307,-293,-294,-295,729,729,729,729,-618,-633,-590,729,729,-436,729,-437,729,-444,-445,-446,-378,-379,729,729,729,-506,729,729,-510,729,729,729,729,-515,-516,-517,-518,729,729,-521,-522,729,-524,-525,-526,-527,-528,-529,-530,-531,729,-533,729,729,729,-539,-541,-542,729,-544,-545,-546,-547,729,729,729,729,729,729,-652,-653,-654,-655,729,-657,-658,-659,729,729,729,-665,729,729,-669,-670,729,729,-673,729,-675,-676,729,-679,729,-681,729,729,-684,-685,-686,729,-688,729,729,-691,729,729,-694,-695,-696,729,-698,-699,-700,-701,729,729,-746,729,-749,-750,-751,-752,-753,729,-755,-756,-757,-758,-759,729,-766,-767,-769,729,-771,-772,-773,-782,-856,-858,-860,-862,729,729,729,729,-868,729,-870,729,729,729,729,729,729,729,-906,-907,729,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,729,-921,-924,729,-934,729,-385,-386,-387,729,729,-390,-391,-392,-393,729,-396,729,-399,-400,729,-401,729,-406,-407,729,-410,-411,-412,729,-415,729,-416,729,-421,-422,729,-425,729,-428,-429,-1894,-1894,729,-619,-620,-621,-622,-623,-634,-584,-624,-797,729,729,729,729,729,-831,729,729,-806,729,-832,729,729,729,729,-798,729,-853,-799,729,729,729,729,729,729,-854,-855,729,-834,-830,-835,729,-625,729,-626,-627,-628,-629,-574,729,729,-630,-631,-632,729,729,729,729,729,729,-635,-636,-637,-592,-1894,-602,729,-638,-639,-713,-640,-604,729,-572,-577,-580,-583,729,729,729,-598,-601,729,-608,729,729,729,729,729,729,729,729,729,729,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,729,729,729,-995,729,729,729,729,729,729,-306,-325,-319,-296,-375,-452,-453,-454,-458,729,-443,729,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,729,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,729,729,729,729,729,729,729,729,729,-316,-535,-508,-591,-937,-939,-940,-438,729,-440,-380,-381,-383,-507,-509,-511,729,-513,-514,-519,-520,729,-532,-534,-537,-538,-543,-548,-726,729,-727,729,-732,729,-734,729,-739,-656,-660,-661,729,-666,729,-667,729,-672,-674,729,-677,729,729,729,-687,-689,729,-692,729,729,-744,729,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,729,729,729,729,729,-877,729,-880,-908,-920,-925,-388,-389,729,-394,729,-397,729,-402,729,-403,729,-408,729,-413,729,-417,729,-418,729,-423,729,-426,-899,-900,-643,-585,-1894,-901,729,729,729,-800,729,729,-804,729,-807,-833,729,-818,729,-820,729,-822,-808,729,-824,729,-851,-852,729,729,-811,729,-646,-902,-904,-648,-649,-645,729,-705,-706,729,-642,-903,-647,-650,-603,-714,729,729,-605,-586,729,729,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,729,729,-709,-710,729,-716,729,729,729,729,729,729,-938,729,-439,-441,-747,729,-891,729,-715,-1894,729,729,729,729,729,-442,-512,-523,729,-728,-733,729,-735,729,-740,729,-662,-668,729,-678,-680,-682,-683,-690,-693,-697,-745,729,729,-874,729,729,-878,729,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,729,-812,729,-814,-801,729,-802,-805,729,-816,-819,-821,-823,-825,729,-826,729,-809,729,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,729,-282,729,729,729,729,-455,729,729,-729,729,-736,729,-741,729,-663,-671,729,729,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,729,-836,-53,729,729,-730,729,-737,729,-742,-664,729,-873,-54,729,729,-731,-738,-743,729,729,729,-872,]),'SOCKET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[730,730,730,730,-1894,730,730,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,730,730,730,730,-275,-276,730,-1425,730,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,730,730,730,-490,730,730,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,730,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,730,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,730,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,730,-172,-173,-174,-175,-993,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-290,-291,-281,730,730,730,730,730,-328,-318,-332,-333,-334,730,730,-982,-983,-984,-985,-986,-987,-988,730,730,730,730,730,730,730,730,730,730,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,730,730,730,-353,-356,730,-323,-324,-141,730,-142,730,-143,730,-430,-935,-936,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-1894,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-1894,730,-1894,730,730,730,730,730,730,730,730,730,730,730,730,-1894,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,730,-1894,730,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,730,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,730,730,730,-191,-192,730,-994,730,730,730,730,730,-277,-278,-279,-280,-365,730,-308,730,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,730,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,730,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,730,730,730,730,730,730,-573,730,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,730,730,-723,-724,-725,730,730,730,730,730,730,-994,730,730,-91,-92,730,730,730,730,-309,-310,-320,730,-307,-293,-294,-295,730,730,730,730,-618,-633,-590,730,730,-436,730,-437,730,-444,-445,-446,-378,-379,730,730,730,-506,730,730,-510,730,730,730,730,-515,-516,-517,-518,730,730,-521,-522,730,-524,-525,-526,-527,-528,-529,-530,-531,730,-533,730,730,730,-539,-541,-542,730,-544,-545,-546,-547,730,730,730,730,730,730,-652,-653,-654,-655,730,-657,-658,-659,730,730,730,-665,730,730,-669,-670,730,730,-673,730,-675,-676,730,-679,730,-681,730,730,-684,-685,-686,730,-688,730,730,-691,730,730,-694,-695,-696,730,-698,-699,-700,-701,730,730,-746,730,-749,-750,-751,-752,-753,730,-755,-756,-757,-758,-759,730,-766,-767,-769,730,-771,-772,-773,-782,-856,-858,-860,-862,730,730,730,730,-868,730,-870,730,730,730,730,730,730,730,-906,-907,730,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,730,-921,-924,730,-934,730,-385,-386,-387,730,730,-390,-391,-392,-393,730,-396,730,-399,-400,730,-401,730,-406,-407,730,-410,-411,-412,730,-415,730,-416,730,-421,-422,730,-425,730,-428,-429,-1894,-1894,730,-619,-620,-621,-622,-623,-634,-584,-624,-797,730,730,730,730,730,-831,730,730,-806,730,-832,730,730,730,730,-798,730,-853,-799,730,730,730,730,730,730,-854,-855,730,-834,-830,-835,730,-625,730,-626,-627,-628,-629,-574,730,730,-630,-631,-632,730,730,730,730,730,730,-635,-636,-637,-592,-1894,-602,730,-638,-639,-713,-640,-604,730,-572,-577,-580,-583,730,730,730,-598,-601,730,-608,730,730,730,730,730,730,730,730,730,730,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,730,730,730,-995,730,730,730,730,730,730,-306,-325,-319,-296,-375,-452,-453,-454,-458,730,-443,730,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,730,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,730,730,730,730,730,730,730,730,730,-316,-535,-508,-591,-937,-939,-940,-438,730,-440,-380,-381,-383,-507,-509,-511,730,-513,-514,-519,-520,730,-532,-534,-537,-538,-543,-548,-726,730,-727,730,-732,730,-734,730,-739,-656,-660,-661,730,-666,730,-667,730,-672,-674,730,-677,730,730,730,-687,-689,730,-692,730,730,-744,730,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,730,730,730,730,730,-877,730,-880,-908,-920,-925,-388,-389,730,-394,730,-397,730,-402,730,-403,730,-408,730,-413,730,-417,730,-418,730,-423,730,-426,-899,-900,-643,-585,-1894,-901,730,730,730,-800,730,730,-804,730,-807,-833,730,-818,730,-820,730,-822,-808,730,-824,730,-851,-852,730,730,-811,730,-646,-902,-904,-648,-649,-645,730,-705,-706,730,-642,-903,-647,-650,-603,-714,730,730,-605,-586,730,730,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,730,730,-709,-710,730,-716,730,730,730,730,730,730,-938,730,-439,-441,-747,730,-891,730,-715,-1894,730,730,730,730,730,-442,-512,-523,730,-728,-733,730,-735,730,-740,730,-662,-668,730,-678,-680,-682,-683,-690,-693,-697,-745,730,730,-874,730,730,-878,730,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,730,-812,730,-814,-801,730,-802,-805,730,-816,-819,-821,-823,-825,730,-826,730,-809,730,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,730,-282,730,730,730,730,-455,730,730,-729,730,-736,730,-741,730,-663,-671,730,730,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,730,-836,-53,730,730,-730,730,-737,730,-742,-664,730,-873,-54,730,730,-731,-738,-743,730,730,730,-872,]),'SOME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[731,731,731,731,-1894,731,731,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,731,731,731,731,-275,-276,731,-1425,731,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,731,731,731,-490,731,731,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,731,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,731,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,731,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,731,-172,-173,-174,-175,-993,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-290,-291,-281,731,731,731,731,731,-328,-318,-332,-333,-334,731,2072,-982,-983,-984,-985,-986,-987,-988,731,731,731,731,731,731,731,731,731,731,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,731,731,731,-353,-356,731,-323,-324,-141,731,-142,731,-143,731,-430,-935,-936,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-1894,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-1894,731,-1894,731,731,731,731,731,731,731,731,731,731,731,731,-1894,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,731,-1894,731,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,731,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,731,731,731,-191,-192,731,-994,731,731,731,731,731,-277,-278,-279,-280,-365,731,-308,731,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,731,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,731,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,731,731,731,731,731,731,-573,731,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,731,731,-723,-724,-725,731,731,731,731,731,731,-994,731,731,-91,-92,731,731,731,731,-309,-310,-320,731,-307,-293,-294,-295,731,731,731,731,-618,-633,-590,731,731,-436,731,-437,731,-444,-445,-446,-378,-379,731,731,731,-506,731,731,-510,731,731,731,731,-515,-516,-517,-518,731,731,-521,-522,731,-524,-525,-526,-527,-528,-529,-530,-531,731,-533,731,731,731,-539,-541,-542,731,-544,-545,-546,-547,731,731,731,731,731,731,-652,-653,-654,-655,731,-657,-658,-659,731,731,731,-665,731,731,-669,-670,731,731,-673,731,-675,-676,731,-679,731,-681,731,731,-684,-685,-686,731,-688,731,731,-691,731,731,-694,-695,-696,731,-698,-699,-700,-701,731,731,-746,731,-749,-750,-751,-752,-753,731,-755,-756,-757,-758,-759,731,-766,-767,-769,731,-771,-772,-773,-782,-856,-858,-860,-862,731,731,731,731,-868,731,-870,731,731,731,731,731,731,731,-906,-907,731,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,731,-921,-924,731,-934,731,-385,-386,-387,731,731,-390,-391,-392,-393,731,-396,731,-399,-400,731,-401,731,-406,-407,731,-410,-411,-412,731,-415,731,-416,731,-421,-422,731,-425,731,-428,-429,-1894,-1894,731,-619,-620,-621,-622,-623,-634,-584,-624,-797,731,731,731,731,731,-831,731,731,-806,731,-832,731,731,731,731,-798,731,-853,-799,731,731,731,731,731,731,-854,-855,731,-834,-830,-835,731,-625,731,-626,-627,-628,-629,-574,731,731,-630,-631,-632,731,731,731,731,731,731,-635,-636,-637,-592,-1894,-602,731,-638,-639,-713,-640,-604,731,-572,-577,-580,-583,731,731,731,-598,-601,731,-608,731,731,731,731,731,731,731,731,731,731,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,731,731,731,-995,731,731,731,731,731,731,-306,-325,-319,-296,-375,-452,-453,-454,-458,731,-443,731,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,731,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,731,731,731,731,731,731,731,731,731,-316,-535,-508,-591,-937,-939,-940,-438,731,-440,-380,-381,-383,-507,-509,-511,731,-513,-514,-519,-520,731,-532,-534,-537,-538,-543,-548,-726,731,-727,731,-732,731,-734,731,-739,-656,-660,-661,731,-666,731,-667,731,-672,-674,731,-677,731,731,731,-687,-689,731,-692,731,731,-744,731,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,731,731,731,731,731,-877,731,-880,-908,-920,-925,-388,-389,731,-394,731,-397,731,-402,731,-403,731,-408,731,-413,731,-417,731,-418,731,-423,731,-426,-899,-900,-643,-585,-1894,-901,731,731,731,-800,731,731,-804,731,-807,-833,731,-818,731,-820,731,-822,-808,731,-824,731,-851,-852,731,731,-811,731,-646,-902,-904,-648,-649,-645,731,-705,-706,731,-642,-903,-647,-650,-603,-714,731,731,-605,-586,731,731,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,731,731,-709,-710,731,-716,731,731,731,731,731,731,-938,731,-439,-441,-747,731,-891,731,-715,-1894,731,731,731,731,731,-442,-512,-523,731,-728,-733,731,-735,731,-740,731,-662,-668,731,-678,-680,-682,-683,-690,-693,-697,-745,731,731,-874,731,731,-878,731,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,731,-812,731,-814,-801,731,-802,-805,731,-816,-819,-821,-823,-825,731,-826,731,-809,731,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,731,-282,731,731,731,731,-455,731,731,-729,731,-736,731,-741,731,-663,-671,731,731,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,731,-836,-53,731,731,-730,731,-737,731,-742,-664,731,-873,-54,731,731,-731,-738,-743,731,731,731,-872,]),'SONAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[732,732,732,732,-1894,732,732,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,732,732,732,732,-275,-276,732,-1425,732,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,732,732,732,-490,732,732,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,732,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,732,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,732,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,732,-172,-173,-174,-175,-993,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-290,-291,-281,732,732,732,732,732,-328,-318,-332,-333,-334,732,732,-982,-983,-984,-985,-986,-987,-988,732,732,732,732,732,732,732,732,732,732,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,732,732,732,-353,-356,732,-323,-324,-141,732,-142,732,-143,732,-430,-935,-936,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-1894,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-1894,732,-1894,732,732,732,732,732,732,732,732,732,732,732,732,-1894,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,732,-1894,732,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,732,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,732,732,732,-191,-192,732,-994,732,732,732,732,732,-277,-278,-279,-280,-365,732,-308,732,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,732,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,732,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,732,732,732,732,732,732,-573,732,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,732,732,-723,-724,-725,732,732,732,732,732,732,-994,732,732,-91,-92,732,732,732,732,-309,-310,-320,732,-307,-293,-294,-295,732,732,732,732,-618,-633,-590,732,732,-436,732,-437,732,-444,-445,-446,-378,-379,732,732,732,-506,732,732,-510,732,732,732,732,-515,-516,-517,-518,732,732,-521,-522,732,-524,-525,-526,-527,-528,-529,-530,-531,732,-533,732,732,732,-539,-541,-542,732,-544,-545,-546,-547,732,732,732,732,732,732,-652,-653,-654,-655,732,-657,-658,-659,732,732,732,-665,732,732,-669,-670,732,732,-673,732,-675,-676,732,-679,732,-681,732,732,-684,-685,-686,732,-688,732,732,-691,732,732,-694,-695,-696,732,-698,-699,-700,-701,732,732,-746,732,-749,-750,-751,-752,-753,732,-755,-756,-757,-758,-759,732,-766,-767,-769,732,-771,-772,-773,-782,-856,-858,-860,-862,732,732,732,732,-868,732,-870,732,732,732,732,732,732,732,-906,-907,732,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,732,-921,-924,732,-934,732,-385,-386,-387,732,732,-390,-391,-392,-393,732,-396,732,-399,-400,732,-401,732,-406,-407,732,-410,-411,-412,732,-415,732,-416,732,-421,-422,732,-425,732,-428,-429,-1894,-1894,732,-619,-620,-621,-622,-623,-634,-584,-624,-797,732,732,732,732,732,-831,732,732,-806,732,-832,732,732,732,732,-798,732,-853,-799,732,732,732,732,732,732,-854,-855,732,-834,-830,-835,732,-625,732,-626,-627,-628,-629,-574,732,732,-630,-631,-632,732,732,732,732,732,732,-635,-636,-637,-592,-1894,-602,732,-638,-639,-713,-640,-604,732,-572,-577,-580,-583,732,732,732,-598,-601,732,-608,732,732,732,732,732,732,732,732,732,732,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,732,732,732,-995,732,732,732,732,732,732,-306,-325,-319,-296,-375,-452,-453,-454,-458,732,-443,732,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,732,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,732,732,732,732,732,732,732,732,732,-316,-535,-508,-591,-937,-939,-940,-438,732,-440,-380,-381,-383,-507,-509,-511,732,-513,-514,-519,-520,732,-532,-534,-537,-538,-543,-548,-726,732,-727,732,-732,732,-734,732,-739,-656,-660,-661,732,-666,732,-667,732,-672,-674,732,-677,732,732,732,-687,-689,732,-692,732,732,-744,732,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,732,732,732,732,732,-877,732,-880,-908,-920,-925,-388,-389,732,-394,732,-397,732,-402,732,-403,732,-408,732,-413,732,-417,732,-418,732,-423,732,-426,-899,-900,-643,-585,-1894,-901,732,732,732,-800,732,732,-804,732,-807,-833,732,-818,732,-820,732,-822,-808,732,-824,732,-851,-852,732,732,-811,732,-646,-902,-904,-648,-649,-645,732,-705,-706,732,-642,-903,-647,-650,-603,-714,732,732,-605,-586,732,732,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,732,732,-709,-710,732,-716,732,732,732,732,732,732,-938,732,-439,-441,-747,732,-891,732,-715,-1894,732,732,732,732,732,-442,-512,-523,732,-728,-733,732,-735,732,-740,732,-662,-668,732,-678,-680,-682,-683,-690,-693,-697,-745,732,732,-874,732,732,-878,732,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,732,-812,732,-814,-801,732,-802,-805,732,-816,-819,-821,-823,-825,732,-826,732,-809,732,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,732,-282,732,732,732,732,-455,732,732,-729,732,-736,732,-741,732,-663,-671,732,732,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,732,-836,-53,732,732,-730,732,-737,732,-742,-664,732,-873,-54,732,732,-731,-738,-743,732,732,732,-872,]),'SOUNDEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[733,733,733,1120,-1894,733,733,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,733,733,733,733,-275,-276,1120,-1425,1120,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1120,1120,1120,-490,1120,1120,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1120,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1120,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1958,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,733,-172,-173,-174,-175,-993,733,733,733,733,733,733,733,733,733,733,1120,1120,1120,1120,1120,-290,-291,-281,733,1120,1120,1120,1120,-328,-318,-332,-333,-334,1120,1120,-982,-983,-984,-985,-986,-987,-988,733,733,1120,1120,1120,1120,1120,1120,1120,1120,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1120,1120,1120,-353,-356,733,-323,-324,-141,1120,-142,1120,-143,1120,-430,-935,-936,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1894,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1894,1120,-1894,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1894,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-1894,733,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1120,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1120,733,733,-191,-192,733,-994,1120,733,733,733,733,-277,-278,-279,-280,-365,1120,-308,1120,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1120,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1120,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1120,1120,1120,1120,1120,1120,-573,1120,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1120,1120,-723,-724,-725,1120,1958,733,733,733,733,-994,733,1120,-91,-92,733,733,733,1120,-309,-310,-320,1120,-307,-293,-294,-295,1120,733,1120,1120,-618,-633,-590,1120,733,-436,733,-437,1120,-444,-445,-446,-378,-379,1120,1120,1120,-506,1120,1120,-510,1120,1120,1120,1120,-515,-516,-517,-518,1120,1120,-521,-522,1120,-524,-525,-526,-527,-528,-529,-530,-531,1120,-533,1120,1120,1120,-539,-541,-542,1120,-544,-545,-546,-547,1120,1120,1120,1120,1120,1120,-652,-653,-654,-655,733,-657,-658,-659,1120,1120,1120,-665,1120,1120,-669,-670,1120,1120,-673,1120,-675,-676,1120,-679,1120,-681,1120,1120,-684,-685,-686,1120,-688,1120,1120,-691,1120,1120,-694,-695,-696,1120,-698,-699,-700,-701,1120,1120,-746,1120,-749,-750,-751,-752,-753,1120,-755,-756,-757,-758,-759,1120,-766,-767,-769,1120,-771,-772,-773,-782,-856,-858,-860,-862,1120,1120,1120,1120,-868,1120,-870,1120,1120,1120,1120,1120,1120,1120,-906,-907,1120,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1120,-921,-924,1120,-934,1120,-385,-386,-387,1120,1120,-390,-391,-392,-393,1120,-396,1120,-399,-400,1120,-401,1120,-406,-407,1120,-410,-411,-412,1120,-415,1120,-416,1120,-421,-422,1120,-425,1120,-428,-429,-1894,-1894,1120,-619,-620,-621,-622,-623,-634,-584,-624,-797,1120,1120,1120,1120,1120,-831,1120,1120,-806,1120,-832,1120,1120,1120,1120,-798,1120,-853,-799,1120,1120,1120,1120,1120,1120,-854,-855,1120,-834,-830,-835,1120,-625,1120,-626,-627,-628,-629,-574,1120,1120,-630,-631,-632,1120,1120,1120,1120,1120,1120,-635,-636,-637,-592,-1894,-602,1120,-638,-639,-713,-640,-604,1120,-572,-577,-580,-583,1120,1120,1120,-598,-601,1120,-608,1120,1120,1120,1120,1120,1120,1120,1120,1120,1120,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1120,733,733,-995,733,1120,733,733,733,1120,-306,-325,-319,-296,-375,-452,-453,-454,-458,733,-443,1120,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1120,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,733,733,733,733,733,733,733,733,1120,-316,-535,-508,-591,-937,-939,-940,-438,1120,-440,-380,-381,-383,-507,-509,-511,1120,-513,-514,-519,-520,1120,-532,-534,-537,-538,-543,-548,-726,1120,-727,1120,-732,1120,-734,1120,-739,-656,-660,-661,1120,-666,1120,-667,1120,-672,-674,1120,-677,1120,1120,1120,-687,-689,1120,-692,1120,1120,-744,1120,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1120,1120,1120,1120,1120,-877,1120,-880,-908,-920,-925,-388,-389,1120,-394,1120,-397,1120,-402,1120,-403,1120,-408,1120,-413,1120,-417,1120,-418,1120,-423,1120,-426,-899,-900,-643,-585,-1894,-901,1120,1120,1120,-800,1120,1120,-804,1120,-807,-833,1120,-818,1120,-820,1120,-822,-808,1120,-824,1120,-851,-852,1120,1120,-811,1120,-646,-902,-904,-648,-649,-645,1120,-705,-706,1120,-642,-903,-647,-650,-603,-714,1120,1120,-605,-586,1120,1120,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1120,1120,-709,-710,1120,-716,1120,733,733,733,1120,1120,-938,733,-439,-441,-747,1120,-891,1958,-715,-1894,1120,1120,733,733,1120,-442,-512,-523,1120,-728,-733,1120,-735,1120,-740,1120,-662,-668,1120,-678,-680,-682,-683,-690,-693,-697,-745,1120,1120,-874,1120,1120,-878,1120,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1120,-812,1120,-814,-801,1120,-802,-805,1120,-816,-819,-821,-823,-825,1120,-826,1120,-809,1120,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,733,-282,733,1120,733,1120,-455,1120,1120,-729,1120,-736,1120,-741,1120,-663,-671,1120,1120,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1120,-836,-53,733,1120,-730,1120,-737,1120,-742,-664,1120,-873,-54,733,733,-731,-738,-743,1120,733,1120,-872,]),'SOUNDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[734,734,734,734,-1894,734,734,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,734,734,734,734,-275,-276,734,-1425,734,1445,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,734,734,734,-490,734,734,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,734,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,734,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,734,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,734,-172,-173,-174,-175,-993,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-290,-291,-281,734,734,-363,734,734,734,-328,-318,-332,-333,-334,734,734,-982,-983,-984,-985,-986,-987,-988,734,734,734,734,734,734,734,734,734,734,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,734,734,734,-353,-356,734,-323,-324,-141,734,-142,734,-143,734,-430,-935,-936,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-1894,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-1894,734,-1894,734,734,734,734,734,734,734,734,734,734,734,734,-1894,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,734,-1894,734,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,734,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,734,734,734,-191,-192,734,-994,734,734,734,734,734,-277,-278,-279,-280,-365,734,-308,734,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,734,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,734,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,734,734,734,734,734,734,-573,734,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,734,734,-723,-724,-725,734,734,734,734,734,734,-994,734,734,-91,-92,734,734,734,734,-309,-310,-320,734,-307,-293,-294,-295,734,734,734,734,-618,-633,-590,734,734,-436,734,-437,734,-444,-445,-446,-378,-379,734,734,734,-506,734,734,-510,734,734,734,734,-515,-516,-517,-518,734,734,-521,-522,734,-524,-525,-526,-527,-528,-529,-530,-531,734,-533,734,734,734,-539,-541,-542,734,-544,-545,-546,-547,734,734,734,734,734,734,-652,-653,-654,-655,734,-657,-658,-659,734,734,734,-665,734,734,-669,-670,734,734,-673,734,-675,-676,734,-679,734,-681,734,734,-684,-685,-686,734,-688,734,734,-691,734,734,-694,-695,-696,734,-698,-699,-700,-701,734,734,-746,734,-749,-750,-751,-752,-753,734,-755,-756,-757,-758,-759,734,-766,-767,-769,734,-771,-772,-773,-782,-856,-858,-860,-862,734,734,734,734,-868,734,-870,734,734,734,734,734,734,734,-906,-907,734,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,734,-921,-924,734,-934,734,-385,-386,-387,734,734,-390,-391,-392,-393,734,-396,734,-399,-400,734,-401,734,-406,-407,734,-410,-411,-412,734,-415,734,-416,734,-421,-422,734,-425,734,-428,-429,-1894,-1894,734,-619,-620,-621,-622,-623,-634,-584,-624,-797,734,734,734,734,734,-831,734,734,-806,734,-832,734,734,734,734,-798,734,-853,-799,734,734,734,734,734,734,-854,-855,734,-834,-830,-835,734,-625,734,-626,-627,-628,-629,-574,734,734,-630,-631,-632,734,734,734,734,734,734,-635,-636,-637,-592,-1894,-602,734,-638,-639,-713,-640,-604,734,-572,-577,-580,-583,734,734,734,-598,-601,734,-608,734,734,734,734,734,734,734,734,734,734,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,734,734,734,-995,734,734,734,734,734,734,-306,-325,-319,-296,-375,-452,-453,-454,-458,734,-443,734,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,734,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,734,734,734,734,734,734,734,734,734,-316,-535,-508,-591,-937,-939,-940,-438,734,-440,-380,-381,-383,-507,-509,-511,734,-513,-514,-519,-520,734,-532,-534,-537,-538,-543,-548,-726,734,-727,734,-732,734,-734,734,-739,-656,-660,-661,734,-666,734,-667,734,-672,-674,734,-677,734,734,734,-687,-689,734,-692,734,734,-744,734,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,734,734,734,734,734,-877,734,-880,-908,-920,-925,-388,-389,734,-394,734,-397,734,-402,734,-403,734,-408,734,-413,734,-417,734,-418,734,-423,734,-426,-899,-900,-643,-585,-1894,-901,734,734,734,-800,734,734,-804,734,-807,-833,734,-818,734,-820,734,-822,-808,734,-824,734,-851,-852,734,734,-811,734,-646,-902,-904,-648,-649,-645,734,-705,-706,734,-642,-903,-647,-650,-603,-714,734,734,-605,-586,734,734,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,734,734,-709,-710,734,-716,734,734,734,734,734,734,-938,734,-439,-441,-747,734,-891,734,-715,-1894,734,734,734,734,734,-442,-512,-523,734,-728,-733,734,-735,734,-740,734,-662,-668,734,-678,-680,-682,-683,-690,-693,-697,-745,734,734,-874,734,734,-878,734,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,734,-812,734,-814,-801,734,-802,-805,734,-816,-819,-821,-823,-825,734,-826,734,-809,734,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,734,-282,734,734,734,734,-455,734,734,-729,734,-736,734,-741,734,-663,-671,734,734,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,734,-836,-53,734,734,-730,734,-737,734,-742,-664,734,-873,-54,734,734,-731,-738,-743,734,734,734,-872,]),'SOURCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[735,735,735,735,-1894,735,735,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,735,735,735,735,-275,-276,735,-1425,735,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,735,735,735,-490,735,735,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,735,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,735,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,735,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,735,-172,-173,-174,-175,-993,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-290,-291,-281,735,735,735,735,735,-328,-318,-332,-333,-334,735,735,-982,-983,-984,-985,-986,-987,-988,735,735,735,735,735,735,735,735,735,735,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,735,735,735,-353,-356,735,-323,-324,-141,735,-142,735,-143,735,-430,-935,-936,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-1894,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-1894,735,-1894,735,735,735,735,735,735,735,735,735,735,735,735,-1894,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,735,-1894,735,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,735,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,735,735,735,-191,-192,735,-994,735,735,735,735,735,-277,-278,-279,-280,-365,735,-308,735,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,735,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,735,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,735,735,735,735,735,735,-573,735,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,735,735,-723,-724,-725,735,735,735,735,735,735,-994,735,735,-91,-92,735,735,735,735,-309,-310,-320,735,-307,-293,-294,-295,735,735,735,735,-618,-633,-590,735,735,-436,735,-437,735,-444,-445,-446,-378,-379,735,735,735,-506,735,735,-510,735,735,735,735,-515,-516,-517,-518,735,735,-521,-522,735,-524,-525,-526,-527,-528,-529,-530,-531,735,-533,735,735,735,-539,-541,-542,735,-544,-545,-546,-547,735,735,735,735,735,735,-652,-653,-654,-655,735,-657,-658,-659,735,735,735,-665,735,735,-669,-670,735,735,-673,735,-675,-676,735,-679,735,-681,735,735,-684,-685,-686,735,-688,735,735,-691,735,735,-694,-695,-696,735,-698,-699,-700,-701,735,735,-746,735,-749,-750,-751,-752,-753,735,-755,-756,-757,-758,-759,735,-766,-767,-769,735,-771,-772,-773,-782,-856,-858,-860,-862,735,735,735,735,-868,735,-870,735,735,735,735,735,735,735,-906,-907,735,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,735,-921,-924,735,-934,735,-385,-386,-387,735,735,-390,-391,-392,-393,735,-396,735,-399,-400,735,-401,735,-406,-407,735,-410,-411,-412,735,-415,735,-416,735,-421,-422,735,-425,735,-428,-429,-1894,-1894,735,-619,-620,-621,-622,-623,-634,-584,-624,-797,735,735,735,735,735,-831,735,735,-806,735,-832,735,735,735,735,-798,735,-853,-799,735,735,735,735,735,735,-854,-855,735,-834,-830,-835,735,-625,735,-626,-627,-628,-629,-574,735,735,-630,-631,-632,735,735,735,735,735,735,-635,-636,-637,-592,-1894,-602,735,-638,-639,-713,-640,-604,735,-572,-577,-580,-583,735,735,735,-598,-601,735,-608,735,735,735,735,735,735,735,735,735,735,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,735,735,735,-995,735,735,735,735,735,735,-306,-325,-319,-296,-375,-452,-453,-454,-458,735,-443,735,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,735,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,735,735,735,735,735,735,735,735,735,-316,-535,-508,-591,-937,-939,-940,-438,735,-440,-380,-381,-383,-507,-509,-511,735,-513,-514,-519,-520,735,-532,-534,-537,-538,-543,-548,-726,735,-727,735,-732,735,-734,735,-739,-656,-660,-661,735,-666,735,-667,735,-672,-674,735,-677,735,735,735,-687,-689,735,-692,735,735,-744,735,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,735,735,735,735,735,-877,735,-880,-908,-920,-925,-388,-389,735,-394,735,-397,735,-402,735,-403,735,-408,735,-413,735,-417,735,-418,735,-423,735,-426,-899,-900,-643,-585,-1894,-901,735,735,735,-800,735,735,-804,735,-807,-833,735,-818,735,-820,735,-822,-808,735,-824,735,-851,-852,735,735,-811,735,-646,-902,-904,-648,-649,-645,735,-705,-706,735,-642,-903,-647,-650,-603,-714,735,735,-605,-586,735,735,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,735,735,-709,-710,735,-716,735,735,735,735,735,735,-938,735,-439,-441,-747,735,-891,735,-715,-1894,735,735,735,735,735,-442,-512,-523,735,-728,-733,735,-735,735,-740,735,-662,-668,735,-678,-680,-682,-683,-690,-693,-697,-745,735,735,-874,735,735,-878,735,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,735,-812,735,-814,-801,735,-802,-805,735,-816,-819,-821,-823,-825,735,-826,735,-809,735,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,735,-282,735,735,735,735,-455,735,735,-729,735,-736,735,-741,735,-663,-671,735,735,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,735,-836,-53,735,735,-730,735,-737,735,-742,-664,735,-873,-54,735,735,-731,-738,-743,735,735,735,-872,]),'SOURCE_POS_WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[736,736,736,1196,-1894,736,736,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,736,736,736,736,-275,-276,1196,-1425,1196,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1196,1196,1196,-490,1196,1196,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1196,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1196,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1959,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,736,-172,-173,-174,-175,-993,736,736,736,736,736,736,736,736,736,736,1196,1196,1196,1196,1196,-290,-291,-281,736,1196,1196,1196,1196,-328,-318,-332,-333,-334,1196,1196,-982,-983,-984,-985,-986,-987,-988,736,736,1196,1196,1196,1196,1196,1196,1196,1196,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1196,1196,1196,-353,-356,736,-323,-324,-141,1196,-142,1196,-143,1196,-430,-935,-936,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1894,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1894,1196,-1894,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1894,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-1894,736,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1196,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1196,736,736,-191,-192,736,-994,1196,736,736,736,736,-277,-278,-279,-280,-365,1196,-308,1196,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1196,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1196,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1196,1196,1196,1196,1196,1196,-573,1196,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1196,1196,-723,-724,-725,1196,1959,736,736,736,736,-994,736,1196,-91,-92,736,736,736,1196,-309,-310,-320,1196,-307,-293,-294,-295,1196,736,1196,1196,-618,-633,-590,1196,736,-436,736,-437,1196,-444,-445,-446,-378,-379,1196,1196,1196,-506,1196,1196,-510,1196,1196,1196,1196,-515,-516,-517,-518,1196,1196,-521,-522,1196,-524,-525,-526,-527,-528,-529,-530,-531,1196,-533,1196,1196,1196,-539,-541,-542,1196,-544,-545,-546,-547,1196,1196,1196,1196,1196,1196,-652,-653,-654,-655,736,-657,-658,-659,1196,1196,1196,-665,1196,1196,-669,-670,1196,1196,-673,1196,-675,-676,1196,-679,1196,-681,1196,1196,-684,-685,-686,1196,-688,1196,1196,-691,1196,1196,-694,-695,-696,1196,-698,-699,-700,-701,1196,1196,-746,1196,-749,-750,-751,-752,-753,1196,-755,-756,-757,-758,-759,1196,-766,-767,-769,1196,-771,-772,-773,-782,-856,-858,-860,-862,1196,1196,1196,1196,-868,1196,-870,1196,1196,1196,1196,1196,1196,1196,-906,-907,1196,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1196,-921,-924,1196,-934,1196,-385,-386,-387,1196,1196,-390,-391,-392,-393,1196,-396,1196,-399,-400,1196,-401,1196,-406,-407,1196,-410,-411,-412,1196,-415,1196,-416,1196,-421,-422,1196,-425,1196,-428,-429,-1894,-1894,1196,-619,-620,-621,-622,-623,-634,-584,-624,-797,1196,1196,1196,1196,1196,-831,1196,1196,-806,1196,-832,1196,1196,1196,1196,-798,1196,-853,-799,1196,1196,1196,1196,1196,1196,-854,-855,1196,-834,-830,-835,1196,-625,1196,-626,-627,-628,-629,-574,1196,1196,-630,-631,-632,1196,1196,1196,1196,1196,1196,-635,-636,-637,-592,-1894,-602,1196,-638,-639,-713,-640,-604,1196,-572,-577,-580,-583,1196,1196,1196,-598,-601,1196,-608,1196,1196,1196,1196,1196,1196,1196,1196,1196,1196,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1196,736,736,-995,736,1196,736,736,736,1196,-306,-325,-319,-296,-375,-452,-453,-454,-458,736,-443,1196,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1196,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,736,736,736,736,736,736,736,736,1196,-316,-535,-508,-591,-937,-939,-940,-438,1196,-440,-380,-381,-383,-507,-509,-511,1196,-513,-514,-519,-520,1196,-532,-534,-537,-538,-543,-548,-726,1196,-727,1196,-732,1196,-734,1196,-739,-656,-660,-661,1196,-666,1196,-667,1196,-672,-674,1196,-677,1196,1196,1196,-687,-689,1196,-692,1196,1196,-744,1196,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1196,1196,1196,1196,1196,-877,1196,-880,-908,-920,-925,-388,-389,1196,-394,1196,-397,1196,-402,1196,-403,1196,-408,1196,-413,1196,-417,1196,-418,1196,-423,1196,-426,-899,-900,-643,-585,-1894,-901,1196,1196,1196,-800,1196,1196,-804,1196,-807,-833,1196,-818,1196,-820,1196,-822,-808,1196,-824,1196,-851,-852,1196,1196,-811,1196,-646,-902,-904,-648,-649,-645,1196,-705,-706,1196,-642,-903,-647,-650,-603,-714,1196,1196,-605,-586,1196,1196,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1196,1196,-709,-710,1196,-716,1196,736,736,736,1196,1196,-938,736,-439,-441,-747,1196,-891,1959,-715,-1894,1196,1196,736,736,1196,-442,-512,-523,1196,-728,-733,1196,-735,1196,-740,1196,-662,-668,1196,-678,-680,-682,-683,-690,-693,-697,-745,1196,1196,-874,1196,1196,-878,1196,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1196,-812,1196,-814,-801,1196,-802,-805,1196,-816,-819,-821,-823,-825,1196,-826,1196,-809,1196,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,736,-282,736,1196,736,1196,-455,1196,1196,-729,1196,-736,1196,-741,1196,-663,-671,1196,1196,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1196,-836,-53,736,1196,-730,1196,-737,1196,-742,-664,1196,-873,-54,736,736,-731,-738,-743,1196,736,1196,-872,]),'SPACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[737,737,737,1121,-1894,737,737,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,737,737,737,737,-275,-276,1121,-1425,1121,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1121,1121,1121,-490,1121,1121,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1121,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1121,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1960,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,737,-172,-173,-174,-175,-993,737,737,737,737,737,737,737,737,737,737,1121,1121,1121,1121,1121,-290,-291,-281,737,1121,1121,1121,1121,-328,-318,-332,-333,-334,1121,1121,-982,-983,-984,-985,-986,-987,-988,737,737,1121,1121,1121,1121,1121,1121,1121,1121,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1121,1121,1121,-353,-356,737,-323,-324,-141,1121,-142,1121,-143,1121,-430,-935,-936,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1894,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1894,1121,-1894,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1894,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-1894,737,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1121,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1121,737,737,-191,-192,737,-994,1121,737,737,737,737,-277,-278,-279,-280,-365,1121,-308,1121,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1121,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1121,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1121,1121,1121,1121,1121,1121,-573,1121,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1121,1121,-723,-724,-725,1121,1960,737,737,737,737,-994,737,1121,-91,-92,737,737,737,1121,-309,-310,-320,1121,-307,-293,-294,-295,1121,737,1121,1121,-618,-633,-590,1121,737,-436,737,-437,1121,-444,-445,-446,-378,-379,1121,1121,1121,-506,1121,1121,-510,1121,1121,1121,1121,-515,-516,-517,-518,1121,1121,-521,-522,1121,-524,-525,-526,-527,-528,-529,-530,-531,1121,-533,1121,1121,1121,-539,-541,-542,1121,-544,-545,-546,-547,1121,1121,1121,1121,1121,1121,-652,-653,-654,-655,737,-657,-658,-659,1121,1121,1121,-665,1121,1121,-669,-670,1121,1121,-673,1121,-675,-676,1121,-679,1121,-681,1121,1121,-684,-685,-686,1121,-688,1121,1121,-691,1121,1121,-694,-695,-696,1121,-698,-699,-700,-701,1121,1121,-746,1121,-749,-750,-751,-752,-753,1121,-755,-756,-757,-758,-759,1121,-766,-767,-769,1121,-771,-772,-773,-782,-856,-858,-860,-862,1121,1121,1121,1121,-868,1121,-870,1121,1121,1121,1121,1121,1121,1121,-906,-907,1121,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1121,-921,-924,1121,-934,1121,-385,-386,-387,1121,1121,-390,-391,-392,-393,1121,-396,1121,-399,-400,1121,-401,1121,-406,-407,1121,-410,-411,-412,1121,-415,1121,-416,1121,-421,-422,1121,-425,1121,-428,-429,-1894,-1894,1121,-619,-620,-621,-622,-623,-634,-584,-624,-797,1121,1121,1121,1121,1121,-831,1121,1121,-806,1121,-832,1121,1121,1121,1121,-798,1121,-853,-799,1121,1121,1121,1121,1121,1121,-854,-855,1121,-834,-830,-835,1121,-625,1121,-626,-627,-628,-629,-574,1121,1121,-630,-631,-632,1121,1121,1121,1121,1121,1121,-635,-636,-637,-592,-1894,-602,1121,-638,-639,-713,-640,-604,1121,-572,-577,-580,-583,1121,1121,1121,-598,-601,1121,-608,1121,1121,1121,1121,1121,1121,1121,1121,1121,1121,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1121,737,737,-995,737,1121,737,737,737,1121,-306,-325,-319,-296,-375,-452,-453,-454,-458,737,-443,1121,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1121,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,737,737,737,737,737,737,737,737,1121,-316,-535,-508,-591,-937,-939,-940,-438,1121,-440,-380,-381,-383,-507,-509,-511,1121,-513,-514,-519,-520,1121,-532,-534,-537,-538,-543,-548,-726,1121,-727,1121,-732,1121,-734,1121,-739,-656,-660,-661,1121,-666,1121,-667,1121,-672,-674,1121,-677,1121,1121,1121,-687,-689,1121,-692,1121,1121,-744,1121,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1121,1121,1121,1121,1121,-877,1121,-880,-908,-920,-925,-388,-389,1121,-394,1121,-397,1121,-402,1121,-403,1121,-408,1121,-413,1121,-417,1121,-418,1121,-423,1121,-426,-899,-900,-643,-585,-1894,-901,1121,1121,1121,-800,1121,1121,-804,1121,-807,-833,1121,-818,1121,-820,1121,-822,-808,1121,-824,1121,-851,-852,1121,1121,-811,1121,-646,-902,-904,-648,-649,-645,1121,-705,-706,1121,-642,-903,-647,-650,-603,-714,1121,1121,-605,-586,1121,1121,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1121,1121,-709,-710,1121,-716,1121,737,737,737,1121,1121,-938,737,-439,-441,-747,1121,-891,1960,-715,-1894,1121,1121,737,737,1121,-442,-512,-523,1121,-728,-733,1121,-735,1121,-740,1121,-662,-668,1121,-678,-680,-682,-683,-690,-693,-697,-745,1121,1121,-874,1121,1121,-878,1121,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1121,-812,1121,-814,-801,1121,-802,-805,1121,-816,-819,-821,-823,-825,1121,-826,1121,-809,1121,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,737,-282,737,1121,737,1121,-455,1121,1121,-729,1121,-736,1121,-741,1121,-663,-671,1121,1121,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1121,-836,-53,737,1121,-730,1121,-737,1121,-742,-664,1121,-873,-54,737,737,-731,-738,-743,1121,737,1121,-872,]),'SPATIAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[738,738,738,738,-1894,738,738,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,738,738,738,738,-275,-276,738,-1425,738,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,738,738,738,-490,738,738,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,738,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,738,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,738,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,738,-172,-173,-174,-175,-993,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-290,-291,-281,738,738,738,738,738,-328,-318,-332,-333,-334,738,738,-982,-983,-984,-985,-986,-987,-988,738,738,738,738,738,738,738,738,738,738,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,738,738,738,-353,-356,738,-323,-324,-141,738,-142,738,-143,738,-430,-935,-936,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-1894,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-1894,738,-1894,738,738,738,738,738,738,738,738,738,738,738,738,-1894,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,738,-1894,738,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,738,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,738,738,738,-191,-192,738,-994,738,738,738,738,738,-277,-278,-279,-280,-365,738,-308,738,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,738,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,738,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,738,738,738,738,738,738,-573,738,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,738,738,-723,-724,-725,738,738,738,738,738,738,-994,738,738,-91,-92,738,738,738,738,-309,-310,-320,738,-307,-293,-294,-295,738,738,738,738,-618,-633,-590,738,738,-436,738,-437,738,-444,-445,-446,-378,-379,738,738,738,-506,738,738,-510,738,738,738,738,-515,-516,-517,-518,738,738,-521,-522,738,-524,-525,-526,-527,-528,-529,-530,-531,738,-533,738,738,738,-539,-541,-542,738,-544,-545,-546,-547,738,738,738,738,738,738,-652,-653,-654,-655,738,-657,-658,-659,738,738,738,-665,738,738,-669,-670,738,738,-673,738,-675,-676,738,-679,738,-681,738,738,-684,-685,-686,738,-688,738,738,-691,738,738,-694,-695,-696,738,-698,-699,-700,-701,738,738,-746,738,-749,-750,-751,-752,-753,738,-755,-756,-757,-758,-759,738,-766,-767,-769,738,-771,-772,-773,-782,-856,-858,-860,-862,738,738,738,738,-868,738,-870,738,738,738,738,738,738,738,-906,-907,738,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,738,-921,-924,738,-934,738,-385,-386,-387,738,738,-390,-391,-392,-393,738,-396,738,-399,-400,738,-401,738,-406,-407,738,-410,-411,-412,738,-415,738,-416,738,-421,-422,738,-425,738,-428,-429,-1894,-1894,738,-619,-620,-621,-622,-623,-634,-584,-624,-797,738,738,738,738,738,-831,738,738,-806,738,-832,738,738,738,738,-798,738,-853,-799,738,738,738,738,738,738,-854,-855,738,-834,-830,-835,738,-625,738,-626,-627,-628,-629,-574,738,738,-630,-631,-632,738,738,738,738,738,738,-635,-636,-637,-592,-1894,-602,738,-638,-639,-713,-640,-604,738,-572,-577,-580,-583,738,738,738,-598,-601,738,-608,738,738,738,738,738,738,738,738,738,738,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,738,738,738,-995,738,738,738,738,738,738,-306,-325,-319,-296,-375,-452,-453,-454,-458,738,-443,738,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,738,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,738,738,738,738,738,738,738,738,738,-316,-535,-508,-591,-937,-939,-940,-438,738,-440,-380,-381,-383,-507,-509,-511,738,-513,-514,-519,-520,738,-532,-534,-537,-538,-543,-548,-726,738,-727,738,-732,738,-734,738,-739,-656,-660,-661,738,-666,738,-667,738,-672,-674,738,-677,738,738,738,-687,-689,738,-692,738,738,-744,738,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,738,738,738,738,738,-877,738,-880,-908,-920,-925,-388,-389,738,-394,738,-397,738,-402,738,-403,738,-408,738,-413,738,-417,738,-418,738,-423,738,-426,-899,-900,-643,-585,-1894,-901,738,738,738,-800,738,738,-804,738,-807,-833,738,-818,738,-820,738,-822,-808,738,-824,738,-851,-852,738,738,-811,738,-646,-902,-904,-648,-649,-645,738,-705,-706,738,-642,-903,-647,-650,-603,-714,738,738,-605,-586,738,738,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,738,738,-709,-710,738,-716,738,738,738,738,738,738,-938,738,-439,-441,-747,738,-891,738,-715,-1894,738,738,738,738,738,-442,-512,-523,738,-728,-733,738,-735,738,-740,738,-662,-668,738,-678,-680,-682,-683,-690,-693,-697,-745,738,738,-874,738,738,-878,738,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,738,-812,738,-814,-801,738,-802,-805,738,-816,-819,-821,-823,-825,738,-826,738,-809,738,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,738,-282,738,738,738,738,-455,738,738,-729,738,-736,738,-741,738,-663,-671,738,738,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,738,-836,-53,738,738,-730,738,-737,738,-742,-664,738,-873,-54,738,738,-731,-738,-743,738,738,738,-872,]),'SPECIFIC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[739,739,739,739,-1894,739,739,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,739,739,739,739,-275,-276,739,-1425,739,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,739,739,739,-490,739,739,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,739,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,739,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,739,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,739,-172,-173,-174,-175,-993,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-290,-291,-281,739,739,739,739,739,-328,-318,-332,-333,-334,739,739,-982,-983,-984,-985,-986,-987,-988,739,739,739,739,739,739,739,739,739,739,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,739,739,739,-353,-356,739,-323,-324,-141,739,-142,739,-143,739,-430,-935,-936,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-1894,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-1894,739,-1894,739,739,739,739,739,739,739,739,739,739,739,739,-1894,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,739,-1894,739,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,739,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,739,739,739,-191,-192,739,-994,739,739,739,739,739,-277,-278,-279,-280,-365,739,-308,739,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,739,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,739,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,739,739,739,739,739,739,-573,739,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,739,739,-723,-724,-725,739,739,739,739,739,739,-994,739,739,-91,-92,739,739,739,739,-309,-310,-320,739,-307,-293,-294,-295,739,739,739,739,-618,-633,-590,739,739,-436,739,-437,739,-444,-445,-446,-378,-379,739,739,739,-506,739,739,-510,739,739,739,739,-515,-516,-517,-518,739,739,-521,-522,739,-524,-525,-526,-527,-528,-529,-530,-531,739,-533,739,739,739,-539,-541,-542,739,-544,-545,-546,-547,739,739,739,739,739,739,-652,-653,-654,-655,739,-657,-658,-659,739,739,739,-665,739,739,-669,-670,739,739,-673,739,-675,-676,739,-679,739,-681,739,739,-684,-685,-686,739,-688,739,739,-691,739,739,-694,-695,-696,739,-698,-699,-700,-701,739,739,-746,739,-749,-750,-751,-752,-753,739,-755,-756,-757,-758,-759,739,-766,-767,-769,739,-771,-772,-773,-782,-856,-858,-860,-862,739,739,739,739,-868,739,-870,739,739,739,739,739,739,739,-906,-907,739,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,739,-921,-924,739,-934,739,-385,-386,-387,739,739,-390,-391,-392,-393,739,-396,739,-399,-400,739,-401,739,-406,-407,739,-410,-411,-412,739,-415,739,-416,739,-421,-422,739,-425,739,-428,-429,-1894,-1894,739,-619,-620,-621,-622,-623,-634,-584,-624,-797,739,739,739,739,739,-831,739,739,-806,739,-832,739,739,739,739,-798,739,-853,-799,739,739,739,739,739,739,-854,-855,739,-834,-830,-835,739,-625,739,-626,-627,-628,-629,-574,739,739,-630,-631,-632,739,739,739,739,739,739,-635,-636,-637,-592,-1894,-602,739,-638,-639,-713,-640,-604,739,-572,-577,-580,-583,739,739,739,-598,-601,739,-608,739,739,739,739,739,739,739,739,739,739,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,739,739,739,-995,739,739,739,739,739,739,-306,-325,-319,-296,-375,-452,-453,-454,-458,739,-443,739,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,739,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,739,739,739,739,739,739,739,739,739,-316,-535,-508,-591,-937,-939,-940,-438,739,-440,-380,-381,-383,-507,-509,-511,739,-513,-514,-519,-520,739,-532,-534,-537,-538,-543,-548,-726,739,-727,739,-732,739,-734,739,-739,-656,-660,-661,739,-666,739,-667,739,-672,-674,739,-677,739,739,739,-687,-689,739,-692,739,739,-744,739,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,739,739,739,739,739,-877,739,-880,-908,-920,-925,-388,-389,739,-394,739,-397,739,-402,739,-403,739,-408,739,-413,739,-417,739,-418,739,-423,739,-426,-899,-900,-643,-585,-1894,-901,739,739,739,-800,739,739,-804,739,-807,-833,739,-818,739,-820,739,-822,-808,739,-824,739,-851,-852,739,739,-811,739,-646,-902,-904,-648,-649,-645,739,-705,-706,739,-642,-903,-647,-650,-603,-714,739,739,-605,-586,739,739,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,739,739,-709,-710,739,-716,739,739,739,739,739,739,-938,739,-439,-441,-747,739,-891,739,-715,-1894,739,739,739,739,739,-442,-512,-523,739,-728,-733,739,-735,739,-740,739,-662,-668,739,-678,-680,-682,-683,-690,-693,-697,-745,739,739,-874,739,739,-878,739,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,739,-812,739,-814,-801,739,-802,-805,739,-816,-819,-821,-823,-825,739,-826,739,-809,739,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,739,-282,739,739,739,739,-455,739,739,-729,739,-736,739,-741,739,-663,-671,739,739,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,739,-836,-53,739,739,-730,739,-737,739,-742,-664,739,-873,-54,739,739,-731,-738,-743,739,739,739,-872,]),'SPFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[740,740,740,740,-1894,740,740,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,740,740,740,740,-275,-276,740,-1425,740,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,740,740,740,-490,740,740,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,740,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,740,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,740,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,740,-172,-173,-174,-175,-993,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-290,-291,-281,740,740,740,740,740,-328,-318,-332,-333,-334,740,740,-982,-983,-984,-985,-986,-987,-988,740,740,740,740,740,740,740,740,740,740,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,740,740,740,-353,-356,740,-323,-324,-141,740,-142,740,-143,740,-430,-935,-936,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-1894,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-1894,740,-1894,740,740,740,740,740,740,740,740,740,740,740,740,-1894,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,740,-1894,740,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,740,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,740,740,740,-191,-192,740,-994,740,740,740,740,740,-277,-278,-279,-280,-365,740,-308,740,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,740,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,740,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,740,740,740,740,740,740,-573,740,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,740,740,-723,-724,-725,740,740,740,740,740,740,-994,740,740,-91,-92,740,740,740,740,-309,-310,-320,740,-307,-293,-294,-295,740,740,740,740,-618,-633,-590,740,740,-436,740,-437,740,-444,-445,-446,-378,-379,740,740,740,-506,740,740,-510,740,740,740,740,-515,-516,-517,-518,740,740,-521,-522,740,-524,-525,-526,-527,-528,-529,-530,-531,740,-533,740,740,740,-539,-541,-542,740,-544,-545,-546,-547,740,740,740,740,740,740,-652,-653,-654,-655,740,-657,-658,-659,740,740,740,-665,740,740,-669,-670,740,740,-673,740,-675,-676,740,-679,740,-681,740,740,-684,-685,-686,740,-688,740,740,-691,740,740,-694,-695,-696,740,-698,-699,-700,-701,740,740,-746,740,-749,-750,-751,-752,-753,740,-755,-756,-757,-758,-759,740,-766,-767,-769,740,-771,-772,-773,-782,-856,-858,-860,-862,740,740,740,740,-868,740,-870,740,740,740,740,740,740,740,-906,-907,740,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,740,-921,-924,740,-934,740,-385,-386,-387,740,740,-390,-391,-392,-393,740,-396,740,-399,-400,740,-401,740,-406,-407,740,-410,-411,-412,740,-415,740,-416,740,-421,-422,740,-425,740,-428,-429,-1894,-1894,740,-619,-620,-621,-622,-623,-634,-584,-624,-797,740,740,740,740,740,-831,740,740,-806,740,-832,740,740,740,740,-798,740,-853,-799,740,740,740,740,740,740,-854,-855,740,-834,-830,-835,740,-625,740,-626,-627,-628,-629,-574,740,740,-630,-631,-632,740,740,740,740,740,740,-635,-636,-637,-592,-1894,-602,740,-638,-639,-713,-640,-604,740,-572,-577,-580,-583,740,740,740,-598,-601,740,-608,740,740,740,740,740,740,740,740,740,740,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,740,740,740,-995,740,740,740,740,740,740,-306,-325,-319,-296,-375,-452,-453,-454,-458,740,-443,740,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,740,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,740,740,740,740,740,740,740,740,740,-316,-535,-508,-591,-937,-939,-940,-438,740,-440,-380,-381,-383,-507,-509,-511,740,-513,-514,-519,-520,740,-532,-534,-537,-538,-543,-548,-726,740,-727,740,-732,740,-734,740,-739,-656,-660,-661,740,-666,740,-667,740,-672,-674,740,-677,740,740,740,-687,-689,740,-692,740,740,-744,740,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,740,740,740,740,740,-877,740,-880,-908,-920,-925,-388,-389,740,-394,740,-397,740,-402,740,-403,740,-408,740,-413,740,-417,740,-418,740,-423,740,-426,-899,-900,-643,-585,-1894,-901,740,740,740,-800,740,740,-804,740,-807,-833,740,-818,740,-820,740,-822,-808,740,-824,740,-851,-852,740,740,-811,740,-646,-902,-904,-648,-649,-645,740,-705,-706,740,-642,-903,-647,-650,-603,-714,740,740,-605,-586,740,740,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,740,740,-709,-710,740,-716,740,740,740,740,740,740,-938,740,-439,-441,-747,740,-891,740,-715,-1894,740,740,740,740,740,-442,-512,-523,740,-728,-733,740,-735,740,-740,740,-662,-668,740,-678,-680,-682,-683,-690,-693,-697,-745,740,740,-874,740,740,-878,740,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,740,-812,740,-814,-801,740,-802,-805,740,-816,-819,-821,-823,-825,740,-826,740,-809,740,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,740,-282,740,740,740,740,-455,740,740,-729,740,-736,740,-741,740,-663,-671,740,740,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,740,-836,-53,740,740,-730,740,-737,740,-742,-664,740,-873,-54,740,740,-731,-738,-743,740,740,740,-872,]),'SPLIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[741,741,741,741,-1894,741,741,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,741,741,741,741,-275,-276,741,-1425,741,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,741,741,741,-490,741,741,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,741,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,741,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,741,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,741,-172,-173,-174,-175,-993,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-290,-291,-281,741,741,741,741,741,-328,-318,-332,-333,-334,741,741,-982,-983,-984,-985,-986,-987,-988,741,741,741,741,741,741,741,741,741,741,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,741,741,741,-353,-356,741,-323,-324,-141,741,-142,741,-143,741,-430,-935,-936,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-1894,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-1894,741,-1894,741,741,741,741,741,741,741,741,741,741,741,741,-1894,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,741,-1894,741,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,741,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,741,741,741,-191,-192,741,-994,741,741,741,741,741,-277,-278,-279,-280,-365,741,-308,741,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,741,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,741,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,741,741,741,741,741,741,-573,741,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,741,741,-723,-724,-725,741,741,741,741,741,741,-994,741,741,-91,-92,741,741,741,741,-309,-310,-320,741,-307,-293,-294,-295,741,741,741,741,-618,-633,-590,741,741,-436,741,-437,741,-444,-445,-446,-378,-379,741,741,741,-506,741,741,-510,741,741,741,741,-515,-516,-517,-518,741,741,-521,-522,741,-524,-525,-526,-527,-528,-529,-530,-531,741,-533,741,741,741,-539,-541,-542,741,-544,-545,-546,-547,741,741,741,741,741,741,-652,-653,-654,-655,741,-657,-658,-659,741,741,741,-665,741,741,-669,-670,741,741,-673,741,-675,-676,741,-679,741,-681,741,741,-684,-685,-686,741,-688,741,741,-691,741,741,-694,-695,-696,741,-698,-699,-700,-701,741,741,-746,741,-749,-750,-751,-752,-753,741,-755,-756,-757,-758,-759,741,-766,-767,-769,741,-771,-772,-773,-782,-856,-858,-860,-862,741,741,741,741,-868,741,-870,741,741,741,741,741,741,741,-906,-907,741,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,741,-921,-924,741,-934,741,-385,-386,-387,741,741,-390,-391,-392,-393,741,-396,741,-399,-400,741,-401,741,-406,-407,741,-410,-411,-412,741,-415,741,-416,741,-421,-422,741,-425,741,-428,-429,-1894,-1894,741,-619,-620,-621,-622,-623,-634,-584,-624,-797,741,741,741,741,741,-831,741,741,-806,741,-832,741,741,741,741,-798,741,-853,-799,741,741,741,741,741,741,-854,-855,741,-834,-830,-835,741,-625,741,-626,-627,-628,-629,-574,741,741,-630,-631,-632,741,741,741,741,741,741,-635,-636,-637,-592,-1894,-602,741,-638,-639,-713,-640,-604,741,-572,-577,-580,-583,741,741,741,-598,-601,741,-608,741,741,741,741,741,741,741,741,741,741,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,741,741,741,-995,741,741,741,741,741,741,-306,-325,-319,-296,-375,-452,-453,-454,-458,741,-443,741,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,741,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,741,741,741,741,741,741,741,741,741,-316,-535,-508,-591,-937,-939,-940,-438,741,-440,-380,-381,-383,-507,-509,-511,741,-513,-514,-519,-520,741,-532,-534,-537,-538,-543,-548,-726,741,-727,741,-732,741,-734,741,-739,-656,-660,-661,741,-666,741,-667,741,-672,-674,741,-677,741,741,741,-687,-689,741,-692,741,741,-744,741,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,741,741,741,741,741,-877,741,-880,-908,-920,-925,-388,-389,741,-394,741,-397,741,-402,741,-403,741,-408,741,-413,741,-417,741,-418,741,-423,741,-426,-899,-900,-643,-585,-1894,-901,741,741,741,-800,741,741,-804,741,-807,-833,741,-818,741,-820,741,-822,-808,741,-824,741,-851,-852,741,741,-811,741,-646,-902,-904,-648,-649,-645,741,-705,-706,741,-642,-903,-647,-650,-603,-714,741,741,-605,-586,741,741,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,741,741,-709,-710,741,-716,741,741,741,741,741,741,-938,741,-439,-441,-747,741,-891,741,-715,-1894,741,741,741,741,741,-442,-512,-523,741,-728,-733,741,-735,741,-740,741,-662,-668,741,-678,-680,-682,-683,-690,-693,-697,-745,741,741,-874,741,741,-878,741,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,741,-812,741,-814,-801,741,-802,-805,741,-816,-819,-821,-823,-825,741,-826,741,-809,741,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,741,-282,741,741,741,741,-455,741,741,-729,741,-736,741,-741,741,-663,-671,741,741,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,741,-836,-53,741,741,-730,741,-737,741,-742,-664,741,-873,-54,741,741,-731,-738,-743,741,741,741,-872,]),'SQL_AFTER_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[742,742,742,742,-1894,742,742,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,742,742,742,742,-275,-276,742,-1425,742,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,742,742,742,-490,742,742,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,742,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,742,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,742,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,742,-172,-173,-174,-175,-993,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-290,-291,-281,742,742,742,742,742,-328,-318,-332,-333,-334,742,742,-982,-983,-984,-985,-986,-987,-988,742,742,742,742,742,742,742,742,742,742,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,742,742,742,-353,-356,742,-323,-324,-141,742,-142,742,-143,742,-430,-935,-936,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-1894,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-1894,742,-1894,742,742,742,742,742,742,742,742,742,742,742,742,-1894,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,742,-1894,742,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,742,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,742,742,742,-191,-192,742,-994,742,742,742,742,742,-277,-278,-279,-280,-365,742,-308,742,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,742,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,742,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,742,742,742,742,742,742,-573,742,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,742,742,-723,-724,-725,742,742,742,742,742,742,-994,742,742,-91,-92,742,742,742,742,-309,-310,-320,742,-307,-293,-294,-295,742,742,742,742,-618,-633,-590,742,742,-436,742,-437,742,-444,-445,-446,-378,-379,742,742,742,-506,742,742,-510,742,742,742,742,-515,-516,-517,-518,742,742,-521,-522,742,-524,-525,-526,-527,-528,-529,-530,-531,742,-533,742,742,742,-539,-541,-542,742,-544,-545,-546,-547,742,742,742,742,742,742,-652,-653,-654,-655,742,-657,-658,-659,742,742,742,-665,742,742,-669,-670,742,742,-673,742,-675,-676,742,-679,742,-681,742,742,-684,-685,-686,742,-688,742,742,-691,742,742,-694,-695,-696,742,-698,-699,-700,-701,742,742,-746,742,-749,-750,-751,-752,-753,742,-755,-756,-757,-758,-759,742,-766,-767,-769,742,-771,-772,-773,-782,-856,-858,-860,-862,742,742,742,742,-868,742,-870,742,742,742,742,742,742,742,-906,-907,742,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,742,-921,-924,742,-934,742,-385,-386,-387,742,742,-390,-391,-392,-393,742,-396,742,-399,-400,742,-401,742,-406,-407,742,-410,-411,-412,742,-415,742,-416,742,-421,-422,742,-425,742,-428,-429,-1894,-1894,742,-619,-620,-621,-622,-623,-634,-584,-624,-797,742,742,742,742,742,-831,742,742,-806,742,-832,742,742,742,742,-798,742,-853,-799,742,742,742,742,742,742,-854,-855,742,-834,-830,-835,742,-625,742,-626,-627,-628,-629,-574,742,742,-630,-631,-632,742,742,742,742,742,742,-635,-636,-637,-592,-1894,-602,742,-638,-639,-713,-640,-604,742,-572,-577,-580,-583,742,742,742,-598,-601,742,-608,742,742,742,742,742,742,742,742,742,742,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,742,742,742,-995,742,742,742,742,742,742,-306,-325,-319,-296,-375,-452,-453,-454,-458,742,-443,742,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,742,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,742,742,742,742,742,742,742,742,742,-316,-535,-508,-591,-937,-939,-940,-438,742,-440,-380,-381,-383,-507,-509,-511,742,-513,-514,-519,-520,742,-532,-534,-537,-538,-543,-548,-726,742,-727,742,-732,742,-734,742,-739,-656,-660,-661,742,-666,742,-667,742,-672,-674,742,-677,742,742,742,-687,-689,742,-692,742,742,-744,742,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,742,742,742,742,742,-877,742,-880,-908,-920,-925,-388,-389,742,-394,742,-397,742,-402,742,-403,742,-408,742,-413,742,-417,742,-418,742,-423,742,-426,-899,-900,-643,-585,-1894,-901,742,742,742,-800,742,742,-804,742,-807,-833,742,-818,742,-820,742,-822,-808,742,-824,742,-851,-852,742,742,-811,742,-646,-902,-904,-648,-649,-645,742,-705,-706,742,-642,-903,-647,-650,-603,-714,742,742,-605,-586,742,742,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,742,742,-709,-710,742,-716,742,742,742,742,742,742,-938,742,-439,-441,-747,742,-891,742,-715,-1894,742,742,742,742,742,-442,-512,-523,742,-728,-733,742,-735,742,-740,742,-662,-668,742,-678,-680,-682,-683,-690,-693,-697,-745,742,742,-874,742,742,-878,742,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,742,-812,742,-814,-801,742,-802,-805,742,-816,-819,-821,-823,-825,742,-826,742,-809,742,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,742,-282,742,742,742,742,-455,742,742,-729,742,-736,742,-741,742,-663,-671,742,742,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,742,-836,-53,742,742,-730,742,-737,742,-742,-664,742,-873,-54,742,742,-731,-738,-743,742,742,742,-872,]),'SQL_AFTER_MTS_GAPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[743,743,743,743,-1894,743,743,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,743,743,743,743,-275,-276,743,-1425,743,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,743,743,743,-490,743,743,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,743,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,743,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,743,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,743,-172,-173,-174,-175,-993,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-290,-291,-281,743,743,743,743,743,-328,-318,-332,-333,-334,743,743,-982,-983,-984,-985,-986,-987,-988,743,743,743,743,743,743,743,743,743,743,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,743,743,743,-353,-356,743,-323,-324,-141,743,-142,743,-143,743,-430,-935,-936,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-1894,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-1894,743,-1894,743,743,743,743,743,743,743,743,743,743,743,743,-1894,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,743,-1894,743,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,743,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,743,743,743,-191,-192,743,-994,743,743,743,743,743,-277,-278,-279,-280,-365,743,-308,743,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,743,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,743,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,743,743,743,743,743,743,-573,743,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,743,743,-723,-724,-725,743,743,743,743,743,743,-994,743,743,-91,-92,743,743,743,743,-309,-310,-320,743,-307,-293,-294,-295,743,743,743,743,-618,-633,-590,743,743,-436,743,-437,743,-444,-445,-446,-378,-379,743,743,743,-506,743,743,-510,743,743,743,743,-515,-516,-517,-518,743,743,-521,-522,743,-524,-525,-526,-527,-528,-529,-530,-531,743,-533,743,743,743,-539,-541,-542,743,-544,-545,-546,-547,743,743,743,743,743,743,-652,-653,-654,-655,743,-657,-658,-659,743,743,743,-665,743,743,-669,-670,743,743,-673,743,-675,-676,743,-679,743,-681,743,743,-684,-685,-686,743,-688,743,743,-691,743,743,-694,-695,-696,743,-698,-699,-700,-701,743,743,-746,743,-749,-750,-751,-752,-753,743,-755,-756,-757,-758,-759,743,-766,-767,-769,743,-771,-772,-773,-782,-856,-858,-860,-862,743,743,743,743,-868,743,-870,743,743,743,743,743,743,743,-906,-907,743,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,743,-921,-924,743,-934,743,-385,-386,-387,743,743,-390,-391,-392,-393,743,-396,743,-399,-400,743,-401,743,-406,-407,743,-410,-411,-412,743,-415,743,-416,743,-421,-422,743,-425,743,-428,-429,-1894,-1894,743,-619,-620,-621,-622,-623,-634,-584,-624,-797,743,743,743,743,743,-831,743,743,-806,743,-832,743,743,743,743,-798,743,-853,-799,743,743,743,743,743,743,-854,-855,743,-834,-830,-835,743,-625,743,-626,-627,-628,-629,-574,743,743,-630,-631,-632,743,743,743,743,743,743,-635,-636,-637,-592,-1894,-602,743,-638,-639,-713,-640,-604,743,-572,-577,-580,-583,743,743,743,-598,-601,743,-608,743,743,743,743,743,743,743,743,743,743,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,743,743,743,-995,743,743,743,743,743,743,-306,-325,-319,-296,-375,-452,-453,-454,-458,743,-443,743,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,743,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,743,743,743,743,743,743,743,743,743,-316,-535,-508,-591,-937,-939,-940,-438,743,-440,-380,-381,-383,-507,-509,-511,743,-513,-514,-519,-520,743,-532,-534,-537,-538,-543,-548,-726,743,-727,743,-732,743,-734,743,-739,-656,-660,-661,743,-666,743,-667,743,-672,-674,743,-677,743,743,743,-687,-689,743,-692,743,743,-744,743,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,743,743,743,743,743,-877,743,-880,-908,-920,-925,-388,-389,743,-394,743,-397,743,-402,743,-403,743,-408,743,-413,743,-417,743,-418,743,-423,743,-426,-899,-900,-643,-585,-1894,-901,743,743,743,-800,743,743,-804,743,-807,-833,743,-818,743,-820,743,-822,-808,743,-824,743,-851,-852,743,743,-811,743,-646,-902,-904,-648,-649,-645,743,-705,-706,743,-642,-903,-647,-650,-603,-714,743,743,-605,-586,743,743,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,743,743,-709,-710,743,-716,743,743,743,743,743,743,-938,743,-439,-441,-747,743,-891,743,-715,-1894,743,743,743,743,743,-442,-512,-523,743,-728,-733,743,-735,743,-740,743,-662,-668,743,-678,-680,-682,-683,-690,-693,-697,-745,743,743,-874,743,743,-878,743,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,743,-812,743,-814,-801,743,-802,-805,743,-816,-819,-821,-823,-825,743,-826,743,-809,743,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,743,-282,743,743,743,743,-455,743,743,-729,743,-736,743,-741,743,-663,-671,743,743,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,743,-836,-53,743,743,-730,743,-737,743,-742,-664,743,-873,-54,743,743,-731,-738,-743,743,743,743,-872,]),'SQL_BEFORE_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[744,744,744,744,-1894,744,744,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,744,744,744,744,-275,-276,744,-1425,744,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,744,744,744,-490,744,744,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,744,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,744,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,744,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,744,-172,-173,-174,-175,-993,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-290,-291,-281,744,744,744,744,744,-328,-318,-332,-333,-334,744,744,-982,-983,-984,-985,-986,-987,-988,744,744,744,744,744,744,744,744,744,744,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,744,744,744,-353,-356,744,-323,-324,-141,744,-142,744,-143,744,-430,-935,-936,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-1894,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-1894,744,-1894,744,744,744,744,744,744,744,744,744,744,744,744,-1894,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,744,-1894,744,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,744,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,744,744,744,-191,-192,744,-994,744,744,744,744,744,-277,-278,-279,-280,-365,744,-308,744,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,744,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,744,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,744,744,744,744,744,744,-573,744,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,744,744,-723,-724,-725,744,744,744,744,744,744,-994,744,744,-91,-92,744,744,744,744,-309,-310,-320,744,-307,-293,-294,-295,744,744,744,744,-618,-633,-590,744,744,-436,744,-437,744,-444,-445,-446,-378,-379,744,744,744,-506,744,744,-510,744,744,744,744,-515,-516,-517,-518,744,744,-521,-522,744,-524,-525,-526,-527,-528,-529,-530,-531,744,-533,744,744,744,-539,-541,-542,744,-544,-545,-546,-547,744,744,744,744,744,744,-652,-653,-654,-655,744,-657,-658,-659,744,744,744,-665,744,744,-669,-670,744,744,-673,744,-675,-676,744,-679,744,-681,744,744,-684,-685,-686,744,-688,744,744,-691,744,744,-694,-695,-696,744,-698,-699,-700,-701,744,744,-746,744,-749,-750,-751,-752,-753,744,-755,-756,-757,-758,-759,744,-766,-767,-769,744,-771,-772,-773,-782,-856,-858,-860,-862,744,744,744,744,-868,744,-870,744,744,744,744,744,744,744,-906,-907,744,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,744,-921,-924,744,-934,744,-385,-386,-387,744,744,-390,-391,-392,-393,744,-396,744,-399,-400,744,-401,744,-406,-407,744,-410,-411,-412,744,-415,744,-416,744,-421,-422,744,-425,744,-428,-429,-1894,-1894,744,-619,-620,-621,-622,-623,-634,-584,-624,-797,744,744,744,744,744,-831,744,744,-806,744,-832,744,744,744,744,-798,744,-853,-799,744,744,744,744,744,744,-854,-855,744,-834,-830,-835,744,-625,744,-626,-627,-628,-629,-574,744,744,-630,-631,-632,744,744,744,744,744,744,-635,-636,-637,-592,-1894,-602,744,-638,-639,-713,-640,-604,744,-572,-577,-580,-583,744,744,744,-598,-601,744,-608,744,744,744,744,744,744,744,744,744,744,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,744,744,744,-995,744,744,744,744,744,744,-306,-325,-319,-296,-375,-452,-453,-454,-458,744,-443,744,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,744,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,744,744,744,744,744,744,744,744,744,-316,-535,-508,-591,-937,-939,-940,-438,744,-440,-380,-381,-383,-507,-509,-511,744,-513,-514,-519,-520,744,-532,-534,-537,-538,-543,-548,-726,744,-727,744,-732,744,-734,744,-739,-656,-660,-661,744,-666,744,-667,744,-672,-674,744,-677,744,744,744,-687,-689,744,-692,744,744,-744,744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,744,744,744,744,744,-877,744,-880,-908,-920,-925,-388,-389,744,-394,744,-397,744,-402,744,-403,744,-408,744,-413,744,-417,744,-418,744,-423,744,-426,-899,-900,-643,-585,-1894,-901,744,744,744,-800,744,744,-804,744,-807,-833,744,-818,744,-820,744,-822,-808,744,-824,744,-851,-852,744,744,-811,744,-646,-902,-904,-648,-649,-645,744,-705,-706,744,-642,-903,-647,-650,-603,-714,744,744,-605,-586,744,744,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,744,744,-709,-710,744,-716,744,744,744,744,744,744,-938,744,-439,-441,-747,744,-891,744,-715,-1894,744,744,744,744,744,-442,-512,-523,744,-728,-733,744,-735,744,-740,744,-662,-668,744,-678,-680,-682,-683,-690,-693,-697,-745,744,744,-874,744,744,-878,744,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,744,-812,744,-814,-801,744,-802,-805,744,-816,-819,-821,-823,-825,744,-826,744,-809,744,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,744,-282,744,744,744,744,-455,744,744,-729,744,-736,744,-741,744,-663,-671,744,744,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,744,-836,-53,744,744,-730,744,-737,744,-742,-664,744,-873,-54,744,744,-731,-738,-743,744,744,744,-872,]),'SQL_BUFFER_RESULT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[745,745,745,745,1358,745,745,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,745,745,745,745,-275,-276,745,-1425,745,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,745,745,745,-490,745,745,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,745,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,745,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,745,1358,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,745,-172,-173,-174,-175,-993,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-290,-291,-281,745,745,745,745,745,-328,-318,-332,-333,-334,745,745,-982,-983,-984,-985,-986,-987,-988,745,745,745,745,745,745,745,745,745,745,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,745,745,745,-353,-356,745,-323,-324,-141,745,-142,745,-143,745,-430,-935,-936,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-1894,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-1894,745,-1894,745,745,745,745,745,745,745,745,745,745,745,745,-1894,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,745,-1894,745,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,745,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,745,745,745,-191,-192,745,-994,745,745,745,745,745,-277,-278,-279,-280,-365,745,-308,745,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,745,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,745,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,745,745,745,745,745,745,-573,745,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,745,745,-723,-724,-725,745,745,745,745,745,745,-994,745,745,-91,-92,745,745,745,745,-309,-310,-320,745,-307,-293,-294,-295,745,745,745,745,-618,-633,-590,745,745,-436,745,-437,745,-444,-445,-446,-378,-379,745,745,745,-506,745,745,-510,745,745,745,745,-515,-516,-517,-518,745,745,-521,-522,745,-524,-525,-526,-527,-528,-529,-530,-531,745,-533,745,745,745,-539,-541,-542,745,-544,-545,-546,-547,745,745,745,745,745,745,-652,-653,-654,-655,745,-657,-658,-659,745,745,745,-665,745,745,-669,-670,745,745,-673,745,-675,-676,745,-679,745,-681,745,745,-684,-685,-686,745,-688,745,745,-691,745,745,-694,-695,-696,745,-698,-699,-700,-701,745,745,-746,745,-749,-750,-751,-752,-753,745,-755,-756,-757,-758,-759,745,-766,-767,-769,745,-771,-772,-773,-782,-856,-858,-860,-862,745,745,745,745,-868,745,-870,745,745,745,745,745,745,745,-906,-907,745,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,745,-921,-924,745,-934,745,-385,-386,-387,745,745,-390,-391,-392,-393,745,-396,745,-399,-400,745,-401,745,-406,-407,745,-410,-411,-412,745,-415,745,-416,745,-421,-422,745,-425,745,-428,-429,-1894,-1894,745,-619,-620,-621,-622,-623,-634,-584,-624,-797,745,745,745,745,745,-831,745,745,-806,745,-832,745,745,745,745,-798,745,-853,-799,745,745,745,745,745,745,-854,-855,745,-834,-830,-835,745,-625,745,-626,-627,-628,-629,-574,745,745,-630,-631,-632,745,745,745,745,745,745,-635,-636,-637,-592,-1894,-602,745,-638,-639,-713,-640,-604,745,-572,-577,-580,-583,745,745,745,-598,-601,745,-608,745,745,745,745,745,745,745,745,745,745,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,745,745,745,-995,745,745,745,745,745,745,-306,-325,-319,-296,-375,-452,-453,-454,-458,745,-443,745,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,745,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,745,745,745,745,745,745,745,745,745,-316,-535,-508,-591,-937,-939,-940,-438,745,-440,-380,-381,-383,-507,-509,-511,745,-513,-514,-519,-520,745,-532,-534,-537,-538,-543,-548,-726,745,-727,745,-732,745,-734,745,-739,-656,-660,-661,745,-666,745,-667,745,-672,-674,745,-677,745,745,745,-687,-689,745,-692,745,745,-744,745,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,745,745,745,745,745,-877,745,-880,-908,-920,-925,-388,-389,745,-394,745,-397,745,-402,745,-403,745,-408,745,-413,745,-417,745,-418,745,-423,745,-426,-899,-900,-643,-585,-1894,-901,745,745,745,-800,745,745,-804,745,-807,-833,745,-818,745,-820,745,-822,-808,745,-824,745,-851,-852,745,745,-811,745,-646,-902,-904,-648,-649,-645,745,-705,-706,745,-642,-903,-647,-650,-603,-714,745,745,-605,-586,745,745,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,745,745,-709,-710,745,-716,745,745,745,745,745,745,-938,745,-439,-441,-747,745,-891,745,-715,-1894,745,745,745,745,745,-442,-512,-523,745,-728,-733,745,-735,745,-740,745,-662,-668,745,-678,-680,-682,-683,-690,-693,-697,-745,745,745,-874,745,745,-878,745,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,745,-812,745,-814,-801,745,-802,-805,745,-816,-819,-821,-823,-825,745,-826,745,-809,745,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,745,-282,745,745,745,745,-455,745,745,-729,745,-736,745,-741,745,-663,-671,745,745,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,745,-836,-53,745,745,-730,745,-737,745,-742,-664,745,-873,-54,745,745,-731,-738,-743,745,745,745,-872,]),'SQL_CACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[746,746,746,746,-1894,746,746,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,746,746,746,746,-275,-276,746,-1425,746,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,746,746,746,-490,746,746,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,746,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,746,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,746,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,746,-172,-173,-174,-175,-993,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-290,-291,-281,746,746,746,746,746,-328,-318,-332,-333,-334,746,746,-982,-983,-984,-985,-986,-987,-988,746,746,746,746,746,746,746,746,746,746,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,746,746,746,-353,-356,746,-323,-324,-141,746,-142,746,-143,746,-430,-935,-936,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-1894,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-1894,746,-1894,746,746,746,746,746,746,746,746,746,746,746,746,-1894,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,746,-1894,746,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,746,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,746,746,746,-191,-192,746,-994,746,746,746,746,746,-277,-278,-279,-280,-365,746,-308,746,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,746,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,746,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,746,746,746,746,746,746,-573,746,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,746,746,-723,-724,-725,746,746,746,746,746,746,-994,746,746,-91,-92,746,746,746,746,-309,-310,-320,746,-307,-293,-294,-295,746,746,746,746,-618,-633,-590,746,746,-436,746,-437,746,-444,-445,-446,-378,-379,746,746,746,-506,746,746,-510,746,746,746,746,-515,-516,-517,-518,746,746,-521,-522,746,-524,-525,-526,-527,-528,-529,-530,-531,746,-533,746,746,746,-539,-541,-542,746,-544,-545,-546,-547,746,746,746,746,746,746,-652,-653,-654,-655,746,-657,-658,-659,746,746,746,-665,746,746,-669,-670,746,746,-673,746,-675,-676,746,-679,746,-681,746,746,-684,-685,-686,746,-688,746,746,-691,746,746,-694,-695,-696,746,-698,-699,-700,-701,746,746,-746,746,-749,-750,-751,-752,-753,746,-755,-756,-757,-758,-759,746,-766,-767,-769,746,-771,-772,-773,-782,-856,-858,-860,-862,746,746,746,746,-868,746,-870,746,746,746,746,746,746,746,-906,-907,746,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,746,-921,-924,746,-934,746,-385,-386,-387,746,746,-390,-391,-392,-393,746,-396,746,-399,-400,746,-401,746,-406,-407,746,-410,-411,-412,746,-415,746,-416,746,-421,-422,746,-425,746,-428,-429,-1894,-1894,746,-619,-620,-621,-622,-623,-634,-584,-624,-797,746,746,746,746,746,-831,746,746,-806,746,-832,746,746,746,746,-798,746,-853,-799,746,746,746,746,746,746,-854,-855,746,-834,-830,-835,746,-625,746,-626,-627,-628,-629,-574,746,746,-630,-631,-632,746,746,746,746,746,746,-635,-636,-637,-592,-1894,-602,746,-638,-639,-713,-640,-604,746,-572,-577,-580,-583,746,746,746,-598,-601,746,-608,746,746,746,746,746,746,746,746,746,746,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,746,746,746,-995,746,746,746,746,746,746,-306,-325,-319,-296,-375,-452,-453,-454,-458,746,-443,746,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,746,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,746,746,746,746,746,746,746,746,746,-316,-535,-508,-591,-937,-939,-940,-438,746,-440,-380,-381,-383,-507,-509,-511,746,-513,-514,-519,-520,746,-532,-534,-537,-538,-543,-548,-726,746,-727,746,-732,746,-734,746,-739,-656,-660,-661,746,-666,746,-667,746,-672,-674,746,-677,746,746,746,-687,-689,746,-692,746,746,-744,746,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,746,746,746,746,746,-877,746,-880,-908,-920,-925,-388,-389,746,-394,746,-397,746,-402,746,-403,746,-408,746,-413,746,-417,746,-418,746,-423,746,-426,-899,-900,-643,-585,-1894,-901,746,746,746,-800,746,746,-804,746,-807,-833,746,-818,746,-820,746,-822,-808,746,-824,746,-851,-852,746,746,-811,746,-646,-902,-904,-648,-649,-645,746,-705,-706,746,-642,-903,-647,-650,-603,-714,746,746,-605,-586,746,746,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,746,746,-709,-710,746,-716,746,746,746,746,746,746,-938,746,-439,-441,-747,746,-891,746,-715,-1894,746,746,746,746,746,-442,-512,-523,746,-728,-733,746,-735,746,-740,746,-662,-668,746,-678,-680,-682,-683,-690,-693,-697,-745,746,746,-874,746,746,-878,746,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,746,-812,746,-814,-801,746,-802,-805,746,-816,-819,-821,-823,-825,746,-826,746,-809,746,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,746,-282,746,746,746,746,-455,746,746,-729,746,-736,746,-741,746,-663,-671,746,746,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,746,-836,-53,746,746,-730,746,-737,746,-742,-664,746,-873,-54,746,746,-731,-738,-743,746,746,746,-872,]),'SQL_CALC_FOUND_ROWS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[747,747,747,747,1360,747,747,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,747,747,747,747,-275,-276,747,-1425,747,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,747,747,747,-490,747,747,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,747,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,747,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,747,1360,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,747,-172,-173,-174,-175,-993,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-290,-291,-281,747,747,747,747,747,-328,-318,-332,-333,-334,747,747,-982,-983,-984,-985,-986,-987,-988,747,747,747,747,747,747,747,747,747,747,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,747,747,747,-353,-356,747,-323,-324,-141,747,-142,747,-143,747,-430,-935,-936,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-1894,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-1894,747,-1894,747,747,747,747,747,747,747,747,747,747,747,747,-1894,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,747,-1894,747,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,747,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,747,747,747,-191,-192,747,-994,747,747,747,747,747,-277,-278,-279,-280,-365,747,-308,747,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,747,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,747,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,747,747,747,747,747,747,-573,747,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,747,747,-723,-724,-725,747,747,747,747,747,747,-994,747,747,-91,-92,747,747,747,747,-309,-310,-320,747,-307,-293,-294,-295,747,747,747,747,-618,-633,-590,747,747,-436,747,-437,747,-444,-445,-446,-378,-379,747,747,747,-506,747,747,-510,747,747,747,747,-515,-516,-517,-518,747,747,-521,-522,747,-524,-525,-526,-527,-528,-529,-530,-531,747,-533,747,747,747,-539,-541,-542,747,-544,-545,-546,-547,747,747,747,747,747,747,-652,-653,-654,-655,747,-657,-658,-659,747,747,747,-665,747,747,-669,-670,747,747,-673,747,-675,-676,747,-679,747,-681,747,747,-684,-685,-686,747,-688,747,747,-691,747,747,-694,-695,-696,747,-698,-699,-700,-701,747,747,-746,747,-749,-750,-751,-752,-753,747,-755,-756,-757,-758,-759,747,-766,-767,-769,747,-771,-772,-773,-782,-856,-858,-860,-862,747,747,747,747,-868,747,-870,747,747,747,747,747,747,747,-906,-907,747,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,747,-921,-924,747,-934,747,-385,-386,-387,747,747,-390,-391,-392,-393,747,-396,747,-399,-400,747,-401,747,-406,-407,747,-410,-411,-412,747,-415,747,-416,747,-421,-422,747,-425,747,-428,-429,-1894,-1894,747,-619,-620,-621,-622,-623,-634,-584,-624,-797,747,747,747,747,747,-831,747,747,-806,747,-832,747,747,747,747,-798,747,-853,-799,747,747,747,747,747,747,-854,-855,747,-834,-830,-835,747,-625,747,-626,-627,-628,-629,-574,747,747,-630,-631,-632,747,747,747,747,747,747,-635,-636,-637,-592,-1894,-602,747,-638,-639,-713,-640,-604,747,-572,-577,-580,-583,747,747,747,-598,-601,747,-608,747,747,747,747,747,747,747,747,747,747,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,747,747,747,-995,747,747,747,747,747,747,-306,-325,-319,-296,-375,-452,-453,-454,-458,747,-443,747,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,747,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,747,747,747,747,747,747,747,747,747,-316,-535,-508,-591,-937,-939,-940,-438,747,-440,-380,-381,-383,-507,-509,-511,747,-513,-514,-519,-520,747,-532,-534,-537,-538,-543,-548,-726,747,-727,747,-732,747,-734,747,-739,-656,-660,-661,747,-666,747,-667,747,-672,-674,747,-677,747,747,747,-687,-689,747,-692,747,747,-744,747,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,747,747,747,747,747,-877,747,-880,-908,-920,-925,-388,-389,747,-394,747,-397,747,-402,747,-403,747,-408,747,-413,747,-417,747,-418,747,-423,747,-426,-899,-900,-643,-585,-1894,-901,747,747,747,-800,747,747,-804,747,-807,-833,747,-818,747,-820,747,-822,-808,747,-824,747,-851,-852,747,747,-811,747,-646,-902,-904,-648,-649,-645,747,-705,-706,747,-642,-903,-647,-650,-603,-714,747,747,-605,-586,747,747,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,747,747,-709,-710,747,-716,747,747,747,747,747,747,-938,747,-439,-441,-747,747,-891,747,-715,-1894,747,747,747,747,747,-442,-512,-523,747,-728,-733,747,-735,747,-740,747,-662,-668,747,-678,-680,-682,-683,-690,-693,-697,-745,747,747,-874,747,747,-878,747,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,747,-812,747,-814,-801,747,-802,-805,747,-816,-819,-821,-823,-825,747,-826,747,-809,747,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,747,-282,747,747,747,747,-455,747,747,-729,747,-736,747,-741,747,-663,-671,747,747,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,747,-836,-53,747,747,-730,747,-737,747,-742,-664,747,-873,-54,747,747,-731,-738,-743,747,747,747,-872,]),'SQL_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[748,748,748,748,-1894,748,748,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,748,748,748,748,-275,-276,748,-1425,748,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,748,748,748,-490,748,748,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,748,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,748,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,748,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,748,-172,-173,-174,-175,-993,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-290,-291,-281,748,748,748,748,748,-328,-318,-332,-333,-334,748,748,-982,-983,-984,-985,-986,-987,-988,748,748,748,748,748,748,748,748,748,748,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,748,748,748,-353,-356,748,-323,-324,-141,748,-142,748,-143,748,-430,-935,-936,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-1894,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-1894,748,-1894,748,748,748,748,748,748,748,748,748,748,748,748,-1894,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,748,-1894,748,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,748,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,748,748,748,-191,-192,748,-994,748,748,748,748,748,-277,-278,-279,-280,-365,748,-308,748,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,748,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,748,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,748,748,748,748,748,748,-573,748,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,748,748,-723,-724,-725,748,748,748,748,748,748,-994,748,748,-91,-92,748,748,748,748,-309,-310,-320,748,-307,-293,-294,-295,748,748,748,748,-618,-633,-590,748,748,-436,748,-437,748,-444,-445,-446,-378,-379,748,748,748,-506,748,748,-510,748,748,748,748,-515,-516,-517,-518,748,748,-521,-522,748,-524,-525,-526,-527,-528,-529,-530,-531,748,-533,748,748,748,-539,-541,-542,748,-544,-545,-546,-547,748,748,748,748,748,748,-652,-653,-654,-655,748,-657,-658,-659,748,748,748,-665,748,748,-669,-670,748,748,-673,748,-675,-676,748,-679,748,-681,748,748,-684,-685,-686,748,-688,748,748,-691,748,748,-694,-695,-696,748,-698,-699,-700,-701,748,748,-746,748,-749,-750,-751,-752,-753,748,-755,-756,-757,-758,-759,748,-766,-767,-769,748,-771,-772,-773,-782,-856,-858,-860,-862,748,748,748,748,-868,748,-870,748,748,748,748,748,748,748,-906,-907,748,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,748,-921,-924,748,-934,748,-385,-386,-387,748,748,-390,-391,-392,-393,748,-396,748,-399,-400,748,-401,748,-406,-407,748,-410,-411,-412,748,-415,748,-416,748,-421,-422,748,-425,748,-428,-429,-1894,-1894,748,-619,-620,-621,-622,-623,-634,-584,-624,-797,748,748,748,748,748,-831,748,748,-806,748,-832,748,748,748,748,-798,748,-853,-799,748,748,748,748,748,748,-854,-855,748,-834,-830,-835,748,-625,748,-626,-627,-628,-629,-574,748,748,-630,-631,-632,748,748,748,748,748,748,-635,-636,-637,-592,-1894,-602,748,-638,-639,-713,-640,-604,748,-572,-577,-580,-583,748,748,748,-598,-601,748,-608,748,748,748,748,748,748,748,748,748,748,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,748,748,748,-995,748,748,748,748,748,748,-306,-325,-319,-296,-375,-452,-453,-454,-458,748,-443,748,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,748,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,748,748,748,748,748,748,748,748,748,-316,-535,-508,-591,-937,-939,-940,-438,748,-440,-380,-381,-383,-507,-509,-511,748,-513,-514,-519,-520,748,-532,-534,-537,-538,-543,-548,-726,748,-727,748,-732,748,-734,748,-739,-656,-660,-661,748,-666,748,-667,748,-672,-674,748,-677,748,748,748,-687,-689,748,-692,748,748,-744,748,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,748,748,748,748,748,-877,748,-880,-908,-920,-925,-388,-389,748,-394,748,-397,748,-402,748,-403,748,-408,748,-413,748,-417,748,-418,748,-423,748,-426,-899,-900,-643,-585,-1894,-901,748,748,748,-800,748,748,-804,748,-807,-833,748,-818,748,-820,748,-822,-808,748,-824,748,-851,-852,748,748,-811,748,-646,-902,-904,-648,-649,-645,748,-705,-706,748,-642,-903,-647,-650,-603,-714,748,748,-605,-586,748,748,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,748,748,-709,-710,748,-716,748,748,748,748,748,748,-938,748,-439,-441,-747,748,-891,748,-715,-1894,748,748,748,748,748,-442,-512,-523,748,-728,-733,748,-735,748,-740,748,-662,-668,748,-678,-680,-682,-683,-690,-693,-697,-745,748,748,-874,748,748,-878,748,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,748,-812,748,-814,-801,748,-802,-805,748,-816,-819,-821,-823,-825,748,-826,748,-809,748,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,748,-282,748,748,748,748,-455,748,748,-729,748,-736,748,-741,748,-663,-671,748,748,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,748,-836,-53,748,748,-730,748,-737,748,-742,-664,748,-873,-54,748,748,-731,-738,-743,748,748,748,-872,]),'SQL_NO_CACHE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[749,749,749,749,1359,749,749,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,749,749,749,749,-275,-276,749,-1425,749,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,749,749,749,-490,749,749,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,749,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,749,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,749,1359,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,749,-172,-173,-174,-175,-993,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-290,-291,-281,749,749,749,749,749,-328,-318,-332,-333,-334,749,749,-982,-983,-984,-985,-986,-987,-988,749,749,749,749,749,749,749,749,749,749,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,749,749,749,-353,-356,749,-323,-324,-141,749,-142,749,-143,749,-430,-935,-936,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-1894,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-1894,749,-1894,749,749,749,749,749,749,749,749,749,749,749,749,-1894,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,749,-1894,749,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,749,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,749,749,749,-191,-192,749,-994,749,749,749,749,749,-277,-278,-279,-280,-365,749,-308,749,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,749,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,749,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,749,749,749,749,749,749,-573,749,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,749,749,-723,-724,-725,749,749,749,749,749,749,-994,749,749,-91,-92,749,749,749,749,-309,-310,-320,749,-307,-293,-294,-295,749,749,749,749,-618,-633,-590,749,749,-436,749,-437,749,-444,-445,-446,-378,-379,749,749,749,-506,749,749,-510,749,749,749,749,-515,-516,-517,-518,749,749,-521,-522,749,-524,-525,-526,-527,-528,-529,-530,-531,749,-533,749,749,749,-539,-541,-542,749,-544,-545,-546,-547,749,749,749,749,749,749,-652,-653,-654,-655,749,-657,-658,-659,749,749,749,-665,749,749,-669,-670,749,749,-673,749,-675,-676,749,-679,749,-681,749,749,-684,-685,-686,749,-688,749,749,-691,749,749,-694,-695,-696,749,-698,-699,-700,-701,749,749,-746,749,-749,-750,-751,-752,-753,749,-755,-756,-757,-758,-759,749,-766,-767,-769,749,-771,-772,-773,-782,-856,-858,-860,-862,749,749,749,749,-868,749,-870,749,749,749,749,749,749,749,-906,-907,749,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,749,-921,-924,749,-934,749,-385,-386,-387,749,749,-390,-391,-392,-393,749,-396,749,-399,-400,749,-401,749,-406,-407,749,-410,-411,-412,749,-415,749,-416,749,-421,-422,749,-425,749,-428,-429,-1894,-1894,749,-619,-620,-621,-622,-623,-634,-584,-624,-797,749,749,749,749,749,-831,749,749,-806,749,-832,749,749,749,749,-798,749,-853,-799,749,749,749,749,749,749,-854,-855,749,-834,-830,-835,749,-625,749,-626,-627,-628,-629,-574,749,749,-630,-631,-632,749,749,749,749,749,749,-635,-636,-637,-592,-1894,-602,749,-638,-639,-713,-640,-604,749,-572,-577,-580,-583,749,749,749,-598,-601,749,-608,749,749,749,749,749,749,749,749,749,749,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,749,749,749,-995,749,749,749,749,749,749,-306,-325,-319,-296,-375,-452,-453,-454,-458,749,-443,749,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,749,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,749,749,749,749,749,749,749,749,749,-316,-535,-508,-591,-937,-939,-940,-438,749,-440,-380,-381,-383,-507,-509,-511,749,-513,-514,-519,-520,749,-532,-534,-537,-538,-543,-548,-726,749,-727,749,-732,749,-734,749,-739,-656,-660,-661,749,-666,749,-667,749,-672,-674,749,-677,749,749,749,-687,-689,749,-692,749,749,-744,749,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,749,749,749,749,749,-877,749,-880,-908,-920,-925,-388,-389,749,-394,749,-397,749,-402,749,-403,749,-408,749,-413,749,-417,749,-418,749,-423,749,-426,-899,-900,-643,-585,-1894,-901,749,749,749,-800,749,749,-804,749,-807,-833,749,-818,749,-820,749,-822,-808,749,-824,749,-851,-852,749,749,-811,749,-646,-902,-904,-648,-649,-645,749,-705,-706,749,-642,-903,-647,-650,-603,-714,749,749,-605,-586,749,749,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,749,749,-709,-710,749,-716,749,749,749,749,749,749,-938,749,-439,-441,-747,749,-891,749,-715,-1894,749,749,749,749,749,-442,-512,-523,749,-728,-733,749,-735,749,-740,749,-662,-668,749,-678,-680,-682,-683,-690,-693,-697,-745,749,749,-874,749,749,-878,749,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,749,-812,749,-814,-801,749,-802,-805,749,-816,-819,-821,-823,-825,749,-826,749,-809,749,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,749,-282,749,749,749,749,-455,749,749,-729,749,-736,749,-741,749,-663,-671,749,749,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,749,-836,-53,749,749,-730,749,-737,749,-742,-664,749,-873,-54,749,749,-731,-738,-743,749,749,749,-872,]),'SQL_SMALL_RESULT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[750,750,750,750,1356,750,750,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,750,750,750,750,-275,-276,750,-1425,750,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,750,750,750,-490,750,750,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,750,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,750,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,750,1356,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,750,-172,-173,-174,-175,-993,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-290,-291,-281,750,750,750,750,750,-328,-318,-332,-333,-334,750,750,-982,-983,-984,-985,-986,-987,-988,750,750,750,750,750,750,750,750,750,750,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,750,750,750,-353,-356,750,-323,-324,-141,750,-142,750,-143,750,-430,-935,-936,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-1894,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-1894,750,-1894,750,750,750,750,750,750,750,750,750,750,750,750,-1894,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,750,-1894,750,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,750,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,750,750,750,-191,-192,750,-994,750,750,750,750,750,-277,-278,-279,-280,-365,750,-308,750,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,750,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,750,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,750,750,750,750,750,750,-573,750,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,750,750,-723,-724,-725,750,750,750,750,750,750,-994,750,750,-91,-92,750,750,750,750,-309,-310,-320,750,-307,-293,-294,-295,750,750,750,750,-618,-633,-590,750,750,-436,750,-437,750,-444,-445,-446,-378,-379,750,750,750,-506,750,750,-510,750,750,750,750,-515,-516,-517,-518,750,750,-521,-522,750,-524,-525,-526,-527,-528,-529,-530,-531,750,-533,750,750,750,-539,-541,-542,750,-544,-545,-546,-547,750,750,750,750,750,750,-652,-653,-654,-655,750,-657,-658,-659,750,750,750,-665,750,750,-669,-670,750,750,-673,750,-675,-676,750,-679,750,-681,750,750,-684,-685,-686,750,-688,750,750,-691,750,750,-694,-695,-696,750,-698,-699,-700,-701,750,750,-746,750,-749,-750,-751,-752,-753,750,-755,-756,-757,-758,-759,750,-766,-767,-769,750,-771,-772,-773,-782,-856,-858,-860,-862,750,750,750,750,-868,750,-870,750,750,750,750,750,750,750,-906,-907,750,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,750,-921,-924,750,-934,750,-385,-386,-387,750,750,-390,-391,-392,-393,750,-396,750,-399,-400,750,-401,750,-406,-407,750,-410,-411,-412,750,-415,750,-416,750,-421,-422,750,-425,750,-428,-429,-1894,-1894,750,-619,-620,-621,-622,-623,-634,-584,-624,-797,750,750,750,750,750,-831,750,750,-806,750,-832,750,750,750,750,-798,750,-853,-799,750,750,750,750,750,750,-854,-855,750,-834,-830,-835,750,-625,750,-626,-627,-628,-629,-574,750,750,-630,-631,-632,750,750,750,750,750,750,-635,-636,-637,-592,-1894,-602,750,-638,-639,-713,-640,-604,750,-572,-577,-580,-583,750,750,750,-598,-601,750,-608,750,750,750,750,750,750,750,750,750,750,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,750,750,750,-995,750,750,750,750,750,750,-306,-325,-319,-296,-375,-452,-453,-454,-458,750,-443,750,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,750,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,750,750,750,750,750,750,750,750,750,-316,-535,-508,-591,-937,-939,-940,-438,750,-440,-380,-381,-383,-507,-509,-511,750,-513,-514,-519,-520,750,-532,-534,-537,-538,-543,-548,-726,750,-727,750,-732,750,-734,750,-739,-656,-660,-661,750,-666,750,-667,750,-672,-674,750,-677,750,750,750,-687,-689,750,-692,750,750,-744,750,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,750,750,750,750,750,-877,750,-880,-908,-920,-925,-388,-389,750,-394,750,-397,750,-402,750,-403,750,-408,750,-413,750,-417,750,-418,750,-423,750,-426,-899,-900,-643,-585,-1894,-901,750,750,750,-800,750,750,-804,750,-807,-833,750,-818,750,-820,750,-822,-808,750,-824,750,-851,-852,750,750,-811,750,-646,-902,-904,-648,-649,-645,750,-705,-706,750,-642,-903,-647,-650,-603,-714,750,750,-605,-586,750,750,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,750,750,-709,-710,750,-716,750,750,750,750,750,750,-938,750,-439,-441,-747,750,-891,750,-715,-1894,750,750,750,750,750,-442,-512,-523,750,-728,-733,750,-735,750,-740,750,-662,-668,750,-678,-680,-682,-683,-690,-693,-697,-745,750,750,-874,750,750,-878,750,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,750,-812,750,-814,-801,750,-802,-805,750,-816,-819,-821,-823,-825,750,-826,750,-809,750,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,750,-282,750,750,750,750,-455,750,750,-729,750,-736,750,-741,750,-663,-671,750,750,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,750,-836,-53,750,750,-730,750,-737,750,-742,-664,750,-873,-54,750,750,-731,-738,-743,750,750,750,-872,]),'SQL_THREAD':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[751,751,751,751,-1894,751,751,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,751,751,751,751,-275,-276,751,-1425,751,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,751,751,751,-490,751,751,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,751,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,751,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,751,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,751,-172,-173,-174,-175,-993,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-290,-291,-281,751,751,751,751,751,-328,-318,-332,-333,-334,751,751,-982,-983,-984,-985,-986,-987,-988,751,751,751,751,751,751,751,751,751,751,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,751,751,751,-353,-356,751,-323,-324,-141,751,-142,751,-143,751,-430,-935,-936,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-1894,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-1894,751,-1894,751,751,751,751,751,751,751,751,751,751,751,751,-1894,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,751,-1894,751,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,751,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,751,751,751,-191,-192,751,-994,751,751,751,751,751,-277,-278,-279,-280,-365,751,-308,751,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,751,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,751,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,751,751,751,751,751,751,-573,751,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,751,751,-723,-724,-725,751,751,751,751,751,751,-994,751,751,-91,-92,751,751,751,751,-309,-310,-320,751,-307,-293,-294,-295,751,751,751,751,-618,-633,-590,751,751,-436,751,-437,751,-444,-445,-446,-378,-379,751,751,751,-506,751,751,-510,751,751,751,751,-515,-516,-517,-518,751,751,-521,-522,751,-524,-525,-526,-527,-528,-529,-530,-531,751,-533,751,751,751,-539,-541,-542,751,-544,-545,-546,-547,751,751,751,751,751,751,-652,-653,-654,-655,751,-657,-658,-659,751,751,751,-665,751,751,-669,-670,751,751,-673,751,-675,-676,751,-679,751,-681,751,751,-684,-685,-686,751,-688,751,751,-691,751,751,-694,-695,-696,751,-698,-699,-700,-701,751,751,-746,751,-749,-750,-751,-752,-753,751,-755,-756,-757,-758,-759,751,-766,-767,-769,751,-771,-772,-773,-782,-856,-858,-860,-862,751,751,751,751,-868,751,-870,751,751,751,751,751,751,751,-906,-907,751,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,751,-921,-924,751,-934,751,-385,-386,-387,751,751,-390,-391,-392,-393,751,-396,751,-399,-400,751,-401,751,-406,-407,751,-410,-411,-412,751,-415,751,-416,751,-421,-422,751,-425,751,-428,-429,-1894,-1894,751,-619,-620,-621,-622,-623,-634,-584,-624,-797,751,751,751,751,751,-831,751,751,-806,751,-832,751,751,751,751,-798,751,-853,-799,751,751,751,751,751,751,-854,-855,751,-834,-830,-835,751,-625,751,-626,-627,-628,-629,-574,751,751,-630,-631,-632,751,751,751,751,751,751,-635,-636,-637,-592,-1894,-602,751,-638,-639,-713,-640,-604,751,-572,-577,-580,-583,751,751,751,-598,-601,751,-608,751,751,751,751,751,751,751,751,751,751,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,751,751,751,-995,751,751,751,751,751,751,-306,-325,-319,-296,-375,-452,-453,-454,-458,751,-443,751,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,751,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,751,751,751,751,751,751,751,751,751,-316,-535,-508,-591,-937,-939,-940,-438,751,-440,-380,-381,-383,-507,-509,-511,751,-513,-514,-519,-520,751,-532,-534,-537,-538,-543,-548,-726,751,-727,751,-732,751,-734,751,-739,-656,-660,-661,751,-666,751,-667,751,-672,-674,751,-677,751,751,751,-687,-689,751,-692,751,751,-744,751,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,751,751,751,751,751,-877,751,-880,-908,-920,-925,-388,-389,751,-394,751,-397,751,-402,751,-403,751,-408,751,-413,751,-417,751,-418,751,-423,751,-426,-899,-900,-643,-585,-1894,-901,751,751,751,-800,751,751,-804,751,-807,-833,751,-818,751,-820,751,-822,-808,751,-824,751,-851,-852,751,751,-811,751,-646,-902,-904,-648,-649,-645,751,-705,-706,751,-642,-903,-647,-650,-603,-714,751,751,-605,-586,751,751,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,751,751,-709,-710,751,-716,751,751,751,751,751,751,-938,751,-439,-441,-747,751,-891,751,-715,-1894,751,751,751,751,751,-442,-512,-523,751,-728,-733,751,-735,751,-740,751,-662,-668,751,-678,-680,-682,-683,-690,-693,-697,-745,751,751,-874,751,751,-878,751,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,751,-812,751,-814,-801,751,-802,-805,751,-816,-819,-821,-823,-825,751,-826,751,-809,751,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,751,-282,751,751,751,751,-455,751,751,-729,751,-736,751,-741,751,-663,-671,751,751,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,751,-836,-53,751,751,-730,751,-737,751,-742,-664,751,-873,-54,751,751,-731,-738,-743,751,751,751,-872,]),'SQL_TSI_DAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[752,752,752,752,-1894,752,752,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,752,752,752,752,-275,-276,752,-1425,752,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,752,752,752,-490,752,752,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,752,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,752,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,752,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,752,-172,-173,-174,-175,-993,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-290,-291,-281,752,752,752,752,752,-328,-318,-332,-333,-334,752,752,-982,-983,-984,-985,-986,-987,-988,752,752,752,752,752,752,752,752,752,752,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,752,752,2116,752,-353,-356,752,-323,-324,-141,752,-142,752,-143,752,-430,-935,-936,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-1894,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-1894,752,-1894,752,752,752,752,752,752,752,752,752,752,752,752,-1894,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,2116,2116,752,752,2116,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,752,-1894,752,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,752,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,752,752,752,-191,-192,752,-994,752,752,752,752,752,-277,-278,-279,-280,-365,752,-308,752,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,752,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,752,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,752,752,752,752,752,752,-573,752,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,752,752,-723,-724,-725,752,752,752,752,752,752,-994,752,752,-91,-92,752,752,752,752,-309,-310,-320,752,-307,-293,-294,-295,752,752,752,752,-618,-633,-590,752,752,-436,752,-437,752,-444,-445,-446,-378,-379,752,752,752,-506,752,752,-510,752,752,752,752,-515,-516,-517,-518,752,752,-521,-522,752,-524,-525,-526,-527,-528,-529,-530,-531,752,-533,752,752,752,-539,-541,-542,752,-544,-545,-546,-547,752,752,752,752,752,752,-652,-653,-654,-655,752,-657,-658,-659,752,752,752,-665,752,752,-669,-670,752,752,-673,752,-675,-676,752,-679,752,-681,752,752,-684,-685,-686,752,-688,752,752,-691,752,752,-694,-695,-696,752,-698,-699,-700,-701,752,752,-746,752,-749,-750,-751,-752,-753,752,-755,-756,-757,-758,-759,752,-766,-767,-769,752,-771,-772,-773,-782,-856,-858,-860,-862,752,752,752,752,-868,752,-870,752,752,752,752,752,752,752,-906,-907,752,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,752,-921,-924,752,-934,752,-385,-386,-387,752,752,-390,-391,-392,-393,752,-396,752,-399,-400,752,-401,752,-406,-407,752,-410,-411,-412,752,-415,752,-416,752,-421,-422,752,-425,752,-428,-429,-1894,-1894,752,-619,-620,-621,-622,-623,-634,-584,-624,-797,752,752,752,752,752,-831,752,752,-806,752,-832,752,752,752,752,-798,752,-853,-799,752,752,752,752,752,752,-854,-855,752,-834,-830,-835,752,-625,752,-626,-627,-628,-629,-574,752,752,-630,-631,-632,752,752,752,752,752,752,-635,-636,-637,-592,-1894,-602,752,-638,-639,-713,-640,-604,752,-572,-577,-580,-583,752,752,752,-598,-601,752,-608,752,752,752,752,752,752,752,752,752,752,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,752,752,752,-995,752,752,752,752,752,752,-306,-325,-319,-296,-375,-452,-453,-454,-458,752,-443,752,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,752,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,752,752,752,752,752,752,752,752,752,-316,-535,-508,-591,-937,-939,-940,-438,752,-440,-380,-381,-383,-507,-509,-511,752,-513,-514,-519,-520,752,-532,-534,-537,-538,-543,-548,-726,752,-727,752,-732,752,-734,752,-739,-656,-660,-661,752,-666,752,-667,752,-672,-674,752,-677,752,752,752,-687,-689,752,-692,752,752,-744,752,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,752,752,752,752,752,-877,752,-880,-908,-920,-925,-388,-389,752,-394,752,-397,752,-402,752,-403,752,-408,752,-413,752,-417,752,-418,752,-423,752,-426,-899,-900,-643,-585,-1894,-901,752,752,752,-800,752,752,-804,752,-807,-833,752,-818,752,-820,752,-822,-808,752,-824,752,-851,-852,752,752,-811,752,-646,-902,-904,-648,-649,-645,752,-705,-706,752,-642,-903,-647,-650,-603,-714,752,752,-605,-586,752,752,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,752,752,-709,-710,752,-716,752,752,752,752,752,752,-938,752,-439,-441,-747,752,-891,752,-715,-1894,752,752,752,752,752,-442,-512,-523,752,-728,-733,752,-735,752,-740,752,-662,-668,752,-678,-680,-682,-683,-690,-693,-697,-745,752,752,-874,752,752,-878,752,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,752,-812,752,-814,-801,752,-802,-805,752,-816,-819,-821,-823,-825,752,-826,752,-809,752,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,752,-282,752,752,752,752,-455,752,752,-729,752,-736,752,-741,752,-663,-671,752,752,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,752,-836,-53,752,752,-730,752,-737,752,-742,-664,752,-873,-54,752,752,-731,-738,-743,752,752,752,-872,]),'SQL_TSI_HOUR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[753,753,753,753,-1894,753,753,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,753,753,753,753,-275,-276,753,-1425,753,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,753,753,753,-490,753,753,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,753,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,753,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,753,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,753,-172,-173,-174,-175,-993,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-290,-291,-281,753,753,753,753,753,-328,-318,-332,-333,-334,753,753,-982,-983,-984,-985,-986,-987,-988,753,753,753,753,753,753,753,753,753,753,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,753,753,2115,753,-353,-356,753,-323,-324,-141,753,-142,753,-143,753,-430,-935,-936,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-1894,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-1894,753,-1894,753,753,753,753,753,753,753,753,753,753,753,753,-1894,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,2115,2115,753,753,2115,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,753,-1894,753,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,753,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,753,753,753,-191,-192,753,-994,753,753,753,753,753,-277,-278,-279,-280,-365,753,-308,753,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,753,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,753,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,753,753,753,753,753,753,-573,753,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,753,753,-723,-724,-725,753,753,753,753,753,753,-994,753,753,-91,-92,753,753,753,753,-309,-310,-320,753,-307,-293,-294,-295,753,753,753,753,-618,-633,-590,753,753,-436,753,-437,753,-444,-445,-446,-378,-379,753,753,753,-506,753,753,-510,753,753,753,753,-515,-516,-517,-518,753,753,-521,-522,753,-524,-525,-526,-527,-528,-529,-530,-531,753,-533,753,753,753,-539,-541,-542,753,-544,-545,-546,-547,753,753,753,753,753,753,-652,-653,-654,-655,753,-657,-658,-659,753,753,753,-665,753,753,-669,-670,753,753,-673,753,-675,-676,753,-679,753,-681,753,753,-684,-685,-686,753,-688,753,753,-691,753,753,-694,-695,-696,753,-698,-699,-700,-701,753,753,-746,753,-749,-750,-751,-752,-753,753,-755,-756,-757,-758,-759,753,-766,-767,-769,753,-771,-772,-773,-782,-856,-858,-860,-862,753,753,753,753,-868,753,-870,753,753,753,753,753,753,753,-906,-907,753,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,753,-921,-924,753,-934,753,-385,-386,-387,753,753,-390,-391,-392,-393,753,-396,753,-399,-400,753,-401,753,-406,-407,753,-410,-411,-412,753,-415,753,-416,753,-421,-422,753,-425,753,-428,-429,-1894,-1894,753,-619,-620,-621,-622,-623,-634,-584,-624,-797,753,753,753,753,753,-831,753,753,-806,753,-832,753,753,753,753,-798,753,-853,-799,753,753,753,753,753,753,-854,-855,753,-834,-830,-835,753,-625,753,-626,-627,-628,-629,-574,753,753,-630,-631,-632,753,753,753,753,753,753,-635,-636,-637,-592,-1894,-602,753,-638,-639,-713,-640,-604,753,-572,-577,-580,-583,753,753,753,-598,-601,753,-608,753,753,753,753,753,753,753,753,753,753,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,753,753,753,-995,753,753,753,753,753,753,-306,-325,-319,-296,-375,-452,-453,-454,-458,753,-443,753,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,753,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,753,753,753,753,753,753,753,753,753,-316,-535,-508,-591,-937,-939,-940,-438,753,-440,-380,-381,-383,-507,-509,-511,753,-513,-514,-519,-520,753,-532,-534,-537,-538,-543,-548,-726,753,-727,753,-732,753,-734,753,-739,-656,-660,-661,753,-666,753,-667,753,-672,-674,753,-677,753,753,753,-687,-689,753,-692,753,753,-744,753,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,753,753,753,753,753,-877,753,-880,-908,-920,-925,-388,-389,753,-394,753,-397,753,-402,753,-403,753,-408,753,-413,753,-417,753,-418,753,-423,753,-426,-899,-900,-643,-585,-1894,-901,753,753,753,-800,753,753,-804,753,-807,-833,753,-818,753,-820,753,-822,-808,753,-824,753,-851,-852,753,753,-811,753,-646,-902,-904,-648,-649,-645,753,-705,-706,753,-642,-903,-647,-650,-603,-714,753,753,-605,-586,753,753,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,753,753,-709,-710,753,-716,753,753,753,753,753,753,-938,753,-439,-441,-747,753,-891,753,-715,-1894,753,753,753,753,753,-442,-512,-523,753,-728,-733,753,-735,753,-740,753,-662,-668,753,-678,-680,-682,-683,-690,-693,-697,-745,753,753,-874,753,753,-878,753,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,753,-812,753,-814,-801,753,-802,-805,753,-816,-819,-821,-823,-825,753,-826,753,-809,753,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,753,-282,753,753,753,753,-455,753,753,-729,753,-736,753,-741,753,-663,-671,753,753,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,753,-836,-53,753,753,-730,753,-737,753,-742,-664,753,-873,-54,753,753,-731,-738,-743,753,753,753,-872,]),'SQL_TSI_MINUTE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[754,754,754,754,-1894,754,754,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,754,754,754,754,-275,-276,754,-1425,754,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,754,754,754,-490,754,754,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,754,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,754,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,754,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,754,-172,-173,-174,-175,-993,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-290,-291,-281,754,754,754,754,754,-328,-318,-332,-333,-334,754,754,-982,-983,-984,-985,-986,-987,-988,754,754,754,754,754,754,754,754,754,754,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,754,754,2114,754,-353,-356,754,-323,-324,-141,754,-142,754,-143,754,-430,-935,-936,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-1894,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-1894,754,-1894,754,754,754,754,754,754,754,754,754,754,754,754,-1894,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,2114,2114,754,754,2114,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,754,-1894,754,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,754,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,754,754,754,-191,-192,754,-994,754,754,754,754,754,-277,-278,-279,-280,-365,754,-308,754,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,754,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,754,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,754,754,754,754,754,754,-573,754,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,754,754,-723,-724,-725,754,754,754,754,754,754,-994,754,754,-91,-92,754,754,754,754,-309,-310,-320,754,-307,-293,-294,-295,754,754,754,754,-618,-633,-590,754,754,-436,754,-437,754,-444,-445,-446,-378,-379,754,754,754,-506,754,754,-510,754,754,754,754,-515,-516,-517,-518,754,754,-521,-522,754,-524,-525,-526,-527,-528,-529,-530,-531,754,-533,754,754,754,-539,-541,-542,754,-544,-545,-546,-547,754,754,754,754,754,754,-652,-653,-654,-655,754,-657,-658,-659,754,754,754,-665,754,754,-669,-670,754,754,-673,754,-675,-676,754,-679,754,-681,754,754,-684,-685,-686,754,-688,754,754,-691,754,754,-694,-695,-696,754,-698,-699,-700,-701,754,754,-746,754,-749,-750,-751,-752,-753,754,-755,-756,-757,-758,-759,754,-766,-767,-769,754,-771,-772,-773,-782,-856,-858,-860,-862,754,754,754,754,-868,754,-870,754,754,754,754,754,754,754,-906,-907,754,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,754,-921,-924,754,-934,754,-385,-386,-387,754,754,-390,-391,-392,-393,754,-396,754,-399,-400,754,-401,754,-406,-407,754,-410,-411,-412,754,-415,754,-416,754,-421,-422,754,-425,754,-428,-429,-1894,-1894,754,-619,-620,-621,-622,-623,-634,-584,-624,-797,754,754,754,754,754,-831,754,754,-806,754,-832,754,754,754,754,-798,754,-853,-799,754,754,754,754,754,754,-854,-855,754,-834,-830,-835,754,-625,754,-626,-627,-628,-629,-574,754,754,-630,-631,-632,754,754,754,754,754,754,-635,-636,-637,-592,-1894,-602,754,-638,-639,-713,-640,-604,754,-572,-577,-580,-583,754,754,754,-598,-601,754,-608,754,754,754,754,754,754,754,754,754,754,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,754,754,754,-995,754,754,754,754,754,754,-306,-325,-319,-296,-375,-452,-453,-454,-458,754,-443,754,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,754,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,754,754,754,754,754,754,754,754,754,-316,-535,-508,-591,-937,-939,-940,-438,754,-440,-380,-381,-383,-507,-509,-511,754,-513,-514,-519,-520,754,-532,-534,-537,-538,-543,-548,-726,754,-727,754,-732,754,-734,754,-739,-656,-660,-661,754,-666,754,-667,754,-672,-674,754,-677,754,754,754,-687,-689,754,-692,754,754,-744,754,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,754,754,754,754,754,-877,754,-880,-908,-920,-925,-388,-389,754,-394,754,-397,754,-402,754,-403,754,-408,754,-413,754,-417,754,-418,754,-423,754,-426,-899,-900,-643,-585,-1894,-901,754,754,754,-800,754,754,-804,754,-807,-833,754,-818,754,-820,754,-822,-808,754,-824,754,-851,-852,754,754,-811,754,-646,-902,-904,-648,-649,-645,754,-705,-706,754,-642,-903,-647,-650,-603,-714,754,754,-605,-586,754,754,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,754,754,-709,-710,754,-716,754,754,754,754,754,754,-938,754,-439,-441,-747,754,-891,754,-715,-1894,754,754,754,754,754,-442,-512,-523,754,-728,-733,754,-735,754,-740,754,-662,-668,754,-678,-680,-682,-683,-690,-693,-697,-745,754,754,-874,754,754,-878,754,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,754,-812,754,-814,-801,754,-802,-805,754,-816,-819,-821,-823,-825,754,-826,754,-809,754,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,754,-282,754,754,754,754,-455,754,754,-729,754,-736,754,-741,754,-663,-671,754,754,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,754,-836,-53,754,754,-730,754,-737,754,-742,-664,754,-873,-54,754,754,-731,-738,-743,754,754,754,-872,]),'SQL_TSI_MONTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[755,755,755,755,-1894,755,755,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,755,755,755,755,-275,-276,755,-1425,755,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,755,755,755,-490,755,755,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,755,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,755,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,755,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,755,-172,-173,-174,-175,-993,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-290,-291,-281,755,755,755,755,755,-328,-318,-332,-333,-334,755,755,-982,-983,-984,-985,-986,-987,-988,755,755,755,755,755,755,755,755,755,755,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,755,755,2118,755,-353,-356,755,-323,-324,-141,755,-142,755,-143,755,-430,-935,-936,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-1894,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-1894,755,-1894,755,755,755,755,755,755,755,755,755,755,755,755,-1894,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,2118,2118,755,755,2118,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,755,-1894,755,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,755,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,755,755,755,-191,-192,755,-994,755,755,755,755,755,-277,-278,-279,-280,-365,755,-308,755,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,755,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,755,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,755,755,755,755,755,755,-573,755,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,755,755,-723,-724,-725,755,755,755,755,755,755,-994,755,755,-91,-92,755,755,755,755,-309,-310,-320,755,-307,-293,-294,-295,755,755,755,755,-618,-633,-590,755,755,-436,755,-437,755,-444,-445,-446,-378,-379,755,755,755,-506,755,755,-510,755,755,755,755,-515,-516,-517,-518,755,755,-521,-522,755,-524,-525,-526,-527,-528,-529,-530,-531,755,-533,755,755,755,-539,-541,-542,755,-544,-545,-546,-547,755,755,755,755,755,755,-652,-653,-654,-655,755,-657,-658,-659,755,755,755,-665,755,755,-669,-670,755,755,-673,755,-675,-676,755,-679,755,-681,755,755,-684,-685,-686,755,-688,755,755,-691,755,755,-694,-695,-696,755,-698,-699,-700,-701,755,755,-746,755,-749,-750,-751,-752,-753,755,-755,-756,-757,-758,-759,755,-766,-767,-769,755,-771,-772,-773,-782,-856,-858,-860,-862,755,755,755,755,-868,755,-870,755,755,755,755,755,755,755,-906,-907,755,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,755,-921,-924,755,-934,755,-385,-386,-387,755,755,-390,-391,-392,-393,755,-396,755,-399,-400,755,-401,755,-406,-407,755,-410,-411,-412,755,-415,755,-416,755,-421,-422,755,-425,755,-428,-429,-1894,-1894,755,-619,-620,-621,-622,-623,-634,-584,-624,-797,755,755,755,755,755,-831,755,755,-806,755,-832,755,755,755,755,-798,755,-853,-799,755,755,755,755,755,755,-854,-855,755,-834,-830,-835,755,-625,755,-626,-627,-628,-629,-574,755,755,-630,-631,-632,755,755,755,755,755,755,-635,-636,-637,-592,-1894,-602,755,-638,-639,-713,-640,-604,755,-572,-577,-580,-583,755,755,755,-598,-601,755,-608,755,755,755,755,755,755,755,755,755,755,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,755,755,755,-995,755,755,755,755,755,755,-306,-325,-319,-296,-375,-452,-453,-454,-458,755,-443,755,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,755,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,755,755,755,755,755,755,755,755,755,-316,-535,-508,-591,-937,-939,-940,-438,755,-440,-380,-381,-383,-507,-509,-511,755,-513,-514,-519,-520,755,-532,-534,-537,-538,-543,-548,-726,755,-727,755,-732,755,-734,755,-739,-656,-660,-661,755,-666,755,-667,755,-672,-674,755,-677,755,755,755,-687,-689,755,-692,755,755,-744,755,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,755,755,755,755,755,-877,755,-880,-908,-920,-925,-388,-389,755,-394,755,-397,755,-402,755,-403,755,-408,755,-413,755,-417,755,-418,755,-423,755,-426,-899,-900,-643,-585,-1894,-901,755,755,755,-800,755,755,-804,755,-807,-833,755,-818,755,-820,755,-822,-808,755,-824,755,-851,-852,755,755,-811,755,-646,-902,-904,-648,-649,-645,755,-705,-706,755,-642,-903,-647,-650,-603,-714,755,755,-605,-586,755,755,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,755,755,-709,-710,755,-716,755,755,755,755,755,755,-938,755,-439,-441,-747,755,-891,755,-715,-1894,755,755,755,755,755,-442,-512,-523,755,-728,-733,755,-735,755,-740,755,-662,-668,755,-678,-680,-682,-683,-690,-693,-697,-745,755,755,-874,755,755,-878,755,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,755,-812,755,-814,-801,755,-802,-805,755,-816,-819,-821,-823,-825,755,-826,755,-809,755,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,755,-282,755,755,755,755,-455,755,755,-729,755,-736,755,-741,755,-663,-671,755,755,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,755,-836,-53,755,755,-730,755,-737,755,-742,-664,755,-873,-54,755,755,-731,-738,-743,755,755,755,-872,]),'SQL_TSI_QUARTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[756,756,756,756,-1894,756,756,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,756,756,756,756,-275,-276,756,-1425,756,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,756,756,756,-490,756,756,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,756,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,756,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,756,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,756,-172,-173,-174,-175,-993,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-290,-291,-281,756,756,756,756,756,-328,-318,-332,-333,-334,756,756,-982,-983,-984,-985,-986,-987,-988,756,756,756,756,756,756,756,756,756,756,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,756,756,2119,756,-353,-356,756,-323,-324,-141,756,-142,756,-143,756,-430,-935,-936,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-1894,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-1894,756,-1894,756,756,756,756,756,756,756,756,756,756,756,756,-1894,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,2119,2119,756,756,2119,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,756,-1894,756,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,756,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,756,756,756,-191,-192,756,-994,756,756,756,756,756,-277,-278,-279,-280,-365,756,-308,756,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,756,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,756,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,756,756,756,756,756,756,-573,756,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,756,756,-723,-724,-725,756,756,756,756,756,756,-994,756,756,-91,-92,756,756,756,756,-309,-310,-320,756,-307,-293,-294,-295,756,756,756,756,-618,-633,-590,756,756,-436,756,-437,756,-444,-445,-446,-378,-379,756,756,756,-506,756,756,-510,756,756,756,756,-515,-516,-517,-518,756,756,-521,-522,756,-524,-525,-526,-527,-528,-529,-530,-531,756,-533,756,756,756,-539,-541,-542,756,-544,-545,-546,-547,756,756,756,756,756,756,-652,-653,-654,-655,756,-657,-658,-659,756,756,756,-665,756,756,-669,-670,756,756,-673,756,-675,-676,756,-679,756,-681,756,756,-684,-685,-686,756,-688,756,756,-691,756,756,-694,-695,-696,756,-698,-699,-700,-701,756,756,-746,756,-749,-750,-751,-752,-753,756,-755,-756,-757,-758,-759,756,-766,-767,-769,756,-771,-772,-773,-782,-856,-858,-860,-862,756,756,756,756,-868,756,-870,756,756,756,756,756,756,756,-906,-907,756,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,756,-921,-924,756,-934,756,-385,-386,-387,756,756,-390,-391,-392,-393,756,-396,756,-399,-400,756,-401,756,-406,-407,756,-410,-411,-412,756,-415,756,-416,756,-421,-422,756,-425,756,-428,-429,-1894,-1894,756,-619,-620,-621,-622,-623,-634,-584,-624,-797,756,756,756,756,756,-831,756,756,-806,756,-832,756,756,756,756,-798,756,-853,-799,756,756,756,756,756,756,-854,-855,756,-834,-830,-835,756,-625,756,-626,-627,-628,-629,-574,756,756,-630,-631,-632,756,756,756,756,756,756,-635,-636,-637,-592,-1894,-602,756,-638,-639,-713,-640,-604,756,-572,-577,-580,-583,756,756,756,-598,-601,756,-608,756,756,756,756,756,756,756,756,756,756,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,756,756,756,-995,756,756,756,756,756,756,-306,-325,-319,-296,-375,-452,-453,-454,-458,756,-443,756,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,756,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,756,756,756,756,756,756,756,756,756,-316,-535,-508,-591,-937,-939,-940,-438,756,-440,-380,-381,-383,-507,-509,-511,756,-513,-514,-519,-520,756,-532,-534,-537,-538,-543,-548,-726,756,-727,756,-732,756,-734,756,-739,-656,-660,-661,756,-666,756,-667,756,-672,-674,756,-677,756,756,756,-687,-689,756,-692,756,756,-744,756,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,756,756,756,756,756,-877,756,-880,-908,-920,-925,-388,-389,756,-394,756,-397,756,-402,756,-403,756,-408,756,-413,756,-417,756,-418,756,-423,756,-426,-899,-900,-643,-585,-1894,-901,756,756,756,-800,756,756,-804,756,-807,-833,756,-818,756,-820,756,-822,-808,756,-824,756,-851,-852,756,756,-811,756,-646,-902,-904,-648,-649,-645,756,-705,-706,756,-642,-903,-647,-650,-603,-714,756,756,-605,-586,756,756,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,756,756,-709,-710,756,-716,756,756,756,756,756,756,-938,756,-439,-441,-747,756,-891,756,-715,-1894,756,756,756,756,756,-442,-512,-523,756,-728,-733,756,-735,756,-740,756,-662,-668,756,-678,-680,-682,-683,-690,-693,-697,-745,756,756,-874,756,756,-878,756,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,756,-812,756,-814,-801,756,-802,-805,756,-816,-819,-821,-823,-825,756,-826,756,-809,756,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,756,-282,756,756,756,756,-455,756,756,-729,756,-736,756,-741,756,-663,-671,756,756,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,756,-836,-53,756,756,-730,756,-737,756,-742,-664,756,-873,-54,756,756,-731,-738,-743,756,756,756,-872,]),'SQL_TSI_SECOND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[757,757,757,757,-1894,757,757,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,757,757,757,757,-275,-276,757,-1425,757,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,757,757,757,-490,757,757,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,757,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,757,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,757,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,757,-172,-173,-174,-175,-993,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-290,-291,-281,757,757,757,757,757,-328,-318,-332,-333,-334,757,757,-982,-983,-984,-985,-986,-987,-988,757,757,757,757,757,757,757,757,757,757,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,757,757,2113,757,-353,-356,757,-323,-324,-141,757,-142,757,-143,757,-430,-935,-936,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-1894,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-1894,757,-1894,757,757,757,757,757,757,757,757,757,757,757,757,-1894,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,2113,2113,757,757,2113,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,757,-1894,757,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,757,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,757,757,757,-191,-192,757,-994,757,757,757,757,757,-277,-278,-279,-280,-365,757,-308,757,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,757,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,757,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,757,757,757,757,757,757,-573,757,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,757,757,-723,-724,-725,757,757,757,757,757,757,-994,757,757,-91,-92,757,757,757,757,-309,-310,-320,757,-307,-293,-294,-295,757,757,757,757,-618,-633,-590,757,757,-436,757,-437,757,-444,-445,-446,-378,-379,757,757,757,-506,757,757,-510,757,757,757,757,-515,-516,-517,-518,757,757,-521,-522,757,-524,-525,-526,-527,-528,-529,-530,-531,757,-533,757,757,757,-539,-541,-542,757,-544,-545,-546,-547,757,757,757,757,757,757,-652,-653,-654,-655,757,-657,-658,-659,757,757,757,-665,757,757,-669,-670,757,757,-673,757,-675,-676,757,-679,757,-681,757,757,-684,-685,-686,757,-688,757,757,-691,757,757,-694,-695,-696,757,-698,-699,-700,-701,757,757,-746,757,-749,-750,-751,-752,-753,757,-755,-756,-757,-758,-759,757,-766,-767,-769,757,-771,-772,-773,-782,-856,-858,-860,-862,757,757,757,757,-868,757,-870,757,757,757,757,757,757,757,-906,-907,757,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,757,-921,-924,757,-934,757,-385,-386,-387,757,757,-390,-391,-392,-393,757,-396,757,-399,-400,757,-401,757,-406,-407,757,-410,-411,-412,757,-415,757,-416,757,-421,-422,757,-425,757,-428,-429,-1894,-1894,757,-619,-620,-621,-622,-623,-634,-584,-624,-797,757,757,757,757,757,-831,757,757,-806,757,-832,757,757,757,757,-798,757,-853,-799,757,757,757,757,757,757,-854,-855,757,-834,-830,-835,757,-625,757,-626,-627,-628,-629,-574,757,757,-630,-631,-632,757,757,757,757,757,757,-635,-636,-637,-592,-1894,-602,757,-638,-639,-713,-640,-604,757,-572,-577,-580,-583,757,757,757,-598,-601,757,-608,757,757,757,757,757,757,757,757,757,757,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,757,757,757,-995,757,757,757,757,757,757,-306,-325,-319,-296,-375,-452,-453,-454,-458,757,-443,757,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,757,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,757,757,757,757,757,757,757,757,757,-316,-535,-508,-591,-937,-939,-940,-438,757,-440,-380,-381,-383,-507,-509,-511,757,-513,-514,-519,-520,757,-532,-534,-537,-538,-543,-548,-726,757,-727,757,-732,757,-734,757,-739,-656,-660,-661,757,-666,757,-667,757,-672,-674,757,-677,757,757,757,-687,-689,757,-692,757,757,-744,757,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,757,757,757,757,757,-877,757,-880,-908,-920,-925,-388,-389,757,-394,757,-397,757,-402,757,-403,757,-408,757,-413,757,-417,757,-418,757,-423,757,-426,-899,-900,-643,-585,-1894,-901,757,757,757,-800,757,757,-804,757,-807,-833,757,-818,757,-820,757,-822,-808,757,-824,757,-851,-852,757,757,-811,757,-646,-902,-904,-648,-649,-645,757,-705,-706,757,-642,-903,-647,-650,-603,-714,757,757,-605,-586,757,757,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,757,757,-709,-710,757,-716,757,757,757,757,757,757,-938,757,-439,-441,-747,757,-891,757,-715,-1894,757,757,757,757,757,-442,-512,-523,757,-728,-733,757,-735,757,-740,757,-662,-668,757,-678,-680,-682,-683,-690,-693,-697,-745,757,757,-874,757,757,-878,757,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,757,-812,757,-814,-801,757,-802,-805,757,-816,-819,-821,-823,-825,757,-826,757,-809,757,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,757,-282,757,757,757,757,-455,757,757,-729,757,-736,757,-741,757,-663,-671,757,757,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,757,-836,-53,757,757,-730,757,-737,757,-742,-664,757,-873,-54,757,757,-731,-738,-743,757,757,757,-872,]),'SQL_TSI_WEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[758,758,758,758,-1894,758,758,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,758,758,758,758,-275,-276,758,-1425,758,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,758,758,758,-490,758,758,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,758,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,758,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,758,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,758,-172,-173,-174,-175,-993,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-290,-291,-281,758,758,758,758,758,-328,-318,-332,-333,-334,758,758,-982,-983,-984,-985,-986,-987,-988,758,758,758,758,758,758,758,758,758,758,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,758,758,2117,758,-353,-356,758,-323,-324,-141,758,-142,758,-143,758,-430,-935,-936,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-1894,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-1894,758,-1894,758,758,758,758,758,758,758,758,758,758,758,758,-1894,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,2117,2117,758,758,2117,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,758,-1894,758,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,758,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,758,758,758,-191,-192,758,-994,758,758,758,758,758,-277,-278,-279,-280,-365,758,-308,758,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,758,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,758,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,758,758,758,758,758,758,-573,758,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,758,758,-723,-724,-725,758,758,758,758,758,758,-994,758,758,-91,-92,758,758,758,758,-309,-310,-320,758,-307,-293,-294,-295,758,758,758,758,-618,-633,-590,758,758,-436,758,-437,758,-444,-445,-446,-378,-379,758,758,758,-506,758,758,-510,758,758,758,758,-515,-516,-517,-518,758,758,-521,-522,758,-524,-525,-526,-527,-528,-529,-530,-531,758,-533,758,758,758,-539,-541,-542,758,-544,-545,-546,-547,758,758,758,758,758,758,-652,-653,-654,-655,758,-657,-658,-659,758,758,758,-665,758,758,-669,-670,758,758,-673,758,-675,-676,758,-679,758,-681,758,758,-684,-685,-686,758,-688,758,758,-691,758,758,-694,-695,-696,758,-698,-699,-700,-701,758,758,-746,758,-749,-750,-751,-752,-753,758,-755,-756,-757,-758,-759,758,-766,-767,-769,758,-771,-772,-773,-782,-856,-858,-860,-862,758,758,758,758,-868,758,-870,758,758,758,758,758,758,758,-906,-907,758,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,758,-921,-924,758,-934,758,-385,-386,-387,758,758,-390,-391,-392,-393,758,-396,758,-399,-400,758,-401,758,-406,-407,758,-410,-411,-412,758,-415,758,-416,758,-421,-422,758,-425,758,-428,-429,-1894,-1894,758,-619,-620,-621,-622,-623,-634,-584,-624,-797,758,758,758,758,758,-831,758,758,-806,758,-832,758,758,758,758,-798,758,-853,-799,758,758,758,758,758,758,-854,-855,758,-834,-830,-835,758,-625,758,-626,-627,-628,-629,-574,758,758,-630,-631,-632,758,758,758,758,758,758,-635,-636,-637,-592,-1894,-602,758,-638,-639,-713,-640,-604,758,-572,-577,-580,-583,758,758,758,-598,-601,758,-608,758,758,758,758,758,758,758,758,758,758,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,758,758,758,-995,758,758,758,758,758,758,-306,-325,-319,-296,-375,-452,-453,-454,-458,758,-443,758,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,758,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,758,758,758,758,758,758,758,758,758,-316,-535,-508,-591,-937,-939,-940,-438,758,-440,-380,-381,-383,-507,-509,-511,758,-513,-514,-519,-520,758,-532,-534,-537,-538,-543,-548,-726,758,-727,758,-732,758,-734,758,-739,-656,-660,-661,758,-666,758,-667,758,-672,-674,758,-677,758,758,758,-687,-689,758,-692,758,758,-744,758,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,758,758,758,758,758,-877,758,-880,-908,-920,-925,-388,-389,758,-394,758,-397,758,-402,758,-403,758,-408,758,-413,758,-417,758,-418,758,-423,758,-426,-899,-900,-643,-585,-1894,-901,758,758,758,-800,758,758,-804,758,-807,-833,758,-818,758,-820,758,-822,-808,758,-824,758,-851,-852,758,758,-811,758,-646,-902,-904,-648,-649,-645,758,-705,-706,758,-642,-903,-647,-650,-603,-714,758,758,-605,-586,758,758,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,758,758,-709,-710,758,-716,758,758,758,758,758,758,-938,758,-439,-441,-747,758,-891,758,-715,-1894,758,758,758,758,758,-442,-512,-523,758,-728,-733,758,-735,758,-740,758,-662,-668,758,-678,-680,-682,-683,-690,-693,-697,-745,758,758,-874,758,758,-878,758,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,758,-812,758,-814,-801,758,-802,-805,758,-816,-819,-821,-823,-825,758,-826,758,-809,758,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,758,-282,758,758,758,758,-455,758,758,-729,758,-736,758,-741,758,-663,-671,758,758,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,758,-836,-53,758,758,-730,758,-737,758,-742,-664,758,-873,-54,758,758,-731,-738,-743,758,758,758,-872,]),'SQL_TSI_YEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[759,759,759,759,-1894,759,759,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,759,759,759,759,-275,-276,759,-1425,759,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,759,759,759,-490,759,759,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,759,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,759,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,759,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,759,-172,-173,-174,-175,-993,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-290,-291,-281,759,759,759,759,759,-328,-318,-332,-333,-334,759,759,-982,-983,-984,-985,-986,-987,-988,759,759,759,759,759,759,759,759,759,759,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,759,759,2120,759,-353,-356,759,-323,-324,-141,759,-142,759,-143,759,-430,-935,-936,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-1894,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-1894,759,-1894,759,759,759,759,759,759,759,759,759,759,759,759,-1894,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,2120,2120,759,759,2120,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,759,-1894,759,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,759,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,759,759,759,-191,-192,759,-994,759,759,759,759,759,-277,-278,-279,-280,-365,759,-308,759,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,759,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,759,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,759,759,759,759,759,759,-573,759,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,759,759,-723,-724,-725,759,759,759,759,759,759,-994,759,759,-91,-92,759,759,759,759,-309,-310,-320,759,-307,-293,-294,-295,759,759,759,759,-618,-633,-590,759,759,-436,759,-437,759,-444,-445,-446,-378,-379,759,759,759,-506,759,759,-510,759,759,759,759,-515,-516,-517,-518,759,759,-521,-522,759,-524,-525,-526,-527,-528,-529,-530,-531,759,-533,759,759,759,-539,-541,-542,759,-544,-545,-546,-547,759,759,759,759,759,759,-652,-653,-654,-655,759,-657,-658,-659,759,759,759,-665,759,759,-669,-670,759,759,-673,759,-675,-676,759,-679,759,-681,759,759,-684,-685,-686,759,-688,759,759,-691,759,759,-694,-695,-696,759,-698,-699,-700,-701,759,759,-746,759,-749,-750,-751,-752,-753,759,-755,-756,-757,-758,-759,759,-766,-767,-769,759,-771,-772,-773,-782,-856,-858,-860,-862,759,759,759,759,-868,759,-870,759,759,759,759,759,759,759,-906,-907,759,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,759,-921,-924,759,-934,759,-385,-386,-387,759,759,-390,-391,-392,-393,759,-396,759,-399,-400,759,-401,759,-406,-407,759,-410,-411,-412,759,-415,759,-416,759,-421,-422,759,-425,759,-428,-429,-1894,-1894,759,-619,-620,-621,-622,-623,-634,-584,-624,-797,759,759,759,759,759,-831,759,759,-806,759,-832,759,759,759,759,-798,759,-853,-799,759,759,759,759,759,759,-854,-855,759,-834,-830,-835,759,-625,759,-626,-627,-628,-629,-574,759,759,-630,-631,-632,759,759,759,759,759,759,-635,-636,-637,-592,-1894,-602,759,-638,-639,-713,-640,-604,759,-572,-577,-580,-583,759,759,759,-598,-601,759,-608,759,759,759,759,759,759,759,759,759,759,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,759,759,759,-995,759,759,759,759,759,759,-306,-325,-319,-296,-375,-452,-453,-454,-458,759,-443,759,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,759,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,759,759,759,759,759,759,759,759,759,-316,-535,-508,-591,-937,-939,-940,-438,759,-440,-380,-381,-383,-507,-509,-511,759,-513,-514,-519,-520,759,-532,-534,-537,-538,-543,-548,-726,759,-727,759,-732,759,-734,759,-739,-656,-660,-661,759,-666,759,-667,759,-672,-674,759,-677,759,759,759,-687,-689,759,-692,759,759,-744,759,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,759,759,759,759,759,-877,759,-880,-908,-920,-925,-388,-389,759,-394,759,-397,759,-402,759,-403,759,-408,759,-413,759,-417,759,-418,759,-423,759,-426,-899,-900,-643,-585,-1894,-901,759,759,759,-800,759,759,-804,759,-807,-833,759,-818,759,-820,759,-822,-808,759,-824,759,-851,-852,759,759,-811,759,-646,-902,-904,-648,-649,-645,759,-705,-706,759,-642,-903,-647,-650,-603,-714,759,759,-605,-586,759,759,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,759,759,-709,-710,759,-716,759,759,759,759,759,759,-938,759,-439,-441,-747,759,-891,759,-715,-1894,759,759,759,759,759,-442,-512,-523,759,-728,-733,759,-735,759,-740,759,-662,-668,759,-678,-680,-682,-683,-690,-693,-697,-745,759,759,-874,759,759,-878,759,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,759,-812,759,-814,-801,759,-802,-805,759,-816,-819,-821,-823,-825,759,-826,759,-809,759,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,759,-282,759,759,759,759,-455,759,759,-729,759,-736,759,-741,759,-663,-671,759,759,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,759,-836,-53,759,759,-730,759,-737,759,-742,-664,759,-873,-54,759,759,-731,-738,-743,759,759,759,-872,]),'STANDBY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[760,760,760,760,-1894,760,760,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,760,760,760,760,-275,-276,760,-1425,760,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,760,760,760,-490,760,760,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,760,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,760,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,760,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,760,-172,-173,-174,-175,-993,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-290,-291,-281,760,760,760,760,760,-328,-318,-332,-333,-334,760,760,-982,-983,-984,-985,-986,-987,-988,760,760,760,760,760,760,760,760,760,760,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,760,760,760,-353,-356,760,-323,-324,-141,760,-142,760,-143,760,-430,-935,-936,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-1894,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-1894,760,-1894,760,760,760,760,760,760,760,760,760,760,760,760,-1894,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,760,-1894,760,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,760,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,760,760,760,-191,-192,760,-994,760,760,760,760,760,-277,-278,-279,-280,-365,760,-308,760,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,760,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,760,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,760,760,760,760,760,760,-573,760,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,760,760,-723,-724,-725,760,760,760,760,760,760,-994,760,760,-91,-92,760,760,760,760,-309,-310,-320,760,-307,-293,-294,-295,760,760,760,760,-618,-633,-590,760,760,-436,760,-437,760,-444,-445,-446,-378,-379,760,760,760,-506,760,760,-510,760,760,760,760,-515,-516,-517,-518,760,760,-521,-522,760,-524,-525,-526,-527,-528,-529,-530,-531,760,-533,760,760,760,-539,-541,-542,760,-544,-545,-546,-547,760,760,760,760,760,760,-652,-653,-654,-655,760,-657,-658,-659,760,760,760,-665,760,760,-669,-670,760,760,-673,760,-675,-676,760,-679,760,-681,760,760,-684,-685,-686,760,-688,760,760,-691,760,760,-694,-695,-696,760,-698,-699,-700,-701,760,760,-746,760,-749,-750,-751,-752,-753,760,-755,-756,-757,-758,-759,760,-766,-767,-769,760,-771,-772,-773,-782,-856,-858,-860,-862,760,760,760,760,-868,760,-870,760,760,760,760,760,760,760,-906,-907,760,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,760,-921,-924,760,-934,760,-385,-386,-387,760,760,-390,-391,-392,-393,760,-396,760,-399,-400,760,-401,760,-406,-407,760,-410,-411,-412,760,-415,760,-416,760,-421,-422,760,-425,760,-428,-429,-1894,-1894,760,-619,-620,-621,-622,-623,-634,-584,-624,-797,760,760,760,760,760,-831,760,760,-806,760,-832,760,760,760,760,-798,760,-853,-799,760,760,760,760,760,760,-854,-855,760,-834,-830,-835,760,-625,760,-626,-627,-628,-629,-574,760,760,-630,-631,-632,760,760,760,760,760,760,-635,-636,-637,-592,-1894,-602,760,-638,-639,-713,-640,-604,760,-572,-577,-580,-583,760,760,760,-598,-601,760,-608,760,760,760,760,760,760,760,760,760,760,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,760,760,760,-995,760,760,760,760,760,760,-306,-325,-319,-296,-375,-452,-453,-454,-458,760,-443,760,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,760,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,760,760,760,760,760,760,760,760,760,-316,-535,-508,-591,-937,-939,-940,-438,760,-440,-380,-381,-383,-507,-509,-511,760,-513,-514,-519,-520,760,-532,-534,-537,-538,-543,-548,-726,760,-727,760,-732,760,-734,760,-739,-656,-660,-661,760,-666,760,-667,760,-672,-674,760,-677,760,760,760,-687,-689,760,-692,760,760,-744,760,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,760,760,760,760,760,-877,760,-880,-908,-920,-925,-388,-389,760,-394,760,-397,760,-402,760,-403,760,-408,760,-413,760,-417,760,-418,760,-423,760,-426,-899,-900,-643,-585,-1894,-901,760,760,760,-800,760,760,-804,760,-807,-833,760,-818,760,-820,760,-822,-808,760,-824,760,-851,-852,760,760,-811,760,-646,-902,-904,-648,-649,-645,760,-705,-706,760,-642,-903,-647,-650,-603,-714,760,760,-605,-586,760,760,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,760,760,-709,-710,760,-716,760,760,760,760,760,760,-938,760,-439,-441,-747,760,-891,760,-715,-1894,760,760,760,760,760,-442,-512,-523,760,-728,-733,760,-735,760,-740,760,-662,-668,760,-678,-680,-682,-683,-690,-693,-697,-745,760,760,-874,760,760,-878,760,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,760,-812,760,-814,-801,760,-802,-805,760,-816,-819,-821,-823,-825,760,-826,760,-809,760,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,760,-282,760,760,760,760,-455,760,760,-729,760,-736,760,-741,760,-663,-671,760,760,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,760,-836,-53,760,760,-730,760,-737,760,-742,-664,760,-873,-54,760,760,-731,-738,-743,760,760,760,-872,]),'START':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[761,761,761,761,-1894,761,761,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,761,761,761,761,-275,-276,761,-1425,761,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,761,761,761,-490,761,761,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,761,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,761,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,761,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,761,-172,-173,-174,-175,-993,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-290,-291,-281,761,761,761,761,761,-328,-318,-332,-333,-334,761,761,-982,-983,-984,-985,-986,-987,-988,761,761,761,761,761,761,761,761,761,761,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,761,761,761,-353,-356,761,-323,-324,-141,761,-142,761,-143,761,-430,-935,-936,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-1894,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-1894,761,-1894,761,761,761,761,761,761,761,761,761,761,761,761,-1894,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,761,-1894,761,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,761,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,761,761,761,-191,-192,761,-994,761,761,761,761,761,-277,-278,-279,-280,-365,761,-308,761,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,761,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,761,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,761,761,761,761,761,761,-573,761,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,761,761,-723,-724,-725,761,761,761,761,761,761,-994,761,761,-91,-92,761,761,761,761,-309,-310,-320,761,-307,-293,-294,-295,761,761,761,761,-618,-633,-590,761,761,-436,761,-437,761,-444,-445,-446,-378,-379,761,761,761,-506,761,761,-510,761,761,761,761,-515,-516,-517,-518,761,761,-521,-522,761,-524,-525,-526,-527,-528,-529,-530,-531,761,-533,761,761,761,-539,-541,-542,761,-544,-545,-546,-547,761,761,761,761,761,761,-652,-653,-654,-655,761,-657,-658,-659,761,761,761,-665,761,761,-669,-670,761,761,-673,761,-675,-676,761,-679,761,-681,761,761,-684,-685,-686,761,-688,761,761,-691,761,761,-694,-695,-696,761,-698,-699,-700,-701,761,761,-746,761,-749,-750,-751,-752,-753,761,-755,-756,-757,-758,-759,761,-766,-767,-769,761,-771,-772,-773,-782,-856,-858,-860,-862,761,761,761,761,-868,761,-870,761,761,761,761,761,761,761,-906,-907,761,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,761,-921,-924,761,-934,761,-385,-386,-387,761,761,-390,-391,-392,-393,761,-396,761,-399,-400,761,-401,761,-406,-407,761,-410,-411,-412,761,-415,761,-416,761,-421,-422,761,-425,761,-428,-429,-1894,-1894,761,-619,-620,-621,-622,-623,-634,-584,-624,-797,761,761,761,761,761,-831,761,761,-806,761,-832,761,761,761,761,-798,761,-853,-799,761,761,761,761,761,761,-854,-855,761,-834,-830,-835,761,-625,761,-626,-627,-628,-629,-574,761,761,-630,-631,-632,761,761,761,761,761,761,-635,-636,-637,-592,-1894,-602,761,-638,-639,-713,-640,-604,761,-572,-577,-580,-583,761,761,761,-598,-601,761,-608,761,761,761,761,761,761,761,761,761,761,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,761,761,761,-995,761,761,761,761,761,761,-306,-325,-319,-296,-375,-452,-453,-454,-458,761,-443,761,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,761,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,761,761,761,761,761,761,761,761,761,-316,-535,-508,-591,-937,-939,-940,-438,761,-440,-380,-381,-383,-507,-509,-511,761,-513,-514,-519,-520,761,-532,-534,-537,-538,-543,-548,-726,761,-727,761,-732,761,-734,761,-739,-656,-660,-661,761,-666,761,-667,761,-672,-674,761,-677,761,761,761,-687,-689,761,-692,761,761,-744,761,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,761,761,761,761,761,-877,761,-880,-908,-920,-925,-388,-389,761,-394,761,-397,761,-402,761,-403,761,-408,761,-413,761,-417,761,-418,761,-423,761,-426,-899,-900,-643,-585,-1894,-901,761,761,761,-800,761,761,-804,761,-807,-833,761,-818,761,-820,761,-822,-808,761,-824,761,-851,-852,761,761,-811,761,-646,-902,-904,-648,-649,-645,761,-705,-706,761,-642,-903,-647,-650,-603,-714,761,761,-605,-586,761,761,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,761,761,-709,-710,761,-716,761,761,761,761,761,761,-938,761,-439,-441,-747,761,-891,761,-715,-1894,761,761,761,761,761,-442,-512,-523,761,-728,-733,761,-735,761,-740,761,-662,-668,761,-678,-680,-682,-683,-690,-693,-697,-745,761,761,-874,761,761,-878,761,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,761,-812,761,-814,-801,761,-802,-805,761,-816,-819,-821,-823,-825,761,-826,761,-809,761,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,761,-282,761,761,761,761,-455,761,761,-729,761,-736,761,-741,761,-663,-671,761,761,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,761,-836,-53,761,761,-730,761,-737,761,-742,-664,761,-873,-54,761,761,-731,-738,-743,761,761,761,-872,]),'STARTS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[762,762,762,762,-1894,762,762,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,762,762,762,762,-275,-276,762,-1425,762,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,762,762,762,-490,762,762,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,762,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,762,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,762,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,762,-172,-173,-174,-175,-993,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-290,-291,-281,762,762,762,762,762,-328,-318,-332,-333,-334,762,762,-982,-983,-984,-985,-986,-987,-988,762,762,762,762,762,762,762,762,762,762,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,762,762,762,-353,-356,762,-323,-324,-141,762,-142,762,-143,762,-430,-935,-936,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-1894,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-1894,762,-1894,762,762,762,762,762,762,762,762,762,762,762,762,-1894,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,762,-1894,762,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,762,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,762,762,762,-191,-192,762,-994,762,762,762,762,762,-277,-278,-279,-280,-365,762,-308,762,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,762,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,762,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,762,762,762,762,762,762,-573,762,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,762,762,-723,-724,-725,762,762,762,762,762,762,-994,762,762,-91,-92,762,762,762,762,-309,-310,-320,762,-307,-293,-294,-295,762,762,762,762,-618,-633,-590,762,762,-436,762,-437,762,-444,-445,-446,-378,-379,762,762,762,-506,762,762,-510,762,762,762,762,-515,-516,-517,-518,762,762,-521,-522,762,-524,-525,-526,-527,-528,-529,-530,-531,762,-533,762,762,762,-539,-541,-542,762,-544,-545,-546,-547,762,762,762,762,762,762,-652,-653,-654,-655,762,-657,-658,-659,762,762,762,-665,762,762,-669,-670,762,762,-673,762,-675,-676,762,-679,762,-681,762,762,-684,-685,-686,762,-688,762,762,-691,762,762,-694,-695,-696,762,-698,-699,-700,-701,762,762,-746,762,-749,-750,-751,-752,-753,762,-755,-756,-757,-758,-759,762,-766,-767,-769,762,-771,-772,-773,-782,-856,-858,-860,-862,762,762,762,762,-868,762,-870,762,762,762,762,762,762,762,-906,-907,762,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,762,-921,-924,762,-934,762,-385,-386,-387,762,762,-390,-391,-392,-393,762,-396,762,-399,-400,762,-401,762,-406,-407,762,-410,-411,-412,762,-415,762,-416,762,-421,-422,762,-425,762,-428,-429,-1894,-1894,762,-619,-620,-621,-622,-623,-634,-584,-624,-797,762,762,762,762,762,-831,762,762,-806,762,-832,762,762,762,762,-798,762,-853,-799,762,762,762,762,762,762,-854,-855,762,-834,-830,-835,762,-625,762,-626,-627,-628,-629,-574,762,762,-630,-631,-632,762,762,762,762,762,762,-635,-636,-637,-592,-1894,-602,762,-638,-639,-713,-640,-604,762,-572,-577,-580,-583,762,762,762,-598,-601,762,-608,762,762,762,762,762,762,762,762,762,762,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,762,762,762,-995,762,762,762,762,762,762,-306,-325,-319,-296,-375,-452,-453,-454,-458,762,-443,762,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,762,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,762,762,762,762,762,762,762,762,762,-316,-535,-508,-591,-937,-939,-940,-438,762,-440,-380,-381,-383,-507,-509,-511,762,-513,-514,-519,-520,762,-532,-534,-537,-538,-543,-548,-726,762,-727,762,-732,762,-734,762,-739,-656,-660,-661,762,-666,762,-667,762,-672,-674,762,-677,762,762,762,-687,-689,762,-692,762,762,-744,762,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,762,762,762,762,762,-877,762,-880,-908,-920,-925,-388,-389,762,-394,762,-397,762,-402,762,-403,762,-408,762,-413,762,-417,762,-418,762,-423,762,-426,-899,-900,-643,-585,-1894,-901,762,762,762,-800,762,762,-804,762,-807,-833,762,-818,762,-820,762,-822,-808,762,-824,762,-851,-852,762,762,-811,762,-646,-902,-904,-648,-649,-645,762,-705,-706,762,-642,-903,-647,-650,-603,-714,762,762,-605,-586,762,762,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,762,762,-709,-710,762,-716,762,762,762,762,762,762,-938,762,-439,-441,-747,762,-891,762,-715,-1894,762,762,762,762,762,-442,-512,-523,762,-728,-733,762,-735,762,-740,762,-662,-668,762,-678,-680,-682,-683,-690,-693,-697,-745,762,762,-874,762,762,-878,762,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,762,-812,762,-814,-801,762,-802,-805,762,-816,-819,-821,-823,-825,762,-826,762,-809,762,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,762,-282,762,762,762,762,-455,762,762,-729,762,-736,762,-741,762,-663,-671,762,762,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,762,-836,-53,762,762,-730,762,-737,762,-742,-664,762,-873,-54,762,762,-731,-738,-743,762,762,762,-872,]),'STAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[763,763,763,763,-1894,763,763,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,763,763,763,763,-275,-276,763,-1425,763,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,763,763,763,-490,763,763,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,763,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,763,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,763,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,763,-172,-173,-174,-175,-993,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-290,-291,-281,763,763,763,763,763,-328,-318,-332,-333,-334,763,763,-982,-983,-984,-985,-986,-987,-988,763,763,763,763,763,763,763,763,763,763,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,763,763,763,-353,-356,763,-323,-324,-141,763,-142,763,-143,763,-430,-935,-936,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-1894,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-1894,763,-1894,763,763,763,763,763,763,763,763,763,763,763,763,-1894,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,763,-1894,763,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,763,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,763,763,763,-191,-192,763,-994,763,763,763,763,763,-277,-278,-279,-280,-365,763,-308,763,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,763,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,763,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,763,763,763,763,763,763,-573,763,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,763,763,-723,-724,-725,763,763,763,763,763,763,-994,763,763,-91,-92,763,763,763,763,-309,-310,-320,763,-307,-293,-294,-295,763,763,763,763,-618,-633,-590,763,763,-436,763,-437,763,-444,-445,-446,-378,-379,763,763,763,-506,763,763,-510,763,763,763,763,-515,-516,-517,-518,763,763,-521,-522,763,-524,-525,-526,-527,-528,-529,-530,-531,763,-533,763,763,763,-539,-541,-542,763,-544,-545,-546,-547,763,763,763,763,763,763,-652,-653,-654,-655,763,-657,-658,-659,763,763,763,-665,763,763,-669,-670,763,763,-673,763,-675,-676,763,-679,763,-681,763,763,-684,-685,-686,763,-688,763,763,-691,763,763,-694,-695,-696,763,-698,-699,-700,-701,763,763,-746,763,-749,-750,-751,-752,-753,763,-755,-756,-757,-758,-759,763,-766,-767,-769,763,-771,-772,-773,-782,-856,-858,-860,-862,763,763,763,763,-868,763,-870,763,763,763,763,763,763,763,-906,-907,763,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,763,-921,-924,763,-934,763,-385,-386,-387,763,763,-390,-391,-392,-393,763,-396,763,-399,-400,763,-401,763,-406,-407,763,-410,-411,-412,763,-415,763,-416,763,-421,-422,763,-425,763,-428,-429,-1894,-1894,763,-619,-620,-621,-622,-623,-634,-584,-624,-797,763,763,763,763,763,-831,763,763,-806,763,-832,763,763,763,763,-798,763,-853,-799,763,763,763,763,763,763,-854,-855,763,-834,-830,-835,763,-625,763,-626,-627,-628,-629,-574,763,763,-630,-631,-632,763,763,763,763,763,763,-635,-636,-637,-592,-1894,-602,763,-638,-639,-713,-640,-604,763,-572,-577,-580,-583,763,763,763,-598,-601,763,-608,763,763,763,763,763,763,763,763,763,763,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,763,763,763,-995,763,763,763,763,763,763,-306,-325,-319,-296,-375,-452,-453,-454,-458,763,-443,763,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,763,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,763,763,763,763,763,763,763,763,763,-316,-535,-508,-591,-937,-939,-940,-438,763,-440,-380,-381,-383,-507,-509,-511,763,-513,-514,-519,-520,763,-532,-534,-537,-538,-543,-548,-726,763,-727,763,-732,763,-734,763,-739,-656,-660,-661,763,-666,763,-667,763,-672,-674,763,-677,763,763,763,-687,-689,763,-692,763,763,-744,763,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,763,763,763,763,763,-877,763,-880,-908,-920,-925,-388,-389,763,-394,763,-397,763,-402,763,-403,763,-408,763,-413,763,-417,763,-418,763,-423,763,-426,-899,-900,-643,-585,-1894,-901,763,763,763,-800,763,763,-804,763,-807,-833,763,-818,763,-820,763,-822,-808,763,-824,763,-851,-852,763,763,-811,763,-646,-902,-904,-648,-649,-645,763,-705,-706,763,-642,-903,-647,-650,-603,-714,763,763,-605,-586,763,763,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,763,763,-709,-710,763,-716,763,763,763,763,763,763,-938,763,-439,-441,-747,763,-891,763,-715,-1894,763,763,763,763,763,-442,-512,-523,763,-728,-733,763,-735,763,-740,763,-662,-668,763,-678,-680,-682,-683,-690,-693,-697,-745,763,763,-874,763,763,-878,763,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,763,-812,763,-814,-801,763,-802,-805,763,-816,-819,-821,-823,-825,763,-826,763,-809,763,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,763,-282,763,763,763,763,-455,763,763,-729,763,-736,763,-741,763,-663,-671,763,763,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,763,-836,-53,763,763,-730,763,-737,763,-742,-664,763,-873,-54,763,763,-731,-738,-743,763,763,763,-872,]),'STATEMENT_DIGEST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[764,764,764,1141,-1894,764,764,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,764,764,764,764,-275,-276,1141,-1425,1141,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1141,1141,1141,-490,1141,1141,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1141,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1141,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1961,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,764,-172,-173,-174,-175,-993,764,764,764,764,764,764,764,764,764,764,1141,1141,1141,1141,1141,-290,-291,-281,764,1141,1141,1141,1141,-328,-318,-332,-333,-334,1141,1141,-982,-983,-984,-985,-986,-987,-988,764,764,1141,1141,1141,1141,1141,1141,1141,1141,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1141,1141,1141,-353,-356,764,-323,-324,-141,1141,-142,1141,-143,1141,-430,-935,-936,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1894,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1894,1141,-1894,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1894,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-1894,764,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1141,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1141,764,764,-191,-192,764,-994,1141,764,764,764,764,-277,-278,-279,-280,-365,1141,-308,1141,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1141,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1141,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1141,1141,1141,1141,1141,1141,-573,1141,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1141,1141,-723,-724,-725,1141,1961,764,764,764,764,-994,764,1141,-91,-92,764,764,764,1141,-309,-310,-320,1141,-307,-293,-294,-295,1141,764,1141,1141,-618,-633,-590,1141,764,-436,764,-437,1141,-444,-445,-446,-378,-379,1141,1141,1141,-506,1141,1141,-510,1141,1141,1141,1141,-515,-516,-517,-518,1141,1141,-521,-522,1141,-524,-525,-526,-527,-528,-529,-530,-531,1141,-533,1141,1141,1141,-539,-541,-542,1141,-544,-545,-546,-547,1141,1141,1141,1141,1141,1141,-652,-653,-654,-655,764,-657,-658,-659,1141,1141,1141,-665,1141,1141,-669,-670,1141,1141,-673,1141,-675,-676,1141,-679,1141,-681,1141,1141,-684,-685,-686,1141,-688,1141,1141,-691,1141,1141,-694,-695,-696,1141,-698,-699,-700,-701,1141,1141,-746,1141,-749,-750,-751,-752,-753,1141,-755,-756,-757,-758,-759,1141,-766,-767,-769,1141,-771,-772,-773,-782,-856,-858,-860,-862,1141,1141,1141,1141,-868,1141,-870,1141,1141,1141,1141,1141,1141,1141,-906,-907,1141,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1141,-921,-924,1141,-934,1141,-385,-386,-387,1141,1141,-390,-391,-392,-393,1141,-396,1141,-399,-400,1141,-401,1141,-406,-407,1141,-410,-411,-412,1141,-415,1141,-416,1141,-421,-422,1141,-425,1141,-428,-429,-1894,-1894,1141,-619,-620,-621,-622,-623,-634,-584,-624,-797,1141,1141,1141,1141,1141,-831,1141,1141,-806,1141,-832,1141,1141,1141,1141,-798,1141,-853,-799,1141,1141,1141,1141,1141,1141,-854,-855,1141,-834,-830,-835,1141,-625,1141,-626,-627,-628,-629,-574,1141,1141,-630,-631,-632,1141,1141,1141,1141,1141,1141,-635,-636,-637,-592,-1894,-602,1141,-638,-639,-713,-640,-604,1141,-572,-577,-580,-583,1141,1141,1141,-598,-601,1141,-608,1141,1141,1141,1141,1141,1141,1141,1141,1141,1141,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1141,764,764,-995,764,1141,764,764,764,1141,-306,-325,-319,-296,-375,-452,-453,-454,-458,764,-443,1141,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1141,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,764,764,764,764,764,764,764,764,1141,-316,-535,-508,-591,-937,-939,-940,-438,1141,-440,-380,-381,-383,-507,-509,-511,1141,-513,-514,-519,-520,1141,-532,-534,-537,-538,-543,-548,-726,1141,-727,1141,-732,1141,-734,1141,-739,-656,-660,-661,1141,-666,1141,-667,1141,-672,-674,1141,-677,1141,1141,1141,-687,-689,1141,-692,1141,1141,-744,1141,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1141,1141,1141,1141,1141,-877,1141,-880,-908,-920,-925,-388,-389,1141,-394,1141,-397,1141,-402,1141,-403,1141,-408,1141,-413,1141,-417,1141,-418,1141,-423,1141,-426,-899,-900,-643,-585,-1894,-901,1141,1141,1141,-800,1141,1141,-804,1141,-807,-833,1141,-818,1141,-820,1141,-822,-808,1141,-824,1141,-851,-852,1141,1141,-811,1141,-646,-902,-904,-648,-649,-645,1141,-705,-706,1141,-642,-903,-647,-650,-603,-714,1141,1141,-605,-586,1141,1141,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1141,1141,-709,-710,1141,-716,1141,764,764,764,1141,1141,-938,764,-439,-441,-747,1141,-891,1961,-715,-1894,1141,1141,764,764,1141,-442,-512,-523,1141,-728,-733,1141,-735,1141,-740,1141,-662,-668,1141,-678,-680,-682,-683,-690,-693,-697,-745,1141,1141,-874,1141,1141,-878,1141,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1141,-812,1141,-814,-801,1141,-802,-805,1141,-816,-819,-821,-823,-825,1141,-826,1141,-809,1141,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,764,-282,764,1141,764,1141,-455,1141,1141,-729,1141,-736,1141,-741,1141,-663,-671,1141,1141,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1141,-836,-53,764,1141,-730,1141,-737,1141,-742,-664,1141,-873,-54,764,764,-731,-738,-743,1141,764,1141,-872,]),'STATEMENT_DIGEST_TEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[765,765,765,1142,-1894,765,765,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,765,765,765,765,-275,-276,1142,-1425,1142,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1142,1142,1142,-490,1142,1142,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1142,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1142,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1962,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,765,-172,-173,-174,-175,-993,765,765,765,765,765,765,765,765,765,765,1142,1142,1142,1142,1142,-290,-291,-281,765,1142,1142,1142,1142,-328,-318,-332,-333,-334,1142,1142,-982,-983,-984,-985,-986,-987,-988,765,765,1142,1142,1142,1142,1142,1142,1142,1142,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1142,1142,1142,-353,-356,765,-323,-324,-141,1142,-142,1142,-143,1142,-430,-935,-936,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1894,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1894,1142,-1894,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1894,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-1894,765,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1142,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1142,765,765,-191,-192,765,-994,1142,765,765,765,765,-277,-278,-279,-280,-365,1142,-308,1142,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1142,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1142,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1142,1142,1142,1142,1142,1142,-573,1142,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1142,1142,-723,-724,-725,1142,1962,765,765,765,765,-994,765,1142,-91,-92,765,765,765,1142,-309,-310,-320,1142,-307,-293,-294,-295,1142,765,1142,1142,-618,-633,-590,1142,765,-436,765,-437,1142,-444,-445,-446,-378,-379,1142,1142,1142,-506,1142,1142,-510,1142,1142,1142,1142,-515,-516,-517,-518,1142,1142,-521,-522,1142,-524,-525,-526,-527,-528,-529,-530,-531,1142,-533,1142,1142,1142,-539,-541,-542,1142,-544,-545,-546,-547,1142,1142,1142,1142,1142,1142,-652,-653,-654,-655,765,-657,-658,-659,1142,1142,1142,-665,1142,1142,-669,-670,1142,1142,-673,1142,-675,-676,1142,-679,1142,-681,1142,1142,-684,-685,-686,1142,-688,1142,1142,-691,1142,1142,-694,-695,-696,1142,-698,-699,-700,-701,1142,1142,-746,1142,-749,-750,-751,-752,-753,1142,-755,-756,-757,-758,-759,1142,-766,-767,-769,1142,-771,-772,-773,-782,-856,-858,-860,-862,1142,1142,1142,1142,-868,1142,-870,1142,1142,1142,1142,1142,1142,1142,-906,-907,1142,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1142,-921,-924,1142,-934,1142,-385,-386,-387,1142,1142,-390,-391,-392,-393,1142,-396,1142,-399,-400,1142,-401,1142,-406,-407,1142,-410,-411,-412,1142,-415,1142,-416,1142,-421,-422,1142,-425,1142,-428,-429,-1894,-1894,1142,-619,-620,-621,-622,-623,-634,-584,-624,-797,1142,1142,1142,1142,1142,-831,1142,1142,-806,1142,-832,1142,1142,1142,1142,-798,1142,-853,-799,1142,1142,1142,1142,1142,1142,-854,-855,1142,-834,-830,-835,1142,-625,1142,-626,-627,-628,-629,-574,1142,1142,-630,-631,-632,1142,1142,1142,1142,1142,1142,-635,-636,-637,-592,-1894,-602,1142,-638,-639,-713,-640,-604,1142,-572,-577,-580,-583,1142,1142,1142,-598,-601,1142,-608,1142,1142,1142,1142,1142,1142,1142,1142,1142,1142,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1142,765,765,-995,765,1142,765,765,765,1142,-306,-325,-319,-296,-375,-452,-453,-454,-458,765,-443,1142,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1142,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,765,765,765,765,765,765,765,765,1142,-316,-535,-508,-591,-937,-939,-940,-438,1142,-440,-380,-381,-383,-507,-509,-511,1142,-513,-514,-519,-520,1142,-532,-534,-537,-538,-543,-548,-726,1142,-727,1142,-732,1142,-734,1142,-739,-656,-660,-661,1142,-666,1142,-667,1142,-672,-674,1142,-677,1142,1142,1142,-687,-689,1142,-692,1142,1142,-744,1142,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1142,1142,1142,1142,1142,-877,1142,-880,-908,-920,-925,-388,-389,1142,-394,1142,-397,1142,-402,1142,-403,1142,-408,1142,-413,1142,-417,1142,-418,1142,-423,1142,-426,-899,-900,-643,-585,-1894,-901,1142,1142,1142,-800,1142,1142,-804,1142,-807,-833,1142,-818,1142,-820,1142,-822,-808,1142,-824,1142,-851,-852,1142,1142,-811,1142,-646,-902,-904,-648,-649,-645,1142,-705,-706,1142,-642,-903,-647,-650,-603,-714,1142,1142,-605,-586,1142,1142,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1142,1142,-709,-710,1142,-716,1142,765,765,765,1142,1142,-938,765,-439,-441,-747,1142,-891,1962,-715,-1894,1142,1142,765,765,1142,-442,-512,-523,1142,-728,-733,1142,-735,1142,-740,1142,-662,-668,1142,-678,-680,-682,-683,-690,-693,-697,-745,1142,1142,-874,1142,1142,-878,1142,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1142,-812,1142,-814,-801,1142,-802,-805,1142,-816,-819,-821,-823,-825,1142,-826,1142,-809,1142,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,765,-282,765,1142,765,1142,-455,1142,1142,-729,1142,-736,1142,-741,1142,-663,-671,1142,1142,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1142,-836,-53,765,1142,-730,1142,-737,1142,-742,-664,1142,-873,-54,765,765,-731,-738,-743,1142,765,1142,-872,]),'STATS_AUTO_RECALC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[766,766,766,766,-1894,766,766,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,766,766,766,766,-275,-276,766,-1425,766,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,766,766,766,-490,766,766,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,766,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,766,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,766,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,766,-172,-173,-174,-175,-993,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-290,-291,-281,766,766,766,766,766,-328,-318,-332,-333,-334,766,766,-982,-983,-984,-985,-986,-987,-988,766,766,766,766,766,766,766,766,766,766,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,766,766,766,-353,-356,766,-323,-324,-141,766,-142,766,-143,766,-430,-935,-936,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-1894,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-1894,766,-1894,766,766,766,766,766,766,766,766,766,766,766,766,-1894,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,766,-1894,766,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,766,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,766,766,766,-191,-192,766,-994,766,766,766,766,766,-277,-278,-279,-280,-365,766,-308,766,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,766,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,766,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,766,766,766,766,766,766,-573,766,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,766,766,-723,-724,-725,766,766,766,766,766,766,-994,766,766,-91,-92,766,766,766,766,-309,-310,-320,766,-307,-293,-294,-295,766,766,766,766,-618,-633,-590,766,766,-436,766,-437,766,-444,-445,-446,-378,-379,766,766,766,-506,766,766,-510,766,766,766,766,-515,-516,-517,-518,766,766,-521,-522,766,-524,-525,-526,-527,-528,-529,-530,-531,766,-533,766,766,766,-539,-541,-542,766,-544,-545,-546,-547,766,766,766,766,766,766,-652,-653,-654,-655,766,-657,-658,-659,766,766,766,-665,766,766,-669,-670,766,766,-673,766,-675,-676,766,-679,766,-681,766,766,-684,-685,-686,766,-688,766,766,-691,766,766,-694,-695,-696,766,-698,-699,-700,-701,766,766,-746,766,-749,-750,-751,-752,-753,766,-755,-756,-757,-758,-759,766,-766,-767,-769,766,-771,-772,-773,-782,-856,-858,-860,-862,766,766,766,766,-868,766,-870,766,766,766,766,766,766,766,-906,-907,766,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,766,-921,-924,766,-934,766,-385,-386,-387,766,766,-390,-391,-392,-393,766,-396,766,-399,-400,766,-401,766,-406,-407,766,-410,-411,-412,766,-415,766,-416,766,-421,-422,766,-425,766,-428,-429,-1894,-1894,766,-619,-620,-621,-622,-623,-634,-584,-624,-797,766,766,766,766,766,-831,766,766,-806,766,-832,766,766,766,766,-798,766,-853,-799,766,766,766,766,766,766,-854,-855,766,-834,-830,-835,766,-625,766,-626,-627,-628,-629,-574,766,766,-630,-631,-632,766,766,766,766,766,766,-635,-636,-637,-592,-1894,-602,766,-638,-639,-713,-640,-604,766,-572,-577,-580,-583,766,766,766,-598,-601,766,-608,766,766,766,766,766,766,766,766,766,766,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,766,766,766,-995,766,766,766,766,766,766,-306,-325,-319,-296,-375,-452,-453,-454,-458,766,-443,766,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,766,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,766,766,766,766,766,766,766,766,766,-316,-535,-508,-591,-937,-939,-940,-438,766,-440,-380,-381,-383,-507,-509,-511,766,-513,-514,-519,-520,766,-532,-534,-537,-538,-543,-548,-726,766,-727,766,-732,766,-734,766,-739,-656,-660,-661,766,-666,766,-667,766,-672,-674,766,-677,766,766,766,-687,-689,766,-692,766,766,-744,766,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,766,766,766,766,766,-877,766,-880,-908,-920,-925,-388,-389,766,-394,766,-397,766,-402,766,-403,766,-408,766,-413,766,-417,766,-418,766,-423,766,-426,-899,-900,-643,-585,-1894,-901,766,766,766,-800,766,766,-804,766,-807,-833,766,-818,766,-820,766,-822,-808,766,-824,766,-851,-852,766,766,-811,766,-646,-902,-904,-648,-649,-645,766,-705,-706,766,-642,-903,-647,-650,-603,-714,766,766,-605,-586,766,766,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,766,766,-709,-710,766,-716,766,766,766,766,766,766,-938,766,-439,-441,-747,766,-891,766,-715,-1894,766,766,766,766,766,-442,-512,-523,766,-728,-733,766,-735,766,-740,766,-662,-668,766,-678,-680,-682,-683,-690,-693,-697,-745,766,766,-874,766,766,-878,766,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,766,-812,766,-814,-801,766,-802,-805,766,-816,-819,-821,-823,-825,766,-826,766,-809,766,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,766,-282,766,766,766,766,-455,766,766,-729,766,-736,766,-741,766,-663,-671,766,766,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,766,-836,-53,766,766,-730,766,-737,766,-742,-664,766,-873,-54,766,766,-731,-738,-743,766,766,766,-872,]),'STATS_PERSISTENT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[767,767,767,767,-1894,767,767,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,767,767,767,767,-275,-276,767,-1425,767,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,767,767,767,-490,767,767,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,767,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,767,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,767,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,767,-172,-173,-174,-175,-993,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-290,-291,-281,767,767,767,767,767,-328,-318,-332,-333,-334,767,767,-982,-983,-984,-985,-986,-987,-988,767,767,767,767,767,767,767,767,767,767,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,767,767,767,-353,-356,767,-323,-324,-141,767,-142,767,-143,767,-430,-935,-936,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-1894,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-1894,767,-1894,767,767,767,767,767,767,767,767,767,767,767,767,-1894,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,767,-1894,767,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,767,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,767,767,767,-191,-192,767,-994,767,767,767,767,767,-277,-278,-279,-280,-365,767,-308,767,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,767,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,767,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,767,767,767,767,767,767,-573,767,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,767,767,-723,-724,-725,767,767,767,767,767,767,-994,767,767,-91,-92,767,767,767,767,-309,-310,-320,767,-307,-293,-294,-295,767,767,767,767,-618,-633,-590,767,767,-436,767,-437,767,-444,-445,-446,-378,-379,767,767,767,-506,767,767,-510,767,767,767,767,-515,-516,-517,-518,767,767,-521,-522,767,-524,-525,-526,-527,-528,-529,-530,-531,767,-533,767,767,767,-539,-541,-542,767,-544,-545,-546,-547,767,767,767,767,767,767,-652,-653,-654,-655,767,-657,-658,-659,767,767,767,-665,767,767,-669,-670,767,767,-673,767,-675,-676,767,-679,767,-681,767,767,-684,-685,-686,767,-688,767,767,-691,767,767,-694,-695,-696,767,-698,-699,-700,-701,767,767,-746,767,-749,-750,-751,-752,-753,767,-755,-756,-757,-758,-759,767,-766,-767,-769,767,-771,-772,-773,-782,-856,-858,-860,-862,767,767,767,767,-868,767,-870,767,767,767,767,767,767,767,-906,-907,767,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,767,-921,-924,767,-934,767,-385,-386,-387,767,767,-390,-391,-392,-393,767,-396,767,-399,-400,767,-401,767,-406,-407,767,-410,-411,-412,767,-415,767,-416,767,-421,-422,767,-425,767,-428,-429,-1894,-1894,767,-619,-620,-621,-622,-623,-634,-584,-624,-797,767,767,767,767,767,-831,767,767,-806,767,-832,767,767,767,767,-798,767,-853,-799,767,767,767,767,767,767,-854,-855,767,-834,-830,-835,767,-625,767,-626,-627,-628,-629,-574,767,767,-630,-631,-632,767,767,767,767,767,767,-635,-636,-637,-592,-1894,-602,767,-638,-639,-713,-640,-604,767,-572,-577,-580,-583,767,767,767,-598,-601,767,-608,767,767,767,767,767,767,767,767,767,767,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,767,767,767,-995,767,767,767,767,767,767,-306,-325,-319,-296,-375,-452,-453,-454,-458,767,-443,767,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,767,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,767,767,767,767,767,767,767,767,767,-316,-535,-508,-591,-937,-939,-940,-438,767,-440,-380,-381,-383,-507,-509,-511,767,-513,-514,-519,-520,767,-532,-534,-537,-538,-543,-548,-726,767,-727,767,-732,767,-734,767,-739,-656,-660,-661,767,-666,767,-667,767,-672,-674,767,-677,767,767,767,-687,-689,767,-692,767,767,-744,767,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,767,767,767,767,767,-877,767,-880,-908,-920,-925,-388,-389,767,-394,767,-397,767,-402,767,-403,767,-408,767,-413,767,-417,767,-418,767,-423,767,-426,-899,-900,-643,-585,-1894,-901,767,767,767,-800,767,767,-804,767,-807,-833,767,-818,767,-820,767,-822,-808,767,-824,767,-851,-852,767,767,-811,767,-646,-902,-904,-648,-649,-645,767,-705,-706,767,-642,-903,-647,-650,-603,-714,767,767,-605,-586,767,767,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,767,767,-709,-710,767,-716,767,767,767,767,767,767,-938,767,-439,-441,-747,767,-891,767,-715,-1894,767,767,767,767,767,-442,-512,-523,767,-728,-733,767,-735,767,-740,767,-662,-668,767,-678,-680,-682,-683,-690,-693,-697,-745,767,767,-874,767,767,-878,767,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,767,-812,767,-814,-801,767,-802,-805,767,-816,-819,-821,-823,-825,767,-826,767,-809,767,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,767,-282,767,767,767,767,-455,767,767,-729,767,-736,767,-741,767,-663,-671,767,767,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,767,-836,-53,767,767,-730,767,-737,767,-742,-664,767,-873,-54,767,767,-731,-738,-743,767,767,767,-872,]),'STATS_SAMPLE_PAGES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[768,768,768,768,-1894,768,768,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,768,768,768,768,-275,-276,768,-1425,768,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,768,768,768,-490,768,768,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,768,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,768,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,768,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,768,-172,-173,-174,-175,-993,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-290,-291,-281,768,768,768,768,768,-328,-318,-332,-333,-334,768,768,-982,-983,-984,-985,-986,-987,-988,768,768,768,768,768,768,768,768,768,768,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,768,768,768,-353,-356,768,-323,-324,-141,768,-142,768,-143,768,-430,-935,-936,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-1894,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-1894,768,-1894,768,768,768,768,768,768,768,768,768,768,768,768,-1894,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,768,-1894,768,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,768,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,768,768,768,-191,-192,768,-994,768,768,768,768,768,-277,-278,-279,-280,-365,768,-308,768,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,768,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,768,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,768,768,768,768,768,768,-573,768,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,768,768,-723,-724,-725,768,768,768,768,768,768,-994,768,768,-91,-92,768,768,768,768,-309,-310,-320,768,-307,-293,-294,-295,768,768,768,768,-618,-633,-590,768,768,-436,768,-437,768,-444,-445,-446,-378,-379,768,768,768,-506,768,768,-510,768,768,768,768,-515,-516,-517,-518,768,768,-521,-522,768,-524,-525,-526,-527,-528,-529,-530,-531,768,-533,768,768,768,-539,-541,-542,768,-544,-545,-546,-547,768,768,768,768,768,768,-652,-653,-654,-655,768,-657,-658,-659,768,768,768,-665,768,768,-669,-670,768,768,-673,768,-675,-676,768,-679,768,-681,768,768,-684,-685,-686,768,-688,768,768,-691,768,768,-694,-695,-696,768,-698,-699,-700,-701,768,768,-746,768,-749,-750,-751,-752,-753,768,-755,-756,-757,-758,-759,768,-766,-767,-769,768,-771,-772,-773,-782,-856,-858,-860,-862,768,768,768,768,-868,768,-870,768,768,768,768,768,768,768,-906,-907,768,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,768,-921,-924,768,-934,768,-385,-386,-387,768,768,-390,-391,-392,-393,768,-396,768,-399,-400,768,-401,768,-406,-407,768,-410,-411,-412,768,-415,768,-416,768,-421,-422,768,-425,768,-428,-429,-1894,-1894,768,-619,-620,-621,-622,-623,-634,-584,-624,-797,768,768,768,768,768,-831,768,768,-806,768,-832,768,768,768,768,-798,768,-853,-799,768,768,768,768,768,768,-854,-855,768,-834,-830,-835,768,-625,768,-626,-627,-628,-629,-574,768,768,-630,-631,-632,768,768,768,768,768,768,-635,-636,-637,-592,-1894,-602,768,-638,-639,-713,-640,-604,768,-572,-577,-580,-583,768,768,768,-598,-601,768,-608,768,768,768,768,768,768,768,768,768,768,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,768,768,768,-995,768,768,768,768,768,768,-306,-325,-319,-296,-375,-452,-453,-454,-458,768,-443,768,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,768,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,768,768,768,768,768,768,768,768,768,-316,-535,-508,-591,-937,-939,-940,-438,768,-440,-380,-381,-383,-507,-509,-511,768,-513,-514,-519,-520,768,-532,-534,-537,-538,-543,-548,-726,768,-727,768,-732,768,-734,768,-739,-656,-660,-661,768,-666,768,-667,768,-672,-674,768,-677,768,768,768,-687,-689,768,-692,768,768,-744,768,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,768,768,768,768,768,-877,768,-880,-908,-920,-925,-388,-389,768,-394,768,-397,768,-402,768,-403,768,-408,768,-413,768,-417,768,-418,768,-423,768,-426,-899,-900,-643,-585,-1894,-901,768,768,768,-800,768,768,-804,768,-807,-833,768,-818,768,-820,768,-822,-808,768,-824,768,-851,-852,768,768,-811,768,-646,-902,-904,-648,-649,-645,768,-705,-706,768,-642,-903,-647,-650,-603,-714,768,768,-605,-586,768,768,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,768,768,-709,-710,768,-716,768,768,768,768,768,768,-938,768,-439,-441,-747,768,-891,768,-715,-1894,768,768,768,768,768,-442,-512,-523,768,-728,-733,768,-735,768,-740,768,-662,-668,768,-678,-680,-682,-683,-690,-693,-697,-745,768,768,-874,768,768,-878,768,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,768,-812,768,-814,-801,768,-802,-805,768,-816,-819,-821,-823,-825,768,-826,768,-809,768,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,768,-282,768,768,768,768,-455,768,768,-729,768,-736,768,-741,768,-663,-671,768,768,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,768,-836,-53,768,768,-730,768,-737,768,-742,-664,768,-873,-54,768,768,-731,-738,-743,768,768,768,-872,]),'STATUS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[769,769,769,769,-1894,769,769,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,769,769,769,769,-275,-276,769,-1425,769,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,769,769,769,-490,769,769,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,769,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,769,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,769,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,769,-172,-173,-174,-175,-993,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-290,-291,-281,769,769,769,769,769,-328,-318,-332,-333,-334,769,769,-982,-983,-984,-985,-986,-987,-988,769,769,769,769,769,769,769,769,769,769,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,769,769,769,-353,-356,769,-323,-324,-141,769,-142,769,-143,769,-430,-935,-936,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-1894,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-1894,769,-1894,769,769,769,769,769,769,769,769,769,769,769,769,-1894,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,769,-1894,769,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,769,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,769,769,769,-191,-192,769,-994,769,769,769,769,769,-277,-278,-279,-280,-365,769,-308,769,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,769,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,769,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,769,769,769,769,769,769,-573,769,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,769,769,-723,-724,-725,769,769,769,769,769,769,-994,769,769,-91,-92,769,769,769,769,-309,-310,-320,769,-307,-293,-294,-295,769,769,769,769,-618,-633,-590,769,769,-436,769,-437,769,-444,-445,-446,-378,-379,769,769,769,-506,769,769,-510,769,769,769,769,-515,-516,-517,-518,769,769,-521,-522,769,-524,-525,-526,-527,-528,-529,-530,-531,769,-533,769,769,769,-539,-541,-542,769,-544,-545,-546,-547,769,769,769,769,769,769,-652,-653,-654,-655,769,-657,-658,-659,769,769,769,-665,769,769,-669,-670,769,769,-673,769,-675,-676,769,-679,769,-681,769,769,-684,-685,-686,769,-688,769,769,-691,769,769,-694,-695,-696,769,-698,-699,-700,-701,769,769,-746,769,-749,-750,-751,-752,-753,769,-755,-756,-757,-758,-759,769,-766,-767,-769,769,-771,-772,-773,-782,-856,-858,-860,-862,769,769,769,769,-868,769,-870,769,769,769,769,769,769,769,-906,-907,769,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,769,-921,-924,769,-934,769,-385,-386,-387,769,769,-390,-391,-392,-393,769,-396,769,-399,-400,769,-401,769,-406,-407,769,-410,-411,-412,769,-415,769,-416,769,-421,-422,769,-425,769,-428,-429,-1894,-1894,769,-619,-620,-621,-622,-623,-634,-584,-624,-797,769,769,769,769,769,-831,769,769,-806,769,-832,769,769,769,769,-798,769,-853,-799,769,769,769,769,769,769,-854,-855,769,-834,-830,-835,769,-625,769,-626,-627,-628,-629,-574,769,769,-630,-631,-632,769,769,769,769,769,769,-635,-636,-637,-592,-1894,-602,769,-638,-639,-713,-640,-604,769,-572,-577,-580,-583,769,769,769,-598,-601,769,-608,769,769,769,769,769,769,769,769,769,769,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,769,769,769,-995,769,769,769,769,769,769,-306,-325,-319,-296,-375,-452,-453,-454,-458,769,-443,769,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,769,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,769,769,769,769,769,769,769,769,769,-316,-535,-508,-591,-937,-939,-940,-438,769,-440,-380,-381,-383,-507,-509,-511,769,-513,-514,-519,-520,769,-532,-534,-537,-538,-543,-548,-726,769,-727,769,-732,769,-734,769,-739,-656,-660,-661,769,-666,769,-667,769,-672,-674,769,-677,769,769,769,-687,-689,769,-692,769,769,-744,769,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,769,769,769,769,769,-877,769,-880,-908,-920,-925,-388,-389,769,-394,769,-397,769,-402,769,-403,769,-408,769,-413,769,-417,769,-418,769,-423,769,-426,-899,-900,-643,-585,-1894,-901,769,769,769,-800,769,769,-804,769,-807,-833,769,-818,769,-820,769,-822,-808,769,-824,769,-851,-852,769,769,-811,769,-646,-902,-904,-648,-649,-645,769,-705,-706,769,-642,-903,-647,-650,-603,-714,769,769,-605,-586,769,769,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,769,769,-709,-710,769,-716,769,769,769,769,769,769,-938,769,-439,-441,-747,769,-891,769,-715,-1894,769,769,769,769,769,-442,-512,-523,769,-728,-733,769,-735,769,-740,769,-662,-668,769,-678,-680,-682,-683,-690,-693,-697,-745,769,769,-874,769,769,-878,769,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,769,-812,769,-814,-801,769,-802,-805,769,-816,-819,-821,-823,-825,769,-826,769,-809,769,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,769,-282,769,769,769,769,-455,769,769,-729,769,-736,769,-741,769,-663,-671,769,769,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,769,-836,-53,769,769,-730,769,-737,769,-742,-664,769,-873,-54,769,769,-731,-738,-743,769,769,769,-872,]),'STOP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[770,770,770,770,-1894,770,770,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,770,770,770,770,-275,-276,770,-1425,770,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,770,770,770,-490,770,770,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,770,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,770,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,770,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,770,-172,-173,-174,-175,-993,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-290,-291,-281,770,770,770,770,770,-328,-318,-332,-333,-334,770,770,-982,-983,-984,-985,-986,-987,-988,770,770,770,770,770,770,770,770,770,770,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,770,770,770,-353,-356,770,-323,-324,-141,770,-142,770,-143,770,-430,-935,-936,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-1894,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-1894,770,-1894,770,770,770,770,770,770,770,770,770,770,770,770,-1894,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,770,-1894,770,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,770,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,770,770,770,-191,-192,770,-994,770,770,770,770,770,-277,-278,-279,-280,-365,770,-308,770,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,770,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,770,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,770,770,770,770,770,770,-573,770,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,770,770,-723,-724,-725,770,770,770,770,770,770,-994,770,770,-91,-92,770,770,770,770,-309,-310,-320,770,-307,-293,-294,-295,770,770,770,770,-618,-633,-590,770,770,-436,770,-437,770,-444,-445,-446,-378,-379,770,770,770,-506,770,770,-510,770,770,770,770,-515,-516,-517,-518,770,770,-521,-522,770,-524,-525,-526,-527,-528,-529,-530,-531,770,-533,770,770,770,-539,-541,-542,770,-544,-545,-546,-547,770,770,770,770,770,770,-652,-653,-654,-655,770,-657,-658,-659,770,770,770,-665,770,770,-669,-670,770,770,-673,770,-675,-676,770,-679,770,-681,770,770,-684,-685,-686,770,-688,770,770,-691,770,770,-694,-695,-696,770,-698,-699,-700,-701,770,770,-746,770,-749,-750,-751,-752,-753,770,-755,-756,-757,-758,-759,770,-766,-767,-769,770,-771,-772,-773,-782,-856,-858,-860,-862,770,770,770,770,-868,770,-870,770,770,770,770,770,770,770,-906,-907,770,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,770,-921,-924,770,-934,770,-385,-386,-387,770,770,-390,-391,-392,-393,770,-396,770,-399,-400,770,-401,770,-406,-407,770,-410,-411,-412,770,-415,770,-416,770,-421,-422,770,-425,770,-428,-429,-1894,-1894,770,-619,-620,-621,-622,-623,-634,-584,-624,-797,770,770,770,770,770,-831,770,770,-806,770,-832,770,770,770,770,-798,770,-853,-799,770,770,770,770,770,770,-854,-855,770,-834,-830,-835,770,-625,770,-626,-627,-628,-629,-574,770,770,-630,-631,-632,770,770,770,770,770,770,-635,-636,-637,-592,-1894,-602,770,-638,-639,-713,-640,-604,770,-572,-577,-580,-583,770,770,770,-598,-601,770,-608,770,770,770,770,770,770,770,770,770,770,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,770,770,770,-995,770,770,770,770,770,770,-306,-325,-319,-296,-375,-452,-453,-454,-458,770,-443,770,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,770,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,770,770,770,770,770,770,770,770,770,-316,-535,-508,-591,-937,-939,-940,-438,770,-440,-380,-381,-383,-507,-509,-511,770,-513,-514,-519,-520,770,-532,-534,-537,-538,-543,-548,-726,770,-727,770,-732,770,-734,770,-739,-656,-660,-661,770,-666,770,-667,770,-672,-674,770,-677,770,770,770,-687,-689,770,-692,770,770,-744,770,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,770,770,770,770,770,-877,770,-880,-908,-920,-925,-388,-389,770,-394,770,-397,770,-402,770,-403,770,-408,770,-413,770,-417,770,-418,770,-423,770,-426,-899,-900,-643,-585,-1894,-901,770,770,770,-800,770,770,-804,770,-807,-833,770,-818,770,-820,770,-822,-808,770,-824,770,-851,-852,770,770,-811,770,-646,-902,-904,-648,-649,-645,770,-705,-706,770,-642,-903,-647,-650,-603,-714,770,770,-605,-586,770,770,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,770,770,-709,-710,770,-716,770,770,770,770,770,770,-938,770,-439,-441,-747,770,-891,770,-715,-1894,770,770,770,770,770,-442,-512,-523,770,-728,-733,770,-735,770,-740,770,-662,-668,770,-678,-680,-682,-683,-690,-693,-697,-745,770,770,-874,770,770,-878,770,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,770,-812,770,-814,-801,770,-802,-805,770,-816,-819,-821,-823,-825,770,-826,770,-809,770,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,770,-282,770,770,770,770,-455,770,770,-729,770,-736,770,-741,770,-663,-671,770,770,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,770,-836,-53,770,770,-730,770,-737,770,-742,-664,770,-873,-54,770,770,-731,-738,-743,770,770,770,-872,]),'STORAGE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[771,771,771,771,-1894,771,771,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,771,771,771,771,-275,-276,771,-1425,771,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,771,771,771,-490,771,771,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,771,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,771,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,771,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,771,-172,-173,-174,-175,-993,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-290,-291,-281,771,771,771,771,771,-328,-318,-332,-333,-334,771,771,-982,-983,-984,-985,-986,-987,-988,771,771,771,771,771,771,771,771,771,771,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,771,771,771,-353,-356,771,-323,-324,-141,771,-142,771,-143,771,-430,-935,-936,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-1894,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-1894,771,-1894,771,771,771,771,771,771,771,771,771,771,771,771,-1894,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,771,-1894,771,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,771,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,771,771,771,-191,-192,771,-994,771,771,771,771,771,-277,-278,-279,-280,-365,771,-308,771,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,771,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,771,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,771,771,771,771,771,771,-573,771,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,771,771,-723,-724,-725,771,771,771,771,771,771,-994,771,771,-91,-92,771,771,771,771,-309,-310,-320,771,-307,-293,-294,-295,771,771,771,771,-618,-633,-590,771,771,-436,771,-437,771,-444,-445,-446,-378,-379,771,771,771,-506,771,771,-510,771,771,771,771,-515,-516,-517,-518,771,771,-521,-522,771,-524,-525,-526,-527,-528,-529,-530,-531,771,-533,771,771,771,-539,-541,-542,771,-544,-545,-546,-547,771,771,771,771,771,771,-652,-653,-654,-655,771,-657,-658,-659,771,771,771,-665,771,771,-669,-670,771,771,-673,771,-675,-676,771,-679,771,-681,771,771,-684,-685,-686,771,-688,771,771,-691,771,771,-694,-695,-696,771,-698,-699,-700,-701,771,771,-746,771,-749,-750,-751,-752,-753,771,-755,-756,-757,-758,-759,771,-766,-767,-769,771,-771,-772,-773,-782,-856,-858,-860,-862,771,771,771,771,-868,771,-870,771,771,771,771,771,771,771,-906,-907,771,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,771,-921,-924,771,-934,771,-385,-386,-387,771,771,-390,-391,-392,-393,771,-396,771,-399,-400,771,-401,771,-406,-407,771,-410,-411,-412,771,-415,771,-416,771,-421,-422,771,-425,771,-428,-429,-1894,-1894,771,-619,-620,-621,-622,-623,-634,-584,-624,-797,771,771,771,771,771,-831,771,771,-806,771,-832,771,771,771,771,-798,771,-853,-799,771,771,771,771,771,771,-854,-855,771,-834,-830,-835,771,-625,771,-626,-627,-628,-629,-574,771,771,-630,-631,-632,771,771,771,771,771,771,-635,-636,-637,-592,-1894,-602,771,-638,-639,-713,-640,-604,771,-572,-577,-580,-583,771,771,771,-598,-601,771,-608,771,771,771,771,771,771,771,771,771,771,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,771,771,771,-995,771,771,771,771,771,771,-306,-325,-319,-296,-375,-452,-453,-454,-458,771,-443,771,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,771,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,771,771,771,771,771,771,771,771,771,-316,-535,-508,-591,-937,-939,-940,-438,771,-440,-380,-381,-383,-507,-509,-511,771,-513,-514,-519,-520,771,-532,-534,-537,-538,-543,-548,-726,771,-727,771,-732,771,-734,771,-739,-656,-660,-661,771,-666,771,-667,771,-672,-674,771,-677,771,771,771,-687,-689,771,-692,771,771,-744,771,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,771,771,771,771,771,-877,771,-880,-908,-920,-925,-388,-389,771,-394,771,-397,771,-402,771,-403,771,-408,771,-413,771,-417,771,-418,771,-423,771,-426,-899,-900,-643,-585,-1894,-901,771,771,771,-800,771,771,-804,771,-807,-833,771,-818,771,-820,771,-822,-808,771,-824,771,-851,-852,771,771,-811,771,-646,-902,-904,-648,-649,-645,771,-705,-706,771,-642,-903,-647,-650,-603,-714,771,771,-605,-586,771,771,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,771,771,-709,-710,771,-716,771,771,771,771,771,771,-938,771,-439,-441,-747,771,-891,771,-715,-1894,771,771,771,771,771,-442,-512,-523,771,-728,-733,771,-735,771,-740,771,-662,-668,771,-678,-680,-682,-683,-690,-693,-697,-745,771,771,-874,771,771,-878,771,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,771,-812,771,-814,-801,771,-802,-805,771,-816,-819,-821,-823,-825,771,-826,771,-809,771,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,771,-282,771,771,771,771,-455,771,771,-729,771,-736,771,-741,771,-663,-671,771,771,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,771,-836,-53,771,771,-730,771,-737,771,-742,-664,771,-873,-54,771,771,-731,-738,-743,771,771,771,-872,]),'STORAGE_FORMAT_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[772,772,772,772,-1894,772,772,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,772,772,772,772,-275,-276,772,-1425,772,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,772,772,772,-490,772,772,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,772,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,772,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,772,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,772,-172,-173,-174,-175,-993,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-290,-291,-281,772,772,772,772,772,-328,-318,-332,-333,-334,772,772,-982,-983,-984,-985,-986,-987,-988,772,772,772,772,772,772,772,772,772,772,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,772,772,772,-353,-356,772,-323,-324,-141,772,-142,772,-143,772,-430,-935,-936,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-1894,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-1894,772,-1894,772,772,772,772,772,772,772,772,772,772,772,772,-1894,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,772,-1894,772,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,772,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,772,772,772,-191,-192,772,-994,772,772,772,772,772,-277,-278,-279,-280,-365,772,-308,772,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,772,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,772,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,772,772,772,772,772,772,-573,772,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,772,772,-723,-724,-725,772,772,772,772,772,772,-994,772,772,-91,-92,772,772,772,772,-309,-310,-320,772,-307,-293,-294,-295,772,772,772,772,-618,-633,-590,772,772,-436,772,-437,772,-444,-445,-446,-378,-379,772,772,772,-506,772,772,-510,772,772,772,772,-515,-516,-517,-518,772,772,-521,-522,772,-524,-525,-526,-527,-528,-529,-530,-531,772,-533,772,772,772,-539,-541,-542,772,-544,-545,-546,-547,772,772,772,772,772,772,-652,-653,-654,-655,772,-657,-658,-659,772,772,772,-665,772,772,-669,-670,772,772,-673,772,-675,-676,772,-679,772,-681,772,772,-684,-685,-686,772,-688,772,772,-691,772,772,-694,-695,-696,772,-698,-699,-700,-701,772,772,-746,772,-749,-750,-751,-752,-753,772,-755,-756,-757,-758,-759,772,-766,-767,-769,772,-771,-772,-773,-782,-856,-858,-860,-862,772,772,772,772,-868,772,-870,772,772,772,772,772,772,772,-906,-907,772,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,772,-921,-924,772,-934,772,-385,-386,-387,772,772,-390,-391,-392,-393,772,-396,772,-399,-400,772,-401,772,-406,-407,772,-410,-411,-412,772,-415,772,-416,772,-421,-422,772,-425,772,-428,-429,-1894,-1894,772,-619,-620,-621,-622,-623,-634,-584,-624,-797,772,772,772,772,772,-831,772,772,-806,772,-832,772,772,772,772,-798,772,-853,-799,772,772,772,772,772,772,-854,-855,772,-834,-830,-835,772,-625,772,-626,-627,-628,-629,-574,772,772,-630,-631,-632,772,772,772,772,772,772,-635,-636,-637,-592,-1894,-602,772,-638,-639,-713,-640,-604,772,-572,-577,-580,-583,772,772,772,-598,-601,772,-608,772,772,772,772,772,772,772,772,772,772,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,772,772,772,-995,772,772,772,772,772,772,-306,-325,-319,-296,-375,-452,-453,-454,-458,772,-443,772,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,772,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,772,772,772,772,772,772,772,772,772,-316,-535,-508,-591,-937,-939,-940,-438,772,-440,-380,-381,-383,-507,-509,-511,772,-513,-514,-519,-520,772,-532,-534,-537,-538,-543,-548,-726,772,-727,772,-732,772,-734,772,-739,-656,-660,-661,772,-666,772,-667,772,-672,-674,772,-677,772,772,772,-687,-689,772,-692,772,772,-744,772,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,772,772,772,772,772,-877,772,-880,-908,-920,-925,-388,-389,772,-394,772,-397,772,-402,772,-403,772,-408,772,-413,772,-417,772,-418,772,-423,772,-426,-899,-900,-643,-585,-1894,-901,772,772,772,-800,772,772,-804,772,-807,-833,772,-818,772,-820,772,-822,-808,772,-824,772,-851,-852,772,772,-811,772,-646,-902,-904,-648,-649,-645,772,-705,-706,772,-642,-903,-647,-650,-603,-714,772,772,-605,-586,772,772,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,772,772,-709,-710,772,-716,772,772,772,772,772,772,-938,772,-439,-441,-747,772,-891,772,-715,-1894,772,772,772,772,772,-442,-512,-523,772,-728,-733,772,-735,772,-740,772,-662,-668,772,-678,-680,-682,-683,-690,-693,-697,-745,772,772,-874,772,772,-878,772,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,772,-812,772,-814,-801,772,-802,-805,772,-816,-819,-821,-823,-825,772,-826,772,-809,772,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,772,-282,772,772,772,772,-455,772,772,-729,772,-736,772,-741,772,-663,-671,772,772,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,772,-836,-53,772,772,-730,772,-737,772,-742,-664,772,-873,-54,772,772,-731,-738,-743,772,772,772,-872,]),'STORAGE_FORMAT_WORK_VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[773,773,773,773,-1894,773,773,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,773,773,773,773,-275,-276,773,-1425,773,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,773,773,773,-490,773,773,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,773,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,773,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,773,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,773,-172,-173,-174,-175,-993,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-290,-291,-281,773,773,773,773,773,-328,-318,-332,-333,-334,773,773,-982,-983,-984,-985,-986,-987,-988,773,773,773,773,773,773,773,773,773,773,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,773,773,773,-353,-356,773,-323,-324,-141,773,-142,773,-143,773,-430,-935,-936,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-1894,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-1894,773,-1894,773,773,773,773,773,773,773,773,773,773,773,773,-1894,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,773,-1894,773,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,773,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,773,773,773,-191,-192,773,-994,773,773,773,773,773,-277,-278,-279,-280,-365,773,-308,773,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,773,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,773,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,773,773,773,773,773,773,-573,773,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,773,773,-723,-724,-725,773,773,773,773,773,773,-994,773,773,-91,-92,773,773,773,773,-309,-310,-320,773,-307,-293,-294,-295,773,773,773,773,-618,-633,-590,773,773,-436,773,-437,773,-444,-445,-446,-378,-379,773,773,773,-506,773,773,-510,773,773,773,773,-515,-516,-517,-518,773,773,-521,-522,773,-524,-525,-526,-527,-528,-529,-530,-531,773,-533,773,773,773,-539,-541,-542,773,-544,-545,-546,-547,773,773,773,773,773,773,-652,-653,-654,-655,773,-657,-658,-659,773,773,773,-665,773,773,-669,-670,773,773,-673,773,-675,-676,773,-679,773,-681,773,773,-684,-685,-686,773,-688,773,773,-691,773,773,-694,-695,-696,773,-698,-699,-700,-701,773,773,-746,773,-749,-750,-751,-752,-753,773,-755,-756,-757,-758,-759,773,-766,-767,-769,773,-771,-772,-773,-782,-856,-858,-860,-862,773,773,773,773,-868,773,-870,773,773,773,773,773,773,773,-906,-907,773,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,773,-921,-924,773,-934,773,-385,-386,-387,773,773,-390,-391,-392,-393,773,-396,773,-399,-400,773,-401,773,-406,-407,773,-410,-411,-412,773,-415,773,-416,773,-421,-422,773,-425,773,-428,-429,-1894,-1894,773,-619,-620,-621,-622,-623,-634,-584,-624,-797,773,773,773,773,773,-831,773,773,-806,773,-832,773,773,773,773,-798,773,-853,-799,773,773,773,773,773,773,-854,-855,773,-834,-830,-835,773,-625,773,-626,-627,-628,-629,-574,773,773,-630,-631,-632,773,773,773,773,773,773,-635,-636,-637,-592,-1894,-602,773,-638,-639,-713,-640,-604,773,-572,-577,-580,-583,773,773,773,-598,-601,773,-608,773,773,773,773,773,773,773,773,773,773,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,773,773,773,-995,773,773,773,773,773,773,-306,-325,-319,-296,-375,-452,-453,-454,-458,773,-443,773,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,773,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,773,773,773,773,773,773,773,773,773,-316,-535,-508,-591,-937,-939,-940,-438,773,-440,-380,-381,-383,-507,-509,-511,773,-513,-514,-519,-520,773,-532,-534,-537,-538,-543,-548,-726,773,-727,773,-732,773,-734,773,-739,-656,-660,-661,773,-666,773,-667,773,-672,-674,773,-677,773,773,773,-687,-689,773,-692,773,773,-744,773,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,773,773,773,773,773,-877,773,-880,-908,-920,-925,-388,-389,773,-394,773,-397,773,-402,773,-403,773,-408,773,-413,773,-417,773,-418,773,-423,773,-426,-899,-900,-643,-585,-1894,-901,773,773,773,-800,773,773,-804,773,-807,-833,773,-818,773,-820,773,-822,-808,773,-824,773,-851,-852,773,773,-811,773,-646,-902,-904,-648,-649,-645,773,-705,-706,773,-642,-903,-647,-650,-603,-714,773,773,-605,-586,773,773,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,773,773,-709,-710,773,-716,773,773,773,773,773,773,-938,773,-439,-441,-747,773,-891,773,-715,-1894,773,773,773,773,773,-442,-512,-523,773,-728,-733,773,-735,773,-740,773,-662,-668,773,-678,-680,-682,-683,-690,-693,-697,-745,773,773,-874,773,773,-878,773,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,773,-812,773,-814,-801,773,-802,-805,773,-816,-819,-821,-823,-825,773,-826,773,-809,773,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,773,-282,773,773,773,773,-455,773,773,-729,773,-736,773,-741,773,-663,-671,773,773,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,773,-836,-53,773,773,-730,773,-737,773,-742,-664,773,-873,-54,773,773,-731,-738,-743,773,773,773,-872,]),'STORED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[774,774,774,774,-1894,774,774,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,774,774,774,774,-275,-276,774,-1425,774,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,774,774,774,-490,774,774,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,774,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,774,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,774,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,774,-172,-173,-174,-175,-993,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-290,-291,-281,774,774,774,774,774,-328,-318,-332,-333,-334,774,774,-982,-983,-984,-985,-986,-987,-988,774,774,774,774,774,774,774,774,774,774,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,774,774,774,-353,-356,774,-323,-324,-141,774,-142,774,-143,774,-430,-935,-936,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-1894,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-1894,774,-1894,774,774,774,774,774,774,774,774,774,774,774,774,-1894,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,774,-1894,774,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,774,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,774,774,774,-191,-192,774,-994,774,774,774,774,774,-277,-278,-279,-280,-365,774,-308,774,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,774,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,774,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,774,774,774,774,774,774,-573,774,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,774,774,-723,-724,-725,774,774,774,774,774,774,-994,774,774,-91,-92,774,774,774,774,-309,-310,-320,774,-307,-293,-294,-295,774,774,774,774,-618,-633,-590,774,774,-436,774,-437,774,-444,-445,-446,-378,-379,774,774,774,-506,774,774,-510,774,774,774,774,-515,-516,-517,-518,774,774,-521,-522,774,-524,-525,-526,-527,-528,-529,-530,-531,774,-533,774,774,774,-539,-541,-542,774,-544,-545,-546,-547,774,774,774,774,774,774,-652,-653,-654,-655,774,-657,-658,-659,774,774,774,-665,774,774,-669,-670,774,774,-673,774,-675,-676,774,-679,774,-681,774,774,-684,-685,-686,774,-688,774,774,-691,774,774,-694,-695,-696,774,-698,-699,-700,-701,774,774,-746,774,-749,-750,-751,-752,-753,774,-755,-756,-757,-758,-759,774,-766,-767,-769,774,-771,-772,-773,-782,-856,-858,-860,-862,774,774,774,774,-868,774,-870,774,774,774,774,774,774,774,-906,-907,774,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,774,-921,-924,774,-934,774,-385,-386,-387,774,774,-390,-391,-392,-393,774,-396,774,-399,-400,774,-401,774,-406,-407,774,-410,-411,-412,774,-415,774,-416,774,-421,-422,774,-425,774,-428,-429,-1894,-1894,774,-619,-620,-621,-622,-623,-634,-584,-624,-797,774,774,774,774,774,-831,774,774,-806,774,-832,774,774,774,774,-798,774,-853,-799,774,774,774,774,774,774,-854,-855,774,-834,-830,-835,774,-625,774,-626,-627,-628,-629,-574,774,774,-630,-631,-632,774,774,774,774,774,774,-635,-636,-637,-592,-1894,-602,774,-638,-639,-713,-640,-604,774,-572,-577,-580,-583,774,774,774,-598,-601,774,-608,774,774,774,774,774,774,774,774,774,774,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,774,774,774,-995,774,774,774,774,774,774,-306,-325,-319,-296,-375,-452,-453,-454,-458,774,-443,774,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,774,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,774,774,774,774,774,774,774,774,774,-316,-535,-508,-591,-937,-939,-940,-438,774,-440,-380,-381,-383,-507,-509,-511,774,-513,-514,-519,-520,774,-532,-534,-537,-538,-543,-548,-726,774,-727,774,-732,774,-734,774,-739,-656,-660,-661,774,-666,774,-667,774,-672,-674,774,-677,774,774,774,-687,-689,774,-692,774,774,-744,774,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,774,774,774,774,774,-877,774,-880,-908,-920,-925,-388,-389,774,-394,774,-397,774,-402,774,-403,774,-408,774,-413,774,-417,774,-418,774,-423,774,-426,-899,-900,-643,-585,-1894,-901,774,774,774,-800,774,774,-804,774,-807,-833,774,-818,774,-820,774,-822,-808,774,-824,774,-851,-852,774,774,-811,774,-646,-902,-904,-648,-649,-645,774,-705,-706,774,-642,-903,-647,-650,-603,-714,774,774,-605,-586,774,774,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,774,774,-709,-710,774,-716,774,774,774,774,774,774,-938,774,-439,-441,-747,774,-891,774,-715,-1894,774,774,774,774,774,-442,-512,-523,774,-728,-733,774,-735,774,-740,774,-662,-668,774,-678,-680,-682,-683,-690,-693,-697,-745,774,774,-874,774,774,-878,774,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,774,-812,774,-814,-801,774,-802,-805,774,-816,-819,-821,-823,-825,774,-826,774,-809,774,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,774,-282,774,774,774,774,-455,774,774,-729,774,-736,774,-741,774,-663,-671,774,774,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,774,-836,-53,774,774,-730,774,-737,774,-742,-664,774,-873,-54,774,774,-731,-738,-743,774,774,774,-872,]),'STORING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[775,775,775,775,-1894,775,775,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,775,775,775,775,-275,-276,775,-1425,775,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,775,775,775,-490,775,775,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,775,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,775,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,775,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,775,-172,-173,-174,-175,-993,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-290,-291,-281,775,775,775,775,775,-328,-318,-332,-333,-334,775,775,-982,-983,-984,-985,-986,-987,-988,775,775,775,775,775,775,775,775,775,775,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,775,775,775,-353,-356,775,-323,-324,-141,775,-142,775,-143,775,-430,-935,-936,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-1894,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-1894,775,-1894,775,775,775,775,775,775,775,775,775,775,775,775,-1894,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,775,-1894,775,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,775,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,775,775,775,-191,-192,775,-994,775,775,775,775,775,-277,-278,-279,-280,-365,775,-308,775,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,775,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,775,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,775,775,775,775,775,775,-573,775,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,775,775,-723,-724,-725,775,775,775,775,775,775,-994,775,775,-91,-92,775,775,775,775,-309,-310,-320,775,-307,-293,-294,-295,775,775,775,775,-618,-633,-590,775,775,-436,775,-437,775,-444,-445,-446,-378,-379,775,775,775,-506,775,775,-510,775,775,775,775,-515,-516,-517,-518,775,775,-521,-522,775,-524,-525,-526,-527,-528,-529,-530,-531,775,-533,775,775,775,-539,-541,-542,775,-544,-545,-546,-547,775,775,775,775,775,775,-652,-653,-654,-655,775,-657,-658,-659,775,775,775,-665,775,775,-669,-670,775,775,-673,775,-675,-676,775,-679,775,-681,775,775,-684,-685,-686,775,-688,775,775,-691,775,775,-694,-695,-696,775,-698,-699,-700,-701,775,775,-746,775,-749,-750,-751,-752,-753,775,-755,-756,-757,-758,-759,775,-766,-767,-769,775,-771,-772,-773,-782,-856,-858,-860,-862,775,775,775,775,-868,775,-870,775,775,775,775,775,775,775,-906,-907,775,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,775,-921,-924,775,-934,775,-385,-386,-387,775,775,-390,-391,-392,-393,775,-396,775,-399,-400,775,-401,775,-406,-407,775,-410,-411,-412,775,-415,775,-416,775,-421,-422,775,-425,775,-428,-429,-1894,-1894,775,-619,-620,-621,-622,-623,-634,-584,-624,-797,775,775,775,775,775,-831,775,775,-806,775,-832,775,775,775,775,-798,775,-853,-799,775,775,775,775,775,775,-854,-855,775,-834,-830,-835,775,-625,775,-626,-627,-628,-629,-574,775,775,-630,-631,-632,775,775,775,775,775,775,-635,-636,-637,-592,-1894,-602,775,-638,-639,-713,-640,-604,775,-572,-577,-580,-583,775,775,775,-598,-601,775,-608,775,775,775,775,775,775,775,775,775,775,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,775,775,775,-995,775,775,775,775,775,775,-306,-325,-319,-296,-375,-452,-453,-454,-458,775,-443,775,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,775,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,775,775,775,775,775,775,775,775,775,-316,-535,-508,-591,-937,-939,-940,-438,775,-440,-380,-381,-383,-507,-509,-511,775,-513,-514,-519,-520,775,-532,-534,-537,-538,-543,-548,-726,775,-727,775,-732,775,-734,775,-739,-656,-660,-661,775,-666,775,-667,775,-672,-674,775,-677,775,775,775,-687,-689,775,-692,775,775,-744,775,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,775,775,775,775,775,-877,775,-880,-908,-920,-925,-388,-389,775,-394,775,-397,775,-402,775,-403,775,-408,775,-413,775,-417,775,-418,775,-423,775,-426,-899,-900,-643,-585,-1894,-901,775,775,775,-800,775,775,-804,775,-807,-833,775,-818,775,-820,775,-822,-808,775,-824,775,-851,-852,775,775,-811,775,-646,-902,-904,-648,-649,-645,775,-705,-706,775,-642,-903,-647,-650,-603,-714,775,775,-605,-586,775,775,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,775,775,-709,-710,775,-716,775,775,775,775,775,775,-938,775,-439,-441,-747,775,-891,775,-715,-1894,775,775,775,775,775,-442,-512,-523,775,-728,-733,775,-735,775,-740,775,-662,-668,775,-678,-680,-682,-683,-690,-693,-697,-745,775,775,-874,775,775,-878,775,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,775,-812,775,-814,-801,775,-802,-805,775,-816,-819,-821,-823,-825,775,-826,775,-809,775,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,775,-282,775,775,775,775,-455,775,775,-729,775,-736,775,-741,775,-663,-671,775,775,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,775,-836,-53,775,775,-730,775,-737,775,-742,-664,775,-873,-54,775,775,-731,-738,-743,775,775,775,-872,]),'STRAIGHT_JOIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[776,776,776,776,1361,776,776,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,776,776,776,776,-275,-276,776,-1425,776,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,776,776,776,-490,776,776,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,776,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,776,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,776,1361,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,776,-172,-173,-174,-175,-993,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-290,-291,-281,776,776,776,776,776,-328,-318,-332,-333,-334,776,776,-982,-983,-984,-985,-986,-987,-988,776,776,776,776,776,776,776,776,776,776,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,776,776,776,-353,-356,776,-323,-324,-141,776,-142,776,-143,776,-430,-935,-936,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-1894,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-1894,776,-1894,776,776,776,776,776,776,776,776,776,776,776,776,-1894,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,776,-1894,776,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,776,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,776,776,776,-191,-192,776,-994,776,776,776,776,776,-277,-278,-279,-280,-365,776,-308,776,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,776,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,776,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,776,776,776,776,776,776,-573,776,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,776,776,-723,-724,-725,776,776,776,776,776,776,-994,776,776,-91,-92,776,776,776,776,-309,-310,-320,776,-307,-293,-294,-295,776,776,776,776,-618,-633,-590,776,776,-436,776,-437,776,-444,-445,-446,-378,-379,776,776,776,-506,776,776,-510,776,776,776,776,-515,-516,-517,-518,776,776,-521,-522,776,-524,-525,-526,-527,-528,-529,-530,-531,776,-533,776,776,776,-539,-541,-542,776,-544,-545,-546,-547,776,776,776,776,776,776,-652,-653,-654,-655,776,-657,-658,-659,776,776,776,-665,776,776,-669,-670,776,776,-673,776,-675,-676,776,-679,776,-681,776,776,-684,-685,-686,776,-688,776,776,-691,776,776,-694,-695,-696,776,-698,-699,-700,-701,776,776,-746,776,-749,-750,-751,-752,-753,776,-755,-756,-757,-758,-759,776,-766,-767,-769,776,-771,-772,-773,-782,-856,-858,-860,-862,776,776,776,776,-868,776,-870,776,776,776,776,776,776,776,-906,-907,776,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,776,-921,-924,776,-934,776,-385,-386,-387,776,776,-390,-391,-392,-393,776,-396,776,-399,-400,776,-401,776,-406,-407,776,-410,-411,-412,776,-415,776,-416,776,-421,-422,776,-425,776,-428,-429,-1894,-1894,776,-619,-620,-621,-622,-623,-634,-584,-624,-797,776,776,776,776,776,-831,776,776,-806,776,-832,776,776,776,776,-798,776,-853,-799,776,776,776,776,776,776,-854,-855,776,-834,-830,-835,776,-625,776,-626,-627,-628,-629,-574,776,776,-630,-631,-632,776,776,776,776,776,776,-635,-636,-637,-592,-1894,-602,776,-638,-639,-713,-640,-604,776,-572,-577,-580,-583,776,776,776,-598,-601,776,-608,776,776,776,776,776,776,776,776,776,776,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,776,776,776,-995,776,776,776,776,776,776,-306,-325,-319,-296,-375,-452,-453,-454,-458,776,-443,776,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,776,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,776,776,776,776,776,776,776,776,776,-316,-535,-508,-591,-937,-939,-940,-438,776,-440,-380,-381,-383,-507,-509,-511,776,-513,-514,-519,-520,776,-532,-534,-537,-538,-543,-548,-726,776,-727,776,-732,776,-734,776,-739,-656,-660,-661,776,-666,776,-667,776,-672,-674,776,-677,776,776,776,-687,-689,776,-692,776,776,-744,776,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,776,776,776,776,776,-877,776,-880,-908,-920,-925,-388,-389,776,-394,776,-397,776,-402,776,-403,776,-408,776,-413,776,-417,776,-418,776,-423,776,-426,-899,-900,-643,-585,-1894,-901,776,776,776,-800,776,776,-804,776,-807,-833,776,-818,776,-820,776,-822,-808,776,-824,776,-851,-852,776,776,-811,776,-646,-902,-904,-648,-649,-645,776,-705,-706,776,-642,-903,-647,-650,-603,-714,776,776,-605,-586,776,776,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,776,776,-709,-710,776,-716,776,776,776,776,776,776,-938,776,-439,-441,-747,776,-891,776,-715,-1894,776,776,776,776,776,-442,-512,-523,776,-728,-733,776,-735,776,-740,776,-662,-668,776,-678,-680,-682,-683,-690,-693,-697,-745,776,776,-874,776,776,-878,776,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,776,-812,776,-814,-801,776,-802,-805,776,-816,-819,-821,-823,-825,776,-826,776,-809,776,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,776,-282,776,776,776,776,-455,776,776,-729,776,-736,776,-741,776,-663,-671,776,776,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,776,-836,-53,776,776,-730,776,-737,776,-742,-664,776,-873,-54,776,776,-731,-738,-743,776,776,776,-872,]),'STRCMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[777,777,777,1077,-1894,777,777,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,777,777,777,777,-275,-276,1077,-1425,1077,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1077,1077,1077,-490,1077,1077,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1077,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1077,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1963,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,777,-172,-173,-174,-175,-993,777,777,777,777,777,777,777,777,777,777,1077,1077,1077,1077,1077,-290,-291,-281,777,1077,1077,1077,1077,-328,-318,-332,-333,-334,1077,1077,-982,-983,-984,-985,-986,-987,-988,777,777,1077,1077,1077,1077,1077,1077,1077,1077,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1077,1077,1077,-353,-356,777,-323,-324,-141,1077,-142,1077,-143,1077,-430,-935,-936,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1894,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1894,1077,-1894,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1894,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-1894,777,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1077,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1077,777,777,-191,-192,777,-994,1077,777,777,777,777,-277,-278,-279,-280,-365,1077,-308,1077,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1077,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1077,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1077,1077,1077,1077,1077,1077,-573,1077,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1077,1077,-723,-724,-725,1077,1963,777,777,777,777,-994,777,1077,-91,-92,777,777,777,1077,-309,-310,-320,1077,-307,-293,-294,-295,1077,777,1077,1077,-618,-633,-590,1077,777,-436,777,-437,1077,-444,-445,-446,-378,-379,1077,1077,1077,-506,1077,1077,-510,1077,1077,1077,1077,-515,-516,-517,-518,1077,1077,-521,-522,1077,-524,-525,-526,-527,-528,-529,-530,-531,1077,-533,1077,1077,1077,-539,-541,-542,1077,-544,-545,-546,-547,1077,1077,1077,1077,1077,1077,-652,-653,-654,-655,777,-657,-658,-659,1077,1077,1077,-665,1077,1077,-669,-670,1077,1077,-673,1077,-675,-676,1077,-679,1077,-681,1077,1077,-684,-685,-686,1077,-688,1077,1077,-691,1077,1077,-694,-695,-696,1077,-698,-699,-700,-701,1077,1077,-746,1077,-749,-750,-751,-752,-753,1077,-755,-756,-757,-758,-759,1077,-766,-767,-769,1077,-771,-772,-773,-782,-856,-858,-860,-862,1077,1077,1077,1077,-868,1077,-870,1077,1077,1077,1077,1077,1077,1077,-906,-907,1077,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1077,-921,-924,1077,-934,1077,-385,-386,-387,1077,1077,-390,-391,-392,-393,1077,-396,1077,-399,-400,1077,-401,1077,-406,-407,1077,-410,-411,-412,1077,-415,1077,-416,1077,-421,-422,1077,-425,1077,-428,-429,-1894,-1894,1077,-619,-620,-621,-622,-623,-634,-584,-624,-797,1077,1077,1077,1077,1077,-831,1077,1077,-806,1077,-832,1077,1077,1077,1077,-798,1077,-853,-799,1077,1077,1077,1077,1077,1077,-854,-855,1077,-834,-830,-835,1077,-625,1077,-626,-627,-628,-629,-574,1077,1077,-630,-631,-632,1077,1077,1077,1077,1077,1077,-635,-636,-637,-592,-1894,-602,1077,-638,-639,-713,-640,-604,1077,-572,-577,-580,-583,1077,1077,1077,-598,-601,1077,-608,1077,1077,1077,1077,1077,1077,1077,1077,1077,1077,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1077,777,777,-995,777,1077,777,777,777,1077,-306,-325,-319,-296,-375,-452,-453,-454,-458,777,-443,1077,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1077,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,777,777,777,777,777,777,777,777,1077,-316,-535,-508,-591,-937,-939,-940,-438,1077,-440,-380,-381,-383,-507,-509,-511,1077,-513,-514,-519,-520,1077,-532,-534,-537,-538,-543,-548,-726,1077,-727,1077,-732,1077,-734,1077,-739,-656,-660,-661,1077,-666,1077,-667,1077,-672,-674,1077,-677,1077,1077,1077,-687,-689,1077,-692,1077,1077,-744,1077,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1077,1077,1077,1077,1077,-877,1077,-880,-908,-920,-925,-388,-389,1077,-394,1077,-397,1077,-402,1077,-403,1077,-408,1077,-413,1077,-417,1077,-418,1077,-423,1077,-426,-899,-900,-643,-585,-1894,-901,1077,1077,1077,-800,1077,1077,-804,1077,-807,-833,1077,-818,1077,-820,1077,-822,-808,1077,-824,1077,-851,-852,1077,1077,-811,1077,-646,-902,-904,-648,-649,-645,1077,-705,-706,1077,-642,-903,-647,-650,-603,-714,1077,1077,-605,-586,1077,1077,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1077,1077,-709,-710,1077,-716,1077,777,777,777,1077,1077,-938,777,-439,-441,-747,1077,-891,1963,-715,-1894,1077,1077,777,777,1077,-442,-512,-523,1077,-728,-733,1077,-735,1077,-740,1077,-662,-668,1077,-678,-680,-682,-683,-690,-693,-697,-745,1077,1077,-874,1077,1077,-878,1077,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1077,-812,1077,-814,-801,1077,-802,-805,1077,-816,-819,-821,-823,-825,1077,-826,1077,-809,1077,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,777,-282,777,1077,777,1077,-455,1077,1077,-729,1077,-736,1077,-741,1077,-663,-671,1077,1077,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1077,-836,-53,777,1077,-730,1077,-737,1077,-742,-664,1077,-873,-54,777,777,-731,-738,-743,1077,777,1077,-872,]),'STR_TO_DATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[778,778,778,1299,-1894,778,778,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,778,778,778,778,-275,-276,1299,-1425,1299,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1299,1299,1299,-490,1299,1299,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1299,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1299,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1299,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,778,-172,-173,-174,-175,-993,778,778,778,778,778,778,778,778,778,778,1299,1299,1299,1299,1299,-290,-291,-281,778,1299,1299,1299,1299,-328,-318,-332,-333,-334,1299,1299,-982,-983,-984,-985,-986,-987,-988,778,778,1299,1299,1299,1299,1299,1299,1299,1299,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1299,1299,1299,-353,-356,778,-323,-324,-141,1299,-142,1299,-143,1299,-430,-935,-936,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1894,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1894,1299,-1894,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1894,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-1894,778,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1299,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1299,778,778,-191,-192,778,-994,1299,778,778,778,778,-277,-278,-279,-280,-365,1299,-308,1299,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1299,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1299,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1299,1299,1299,1299,1299,1299,-573,1299,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1299,1299,-723,-724,-725,1299,1299,778,778,778,778,-994,778,1299,-91,-92,778,778,778,1299,-309,-310,-320,1299,-307,-293,-294,-295,1299,778,1299,1299,-618,-633,-590,1299,778,-436,778,-437,1299,-444,-445,-446,-378,-379,1299,1299,1299,-506,1299,1299,-510,1299,1299,1299,1299,-515,-516,-517,-518,1299,1299,-521,-522,1299,-524,-525,-526,-527,-528,-529,-530,-531,1299,-533,1299,1299,1299,-539,-541,-542,1299,-544,-545,-546,-547,1299,1299,1299,1299,1299,1299,-652,-653,-654,-655,778,-657,-658,-659,1299,1299,1299,-665,1299,1299,-669,-670,1299,1299,-673,1299,-675,-676,1299,-679,1299,-681,1299,1299,-684,-685,-686,1299,-688,1299,1299,-691,1299,1299,-694,-695,-696,1299,-698,-699,-700,-701,1299,1299,-746,1299,-749,-750,-751,-752,-753,1299,-755,-756,-757,-758,-759,1299,-766,-767,-769,1299,-771,-772,-773,-782,-856,-858,-860,-862,1299,1299,1299,1299,-868,1299,-870,1299,1299,1299,1299,1299,1299,1299,-906,-907,1299,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1299,-921,-924,1299,-934,1299,-385,-386,-387,1299,1299,-390,-391,-392,-393,1299,-396,1299,-399,-400,1299,-401,1299,-406,-407,1299,-410,-411,-412,1299,-415,1299,-416,1299,-421,-422,1299,-425,1299,-428,-429,-1894,-1894,1299,-619,-620,-621,-622,-623,-634,-584,-624,-797,1299,1299,1299,1299,1299,-831,1299,1299,-806,1299,-832,1299,1299,1299,1299,-798,1299,-853,-799,1299,1299,1299,1299,1299,1299,-854,-855,1299,-834,-830,-835,1299,-625,1299,-626,-627,-628,-629,-574,1299,1299,-630,-631,-632,1299,1299,1299,1299,1299,1299,-635,-636,-637,-592,-1894,-602,1299,-638,-639,-713,-640,-604,1299,-572,-577,-580,-583,1299,1299,1299,-598,-601,1299,-608,1299,1299,1299,1299,1299,1299,1299,1299,1299,1299,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1299,778,778,-995,778,1299,778,778,778,1299,-306,-325,-319,-296,-375,-452,-453,-454,-458,778,-443,1299,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1299,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,778,778,778,778,778,778,778,778,1299,-316,-535,-508,-591,-937,-939,-940,-438,1299,-440,-380,-381,-383,-507,-509,-511,1299,-513,-514,-519,-520,1299,-532,-534,-537,-538,-543,-548,-726,1299,-727,1299,-732,1299,-734,1299,-739,-656,-660,-661,1299,-666,1299,-667,1299,-672,-674,1299,-677,1299,1299,1299,-687,-689,1299,-692,1299,1299,-744,1299,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1299,1299,1299,1299,1299,-877,1299,-880,-908,-920,-925,-388,-389,1299,-394,1299,-397,1299,-402,1299,-403,1299,-408,1299,-413,1299,-417,1299,-418,1299,-423,1299,-426,-899,-900,-643,-585,-1894,-901,1299,1299,1299,-800,1299,1299,-804,1299,-807,-833,1299,-818,1299,-820,1299,-822,-808,1299,-824,1299,-851,-852,1299,1299,-811,1299,-646,-902,-904,-648,-649,-645,1299,-705,-706,1299,-642,-903,-647,-650,-603,-714,1299,1299,-605,-586,1299,1299,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1299,1299,-709,-710,1299,-716,1299,778,778,778,1299,1299,-938,778,-439,-441,-747,1299,-891,1299,-715,-1894,1299,1299,778,778,1299,-442,-512,-523,1299,-728,-733,1299,-735,1299,-740,1299,-662,-668,1299,-678,-680,-682,-683,-690,-693,-697,-745,1299,1299,-874,1299,1299,-878,1299,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1299,-812,1299,-814,-801,1299,-802,-805,1299,-816,-819,-821,-823,-825,1299,-826,1299,-809,1299,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,778,-282,778,1299,778,1299,-455,1299,1299,-729,1299,-736,1299,-741,1299,-663,-671,1299,1299,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1299,-836,-53,778,1299,-730,1299,-737,1299,-742,-664,1299,-873,-54,778,778,-731,-738,-743,1299,778,1299,-872,]),'SUBCLASS_ORIGIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[779,779,779,779,-1894,779,779,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,779,779,779,779,-275,-276,779,-1425,779,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,779,779,779,-490,779,779,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,779,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,779,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,779,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,779,-172,-173,-174,-175,-993,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-290,-291,-281,779,779,779,779,779,-328,-318,-332,-333,-334,779,779,-982,-983,-984,-985,-986,-987,-988,779,779,779,779,779,779,779,779,779,779,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,779,779,779,-353,-356,779,-323,-324,-141,779,-142,779,-143,779,-430,-935,-936,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-1894,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-1894,779,-1894,779,779,779,779,779,779,779,779,779,779,779,779,-1894,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,779,-1894,779,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,779,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,779,779,779,-191,-192,779,-994,779,779,779,779,779,-277,-278,-279,-280,-365,779,-308,779,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,779,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,779,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,779,779,779,779,779,779,-573,779,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,779,779,-723,-724,-725,779,779,779,779,779,779,-994,779,779,-91,-92,779,779,779,779,-309,-310,-320,779,-307,-293,-294,-295,779,779,779,779,-618,-633,-590,779,779,-436,779,-437,779,-444,-445,-446,-378,-379,779,779,779,-506,779,779,-510,779,779,779,779,-515,-516,-517,-518,779,779,-521,-522,779,-524,-525,-526,-527,-528,-529,-530,-531,779,-533,779,779,779,-539,-541,-542,779,-544,-545,-546,-547,779,779,779,779,779,779,-652,-653,-654,-655,779,-657,-658,-659,779,779,779,-665,779,779,-669,-670,779,779,-673,779,-675,-676,779,-679,779,-681,779,779,-684,-685,-686,779,-688,779,779,-691,779,779,-694,-695,-696,779,-698,-699,-700,-701,779,779,-746,779,-749,-750,-751,-752,-753,779,-755,-756,-757,-758,-759,779,-766,-767,-769,779,-771,-772,-773,-782,-856,-858,-860,-862,779,779,779,779,-868,779,-870,779,779,779,779,779,779,779,-906,-907,779,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,779,-921,-924,779,-934,779,-385,-386,-387,779,779,-390,-391,-392,-393,779,-396,779,-399,-400,779,-401,779,-406,-407,779,-410,-411,-412,779,-415,779,-416,779,-421,-422,779,-425,779,-428,-429,-1894,-1894,779,-619,-620,-621,-622,-623,-634,-584,-624,-797,779,779,779,779,779,-831,779,779,-806,779,-832,779,779,779,779,-798,779,-853,-799,779,779,779,779,779,779,-854,-855,779,-834,-830,-835,779,-625,779,-626,-627,-628,-629,-574,779,779,-630,-631,-632,779,779,779,779,779,779,-635,-636,-637,-592,-1894,-602,779,-638,-639,-713,-640,-604,779,-572,-577,-580,-583,779,779,779,-598,-601,779,-608,779,779,779,779,779,779,779,779,779,779,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,779,779,779,-995,779,779,779,779,779,779,-306,-325,-319,-296,-375,-452,-453,-454,-458,779,-443,779,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,779,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,779,779,779,779,779,779,779,779,779,-316,-535,-508,-591,-937,-939,-940,-438,779,-440,-380,-381,-383,-507,-509,-511,779,-513,-514,-519,-520,779,-532,-534,-537,-538,-543,-548,-726,779,-727,779,-732,779,-734,779,-739,-656,-660,-661,779,-666,779,-667,779,-672,-674,779,-677,779,779,779,-687,-689,779,-692,779,779,-744,779,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,779,779,779,779,779,-877,779,-880,-908,-920,-925,-388,-389,779,-394,779,-397,779,-402,779,-403,779,-408,779,-413,779,-417,779,-418,779,-423,779,-426,-899,-900,-643,-585,-1894,-901,779,779,779,-800,779,779,-804,779,-807,-833,779,-818,779,-820,779,-822,-808,779,-824,779,-851,-852,779,779,-811,779,-646,-902,-904,-648,-649,-645,779,-705,-706,779,-642,-903,-647,-650,-603,-714,779,779,-605,-586,779,779,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,779,779,-709,-710,779,-716,779,779,779,779,779,779,-938,779,-439,-441,-747,779,-891,779,-715,-1894,779,779,779,779,779,-442,-512,-523,779,-728,-733,779,-735,779,-740,779,-662,-668,779,-678,-680,-682,-683,-690,-693,-697,-745,779,779,-874,779,779,-878,779,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,779,-812,779,-814,-801,779,-802,-805,779,-816,-819,-821,-823,-825,779,-826,779,-809,779,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,779,-282,779,779,779,779,-455,779,779,-729,779,-736,779,-741,779,-663,-671,779,779,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,779,-836,-53,779,779,-730,779,-737,779,-742,-664,779,-873,-54,779,779,-731,-738,-743,779,779,779,-872,]),'SUBJECT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[780,780,780,780,-1894,780,780,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,780,780,780,780,-275,-276,780,-1425,780,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,780,780,780,-490,780,780,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,780,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,780,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,780,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,780,-172,-173,-174,-175,-993,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-290,-291,-281,780,780,780,780,780,-328,-318,-332,-333,-334,780,780,-982,-983,-984,-985,-986,-987,-988,780,780,780,780,780,780,780,780,780,780,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,780,780,780,-353,-356,780,-323,-324,-141,780,-142,780,-143,780,-430,-935,-936,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-1894,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-1894,780,-1894,780,780,780,780,780,780,780,780,780,780,780,780,-1894,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,780,-1894,780,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,780,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,780,780,780,-191,-192,780,-994,780,780,780,780,780,-277,-278,-279,-280,-365,780,-308,780,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,780,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,780,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,780,780,780,780,780,780,-573,780,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,780,780,-723,-724,-725,780,780,780,780,780,780,-994,780,780,-91,-92,780,780,780,780,-309,-310,-320,780,-307,-293,-294,-295,780,780,780,780,-618,-633,-590,780,780,-436,780,-437,780,-444,-445,-446,-378,-379,780,780,780,-506,780,780,-510,780,780,780,780,-515,-516,-517,-518,780,780,-521,-522,780,-524,-525,-526,-527,-528,-529,-530,-531,780,-533,780,780,780,-539,-541,-542,780,-544,-545,-546,-547,780,780,780,780,780,780,-652,-653,-654,-655,780,-657,-658,-659,780,780,780,-665,780,780,-669,-670,780,780,-673,780,-675,-676,780,-679,780,-681,780,780,-684,-685,-686,780,-688,780,780,-691,780,780,-694,-695,-696,780,-698,-699,-700,-701,780,780,-746,780,-749,-750,-751,-752,-753,780,-755,-756,-757,-758,-759,780,-766,-767,-769,780,-771,-772,-773,-782,-856,-858,-860,-862,780,780,780,780,-868,780,-870,780,780,780,780,780,780,780,-906,-907,780,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,780,-921,-924,780,-934,780,-385,-386,-387,780,780,-390,-391,-392,-393,780,-396,780,-399,-400,780,-401,780,-406,-407,780,-410,-411,-412,780,-415,780,-416,780,-421,-422,780,-425,780,-428,-429,-1894,-1894,780,-619,-620,-621,-622,-623,-634,-584,-624,-797,780,780,780,780,780,-831,780,780,-806,780,-832,780,780,780,780,-798,780,-853,-799,780,780,780,780,780,780,-854,-855,780,-834,-830,-835,780,-625,780,-626,-627,-628,-629,-574,780,780,-630,-631,-632,780,780,780,780,780,780,-635,-636,-637,-592,-1894,-602,780,-638,-639,-713,-640,-604,780,-572,-577,-580,-583,780,780,780,-598,-601,780,-608,780,780,780,780,780,780,780,780,780,780,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,780,780,780,-995,780,780,780,780,780,780,-306,-325,-319,-296,-375,-452,-453,-454,-458,780,-443,780,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,780,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,780,780,780,780,780,780,780,780,780,-316,-535,-508,-591,-937,-939,-940,-438,780,-440,-380,-381,-383,-507,-509,-511,780,-513,-514,-519,-520,780,-532,-534,-537,-538,-543,-548,-726,780,-727,780,-732,780,-734,780,-739,-656,-660,-661,780,-666,780,-667,780,-672,-674,780,-677,780,780,780,-687,-689,780,-692,780,780,-744,780,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,780,780,780,780,780,-877,780,-880,-908,-920,-925,-388,-389,780,-394,780,-397,780,-402,780,-403,780,-408,780,-413,780,-417,780,-418,780,-423,780,-426,-899,-900,-643,-585,-1894,-901,780,780,780,-800,780,780,-804,780,-807,-833,780,-818,780,-820,780,-822,-808,780,-824,780,-851,-852,780,780,-811,780,-646,-902,-904,-648,-649,-645,780,-705,-706,780,-642,-903,-647,-650,-603,-714,780,780,-605,-586,780,780,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,780,780,-709,-710,780,-716,780,780,780,780,780,780,-938,780,-439,-441,-747,780,-891,780,-715,-1894,780,780,780,780,780,-442,-512,-523,780,-728,-733,780,-735,780,-740,780,-662,-668,780,-678,-680,-682,-683,-690,-693,-697,-745,780,780,-874,780,780,-878,780,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,780,-812,780,-814,-801,780,-802,-805,780,-816,-819,-821,-823,-825,780,-826,780,-809,780,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,780,-282,780,780,780,780,-455,780,780,-729,780,-736,780,-741,780,-663,-671,780,780,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,780,-836,-53,780,780,-730,780,-737,780,-742,-664,780,-873,-54,780,780,-731,-738,-743,780,780,780,-872,]),'SUBPARTITION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[781,781,781,781,-1894,781,781,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,781,781,781,781,-275,-276,781,-1425,781,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,781,781,781,-490,781,781,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,781,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,781,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,781,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,781,-172,-173,-174,-175,-993,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-290,-291,-281,781,781,781,781,781,-328,-318,-332,-333,-334,781,781,-982,-983,-984,-985,-986,-987,-988,781,781,781,781,781,781,781,781,781,781,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,781,781,781,-353,-356,781,-323,-324,-141,781,-142,781,-143,781,-430,-935,-936,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-1894,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-1894,781,-1894,781,781,781,781,781,781,781,781,781,781,781,781,-1894,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,781,-1894,781,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,781,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,781,781,781,-191,-192,781,-994,781,781,781,781,781,-277,-278,-279,-280,-365,781,-308,781,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,781,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,781,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,781,781,781,781,781,781,-573,781,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,781,781,-723,-724,-725,781,781,781,781,781,781,-994,781,781,-91,-92,781,781,781,781,-309,-310,-320,781,-307,-293,-294,-295,781,781,781,781,-618,-633,-590,781,781,-436,781,-437,781,-444,-445,-446,-378,-379,781,781,781,-506,781,781,-510,781,781,781,781,-515,-516,-517,-518,781,781,-521,-522,781,-524,-525,-526,-527,-528,-529,-530,-531,781,-533,781,781,781,-539,-541,-542,781,-544,-545,-546,-547,781,781,781,781,781,781,-652,-653,-654,-655,781,-657,-658,-659,781,781,781,-665,781,781,-669,-670,781,781,-673,781,-675,-676,781,-679,781,-681,781,781,-684,-685,-686,781,-688,781,781,-691,781,781,-694,-695,-696,781,-698,-699,-700,-701,781,781,-746,781,-749,-750,-751,-752,-753,781,-755,-756,-757,-758,-759,781,-766,-767,-769,781,-771,-772,-773,-782,-856,-858,-860,-862,781,781,781,781,-868,781,-870,781,781,781,781,781,781,781,-906,-907,781,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,781,-921,-924,781,-934,781,-385,-386,-387,781,781,-390,-391,-392,-393,781,-396,781,-399,-400,781,-401,781,-406,-407,781,-410,-411,-412,781,-415,781,-416,781,-421,-422,781,-425,781,-428,-429,-1894,-1894,781,-619,-620,-621,-622,-623,-634,-584,-624,-797,781,781,781,781,781,-831,781,781,-806,781,-832,781,781,781,781,-798,781,-853,-799,781,781,781,781,781,781,-854,-855,781,-834,-830,-835,781,-625,781,-626,-627,-628,-629,-574,781,781,-630,-631,-632,781,781,781,781,781,781,-635,-636,-637,-592,-1894,-602,781,-638,-639,-713,-640,-604,781,-572,-577,-580,-583,781,781,781,-598,-601,781,-608,781,781,781,781,781,781,781,781,781,781,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,781,781,781,-995,781,781,781,781,781,781,-306,-325,-319,-296,-375,-452,-453,-454,-458,781,-443,781,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,781,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,781,781,781,781,781,781,781,781,781,-316,-535,-508,-591,-937,-939,-940,-438,781,-440,-380,-381,-383,-507,-509,-511,781,-513,-514,-519,-520,781,-532,-534,-537,-538,-543,-548,-726,781,-727,781,-732,781,-734,781,-739,-656,-660,-661,781,-666,781,-667,781,-672,-674,781,-677,781,781,781,-687,-689,781,-692,781,781,-744,781,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,781,781,781,781,781,-877,781,-880,-908,-920,-925,-388,-389,781,-394,781,-397,781,-402,781,-403,781,-408,781,-413,781,-417,781,-418,781,-423,781,-426,-899,-900,-643,-585,-1894,-901,781,781,781,-800,781,781,-804,781,-807,-833,781,-818,781,-820,781,-822,-808,781,-824,781,-851,-852,781,781,-811,781,-646,-902,-904,-648,-649,-645,781,-705,-706,781,-642,-903,-647,-650,-603,-714,781,781,-605,-586,781,781,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,781,781,-709,-710,781,-716,781,781,781,781,781,781,-938,781,-439,-441,-747,781,-891,781,-715,-1894,781,781,781,781,781,-442,-512,-523,781,-728,-733,781,-735,781,-740,781,-662,-668,781,-678,-680,-682,-683,-690,-693,-697,-745,781,781,-874,781,781,-878,781,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,781,-812,781,-814,-801,781,-802,-805,781,-816,-819,-821,-823,-825,781,-826,781,-809,781,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,781,-282,781,781,781,781,-455,781,781,-729,781,-736,781,-741,781,-663,-671,781,781,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,781,-836,-53,781,781,-730,781,-737,781,-742,-664,781,-873,-54,781,781,-731,-738,-743,781,781,781,-872,]),'SUBPARTITIONS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[782,782,782,782,-1894,782,782,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,782,782,782,782,-275,-276,782,-1425,782,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,782,782,782,-490,782,782,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,782,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,782,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,782,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,782,-172,-173,-174,-175,-993,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-290,-291,-281,782,782,782,782,782,-328,-318,-332,-333,-334,782,782,-982,-983,-984,-985,-986,-987,-988,782,782,782,782,782,782,782,782,782,782,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,782,782,782,-353,-356,782,-323,-324,-141,782,-142,782,-143,782,-430,-935,-936,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-1894,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-1894,782,-1894,782,782,782,782,782,782,782,782,782,782,782,782,-1894,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,782,-1894,782,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,782,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,782,782,782,-191,-192,782,-994,782,782,782,782,782,-277,-278,-279,-280,-365,782,-308,782,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,782,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,782,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,782,782,782,782,782,782,-573,782,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,782,782,-723,-724,-725,782,782,782,782,782,782,-994,782,782,-91,-92,782,782,782,782,-309,-310,-320,782,-307,-293,-294,-295,782,782,782,782,-618,-633,-590,782,782,-436,782,-437,782,-444,-445,-446,-378,-379,782,782,782,-506,782,782,-510,782,782,782,782,-515,-516,-517,-518,782,782,-521,-522,782,-524,-525,-526,-527,-528,-529,-530,-531,782,-533,782,782,782,-539,-541,-542,782,-544,-545,-546,-547,782,782,782,782,782,782,-652,-653,-654,-655,782,-657,-658,-659,782,782,782,-665,782,782,-669,-670,782,782,-673,782,-675,-676,782,-679,782,-681,782,782,-684,-685,-686,782,-688,782,782,-691,782,782,-694,-695,-696,782,-698,-699,-700,-701,782,782,-746,782,-749,-750,-751,-752,-753,782,-755,-756,-757,-758,-759,782,-766,-767,-769,782,-771,-772,-773,-782,-856,-858,-860,-862,782,782,782,782,-868,782,-870,782,782,782,782,782,782,782,-906,-907,782,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,782,-921,-924,782,-934,782,-385,-386,-387,782,782,-390,-391,-392,-393,782,-396,782,-399,-400,782,-401,782,-406,-407,782,-410,-411,-412,782,-415,782,-416,782,-421,-422,782,-425,782,-428,-429,-1894,-1894,782,-619,-620,-621,-622,-623,-634,-584,-624,-797,782,782,782,782,782,-831,782,782,-806,782,-832,782,782,782,782,-798,782,-853,-799,782,782,782,782,782,782,-854,-855,782,-834,-830,-835,782,-625,782,-626,-627,-628,-629,-574,782,782,-630,-631,-632,782,782,782,782,782,782,-635,-636,-637,-592,-1894,-602,782,-638,-639,-713,-640,-604,782,-572,-577,-580,-583,782,782,782,-598,-601,782,-608,782,782,782,782,782,782,782,782,782,782,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,782,782,782,-995,782,782,782,782,782,782,-306,-325,-319,-296,-375,-452,-453,-454,-458,782,-443,782,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,782,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,782,782,782,782,782,782,782,782,782,-316,-535,-508,-591,-937,-939,-940,-438,782,-440,-380,-381,-383,-507,-509,-511,782,-513,-514,-519,-520,782,-532,-534,-537,-538,-543,-548,-726,782,-727,782,-732,782,-734,782,-739,-656,-660,-661,782,-666,782,-667,782,-672,-674,782,-677,782,782,782,-687,-689,782,-692,782,782,-744,782,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,782,782,782,782,782,-877,782,-880,-908,-920,-925,-388,-389,782,-394,782,-397,782,-402,782,-403,782,-408,782,-413,782,-417,782,-418,782,-423,782,-426,-899,-900,-643,-585,-1894,-901,782,782,782,-800,782,782,-804,782,-807,-833,782,-818,782,-820,782,-822,-808,782,-824,782,-851,-852,782,782,-811,782,-646,-902,-904,-648,-649,-645,782,-705,-706,782,-642,-903,-647,-650,-603,-714,782,782,-605,-586,782,782,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,782,782,-709,-710,782,-716,782,782,782,782,782,782,-938,782,-439,-441,-747,782,-891,782,-715,-1894,782,782,782,782,782,-442,-512,-523,782,-728,-733,782,-735,782,-740,782,-662,-668,782,-678,-680,-682,-683,-690,-693,-697,-745,782,782,-874,782,782,-878,782,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,782,-812,782,-814,-801,782,-802,-805,782,-816,-819,-821,-823,-825,782,-826,782,-809,782,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,782,-282,782,782,782,782,-455,782,782,-729,782,-736,782,-741,782,-663,-671,782,782,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,782,-836,-53,782,782,-730,782,-737,782,-742,-664,782,-873,-54,782,782,-731,-738,-743,782,782,782,-872,]),'SUBSTR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[783,783,783,1300,-1894,783,783,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,783,783,783,783,-275,-276,1300,-1425,1300,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1300,1300,1300,-490,1300,1300,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1300,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1300,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1300,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,783,-172,-173,-174,-175,-993,783,783,783,783,783,783,783,783,783,783,1300,1300,1300,1300,1300,-290,-291,-281,783,1300,1300,1300,1300,-328,-318,-332,-333,-334,1300,1300,-982,-983,-984,-985,-986,-987,-988,783,783,1300,1300,1300,1300,1300,1300,1300,1300,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1300,1300,1300,-353,-356,783,-323,-324,-141,1300,-142,1300,-143,1300,-430,-935,-936,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1894,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1894,1300,-1894,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1894,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-1894,783,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1300,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1300,783,783,-191,-192,783,-994,1300,783,783,783,783,-277,-278,-279,-280,-365,1300,-308,1300,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1300,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1300,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1300,1300,1300,1300,1300,1300,-573,1300,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1300,1300,-723,-724,-725,1300,1300,783,783,783,783,-994,783,1300,-91,-92,783,783,783,1300,-309,-310,-320,1300,-307,-293,-294,-295,1300,783,1300,1300,-618,-633,-590,1300,783,-436,783,-437,1300,-444,-445,-446,-378,-379,1300,1300,1300,-506,1300,1300,-510,1300,1300,1300,1300,-515,-516,-517,-518,1300,1300,-521,-522,1300,-524,-525,-526,-527,-528,-529,-530,-531,1300,-533,1300,1300,1300,-539,-541,-542,1300,-544,-545,-546,-547,1300,1300,1300,1300,1300,1300,-652,-653,-654,-655,783,-657,-658,-659,1300,1300,1300,-665,1300,1300,-669,-670,1300,1300,-673,1300,-675,-676,1300,-679,1300,-681,1300,1300,-684,-685,-686,1300,-688,1300,1300,-691,1300,1300,-694,-695,-696,1300,-698,-699,-700,-701,1300,1300,-746,1300,-749,-750,-751,-752,-753,1300,-755,-756,-757,-758,-759,1300,-766,-767,-769,1300,-771,-772,-773,-782,-856,-858,-860,-862,1300,1300,1300,1300,-868,1300,-870,1300,1300,1300,1300,1300,1300,1300,-906,-907,1300,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1300,-921,-924,1300,-934,1300,-385,-386,-387,1300,1300,-390,-391,-392,-393,1300,-396,1300,-399,-400,1300,-401,1300,-406,-407,1300,-410,-411,-412,1300,-415,1300,-416,1300,-421,-422,1300,-425,1300,-428,-429,-1894,-1894,1300,-619,-620,-621,-622,-623,-634,-584,-624,-797,1300,1300,1300,1300,1300,-831,1300,1300,-806,1300,-832,1300,1300,1300,1300,-798,1300,-853,-799,1300,1300,1300,1300,1300,1300,-854,-855,1300,-834,-830,-835,1300,-625,1300,-626,-627,-628,-629,-574,1300,1300,-630,-631,-632,1300,1300,1300,1300,1300,1300,-635,-636,-637,-592,-1894,-602,1300,-638,-639,-713,-640,-604,1300,-572,-577,-580,-583,1300,1300,1300,-598,-601,1300,-608,1300,1300,1300,1300,1300,1300,1300,1300,1300,1300,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1300,783,783,-995,783,1300,783,783,783,1300,-306,-325,-319,-296,-375,-452,-453,-454,-458,783,-443,1300,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1300,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,783,783,783,783,783,783,783,783,1300,-316,-535,-508,-591,-937,-939,-940,-438,1300,-440,-380,-381,-383,-507,-509,-511,1300,-513,-514,-519,-520,1300,-532,-534,-537,-538,-543,-548,-726,1300,-727,1300,-732,1300,-734,1300,-739,-656,-660,-661,1300,-666,1300,-667,1300,-672,-674,1300,-677,1300,1300,1300,-687,-689,1300,-692,1300,1300,-744,1300,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1300,1300,1300,1300,1300,-877,1300,-880,-908,-920,-925,-388,-389,1300,-394,1300,-397,1300,-402,1300,-403,1300,-408,1300,-413,1300,-417,1300,-418,1300,-423,1300,-426,-899,-900,-643,-585,-1894,-901,1300,1300,1300,-800,1300,1300,-804,1300,-807,-833,1300,-818,1300,-820,1300,-822,-808,1300,-824,1300,-851,-852,1300,1300,-811,1300,-646,-902,-904,-648,-649,-645,1300,-705,-706,1300,-642,-903,-647,-650,-603,-714,1300,1300,-605,-586,1300,1300,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1300,1300,-709,-710,1300,-716,1300,783,783,783,1300,1300,-938,783,-439,-441,-747,1300,-891,1300,-715,-1894,1300,1300,783,783,1300,-442,-512,-523,1300,-728,-733,1300,-735,1300,-740,1300,-662,-668,1300,-678,-680,-682,-683,-690,-693,-697,-745,1300,1300,-874,1300,1300,-878,1300,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1300,-812,1300,-814,-801,1300,-802,-805,1300,-816,-819,-821,-823,-825,1300,-826,1300,-809,1300,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,783,-282,783,1300,783,1300,-455,1300,1300,-729,1300,-736,1300,-741,1300,-663,-671,1300,1300,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1300,-836,-53,783,1300,-730,1300,-737,1300,-742,-664,1300,-873,-54,783,783,-731,-738,-743,1300,783,1300,-872,]),'SUBSTRING_INDEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[784,784,784,1122,-1894,784,784,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,784,784,784,784,-275,-276,1122,-1425,1122,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1122,1122,1122,-490,1122,1122,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1122,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1122,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1964,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,784,-172,-173,-174,-175,-993,784,784,784,784,784,784,784,784,784,784,1122,1122,1122,1122,1122,-290,-291,-281,784,1122,1122,1122,1122,-328,-318,-332,-333,-334,1122,1122,-982,-983,-984,-985,-986,-987,-988,784,784,1122,1122,1122,1122,1122,1122,1122,1122,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1122,1122,1122,-353,-356,784,-323,-324,-141,1122,-142,1122,-143,1122,-430,-935,-936,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1894,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1894,1122,-1894,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1894,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-1894,784,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1122,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1122,784,784,-191,-192,784,-994,1122,784,784,784,784,-277,-278,-279,-280,-365,1122,-308,1122,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1122,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1122,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1122,1122,1122,1122,1122,1122,-573,1122,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1122,1122,-723,-724,-725,1122,1964,784,784,784,784,-994,784,1122,-91,-92,784,784,784,1122,-309,-310,-320,1122,-307,-293,-294,-295,1122,784,1122,1122,-618,-633,-590,1122,784,-436,784,-437,1122,-444,-445,-446,-378,-379,1122,1122,1122,-506,1122,1122,-510,1122,1122,1122,1122,-515,-516,-517,-518,1122,1122,-521,-522,1122,-524,-525,-526,-527,-528,-529,-530,-531,1122,-533,1122,1122,1122,-539,-541,-542,1122,-544,-545,-546,-547,1122,1122,1122,1122,1122,1122,-652,-653,-654,-655,784,-657,-658,-659,1122,1122,1122,-665,1122,1122,-669,-670,1122,1122,-673,1122,-675,-676,1122,-679,1122,-681,1122,1122,-684,-685,-686,1122,-688,1122,1122,-691,1122,1122,-694,-695,-696,1122,-698,-699,-700,-701,1122,1122,-746,1122,-749,-750,-751,-752,-753,1122,-755,-756,-757,-758,-759,1122,-766,-767,-769,1122,-771,-772,-773,-782,-856,-858,-860,-862,1122,1122,1122,1122,-868,1122,-870,1122,1122,1122,1122,1122,1122,1122,-906,-907,1122,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1122,-921,-924,1122,-934,1122,-385,-386,-387,1122,1122,-390,-391,-392,-393,1122,-396,1122,-399,-400,1122,-401,1122,-406,-407,1122,-410,-411,-412,1122,-415,1122,-416,1122,-421,-422,1122,-425,1122,-428,-429,-1894,-1894,1122,-619,-620,-621,-622,-623,-634,-584,-624,-797,1122,1122,1122,1122,1122,-831,1122,1122,-806,1122,-832,1122,1122,1122,1122,-798,1122,-853,-799,1122,1122,1122,1122,1122,1122,-854,-855,1122,-834,-830,-835,1122,-625,1122,-626,-627,-628,-629,-574,1122,1122,-630,-631,-632,1122,1122,1122,1122,1122,1122,-635,-636,-637,-592,-1894,-602,1122,-638,-639,-713,-640,-604,1122,-572,-577,-580,-583,1122,1122,1122,-598,-601,1122,-608,1122,1122,1122,1122,1122,1122,1122,1122,1122,1122,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1122,784,784,-995,784,1122,784,784,784,1122,-306,-325,-319,-296,-375,-452,-453,-454,-458,784,-443,1122,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1122,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,784,784,784,784,784,784,784,784,1122,-316,-535,-508,-591,-937,-939,-940,-438,1122,-440,-380,-381,-383,-507,-509,-511,1122,-513,-514,-519,-520,1122,-532,-534,-537,-538,-543,-548,-726,1122,-727,1122,-732,1122,-734,1122,-739,-656,-660,-661,1122,-666,1122,-667,1122,-672,-674,1122,-677,1122,1122,1122,-687,-689,1122,-692,1122,1122,-744,1122,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1122,1122,1122,1122,1122,-877,1122,-880,-908,-920,-925,-388,-389,1122,-394,1122,-397,1122,-402,1122,-403,1122,-408,1122,-413,1122,-417,1122,-418,1122,-423,1122,-426,-899,-900,-643,-585,-1894,-901,1122,1122,1122,-800,1122,1122,-804,1122,-807,-833,1122,-818,1122,-820,1122,-822,-808,1122,-824,1122,-851,-852,1122,1122,-811,1122,-646,-902,-904,-648,-649,-645,1122,-705,-706,1122,-642,-903,-647,-650,-603,-714,1122,1122,-605,-586,1122,1122,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1122,1122,-709,-710,1122,-716,1122,784,784,784,1122,1122,-938,784,-439,-441,-747,1122,-891,1964,-715,-1894,1122,1122,784,784,1122,-442,-512,-523,1122,-728,-733,1122,-735,1122,-740,1122,-662,-668,1122,-678,-680,-682,-683,-690,-693,-697,-745,1122,1122,-874,1122,1122,-878,1122,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1122,-812,1122,-814,-801,1122,-802,-805,1122,-816,-819,-821,-823,-825,1122,-826,1122,-809,1122,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,784,-282,784,1122,784,1122,-455,1122,1122,-729,1122,-736,1122,-741,1122,-663,-671,1122,1122,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1122,-836,-53,784,1122,-730,1122,-737,1122,-742,-664,1122,-873,-54,784,784,-731,-738,-743,1122,784,1122,-872,]),'SUBTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[785,785,785,1301,-1894,785,785,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,785,785,785,785,-275,-276,1301,-1425,1301,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1301,1301,1301,-490,1301,1301,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1301,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1301,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1301,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,785,-172,-173,-174,-175,-993,785,785,785,785,785,785,785,785,785,785,1301,1301,1301,1301,1301,-290,-291,-281,785,1301,1301,1301,1301,-328,-318,-332,-333,-334,1301,1301,-982,-983,-984,-985,-986,-987,-988,785,785,1301,1301,1301,1301,1301,1301,1301,1301,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1301,1301,1301,-353,-356,785,-323,-324,-141,1301,-142,1301,-143,1301,-430,-935,-936,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1894,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1894,1301,-1894,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1894,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-1894,785,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1301,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1301,785,785,-191,-192,785,-994,1301,785,785,785,785,-277,-278,-279,-280,-365,1301,-308,1301,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1301,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1301,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1301,1301,1301,1301,1301,1301,-573,1301,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1301,1301,-723,-724,-725,1301,1301,785,785,785,785,-994,785,1301,-91,-92,785,785,785,1301,-309,-310,-320,1301,-307,-293,-294,-295,1301,785,1301,1301,-618,-633,-590,1301,785,-436,785,-437,1301,-444,-445,-446,-378,-379,1301,1301,1301,-506,1301,1301,-510,1301,1301,1301,1301,-515,-516,-517,-518,1301,1301,-521,-522,1301,-524,-525,-526,-527,-528,-529,-530,-531,1301,-533,1301,1301,1301,-539,-541,-542,1301,-544,-545,-546,-547,1301,1301,1301,1301,1301,1301,-652,-653,-654,-655,785,-657,-658,-659,1301,1301,1301,-665,1301,1301,-669,-670,1301,1301,-673,1301,-675,-676,1301,-679,1301,-681,1301,1301,-684,-685,-686,1301,-688,1301,1301,-691,1301,1301,-694,-695,-696,1301,-698,-699,-700,-701,1301,1301,-746,1301,-749,-750,-751,-752,-753,1301,-755,-756,-757,-758,-759,1301,-766,-767,-769,1301,-771,-772,-773,-782,-856,-858,-860,-862,1301,1301,1301,1301,-868,1301,-870,1301,1301,1301,1301,1301,1301,1301,-906,-907,1301,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1301,-921,-924,1301,-934,1301,-385,-386,-387,1301,1301,-390,-391,-392,-393,1301,-396,1301,-399,-400,1301,-401,1301,-406,-407,1301,-410,-411,-412,1301,-415,1301,-416,1301,-421,-422,1301,-425,1301,-428,-429,-1894,-1894,1301,-619,-620,-621,-622,-623,-634,-584,-624,-797,1301,1301,1301,1301,1301,-831,1301,1301,-806,1301,-832,1301,1301,1301,1301,-798,1301,-853,-799,1301,1301,1301,1301,1301,1301,-854,-855,1301,-834,-830,-835,1301,-625,1301,-626,-627,-628,-629,-574,1301,1301,-630,-631,-632,1301,1301,1301,1301,1301,1301,-635,-636,-637,-592,-1894,-602,1301,-638,-639,-713,-640,-604,1301,-572,-577,-580,-583,1301,1301,1301,-598,-601,1301,-608,1301,1301,1301,1301,1301,1301,1301,1301,1301,1301,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1301,785,785,-995,785,1301,785,785,785,1301,-306,-325,-319,-296,-375,-452,-453,-454,-458,785,-443,1301,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1301,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,785,785,785,785,785,785,785,785,1301,-316,-535,-508,-591,-937,-939,-940,-438,1301,-440,-380,-381,-383,-507,-509,-511,1301,-513,-514,-519,-520,1301,-532,-534,-537,-538,-543,-548,-726,1301,-727,1301,-732,1301,-734,1301,-739,-656,-660,-661,1301,-666,1301,-667,1301,-672,-674,1301,-677,1301,1301,1301,-687,-689,1301,-692,1301,1301,-744,1301,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1301,1301,1301,1301,1301,-877,1301,-880,-908,-920,-925,-388,-389,1301,-394,1301,-397,1301,-402,1301,-403,1301,-408,1301,-413,1301,-417,1301,-418,1301,-423,1301,-426,-899,-900,-643,-585,-1894,-901,1301,1301,1301,-800,1301,1301,-804,1301,-807,-833,1301,-818,1301,-820,1301,-822,-808,1301,-824,1301,-851,-852,1301,1301,-811,1301,-646,-902,-904,-648,-649,-645,1301,-705,-706,1301,-642,-903,-647,-650,-603,-714,1301,1301,-605,-586,1301,1301,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1301,1301,-709,-710,1301,-716,1301,785,785,785,1301,1301,-938,785,-439,-441,-747,1301,-891,1301,-715,-1894,1301,1301,785,785,1301,-442,-512,-523,1301,-728,-733,1301,-735,1301,-740,1301,-662,-668,1301,-678,-680,-682,-683,-690,-693,-697,-745,1301,1301,-874,1301,1301,-878,1301,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1301,-812,1301,-814,-801,1301,-802,-805,1301,-816,-819,-821,-823,-825,1301,-826,1301,-809,1301,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,785,-282,785,1301,785,1301,-455,1301,1301,-729,1301,-736,1301,-741,1301,-663,-671,1301,1301,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1301,-836,-53,785,1301,-730,1301,-737,1301,-742,-664,1301,-873,-54,785,785,-731,-738,-743,1301,785,1301,-872,]),'SUPER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[786,786,786,786,-1894,786,786,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,786,786,786,786,-275,-276,786,-1425,786,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,786,786,786,-490,786,786,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,786,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,786,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,786,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,786,-172,-173,-174,-175,-993,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-290,-291,-281,786,786,786,786,786,-328,-318,-332,-333,-334,786,786,-982,-983,-984,-985,-986,-987,-988,786,786,786,786,786,786,786,786,786,786,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,786,786,786,-353,-356,786,-323,-324,-141,786,-142,786,-143,786,-430,-935,-936,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-1894,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-1894,786,-1894,786,786,786,786,786,786,786,786,786,786,786,786,-1894,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,786,-1894,786,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,786,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,786,786,786,-191,-192,786,-994,786,786,786,786,786,-277,-278,-279,-280,-365,786,-308,786,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,786,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,786,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,786,786,786,786,786,786,-573,786,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,786,786,-723,-724,-725,786,786,786,786,786,786,-994,786,786,-91,-92,786,786,786,786,-309,-310,-320,786,-307,-293,-294,-295,786,786,786,786,-618,-633,-590,786,786,-436,786,-437,786,-444,-445,-446,-378,-379,786,786,786,-506,786,786,-510,786,786,786,786,-515,-516,-517,-518,786,786,-521,-522,786,-524,-525,-526,-527,-528,-529,-530,-531,786,-533,786,786,786,-539,-541,-542,786,-544,-545,-546,-547,786,786,786,786,786,786,-652,-653,-654,-655,786,-657,-658,-659,786,786,786,-665,786,786,-669,-670,786,786,-673,786,-675,-676,786,-679,786,-681,786,786,-684,-685,-686,786,-688,786,786,-691,786,786,-694,-695,-696,786,-698,-699,-700,-701,786,786,-746,786,-749,-750,-751,-752,-753,786,-755,-756,-757,-758,-759,786,-766,-767,-769,786,-771,-772,-773,-782,-856,-858,-860,-862,786,786,786,786,-868,786,-870,786,786,786,786,786,786,786,-906,-907,786,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,786,-921,-924,786,-934,786,-385,-386,-387,786,786,-390,-391,-392,-393,786,-396,786,-399,-400,786,-401,786,-406,-407,786,-410,-411,-412,786,-415,786,-416,786,-421,-422,786,-425,786,-428,-429,-1894,-1894,786,-619,-620,-621,-622,-623,-634,-584,-624,-797,786,786,786,786,786,-831,786,786,-806,786,-832,786,786,786,786,-798,786,-853,-799,786,786,786,786,786,786,-854,-855,786,-834,-830,-835,786,-625,786,-626,-627,-628,-629,-574,786,786,-630,-631,-632,786,786,786,786,786,786,-635,-636,-637,-592,-1894,-602,786,-638,-639,-713,-640,-604,786,-572,-577,-580,-583,786,786,786,-598,-601,786,-608,786,786,786,786,786,786,786,786,786,786,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,786,786,786,-995,786,786,786,786,786,786,-306,-325,-319,-296,-375,-452,-453,-454,-458,786,-443,786,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,786,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,786,786,786,786,786,786,786,786,786,-316,-535,-508,-591,-937,-939,-940,-438,786,-440,-380,-381,-383,-507,-509,-511,786,-513,-514,-519,-520,786,-532,-534,-537,-538,-543,-548,-726,786,-727,786,-732,786,-734,786,-739,-656,-660,-661,786,-666,786,-667,786,-672,-674,786,-677,786,786,786,-687,-689,786,-692,786,786,-744,786,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,786,786,786,786,786,-877,786,-880,-908,-920,-925,-388,-389,786,-394,786,-397,786,-402,786,-403,786,-408,786,-413,786,-417,786,-418,786,-423,786,-426,-899,-900,-643,-585,-1894,-901,786,786,786,-800,786,786,-804,786,-807,-833,786,-818,786,-820,786,-822,-808,786,-824,786,-851,-852,786,786,-811,786,-646,-902,-904,-648,-649,-645,786,-705,-706,786,-642,-903,-647,-650,-603,-714,786,786,-605,-586,786,786,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,786,786,-709,-710,786,-716,786,786,786,786,786,786,-938,786,-439,-441,-747,786,-891,786,-715,-1894,786,786,786,786,786,-442,-512,-523,786,-728,-733,786,-735,786,-740,786,-662,-668,786,-678,-680,-682,-683,-690,-693,-697,-745,786,786,-874,786,786,-878,786,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,786,-812,786,-814,-801,786,-802,-805,786,-816,-819,-821,-823,-825,786,-826,786,-809,786,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,786,-282,786,786,786,786,-455,786,786,-729,786,-736,786,-741,786,-663,-671,786,786,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,786,-836,-53,786,786,-730,786,-737,786,-742,-664,786,-873,-54,786,786,-731,-738,-743,786,786,786,-872,]),'SUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[787,787,787,1302,-1894,787,787,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,787,787,787,787,-275,-276,1302,-1425,1302,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1302,1302,1302,-490,1302,1302,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1302,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1302,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1302,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,787,-172,-173,-174,-175,-993,787,787,787,787,787,787,787,787,787,787,1302,1302,1302,1302,1302,-290,-291,-281,787,1302,1302,1302,1302,-328,-318,-332,-333,-334,1302,1302,-982,-983,-984,-985,-986,-987,-988,787,787,1302,1302,1302,1302,1302,1302,1302,1302,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1302,1302,1302,-353,-356,787,-323,-324,-141,1302,-142,1302,-143,1302,-430,-935,-936,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1894,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1894,1302,-1894,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1894,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-1894,787,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1302,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1302,787,787,-191,-192,787,-994,1302,787,787,787,787,-277,-278,-279,-280,-365,1302,-308,1302,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1302,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1302,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1302,1302,1302,1302,1302,1302,-573,1302,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1302,1302,-723,-724,-725,1302,1302,787,787,787,787,-994,787,1302,-91,-92,787,787,787,1302,-309,-310,-320,1302,-307,-293,-294,-295,1302,787,1302,1302,-618,-633,-590,1302,787,-436,787,-437,1302,-444,-445,-446,-378,-379,1302,1302,1302,-506,1302,1302,-510,1302,1302,1302,1302,-515,-516,-517,-518,1302,1302,-521,-522,1302,-524,-525,-526,-527,-528,-529,-530,-531,1302,-533,1302,1302,1302,-539,-541,-542,1302,-544,-545,-546,-547,1302,1302,1302,1302,1302,1302,-652,-653,-654,-655,787,-657,-658,-659,1302,1302,1302,-665,1302,1302,-669,-670,1302,1302,-673,1302,-675,-676,1302,-679,1302,-681,1302,1302,-684,-685,-686,1302,-688,1302,1302,-691,1302,1302,-694,-695,-696,1302,-698,-699,-700,-701,1302,1302,-746,1302,-749,-750,-751,-752,-753,1302,-755,-756,-757,-758,-759,1302,-766,-767,-769,1302,-771,-772,-773,-782,-856,-858,-860,-862,1302,1302,1302,1302,-868,1302,-870,1302,1302,1302,1302,1302,1302,1302,-906,-907,1302,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1302,-921,-924,1302,-934,1302,-385,-386,-387,1302,1302,-390,-391,-392,-393,1302,-396,1302,-399,-400,1302,-401,1302,-406,-407,1302,-410,-411,-412,1302,-415,1302,-416,1302,-421,-422,1302,-425,1302,-428,-429,-1894,-1894,1302,-619,-620,-621,-622,-623,-634,-584,-624,-797,1302,1302,1302,1302,1302,-831,1302,1302,-806,1302,-832,1302,1302,1302,1302,-798,1302,-853,-799,1302,1302,1302,1302,1302,1302,-854,-855,1302,-834,-830,-835,1302,-625,1302,-626,-627,-628,-629,-574,1302,1302,-630,-631,-632,1302,1302,1302,1302,1302,1302,-635,-636,-637,-592,-1894,-602,1302,-638,-639,-713,-640,-604,1302,-572,-577,-580,-583,1302,1302,1302,-598,-601,1302,-608,1302,1302,1302,1302,1302,1302,1302,1302,1302,1302,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1302,787,787,-995,787,1302,787,787,787,1302,-306,-325,-319,-296,-375,-452,-453,-454,-458,787,-443,1302,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1302,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,787,787,787,787,787,787,787,787,1302,-316,-535,-508,-591,-937,-939,-940,-438,1302,-440,-380,-381,-383,-507,-509,-511,1302,-513,-514,-519,-520,1302,-532,-534,-537,-538,-543,-548,-726,1302,-727,1302,-732,1302,-734,1302,-739,-656,-660,-661,1302,-666,1302,-667,1302,-672,-674,1302,-677,1302,1302,1302,-687,-689,1302,-692,1302,1302,-744,1302,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1302,1302,1302,1302,1302,-877,1302,-880,-908,-920,-925,-388,-389,1302,-394,1302,-397,1302,-402,1302,-403,1302,-408,1302,-413,1302,-417,1302,-418,1302,-423,1302,-426,-899,-900,-643,-585,-1894,-901,1302,1302,1302,-800,1302,1302,-804,1302,-807,-833,1302,-818,1302,-820,1302,-822,-808,1302,-824,1302,-851,-852,1302,1302,-811,1302,-646,-902,-904,-648,-649,-645,1302,-705,-706,1302,-642,-903,-647,-650,-603,-714,1302,1302,-605,-586,1302,1302,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1302,1302,-709,-710,1302,-716,1302,787,787,787,1302,1302,-938,787,-439,-441,-747,1302,-891,1302,-715,-1894,1302,1302,787,787,1302,-442,-512,-523,1302,-728,-733,1302,-735,1302,-740,1302,-662,-668,1302,-678,-680,-682,-683,-690,-693,-697,-745,1302,1302,-874,1302,1302,-878,1302,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1302,-812,1302,-814,-801,1302,-802,-805,1302,-816,-819,-821,-823,-825,1302,-826,1302,-809,1302,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,787,-282,787,1302,787,1302,-455,1302,1302,-729,1302,-736,1302,-741,1302,-663,-671,1302,1302,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1302,-836,-53,787,1302,-730,1302,-737,1302,-742,-664,1302,-873,-54,787,787,-731,-738,-743,1302,787,1302,-872,]),'SUSPEND':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[788,788,788,788,-1894,788,788,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,788,788,788,788,-275,-276,788,-1425,788,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,788,788,788,-490,788,788,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,788,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,788,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,788,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,788,-172,-173,-174,-175,-993,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-290,-291,-281,788,788,788,788,788,-328,-318,-332,-333,-334,788,788,-982,-983,-984,-985,-986,-987,-988,788,788,788,788,788,788,788,788,788,788,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,788,788,788,-353,-356,788,-323,-324,-141,788,-142,788,-143,788,-430,-935,-936,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-1894,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-1894,788,-1894,788,788,788,788,788,788,788,788,788,788,788,788,-1894,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,788,-1894,788,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,788,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,788,788,788,-191,-192,788,-994,788,788,788,788,788,-277,-278,-279,-280,-365,788,-308,788,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,788,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,788,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,788,788,788,788,788,788,-573,788,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,788,788,-723,-724,-725,788,788,788,788,788,788,-994,788,788,-91,-92,788,788,788,788,-309,-310,-320,788,-307,-293,-294,-295,788,788,788,788,-618,-633,-590,788,788,-436,788,-437,788,-444,-445,-446,-378,-379,788,788,788,-506,788,788,-510,788,788,788,788,-515,-516,-517,-518,788,788,-521,-522,788,-524,-525,-526,-527,-528,-529,-530,-531,788,-533,788,788,788,-539,-541,-542,788,-544,-545,-546,-547,788,788,788,788,788,788,-652,-653,-654,-655,788,-657,-658,-659,788,788,788,-665,788,788,-669,-670,788,788,-673,788,-675,-676,788,-679,788,-681,788,788,-684,-685,-686,788,-688,788,788,-691,788,788,-694,-695,-696,788,-698,-699,-700,-701,788,788,-746,788,-749,-750,-751,-752,-753,788,-755,-756,-757,-758,-759,788,-766,-767,-769,788,-771,-772,-773,-782,-856,-858,-860,-862,788,788,788,788,-868,788,-870,788,788,788,788,788,788,788,-906,-907,788,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,788,-921,-924,788,-934,788,-385,-386,-387,788,788,-390,-391,-392,-393,788,-396,788,-399,-400,788,-401,788,-406,-407,788,-410,-411,-412,788,-415,788,-416,788,-421,-422,788,-425,788,-428,-429,-1894,-1894,788,-619,-620,-621,-622,-623,-634,-584,-624,-797,788,788,788,788,788,-831,788,788,-806,788,-832,788,788,788,788,-798,788,-853,-799,788,788,788,788,788,788,-854,-855,788,-834,-830,-835,788,-625,788,-626,-627,-628,-629,-574,788,788,-630,-631,-632,788,788,788,788,788,788,-635,-636,-637,-592,-1894,-602,788,-638,-639,-713,-640,-604,788,-572,-577,-580,-583,788,788,788,-598,-601,788,-608,788,788,788,788,788,788,788,788,788,788,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,788,788,788,-995,788,788,788,788,788,788,-306,-325,-319,-296,-375,-452,-453,-454,-458,788,-443,788,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,788,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,788,788,788,788,788,788,788,788,788,-316,-535,-508,-591,-937,-939,-940,-438,788,-440,-380,-381,-383,-507,-509,-511,788,-513,-514,-519,-520,788,-532,-534,-537,-538,-543,-548,-726,788,-727,788,-732,788,-734,788,-739,-656,-660,-661,788,-666,788,-667,788,-672,-674,788,-677,788,788,788,-687,-689,788,-692,788,788,-744,788,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,788,788,788,788,788,-877,788,-880,-908,-920,-925,-388,-389,788,-394,788,-397,788,-402,788,-403,788,-408,788,-413,788,-417,788,-418,788,-423,788,-426,-899,-900,-643,-585,-1894,-901,788,788,788,-800,788,788,-804,788,-807,-833,788,-818,788,-820,788,-822,-808,788,-824,788,-851,-852,788,788,-811,788,-646,-902,-904,-648,-649,-645,788,-705,-706,788,-642,-903,-647,-650,-603,-714,788,788,-605,-586,788,788,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,788,788,-709,-710,788,-716,788,788,788,788,788,788,-938,788,-439,-441,-747,788,-891,788,-715,-1894,788,788,788,788,788,-442,-512,-523,788,-728,-733,788,-735,788,-740,788,-662,-668,788,-678,-680,-682,-683,-690,-693,-697,-745,788,788,-874,788,788,-878,788,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,788,-812,788,-814,-801,788,-802,-805,788,-816,-819,-821,-823,-825,788,-826,788,-809,788,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,788,-282,788,788,788,788,-455,788,788,-729,788,-736,788,-741,788,-663,-671,788,788,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,788,-836,-53,788,788,-730,788,-737,788,-742,-664,788,-873,-54,788,788,-731,-738,-743,788,788,788,-872,]),'SWAPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[789,789,789,789,-1894,789,789,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,789,789,789,789,-275,-276,789,-1425,789,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,789,789,789,-490,789,789,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,789,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,789,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,789,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,789,-172,-173,-174,-175,-993,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-290,-291,-281,789,789,789,789,789,-328,-318,-332,-333,-334,789,789,-982,-983,-984,-985,-986,-987,-988,789,789,789,789,789,789,789,789,789,789,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,789,789,789,-353,-356,789,-323,-324,-141,789,-142,789,-143,789,-430,-935,-936,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-1894,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-1894,789,-1894,789,789,789,789,789,789,789,789,789,789,789,789,-1894,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,789,-1894,789,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,789,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,789,789,789,-191,-192,789,-994,789,789,789,789,789,-277,-278,-279,-280,-365,789,-308,789,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,789,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,789,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,789,789,789,789,789,789,-573,789,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,789,789,-723,-724,-725,789,789,789,789,789,789,-994,789,789,-91,-92,789,789,789,789,-309,-310,-320,789,-307,-293,-294,-295,789,789,789,789,-618,-633,-590,789,789,-436,789,-437,789,-444,-445,-446,-378,-379,789,789,789,-506,789,789,-510,789,789,789,789,-515,-516,-517,-518,789,789,-521,-522,789,-524,-525,-526,-527,-528,-529,-530,-531,789,-533,789,789,789,-539,-541,-542,789,-544,-545,-546,-547,789,789,789,789,789,789,-652,-653,-654,-655,789,-657,-658,-659,789,789,789,-665,789,789,-669,-670,789,789,-673,789,-675,-676,789,-679,789,-681,789,789,-684,-685,-686,789,-688,789,789,-691,789,789,-694,-695,-696,789,-698,-699,-700,-701,789,789,-746,789,-749,-750,-751,-752,-753,789,-755,-756,-757,-758,-759,789,-766,-767,-769,789,-771,-772,-773,-782,-856,-858,-860,-862,789,789,789,789,-868,789,-870,789,789,789,789,789,789,789,-906,-907,789,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,789,-921,-924,789,-934,789,-385,-386,-387,789,789,-390,-391,-392,-393,789,-396,789,-399,-400,789,-401,789,-406,-407,789,-410,-411,-412,789,-415,789,-416,789,-421,-422,789,-425,789,-428,-429,-1894,-1894,789,-619,-620,-621,-622,-623,-634,-584,-624,-797,789,789,789,789,789,-831,789,789,-806,789,-832,789,789,789,789,-798,789,-853,-799,789,789,789,789,789,789,-854,-855,789,-834,-830,-835,789,-625,789,-626,-627,-628,-629,-574,789,789,-630,-631,-632,789,789,789,789,789,789,-635,-636,-637,-592,-1894,-602,789,-638,-639,-713,-640,-604,789,-572,-577,-580,-583,789,789,789,-598,-601,789,-608,789,789,789,789,789,789,789,789,789,789,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,789,789,789,-995,789,789,789,789,789,789,-306,-325,-319,-296,-375,-452,-453,-454,-458,789,-443,789,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,789,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,789,789,789,789,789,789,789,789,789,-316,-535,-508,-591,-937,-939,-940,-438,789,-440,-380,-381,-383,-507,-509,-511,789,-513,-514,-519,-520,789,-532,-534,-537,-538,-543,-548,-726,789,-727,789,-732,789,-734,789,-739,-656,-660,-661,789,-666,789,-667,789,-672,-674,789,-677,789,789,789,-687,-689,789,-692,789,789,-744,789,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,789,789,789,789,789,-877,789,-880,-908,-920,-925,-388,-389,789,-394,789,-397,789,-402,789,-403,789,-408,789,-413,789,-417,789,-418,789,-423,789,-426,-899,-900,-643,-585,-1894,-901,789,789,789,-800,789,789,-804,789,-807,-833,789,-818,789,-820,789,-822,-808,789,-824,789,-851,-852,789,789,-811,789,-646,-902,-904,-648,-649,-645,789,-705,-706,789,-642,-903,-647,-650,-603,-714,789,789,-605,-586,789,789,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,789,789,-709,-710,789,-716,789,789,789,789,789,789,-938,789,-439,-441,-747,789,-891,789,-715,-1894,789,789,789,789,789,-442,-512,-523,789,-728,-733,789,-735,789,-740,789,-662,-668,789,-678,-680,-682,-683,-690,-693,-697,-745,789,789,-874,789,789,-878,789,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,789,-812,789,-814,-801,789,-802,-805,789,-816,-819,-821,-823,-825,789,-826,789,-809,789,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,789,-282,789,789,789,789,-455,789,789,-729,789,-736,789,-741,789,-663,-671,789,789,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,789,-836,-53,789,789,-730,789,-737,789,-742,-664,789,-873,-54,789,789,-731,-738,-743,789,789,789,-872,]),'SWITCH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[790,790,790,790,-1894,790,790,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,790,790,790,790,-275,-276,790,-1425,790,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,790,790,790,-490,790,790,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,790,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,790,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,790,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,790,-172,-173,-174,-175,-993,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-290,-291,-281,790,790,790,790,790,-328,-318,-332,-333,-334,790,790,-982,-983,-984,-985,-986,-987,-988,790,790,790,790,790,790,790,790,790,790,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,790,790,790,-353,-356,790,-323,-324,-141,790,-142,790,-143,790,-430,-935,-936,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-1894,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-1894,790,-1894,790,790,790,790,790,790,790,790,790,790,790,790,-1894,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,790,-1894,790,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,790,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,790,790,790,-191,-192,790,-994,790,790,790,790,790,-277,-278,-279,-280,-365,790,-308,790,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,790,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,790,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,790,790,790,790,790,790,-573,790,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,790,790,-723,-724,-725,790,790,790,790,790,790,-994,790,790,-91,-92,790,790,790,790,-309,-310,-320,790,-307,-293,-294,-295,790,790,790,790,-618,-633,-590,790,790,-436,790,-437,790,-444,-445,-446,-378,-379,790,790,790,-506,790,790,-510,790,790,790,790,-515,-516,-517,-518,790,790,-521,-522,790,-524,-525,-526,-527,-528,-529,-530,-531,790,-533,790,790,790,-539,-541,-542,790,-544,-545,-546,-547,790,790,790,790,790,790,-652,-653,-654,-655,790,-657,-658,-659,790,790,790,-665,790,790,-669,-670,790,790,-673,790,-675,-676,790,-679,790,-681,790,790,-684,-685,-686,790,-688,790,790,-691,790,790,-694,-695,-696,790,-698,-699,-700,-701,790,790,-746,790,-749,-750,-751,-752,-753,790,-755,-756,-757,-758,-759,790,-766,-767,-769,790,-771,-772,-773,-782,-856,-858,-860,-862,790,790,790,790,-868,790,-870,790,790,790,790,790,790,790,-906,-907,790,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,790,-921,-924,790,-934,790,-385,-386,-387,790,790,-390,-391,-392,-393,790,-396,790,-399,-400,790,-401,790,-406,-407,790,-410,-411,-412,790,-415,790,-416,790,-421,-422,790,-425,790,-428,-429,-1894,-1894,790,-619,-620,-621,-622,-623,-634,-584,-624,-797,790,790,790,790,790,-831,790,790,-806,790,-832,790,790,790,790,-798,790,-853,-799,790,790,790,790,790,790,-854,-855,790,-834,-830,-835,790,-625,790,-626,-627,-628,-629,-574,790,790,-630,-631,-632,790,790,790,790,790,790,-635,-636,-637,-592,-1894,-602,790,-638,-639,-713,-640,-604,790,-572,-577,-580,-583,790,790,790,-598,-601,790,-608,790,790,790,790,790,790,790,790,790,790,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,790,790,790,-995,790,790,790,790,790,790,-306,-325,-319,-296,-375,-452,-453,-454,-458,790,-443,790,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,790,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,790,790,790,790,790,790,790,790,790,-316,-535,-508,-591,-937,-939,-940,-438,790,-440,-380,-381,-383,-507,-509,-511,790,-513,-514,-519,-520,790,-532,-534,-537,-538,-543,-548,-726,790,-727,790,-732,790,-734,790,-739,-656,-660,-661,790,-666,790,-667,790,-672,-674,790,-677,790,790,790,-687,-689,790,-692,790,790,-744,790,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,790,790,790,790,790,-877,790,-880,-908,-920,-925,-388,-389,790,-394,790,-397,790,-402,790,-403,790,-408,790,-413,790,-417,790,-418,790,-423,790,-426,-899,-900,-643,-585,-1894,-901,790,790,790,-800,790,790,-804,790,-807,-833,790,-818,790,-820,790,-822,-808,790,-824,790,-851,-852,790,790,-811,790,-646,-902,-904,-648,-649,-645,790,-705,-706,790,-642,-903,-647,-650,-603,-714,790,790,-605,-586,790,790,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,790,790,-709,-710,790,-716,790,790,790,790,790,790,-938,790,-439,-441,-747,790,-891,790,-715,-1894,790,790,790,790,790,-442,-512,-523,790,-728,-733,790,-735,790,-740,790,-662,-668,790,-678,-680,-682,-683,-690,-693,-697,-745,790,790,-874,790,790,-878,790,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,790,-812,790,-814,-801,790,-802,-805,790,-816,-819,-821,-823,-825,790,-826,790,-809,790,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,790,-282,790,790,790,790,-455,790,790,-729,790,-736,790,-741,790,-663,-671,790,790,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,790,-836,-53,790,790,-730,790,-737,790,-742,-664,790,-873,-54,790,790,-731,-738,-743,790,790,790,-872,]),'SWITCHES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[791,791,791,791,-1894,791,791,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,791,791,791,791,-275,-276,791,-1425,791,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,791,791,791,-490,791,791,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,791,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,791,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,791,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,791,-172,-173,-174,-175,-993,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-290,-291,-281,791,791,791,791,791,-328,-318,-332,-333,-334,791,791,-982,-983,-984,-985,-986,-987,-988,791,791,791,791,791,791,791,791,791,791,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,791,791,791,-353,-356,791,-323,-324,-141,791,-142,791,-143,791,-430,-935,-936,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-1894,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-1894,791,-1894,791,791,791,791,791,791,791,791,791,791,791,791,-1894,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,791,-1894,791,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,791,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,791,791,791,-191,-192,791,-994,791,791,791,791,791,-277,-278,-279,-280,-365,791,-308,791,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,791,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,791,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,791,791,791,791,791,791,-573,791,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,791,791,-723,-724,-725,791,791,791,791,791,791,-994,791,791,-91,-92,791,791,791,791,-309,-310,-320,791,-307,-293,-294,-295,791,791,791,791,-618,-633,-590,791,791,-436,791,-437,791,-444,-445,-446,-378,-379,791,791,791,-506,791,791,-510,791,791,791,791,-515,-516,-517,-518,791,791,-521,-522,791,-524,-525,-526,-527,-528,-529,-530,-531,791,-533,791,791,791,-539,-541,-542,791,-544,-545,-546,-547,791,791,791,791,791,791,-652,-653,-654,-655,791,-657,-658,-659,791,791,791,-665,791,791,-669,-670,791,791,-673,791,-675,-676,791,-679,791,-681,791,791,-684,-685,-686,791,-688,791,791,-691,791,791,-694,-695,-696,791,-698,-699,-700,-701,791,791,-746,791,-749,-750,-751,-752,-753,791,-755,-756,-757,-758,-759,791,-766,-767,-769,791,-771,-772,-773,-782,-856,-858,-860,-862,791,791,791,791,-868,791,-870,791,791,791,791,791,791,791,-906,-907,791,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,791,-921,-924,791,-934,791,-385,-386,-387,791,791,-390,-391,-392,-393,791,-396,791,-399,-400,791,-401,791,-406,-407,791,-410,-411,-412,791,-415,791,-416,791,-421,-422,791,-425,791,-428,-429,-1894,-1894,791,-619,-620,-621,-622,-623,-634,-584,-624,-797,791,791,791,791,791,-831,791,791,-806,791,-832,791,791,791,791,-798,791,-853,-799,791,791,791,791,791,791,-854,-855,791,-834,-830,-835,791,-625,791,-626,-627,-628,-629,-574,791,791,-630,-631,-632,791,791,791,791,791,791,-635,-636,-637,-592,-1894,-602,791,-638,-639,-713,-640,-604,791,-572,-577,-580,-583,791,791,791,-598,-601,791,-608,791,791,791,791,791,791,791,791,791,791,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,791,791,791,-995,791,791,791,791,791,791,-306,-325,-319,-296,-375,-452,-453,-454,-458,791,-443,791,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,791,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,791,791,791,791,791,791,791,791,791,-316,-535,-508,-591,-937,-939,-940,-438,791,-440,-380,-381,-383,-507,-509,-511,791,-513,-514,-519,-520,791,-532,-534,-537,-538,-543,-548,-726,791,-727,791,-732,791,-734,791,-739,-656,-660,-661,791,-666,791,-667,791,-672,-674,791,-677,791,791,791,-687,-689,791,-692,791,791,-744,791,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,791,791,791,791,791,-877,791,-880,-908,-920,-925,-388,-389,791,-394,791,-397,791,-402,791,-403,791,-408,791,-413,791,-417,791,-418,791,-423,791,-426,-899,-900,-643,-585,-1894,-901,791,791,791,-800,791,791,-804,791,-807,-833,791,-818,791,-820,791,-822,-808,791,-824,791,-851,-852,791,791,-811,791,-646,-902,-904,-648,-649,-645,791,-705,-706,791,-642,-903,-647,-650,-603,-714,791,791,-605,-586,791,791,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,791,791,-709,-710,791,-716,791,791,791,791,791,791,-938,791,-439,-441,-747,791,-891,791,-715,-1894,791,791,791,791,791,-442,-512,-523,791,-728,-733,791,-735,791,-740,791,-662,-668,791,-678,-680,-682,-683,-690,-693,-697,-745,791,791,-874,791,791,-878,791,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,791,-812,791,-814,-801,791,-802,-805,791,-816,-819,-821,-823,-825,791,-826,791,-809,791,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,791,-282,791,791,791,791,-455,791,791,-729,791,-736,791,-741,791,-663,-671,791,791,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,791,-836,-53,791,791,-730,791,-737,791,-742,-664,791,-873,-54,791,791,-731,-738,-743,791,791,791,-872,]),'SWITCHOVER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[792,792,792,792,-1894,792,792,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,792,792,792,792,-275,-276,792,-1425,792,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,792,792,792,-490,792,792,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,792,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,792,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,792,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,792,-172,-173,-174,-175,-993,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-290,-291,-281,792,792,792,792,792,-328,-318,-332,-333,-334,792,792,-982,-983,-984,-985,-986,-987,-988,792,792,792,792,792,792,792,792,792,792,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,792,792,792,-353,-356,792,-323,-324,-141,792,-142,792,-143,792,-430,-935,-936,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-1894,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-1894,792,-1894,792,792,792,792,792,792,792,792,792,792,792,792,-1894,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,792,-1894,792,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,792,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,792,792,792,-191,-192,792,-994,792,792,792,792,792,-277,-278,-279,-280,-365,792,-308,792,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,792,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,792,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,792,792,792,792,792,792,-573,792,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,792,792,-723,-724,-725,792,792,792,792,792,792,-994,792,792,-91,-92,792,792,792,792,-309,-310,-320,792,-307,-293,-294,-295,792,792,792,792,-618,-633,-590,792,792,-436,792,-437,792,-444,-445,-446,-378,-379,792,792,792,-506,792,792,-510,792,792,792,792,-515,-516,-517,-518,792,792,-521,-522,792,-524,-525,-526,-527,-528,-529,-530,-531,792,-533,792,792,792,-539,-541,-542,792,-544,-545,-546,-547,792,792,792,792,792,792,-652,-653,-654,-655,792,-657,-658,-659,792,792,792,-665,792,792,-669,-670,792,792,-673,792,-675,-676,792,-679,792,-681,792,792,-684,-685,-686,792,-688,792,792,-691,792,792,-694,-695,-696,792,-698,-699,-700,-701,792,792,-746,792,-749,-750,-751,-752,-753,792,-755,-756,-757,-758,-759,792,-766,-767,-769,792,-771,-772,-773,-782,-856,-858,-860,-862,792,792,792,792,-868,792,-870,792,792,792,792,792,792,792,-906,-907,792,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,792,-921,-924,792,-934,792,-385,-386,-387,792,792,-390,-391,-392,-393,792,-396,792,-399,-400,792,-401,792,-406,-407,792,-410,-411,-412,792,-415,792,-416,792,-421,-422,792,-425,792,-428,-429,-1894,-1894,792,-619,-620,-621,-622,-623,-634,-584,-624,-797,792,792,792,792,792,-831,792,792,-806,792,-832,792,792,792,792,-798,792,-853,-799,792,792,792,792,792,792,-854,-855,792,-834,-830,-835,792,-625,792,-626,-627,-628,-629,-574,792,792,-630,-631,-632,792,792,792,792,792,792,-635,-636,-637,-592,-1894,-602,792,-638,-639,-713,-640,-604,792,-572,-577,-580,-583,792,792,792,-598,-601,792,-608,792,792,792,792,792,792,792,792,792,792,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,792,792,792,-995,792,792,792,792,792,792,-306,-325,-319,-296,-375,-452,-453,-454,-458,792,-443,792,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,792,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,792,792,792,792,792,792,792,792,792,-316,-535,-508,-591,-937,-939,-940,-438,792,-440,-380,-381,-383,-507,-509,-511,792,-513,-514,-519,-520,792,-532,-534,-537,-538,-543,-548,-726,792,-727,792,-732,792,-734,792,-739,-656,-660,-661,792,-666,792,-667,792,-672,-674,792,-677,792,792,792,-687,-689,792,-692,792,792,-744,792,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,792,792,792,792,792,-877,792,-880,-908,-920,-925,-388,-389,792,-394,792,-397,792,-402,792,-403,792,-408,792,-413,792,-417,792,-418,792,-423,792,-426,-899,-900,-643,-585,-1894,-901,792,792,792,-800,792,792,-804,792,-807,-833,792,-818,792,-820,792,-822,-808,792,-824,792,-851,-852,792,792,-811,792,-646,-902,-904,-648,-649,-645,792,-705,-706,792,-642,-903,-647,-650,-603,-714,792,792,-605,-586,792,792,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,792,792,-709,-710,792,-716,792,792,792,792,792,792,-938,792,-439,-441,-747,792,-891,792,-715,-1894,792,792,792,792,792,-442,-512,-523,792,-728,-733,792,-735,792,-740,792,-662,-668,792,-678,-680,-682,-683,-690,-693,-697,-745,792,792,-874,792,792,-878,792,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,792,-812,792,-814,-801,792,-802,-805,792,-816,-819,-821,-823,-825,792,-826,792,-809,792,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,792,-282,792,792,792,792,-455,792,792,-729,792,-736,792,-741,792,-663,-671,792,792,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,792,-836,-53,792,792,-730,792,-737,792,-742,-664,792,-873,-54,792,792,-731,-738,-743,792,792,792,-872,]),'SYNCHRONIZATION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[793,793,793,793,-1894,793,793,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,793,793,793,793,-275,-276,793,-1425,793,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,793,793,793,-490,793,793,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,793,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,793,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,793,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,793,-172,-173,-174,-175,-993,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-290,-291,-281,793,793,793,793,793,-328,-318,-332,-333,-334,793,793,-982,-983,-984,-985,-986,-987,-988,793,793,793,793,793,793,793,793,793,793,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,793,793,793,-353,-356,793,-323,-324,-141,793,-142,793,-143,793,-430,-935,-936,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-1894,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-1894,793,-1894,793,793,793,793,793,793,793,793,793,793,793,793,-1894,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,793,-1894,793,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,793,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,793,793,793,-191,-192,793,-994,793,793,793,793,793,-277,-278,-279,-280,-365,793,-308,793,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,793,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,793,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,793,793,793,793,793,793,-573,793,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,793,793,-723,-724,-725,793,793,793,793,793,793,-994,793,793,-91,-92,793,793,793,793,-309,-310,-320,793,-307,-293,-294,-295,793,793,793,793,-618,-633,-590,793,793,-436,793,-437,793,-444,-445,-446,-378,-379,793,793,793,-506,793,793,-510,793,793,793,793,-515,-516,-517,-518,793,793,-521,-522,793,-524,-525,-526,-527,-528,-529,-530,-531,793,-533,793,793,793,-539,-541,-542,793,-544,-545,-546,-547,793,793,793,793,793,793,-652,-653,-654,-655,793,-657,-658,-659,793,793,793,-665,793,793,-669,-670,793,793,-673,793,-675,-676,793,-679,793,-681,793,793,-684,-685,-686,793,-688,793,793,-691,793,793,-694,-695,-696,793,-698,-699,-700,-701,793,793,-746,793,-749,-750,-751,-752,-753,793,-755,-756,-757,-758,-759,793,-766,-767,-769,793,-771,-772,-773,-782,-856,-858,-860,-862,793,793,793,793,-868,793,-870,793,793,793,793,793,793,793,-906,-907,793,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,793,-921,-924,793,-934,793,-385,-386,-387,793,793,-390,-391,-392,-393,793,-396,793,-399,-400,793,-401,793,-406,-407,793,-410,-411,-412,793,-415,793,-416,793,-421,-422,793,-425,793,-428,-429,-1894,-1894,793,-619,-620,-621,-622,-623,-634,-584,-624,-797,793,793,793,793,793,-831,793,793,-806,793,-832,793,793,793,793,-798,793,-853,-799,793,793,793,793,793,793,-854,-855,793,-834,-830,-835,793,-625,793,-626,-627,-628,-629,-574,793,793,-630,-631,-632,793,793,793,793,793,793,-635,-636,-637,-592,-1894,-602,793,-638,-639,-713,-640,-604,793,-572,-577,-580,-583,793,793,793,-598,-601,793,-608,793,793,793,793,793,793,793,793,793,793,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,793,793,793,-995,793,793,793,793,793,793,-306,-325,-319,-296,-375,-452,-453,-454,-458,793,-443,793,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,793,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,793,793,793,793,793,793,793,793,793,-316,-535,-508,-591,-937,-939,-940,-438,793,-440,-380,-381,-383,-507,-509,-511,793,-513,-514,-519,-520,793,-532,-534,-537,-538,-543,-548,-726,793,-727,793,-732,793,-734,793,-739,-656,-660,-661,793,-666,793,-667,793,-672,-674,793,-677,793,793,793,-687,-689,793,-692,793,793,-744,793,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,793,793,793,793,793,-877,793,-880,-908,-920,-925,-388,-389,793,-394,793,-397,793,-402,793,-403,793,-408,793,-413,793,-417,793,-418,793,-423,793,-426,-899,-900,-643,-585,-1894,-901,793,793,793,-800,793,793,-804,793,-807,-833,793,-818,793,-820,793,-822,-808,793,-824,793,-851,-852,793,793,-811,793,-646,-902,-904,-648,-649,-645,793,-705,-706,793,-642,-903,-647,-650,-603,-714,793,793,-605,-586,793,793,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,793,793,-709,-710,793,-716,793,793,793,793,793,793,-938,793,-439,-441,-747,793,-891,793,-715,-1894,793,793,793,793,793,-442,-512,-523,793,-728,-733,793,-735,793,-740,793,-662,-668,793,-678,-680,-682,-683,-690,-693,-697,-745,793,793,-874,793,793,-878,793,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,793,-812,793,-814,-801,793,-802,-805,793,-816,-819,-821,-823,-825,793,-826,793,-809,793,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,793,-282,793,793,793,793,-455,793,793,-729,793,-736,793,-741,793,-663,-671,793,793,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,793,-836,-53,793,793,-730,793,-737,793,-742,-664,793,-873,-54,793,793,-731,-738,-743,793,793,793,-872,]),'SYSTEM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[794,794,794,794,-1894,794,794,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,794,794,794,794,-275,-276,794,-1425,794,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,794,794,794,-490,794,794,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,794,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,794,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,794,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,794,-172,-173,-174,-175,-993,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-290,-291,-281,794,794,794,794,794,-328,-318,-332,-333,-334,794,794,-982,-983,-984,-985,-986,-987,-988,794,794,794,794,794,794,794,794,794,794,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,794,794,794,-353,-356,794,-323,-324,-141,794,-142,794,-143,794,-430,-935,-936,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-1894,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-1894,794,-1894,794,794,794,794,794,794,794,794,794,794,794,794,-1894,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,794,-1894,794,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,794,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,794,794,794,-191,-192,794,-994,794,794,794,794,794,-277,-278,-279,-280,-365,794,-308,794,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,794,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,794,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,794,794,794,794,794,794,-573,794,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,794,794,-723,-724,-725,794,794,794,794,794,794,-994,794,794,-91,-92,794,794,794,794,-309,-310,-320,794,-307,-293,-294,-295,794,794,794,794,-618,-633,-590,794,794,-436,794,-437,794,-444,-445,-446,-378,-379,794,794,794,-506,794,794,-510,794,794,794,794,-515,-516,-517,-518,794,794,-521,-522,794,-524,-525,-526,-527,-528,-529,-530,-531,794,-533,794,794,794,-539,-541,-542,794,-544,-545,-546,-547,794,794,794,794,794,794,-652,-653,-654,-655,794,-657,-658,-659,794,794,794,-665,794,794,-669,-670,794,794,-673,794,-675,-676,794,-679,794,-681,794,794,-684,-685,-686,794,-688,794,794,-691,794,794,-694,-695,-696,794,-698,-699,-700,-701,794,794,-746,794,-749,-750,-751,-752,-753,794,-755,-756,-757,-758,-759,794,-766,-767,-769,794,-771,-772,-773,-782,-856,-858,-860,-862,794,794,794,794,-868,794,-870,794,794,794,794,794,794,794,-906,-907,794,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,794,-921,-924,794,-934,794,-385,-386,-387,794,794,-390,-391,-392,-393,794,-396,794,-399,-400,794,-401,794,-406,-407,794,-410,-411,-412,794,-415,794,-416,794,-421,-422,794,-425,794,-428,-429,-1894,-1894,794,-619,-620,-621,-622,-623,-634,-584,-624,-797,794,794,794,794,794,-831,794,794,-806,794,-832,794,794,794,794,-798,794,-853,-799,794,794,794,794,794,794,-854,-855,794,-834,-830,-835,794,-625,794,-626,-627,-628,-629,-574,794,794,-630,-631,-632,794,794,794,794,794,794,-635,-636,-637,-592,-1894,-602,794,-638,-639,-713,-640,-604,794,-572,-577,-580,-583,794,794,794,-598,-601,794,-608,794,794,794,794,794,794,794,794,794,794,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,794,794,794,-995,794,794,794,794,794,794,-306,-325,-319,-296,-375,-452,-453,-454,-458,794,-443,794,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,794,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,794,794,794,794,794,794,794,794,794,-316,-535,-508,-591,-937,-939,-940,-438,794,-440,-380,-381,-383,-507,-509,-511,794,-513,-514,-519,-520,794,-532,-534,-537,-538,-543,-548,-726,794,-727,794,-732,794,-734,794,-739,-656,-660,-661,794,-666,794,-667,794,-672,-674,794,-677,794,794,794,-687,-689,794,-692,794,794,-744,794,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,794,794,794,794,794,-877,794,-880,-908,-920,-925,-388,-389,794,-394,794,-397,794,-402,794,-403,794,-408,794,-413,794,-417,794,-418,794,-423,794,-426,-899,-900,-643,-585,-1894,-901,794,794,794,-800,794,794,-804,794,-807,-833,794,-818,794,-820,794,-822,-808,794,-824,794,-851,-852,794,794,-811,794,-646,-902,-904,-648,-649,-645,794,-705,-706,794,-642,-903,-647,-650,-603,-714,794,794,-605,-586,794,794,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,794,794,-709,-710,794,-716,794,794,794,794,794,794,-938,794,-439,-441,-747,794,-891,794,-715,-1894,794,794,794,794,794,-442,-512,-523,794,-728,-733,794,-735,794,-740,794,-662,-668,794,-678,-680,-682,-683,-690,-693,-697,-745,794,794,-874,794,794,-878,794,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,794,-812,794,-814,-801,794,-802,-805,794,-816,-819,-821,-823,-825,794,-826,794,-809,794,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,794,-282,794,794,794,794,-455,794,794,-729,794,-736,794,-741,794,-663,-671,794,794,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,794,-836,-53,794,794,-730,794,-737,794,-742,-664,794,-873,-54,794,794,-731,-738,-743,794,794,794,-872,]),'SYSTEM_USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[795,795,795,1173,-1894,795,795,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,795,795,795,795,-275,-276,1173,-1425,1173,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1173,1173,1173,-490,1173,1173,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1173,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1173,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1965,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,795,-172,-173,-174,-175,-993,795,795,795,795,795,795,795,795,795,795,1173,1173,1173,1173,1173,-290,-291,-281,795,1173,1173,1173,1173,-328,-318,-332,-333,-334,1173,1173,-982,-983,-984,-985,-986,-987,-988,795,795,1173,1173,1173,1173,1173,1173,1173,1173,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1173,1173,1173,-353,-356,795,-323,-324,-141,1173,-142,1173,-143,1173,-430,-935,-936,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1894,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1894,1173,-1894,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1894,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-1894,795,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1173,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1173,795,795,-191,-192,795,-994,1173,795,795,795,795,-277,-278,-279,-280,-365,1173,-308,1173,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1173,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1173,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1173,1173,1173,1173,1173,1173,-573,1173,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1173,1173,-723,-724,-725,1173,1965,795,795,795,795,-994,795,1173,-91,-92,795,795,795,1173,-309,-310,-320,1173,-307,-293,-294,-295,1173,795,1173,1173,-618,-633,-590,1173,795,-436,795,-437,1173,-444,-445,-446,-378,-379,1173,1173,1173,-506,1173,1173,-510,1173,1173,1173,1173,-515,-516,-517,-518,1173,1173,-521,-522,1173,-524,-525,-526,-527,-528,-529,-530,-531,1173,-533,1173,1173,1173,-539,-541,-542,1173,-544,-545,-546,-547,1173,1173,1173,1173,1173,1173,-652,-653,-654,-655,795,-657,-658,-659,1173,1173,1173,-665,1173,1173,-669,-670,1173,1173,-673,1173,-675,-676,1173,-679,1173,-681,1173,1173,-684,-685,-686,1173,-688,1173,1173,-691,1173,1173,-694,-695,-696,1173,-698,-699,-700,-701,1173,1173,-746,1173,-749,-750,-751,-752,-753,1173,-755,-756,-757,-758,-759,1173,-766,-767,-769,1173,-771,-772,-773,-782,-856,-858,-860,-862,1173,1173,1173,1173,-868,1173,-870,1173,1173,1173,1173,1173,1173,1173,-906,-907,1173,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1173,-921,-924,1173,-934,1173,-385,-386,-387,1173,1173,-390,-391,-392,-393,1173,-396,1173,-399,-400,1173,-401,1173,-406,-407,1173,-410,-411,-412,1173,-415,1173,-416,1173,-421,-422,1173,-425,1173,-428,-429,-1894,-1894,1173,-619,-620,-621,-622,-623,-634,-584,-624,-797,1173,1173,1173,1173,1173,-831,1173,1173,-806,1173,-832,1173,1173,1173,1173,-798,1173,-853,-799,1173,1173,1173,1173,1173,1173,-854,-855,1173,-834,-830,-835,1173,-625,1173,-626,-627,-628,-629,-574,1173,1173,-630,-631,-632,1173,1173,1173,1173,1173,1173,-635,-636,-637,-592,-1894,-602,1173,-638,-639,-713,-640,-604,1173,-572,-577,-580,-583,1173,1173,1173,-598,-601,1173,-608,1173,1173,1173,1173,1173,1173,1173,1173,1173,1173,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1173,795,795,-995,795,1173,795,795,795,1173,-306,-325,-319,-296,-375,-452,-453,-454,-458,795,-443,1173,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1173,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,795,795,795,795,795,795,795,795,1173,-316,-535,-508,-591,-937,-939,-940,-438,1173,-440,-380,-381,-383,-507,-509,-511,1173,-513,-514,-519,-520,1173,-532,-534,-537,-538,-543,-548,-726,1173,-727,1173,-732,1173,-734,1173,-739,-656,-660,-661,1173,-666,1173,-667,1173,-672,-674,1173,-677,1173,1173,1173,-687,-689,1173,-692,1173,1173,-744,1173,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1173,1173,1173,1173,1173,-877,1173,-880,-908,-920,-925,-388,-389,1173,-394,1173,-397,1173,-402,1173,-403,1173,-408,1173,-413,1173,-417,1173,-418,1173,-423,1173,-426,-899,-900,-643,-585,-1894,-901,1173,1173,1173,-800,1173,1173,-804,1173,-807,-833,1173,-818,1173,-820,1173,-822,-808,1173,-824,1173,-851,-852,1173,1173,-811,1173,-646,-902,-904,-648,-649,-645,1173,-705,-706,1173,-642,-903,-647,-650,-603,-714,1173,1173,-605,-586,1173,1173,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1173,1173,-709,-710,1173,-716,1173,795,795,795,1173,1173,-938,795,-439,-441,-747,1173,-891,1965,-715,-1894,1173,1173,795,795,1173,-442,-512,-523,1173,-728,-733,1173,-735,1173,-740,1173,-662,-668,1173,-678,-680,-682,-683,-690,-693,-697,-745,1173,1173,-874,1173,1173,-878,1173,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1173,-812,1173,-814,-801,1173,-802,-805,1173,-816,-819,-821,-823,-825,1173,-826,1173,-809,1173,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,795,-282,795,1173,795,1173,-455,1173,1173,-729,1173,-736,1173,-741,1173,-663,-671,1173,1173,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1173,-836,-53,795,1173,-730,1173,-737,1173,-742,-664,1173,-873,-54,795,795,-731,-738,-743,1173,795,1173,-872,]),'TABLEGROUP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[796,796,796,796,-1894,796,796,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,796,796,796,796,-275,-276,796,-1425,796,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,796,796,796,-490,796,796,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,796,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,796,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,796,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,796,-172,-173,-174,-175,-993,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-290,-291,-281,796,796,796,796,796,-328,-318,-332,-333,-334,796,796,-982,-983,-984,-985,-986,-987,-988,796,796,796,796,796,796,796,796,796,796,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,796,796,796,-353,-356,796,-323,-324,-141,796,-142,796,-143,796,-430,-935,-936,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-1894,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-1894,796,-1894,796,796,796,796,796,796,796,796,796,796,796,796,-1894,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,796,-1894,796,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,796,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,796,796,796,-191,-192,796,-994,796,796,796,796,796,-277,-278,-279,-280,-365,796,-308,796,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,796,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,796,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,796,796,796,796,796,796,-573,796,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,796,796,-723,-724,-725,796,796,796,796,796,796,-994,796,796,-91,-92,796,796,796,796,-309,-310,-320,796,-307,-293,-294,-295,796,796,796,796,-618,-633,-590,796,796,-436,796,-437,796,-444,-445,-446,-378,-379,796,796,796,-506,796,796,-510,796,796,796,796,-515,-516,-517,-518,796,796,-521,-522,796,-524,-525,-526,-527,-528,-529,-530,-531,796,-533,796,796,796,-539,-541,-542,796,-544,-545,-546,-547,796,796,796,796,796,796,-652,-653,-654,-655,796,-657,-658,-659,796,796,796,-665,796,796,-669,-670,796,796,-673,796,-675,-676,796,-679,796,-681,796,796,-684,-685,-686,796,-688,796,796,-691,796,796,-694,-695,-696,796,-698,-699,-700,-701,796,796,-746,796,-749,-750,-751,-752,-753,796,-755,-756,-757,-758,-759,796,-766,-767,-769,796,-771,-772,-773,-782,-856,-858,-860,-862,796,796,796,796,-868,796,-870,796,796,796,796,796,796,796,-906,-907,796,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,796,-921,-924,796,-934,796,-385,-386,-387,796,796,-390,-391,-392,-393,796,-396,796,-399,-400,796,-401,796,-406,-407,796,-410,-411,-412,796,-415,796,-416,796,-421,-422,796,-425,796,-428,-429,-1894,-1894,796,-619,-620,-621,-622,-623,-634,-584,-624,-797,796,796,796,796,796,-831,796,796,-806,796,-832,796,796,796,796,-798,796,-853,-799,796,796,796,796,796,796,-854,-855,796,-834,-830,-835,796,-625,796,-626,-627,-628,-629,-574,796,796,-630,-631,-632,796,796,796,796,796,796,-635,-636,-637,-592,-1894,-602,796,-638,-639,-713,-640,-604,796,-572,-577,-580,-583,796,796,796,-598,-601,796,-608,796,796,796,796,796,796,796,796,796,796,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,796,796,796,-995,796,796,796,796,796,796,-306,-325,-319,-296,-375,-452,-453,-454,-458,796,-443,796,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,796,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,796,796,796,796,796,796,796,796,796,-316,-535,-508,-591,-937,-939,-940,-438,796,-440,-380,-381,-383,-507,-509,-511,796,-513,-514,-519,-520,796,-532,-534,-537,-538,-543,-548,-726,796,-727,796,-732,796,-734,796,-739,-656,-660,-661,796,-666,796,-667,796,-672,-674,796,-677,796,796,796,-687,-689,796,-692,796,796,-744,796,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,796,796,796,796,796,-877,796,-880,-908,-920,-925,-388,-389,796,-394,796,-397,796,-402,796,-403,796,-408,796,-413,796,-417,796,-418,796,-423,796,-426,-899,-900,-643,-585,-1894,-901,796,796,796,-800,796,796,-804,796,-807,-833,796,-818,796,-820,796,-822,-808,796,-824,796,-851,-852,796,796,-811,796,-646,-902,-904,-648,-649,-645,796,-705,-706,796,-642,-903,-647,-650,-603,-714,796,796,-605,-586,796,796,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,796,796,-709,-710,796,-716,796,796,796,796,796,796,-938,796,-439,-441,-747,796,-891,796,-715,-1894,796,796,796,796,796,-442,-512,-523,796,-728,-733,796,-735,796,-740,796,-662,-668,796,-678,-680,-682,-683,-690,-693,-697,-745,796,796,-874,796,796,-878,796,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,796,-812,796,-814,-801,796,-802,-805,796,-816,-819,-821,-823,-825,796,-826,796,-809,796,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,796,-282,796,796,796,796,-455,796,796,-729,796,-736,796,-741,796,-663,-671,796,796,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,796,-836,-53,796,796,-730,796,-737,796,-742,-664,796,-873,-54,796,796,-731,-738,-743,796,796,796,-872,]),'TABLEGROUPS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[797,797,797,797,-1894,797,797,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,797,797,797,797,-275,-276,797,-1425,797,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,797,797,797,-490,797,797,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,797,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,797,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,797,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,797,-172,-173,-174,-175,-993,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-290,-291,-281,797,797,797,797,797,-328,-318,-332,-333,-334,797,797,-982,-983,-984,-985,-986,-987,-988,797,797,797,797,797,797,797,797,797,797,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,797,797,797,-353,-356,797,-323,-324,-141,797,-142,797,-143,797,-430,-935,-936,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-1894,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-1894,797,-1894,797,797,797,797,797,797,797,797,797,797,797,797,-1894,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,797,-1894,797,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,797,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,797,797,797,-191,-192,797,-994,797,797,797,797,797,-277,-278,-279,-280,-365,797,-308,797,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,797,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,797,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,797,797,797,797,797,797,-573,797,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,797,797,-723,-724,-725,797,797,797,797,797,797,-994,797,797,-91,-92,797,797,797,797,-309,-310,-320,797,-307,-293,-294,-295,797,797,797,797,-618,-633,-590,797,797,-436,797,-437,797,-444,-445,-446,-378,-379,797,797,797,-506,797,797,-510,797,797,797,797,-515,-516,-517,-518,797,797,-521,-522,797,-524,-525,-526,-527,-528,-529,-530,-531,797,-533,797,797,797,-539,-541,-542,797,-544,-545,-546,-547,797,797,797,797,797,797,-652,-653,-654,-655,797,-657,-658,-659,797,797,797,-665,797,797,-669,-670,797,797,-673,797,-675,-676,797,-679,797,-681,797,797,-684,-685,-686,797,-688,797,797,-691,797,797,-694,-695,-696,797,-698,-699,-700,-701,797,797,-746,797,-749,-750,-751,-752,-753,797,-755,-756,-757,-758,-759,797,-766,-767,-769,797,-771,-772,-773,-782,-856,-858,-860,-862,797,797,797,797,-868,797,-870,797,797,797,797,797,797,797,-906,-907,797,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,797,-921,-924,797,-934,797,-385,-386,-387,797,797,-390,-391,-392,-393,797,-396,797,-399,-400,797,-401,797,-406,-407,797,-410,-411,-412,797,-415,797,-416,797,-421,-422,797,-425,797,-428,-429,-1894,-1894,797,-619,-620,-621,-622,-623,-634,-584,-624,-797,797,797,797,797,797,-831,797,797,-806,797,-832,797,797,797,797,-798,797,-853,-799,797,797,797,797,797,797,-854,-855,797,-834,-830,-835,797,-625,797,-626,-627,-628,-629,-574,797,797,-630,-631,-632,797,797,797,797,797,797,-635,-636,-637,-592,-1894,-602,797,-638,-639,-713,-640,-604,797,-572,-577,-580,-583,797,797,797,-598,-601,797,-608,797,797,797,797,797,797,797,797,797,797,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,797,797,797,-995,797,797,797,797,797,797,-306,-325,-319,-296,-375,-452,-453,-454,-458,797,-443,797,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,797,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,797,797,797,797,797,797,797,797,797,-316,-535,-508,-591,-937,-939,-940,-438,797,-440,-380,-381,-383,-507,-509,-511,797,-513,-514,-519,-520,797,-532,-534,-537,-538,-543,-548,-726,797,-727,797,-732,797,-734,797,-739,-656,-660,-661,797,-666,797,-667,797,-672,-674,797,-677,797,797,797,-687,-689,797,-692,797,797,-744,797,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,797,797,797,797,797,-877,797,-880,-908,-920,-925,-388,-389,797,-394,797,-397,797,-402,797,-403,797,-408,797,-413,797,-417,797,-418,797,-423,797,-426,-899,-900,-643,-585,-1894,-901,797,797,797,-800,797,797,-804,797,-807,-833,797,-818,797,-820,797,-822,-808,797,-824,797,-851,-852,797,797,-811,797,-646,-902,-904,-648,-649,-645,797,-705,-706,797,-642,-903,-647,-650,-603,-714,797,797,-605,-586,797,797,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,797,797,-709,-710,797,-716,797,797,797,797,797,797,-938,797,-439,-441,-747,797,-891,797,-715,-1894,797,797,797,797,797,-442,-512,-523,797,-728,-733,797,-735,797,-740,797,-662,-668,797,-678,-680,-682,-683,-690,-693,-697,-745,797,797,-874,797,797,-878,797,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,797,-812,797,-814,-801,797,-802,-805,797,-816,-819,-821,-823,-825,797,-826,797,-809,797,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,797,-282,797,797,797,797,-455,797,797,-729,797,-736,797,-741,797,-663,-671,797,797,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,797,-836,-53,797,797,-730,797,-737,797,-742,-664,797,-873,-54,797,797,-731,-738,-743,797,797,797,-872,]),'TABLEGROUP_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[798,798,798,798,-1894,798,798,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,798,798,798,798,-275,-276,798,-1425,798,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,798,798,798,-490,798,798,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,798,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,798,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,798,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,798,-172,-173,-174,-175,-993,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-290,-291,-281,798,798,798,798,798,-328,-318,-332,-333,-334,798,798,-982,-983,-984,-985,-986,-987,-988,798,798,798,798,798,798,798,798,798,798,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,798,798,798,-353,-356,798,-323,-324,-141,798,-142,798,-143,798,-430,-935,-936,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-1894,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-1894,798,-1894,798,798,798,798,798,798,798,798,798,798,798,798,-1894,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,798,-1894,798,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,798,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,798,798,798,-191,-192,798,-994,798,798,798,798,798,-277,-278,-279,-280,-365,798,-308,798,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,798,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,798,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,798,798,798,798,798,798,-573,798,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,798,798,-723,-724,-725,798,798,798,798,798,798,-994,798,798,-91,-92,798,798,798,798,-309,-310,-320,798,-307,-293,-294,-295,798,798,798,798,-618,-633,-590,798,798,-436,798,-437,798,-444,-445,-446,-378,-379,798,798,798,-506,798,798,-510,798,798,798,798,-515,-516,-517,-518,798,798,-521,-522,798,-524,-525,-526,-527,-528,-529,-530,-531,798,-533,798,798,798,-539,-541,-542,798,-544,-545,-546,-547,798,798,798,798,798,798,-652,-653,-654,-655,798,-657,-658,-659,798,798,798,-665,798,798,-669,-670,798,798,-673,798,-675,-676,798,-679,798,-681,798,798,-684,-685,-686,798,-688,798,798,-691,798,798,-694,-695,-696,798,-698,-699,-700,-701,798,798,-746,798,-749,-750,-751,-752,-753,798,-755,-756,-757,-758,-759,798,-766,-767,-769,798,-771,-772,-773,-782,-856,-858,-860,-862,798,798,798,798,-868,798,-870,798,798,798,798,798,798,798,-906,-907,798,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,798,-921,-924,798,-934,798,-385,-386,-387,798,798,-390,-391,-392,-393,798,-396,798,-399,-400,798,-401,798,-406,-407,798,-410,-411,-412,798,-415,798,-416,798,-421,-422,798,-425,798,-428,-429,-1894,-1894,798,-619,-620,-621,-622,-623,-634,-584,-624,-797,798,798,798,798,798,-831,798,798,-806,798,-832,798,798,798,798,-798,798,-853,-799,798,798,798,798,798,798,-854,-855,798,-834,-830,-835,798,-625,798,-626,-627,-628,-629,-574,798,798,-630,-631,-632,798,798,798,798,798,798,-635,-636,-637,-592,-1894,-602,798,-638,-639,-713,-640,-604,798,-572,-577,-580,-583,798,798,798,-598,-601,798,-608,798,798,798,798,798,798,798,798,798,798,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,798,798,798,-995,798,798,798,798,798,798,-306,-325,-319,-296,-375,-452,-453,-454,-458,798,-443,798,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,798,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,798,798,798,798,798,798,798,798,798,-316,-535,-508,-591,-937,-939,-940,-438,798,-440,-380,-381,-383,-507,-509,-511,798,-513,-514,-519,-520,798,-532,-534,-537,-538,-543,-548,-726,798,-727,798,-732,798,-734,798,-739,-656,-660,-661,798,-666,798,-667,798,-672,-674,798,-677,798,798,798,-687,-689,798,-692,798,798,-744,798,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,798,798,798,798,798,-877,798,-880,-908,-920,-925,-388,-389,798,-394,798,-397,798,-402,798,-403,798,-408,798,-413,798,-417,798,-418,798,-423,798,-426,-899,-900,-643,-585,-1894,-901,798,798,798,-800,798,798,-804,798,-807,-833,798,-818,798,-820,798,-822,-808,798,-824,798,-851,-852,798,798,-811,798,-646,-902,-904,-648,-649,-645,798,-705,-706,798,-642,-903,-647,-650,-603,-714,798,798,-605,-586,798,798,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,798,798,-709,-710,798,-716,798,798,798,798,798,798,-938,798,-439,-441,-747,798,-891,798,-715,-1894,798,798,798,798,798,-442,-512,-523,798,-728,-733,798,-735,798,-740,798,-662,-668,798,-678,-680,-682,-683,-690,-693,-697,-745,798,798,-874,798,798,-878,798,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,798,-812,798,-814,-801,798,-802,-805,798,-816,-819,-821,-823,-825,798,-826,798,-809,798,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,798,-282,798,798,798,798,-455,798,798,-729,798,-736,798,-741,798,-663,-671,798,798,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,798,-836,-53,798,798,-730,798,-737,798,-742,-664,798,-873,-54,798,798,-731,-738,-743,798,798,798,-872,]),'TABLES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[799,799,799,799,-1894,799,799,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,799,799,799,799,-275,-276,799,-1425,799,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,799,799,799,-490,799,799,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,799,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,799,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,799,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,799,-172,-173,-174,-175,-993,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-290,-291,-281,799,799,799,799,799,-328,-318,-332,-333,-334,799,799,-982,-983,-984,-985,-986,-987,-988,799,799,799,799,799,799,799,799,799,799,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,799,799,799,-353,-356,799,-323,-324,-141,799,-142,799,-143,799,-430,-935,-936,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-1894,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-1894,799,-1894,799,799,799,799,799,799,799,799,799,799,799,799,-1894,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,799,-1894,799,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,799,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,799,799,799,-191,-192,799,-994,799,799,799,799,799,-277,-278,-279,-280,-365,799,-308,799,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,799,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,799,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,799,799,799,799,799,799,-573,799,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,799,799,-723,-724,-725,799,799,799,799,799,799,-994,799,799,-91,-92,799,799,799,799,-309,-310,-320,799,-307,-293,-294,-295,799,799,799,799,-618,-633,-590,799,799,-436,799,-437,799,-444,-445,-446,-378,-379,799,799,799,-506,799,799,-510,799,799,799,799,-515,-516,-517,-518,799,799,-521,-522,799,-524,-525,-526,-527,-528,-529,-530,-531,799,-533,799,799,799,-539,-541,-542,799,-544,-545,-546,-547,799,799,799,799,799,799,-652,-653,-654,-655,799,-657,-658,-659,799,799,799,-665,799,799,-669,-670,799,799,-673,799,-675,-676,799,-679,799,-681,799,799,-684,-685,-686,799,-688,799,799,-691,799,799,-694,-695,-696,799,-698,-699,-700,-701,799,799,-746,799,-749,-750,-751,-752,-753,799,-755,-756,-757,-758,-759,799,-766,-767,-769,799,-771,-772,-773,-782,-856,-858,-860,-862,799,799,799,799,-868,799,-870,799,799,799,799,799,799,799,-906,-907,799,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,799,-921,-924,799,-934,799,-385,-386,-387,799,799,-390,-391,-392,-393,799,-396,799,-399,-400,799,-401,799,-406,-407,799,-410,-411,-412,799,-415,799,-416,799,-421,-422,799,-425,799,-428,-429,-1894,-1894,799,-619,-620,-621,-622,-623,-634,-584,-624,-797,799,799,799,799,799,-831,799,799,-806,799,-832,799,799,799,799,-798,799,-853,-799,799,799,799,799,799,799,-854,-855,799,-834,-830,-835,799,-625,799,-626,-627,-628,-629,-574,799,799,-630,-631,-632,799,799,799,799,799,799,-635,-636,-637,-592,-1894,-602,799,-638,-639,-713,-640,-604,799,-572,-577,-580,-583,799,799,799,-598,-601,799,-608,799,799,799,799,799,799,799,799,799,799,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,799,799,799,-995,799,799,799,799,799,799,-306,-325,-319,-296,-375,-452,-453,-454,-458,799,-443,799,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,799,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,799,799,799,799,799,799,799,799,799,-316,-535,-508,-591,-937,-939,-940,-438,799,-440,-380,-381,-383,-507,-509,-511,799,-513,-514,-519,-520,799,-532,-534,-537,-538,-543,-548,-726,799,-727,799,-732,799,-734,799,-739,-656,-660,-661,799,-666,799,-667,799,-672,-674,799,-677,799,799,799,-687,-689,799,-692,799,799,-744,799,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,799,799,799,799,799,-877,799,-880,-908,-920,-925,-388,-389,799,-394,799,-397,799,-402,799,-403,799,-408,799,-413,799,-417,799,-418,799,-423,799,-426,-899,-900,-643,-585,-1894,-901,799,799,799,-800,799,799,-804,799,-807,-833,799,-818,799,-820,799,-822,-808,799,-824,799,-851,-852,799,799,-811,799,-646,-902,-904,-648,-649,-645,799,-705,-706,799,-642,-903,-647,-650,-603,-714,799,799,-605,-586,799,799,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,799,799,-709,-710,799,-716,799,799,799,799,799,799,-938,799,-439,-441,-747,799,-891,799,-715,-1894,799,799,799,799,799,-442,-512,-523,799,-728,-733,799,-735,799,-740,799,-662,-668,799,-678,-680,-682,-683,-690,-693,-697,-745,799,799,-874,799,799,-878,799,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,799,-812,799,-814,-801,799,-802,-805,799,-816,-819,-821,-823,-825,799,-826,799,-809,799,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,799,-282,799,799,799,799,-455,799,799,-729,799,-736,799,-741,799,-663,-671,799,799,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,799,-836,-53,799,799,-730,799,-737,799,-742,-664,799,-873,-54,799,799,-731,-738,-743,799,799,799,-872,]),'TABLESPACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[800,800,800,800,-1894,800,800,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,800,800,800,800,-275,-276,800,-1425,800,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,800,800,800,-490,800,800,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,800,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,800,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,800,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,800,-172,-173,-174,-175,-993,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-290,-291,-281,800,800,800,800,800,-328,-318,-332,-333,-334,800,800,-982,-983,-984,-985,-986,-987,-988,800,800,800,800,800,800,800,800,800,800,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,800,800,800,-353,-356,800,-323,-324,-141,800,-142,800,-143,800,-430,-935,-936,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-1894,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-1894,800,-1894,800,800,800,800,800,800,800,800,800,800,800,800,-1894,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,800,-1894,800,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,800,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,800,800,800,-191,-192,800,-994,800,800,800,800,800,-277,-278,-279,-280,-365,800,-308,800,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,800,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,800,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,800,800,800,800,800,800,-573,800,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,800,800,-723,-724,-725,800,800,800,800,800,800,-994,800,800,-91,-92,800,800,800,800,-309,-310,-320,800,-307,-293,-294,-295,800,800,800,800,-618,-633,-590,800,800,-436,800,-437,800,-444,-445,-446,-378,-379,800,800,800,-506,800,800,-510,800,800,800,800,-515,-516,-517,-518,800,800,-521,-522,800,-524,-525,-526,-527,-528,-529,-530,-531,800,-533,800,800,800,-539,-541,-542,800,-544,-545,-546,-547,800,800,800,800,800,800,-652,-653,-654,-655,800,-657,-658,-659,800,800,800,-665,800,800,-669,-670,800,800,-673,800,-675,-676,800,-679,800,-681,800,800,-684,-685,-686,800,-688,800,800,-691,800,800,-694,-695,-696,800,-698,-699,-700,-701,800,800,-746,800,-749,-750,-751,-752,-753,800,-755,-756,-757,-758,-759,800,-766,-767,-769,800,-771,-772,-773,-782,-856,-858,-860,-862,800,800,800,800,-868,800,-870,800,800,800,800,800,800,800,-906,-907,800,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,800,-921,-924,800,-934,800,-385,-386,-387,800,800,-390,-391,-392,-393,800,-396,800,-399,-400,800,-401,800,-406,-407,800,-410,-411,-412,800,-415,800,-416,800,-421,-422,800,-425,800,-428,-429,-1894,-1894,800,-619,-620,-621,-622,-623,-634,-584,-624,-797,800,800,800,800,800,-831,800,800,-806,800,-832,800,800,800,800,-798,800,-853,-799,800,800,800,800,800,800,-854,-855,800,-834,-830,-835,800,-625,800,-626,-627,-628,-629,-574,800,800,-630,-631,-632,800,800,800,800,800,800,-635,-636,-637,-592,-1894,-602,800,-638,-639,-713,-640,-604,800,-572,-577,-580,-583,800,800,800,-598,-601,800,-608,800,800,800,800,800,800,800,800,800,800,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,800,800,800,-995,800,800,800,800,800,800,-306,-325,-319,-296,-375,-452,-453,-454,-458,800,-443,800,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,800,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,800,800,800,800,800,800,800,800,800,-316,-535,-508,-591,-937,-939,-940,-438,800,-440,-380,-381,-383,-507,-509,-511,800,-513,-514,-519,-520,800,-532,-534,-537,-538,-543,-548,-726,800,-727,800,-732,800,-734,800,-739,-656,-660,-661,800,-666,800,-667,800,-672,-674,800,-677,800,800,800,-687,-689,800,-692,800,800,-744,800,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,800,800,800,800,800,-877,800,-880,-908,-920,-925,-388,-389,800,-394,800,-397,800,-402,800,-403,800,-408,800,-413,800,-417,800,-418,800,-423,800,-426,-899,-900,-643,-585,-1894,-901,800,800,800,-800,800,800,-804,800,-807,-833,800,-818,800,-820,800,-822,-808,800,-824,800,-851,-852,800,800,-811,800,-646,-902,-904,-648,-649,-645,800,-705,-706,800,-642,-903,-647,-650,-603,-714,800,800,-605,-586,800,800,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,800,800,-709,-710,800,-716,800,800,800,800,800,800,-938,800,-439,-441,-747,800,-891,800,-715,-1894,800,800,800,800,800,-442,-512,-523,800,-728,-733,800,-735,800,-740,800,-662,-668,800,-678,-680,-682,-683,-690,-693,-697,-745,800,800,-874,800,800,-878,800,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,800,-812,800,-814,-801,800,-802,-805,800,-816,-819,-821,-823,-825,800,-826,800,-809,800,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,800,-282,800,800,800,800,-455,800,800,-729,800,-736,800,-741,800,-663,-671,800,800,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,800,-836,-53,800,800,-730,800,-737,800,-742,-664,800,-873,-54,800,800,-731,-738,-743,800,800,800,-872,]),'TABLET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[801,801,801,801,-1894,801,801,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,801,801,801,801,-275,-276,801,-1425,801,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,801,801,801,-490,801,801,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,801,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,801,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,801,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,801,-172,-173,-174,-175,-993,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-290,-291,-281,801,801,801,801,801,-328,-318,-332,-333,-334,801,801,-982,-983,-984,-985,-986,-987,-988,801,801,801,801,801,801,801,801,801,801,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,801,801,801,-353,-356,801,-323,-324,-141,801,-142,801,-143,801,-430,-935,-936,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-1894,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-1894,801,-1894,801,801,801,801,801,801,801,801,801,801,801,801,-1894,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,801,-1894,801,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,801,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,801,801,801,-191,-192,801,-994,801,801,801,801,801,-277,-278,-279,-280,-365,801,-308,801,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,801,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,801,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,801,801,801,801,801,801,-573,801,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,801,801,-723,-724,-725,801,801,801,801,801,801,-994,801,801,-91,-92,801,801,801,801,-309,-310,-320,801,-307,-293,-294,-295,801,801,801,801,-618,-633,-590,801,801,-436,801,-437,801,-444,-445,-446,-378,-379,801,801,801,-506,801,801,-510,801,801,801,801,-515,-516,-517,-518,801,801,-521,-522,801,-524,-525,-526,-527,-528,-529,-530,-531,801,-533,801,801,801,-539,-541,-542,801,-544,-545,-546,-547,801,801,801,801,801,801,-652,-653,-654,-655,801,-657,-658,-659,801,801,801,-665,801,801,-669,-670,801,801,-673,801,-675,-676,801,-679,801,-681,801,801,-684,-685,-686,801,-688,801,801,-691,801,801,-694,-695,-696,801,-698,-699,-700,-701,801,801,-746,801,-749,-750,-751,-752,-753,801,-755,-756,-757,-758,-759,801,-766,-767,-769,801,-771,-772,-773,-782,-856,-858,-860,-862,801,801,801,801,-868,801,-870,801,801,801,801,801,801,801,-906,-907,801,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,801,-921,-924,801,-934,801,-385,-386,-387,801,801,-390,-391,-392,-393,801,-396,801,-399,-400,801,-401,801,-406,-407,801,-410,-411,-412,801,-415,801,-416,801,-421,-422,801,-425,801,-428,-429,-1894,-1894,801,-619,-620,-621,-622,-623,-634,-584,-624,-797,801,801,801,801,801,-831,801,801,-806,801,-832,801,801,801,801,-798,801,-853,-799,801,801,801,801,801,801,-854,-855,801,-834,-830,-835,801,-625,801,-626,-627,-628,-629,-574,801,801,-630,-631,-632,801,801,801,801,801,801,-635,-636,-637,-592,-1894,-602,801,-638,-639,-713,-640,-604,801,-572,-577,-580,-583,801,801,801,-598,-601,801,-608,801,801,801,801,801,801,801,801,801,801,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,801,801,801,-995,801,801,801,801,801,801,-306,-325,-319,-296,-375,-452,-453,-454,-458,801,-443,801,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,801,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,801,801,801,801,801,801,801,801,801,-316,-535,-508,-591,-937,-939,-940,-438,801,-440,-380,-381,-383,-507,-509,-511,801,-513,-514,-519,-520,801,-532,-534,-537,-538,-543,-548,-726,801,-727,801,-732,801,-734,801,-739,-656,-660,-661,801,-666,801,-667,801,-672,-674,801,-677,801,801,801,-687,-689,801,-692,801,801,-744,801,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,801,801,801,801,801,-877,801,-880,-908,-920,-925,-388,-389,801,-394,801,-397,801,-402,801,-403,801,-408,801,-413,801,-417,801,-418,801,-423,801,-426,-899,-900,-643,-585,-1894,-901,801,801,801,-800,801,801,-804,801,-807,-833,801,-818,801,-820,801,-822,-808,801,-824,801,-851,-852,801,801,-811,801,-646,-902,-904,-648,-649,-645,801,-705,-706,801,-642,-903,-647,-650,-603,-714,801,801,-605,-586,801,801,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,801,801,-709,-710,801,-716,801,801,801,801,801,801,-938,801,-439,-441,-747,801,-891,801,-715,-1894,801,801,801,801,801,-442,-512,-523,801,-728,-733,801,-735,801,-740,801,-662,-668,801,-678,-680,-682,-683,-690,-693,-697,-745,801,801,-874,801,801,-878,801,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,801,-812,801,-814,-801,801,-802,-805,801,-816,-819,-821,-823,-825,801,-826,801,-809,801,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,801,-282,801,801,801,801,-455,801,801,-729,801,-736,801,-741,801,-663,-671,801,801,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,801,-836,-53,801,801,-730,801,-737,801,-742,-664,801,-873,-54,801,801,-731,-738,-743,801,801,801,-872,]),'TABLET_MAX_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[802,802,802,802,-1894,802,802,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,802,802,802,802,-275,-276,802,-1425,802,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,802,802,802,-490,802,802,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,802,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,802,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,802,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,802,-172,-173,-174,-175,-993,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-290,-291,-281,802,802,802,802,802,-328,-318,-332,-333,-334,802,802,-982,-983,-984,-985,-986,-987,-988,802,802,802,802,802,802,802,802,802,802,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,802,802,802,-353,-356,802,-323,-324,-141,802,-142,802,-143,802,-430,-935,-936,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-1894,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-1894,802,-1894,802,802,802,802,802,802,802,802,802,802,802,802,-1894,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,802,-1894,802,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,802,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,802,802,802,-191,-192,802,-994,802,802,802,802,802,-277,-278,-279,-280,-365,802,-308,802,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,802,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,802,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,802,802,802,802,802,802,-573,802,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,802,802,-723,-724,-725,802,802,802,802,802,802,-994,802,802,-91,-92,802,802,802,802,-309,-310,-320,802,-307,-293,-294,-295,802,802,802,802,-618,-633,-590,802,802,-436,802,-437,802,-444,-445,-446,-378,-379,802,802,802,-506,802,802,-510,802,802,802,802,-515,-516,-517,-518,802,802,-521,-522,802,-524,-525,-526,-527,-528,-529,-530,-531,802,-533,802,802,802,-539,-541,-542,802,-544,-545,-546,-547,802,802,802,802,802,802,-652,-653,-654,-655,802,-657,-658,-659,802,802,802,-665,802,802,-669,-670,802,802,-673,802,-675,-676,802,-679,802,-681,802,802,-684,-685,-686,802,-688,802,802,-691,802,802,-694,-695,-696,802,-698,-699,-700,-701,802,802,-746,802,-749,-750,-751,-752,-753,802,-755,-756,-757,-758,-759,802,-766,-767,-769,802,-771,-772,-773,-782,-856,-858,-860,-862,802,802,802,802,-868,802,-870,802,802,802,802,802,802,802,-906,-907,802,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,802,-921,-924,802,-934,802,-385,-386,-387,802,802,-390,-391,-392,-393,802,-396,802,-399,-400,802,-401,802,-406,-407,802,-410,-411,-412,802,-415,802,-416,802,-421,-422,802,-425,802,-428,-429,-1894,-1894,802,-619,-620,-621,-622,-623,-634,-584,-624,-797,802,802,802,802,802,-831,802,802,-806,802,-832,802,802,802,802,-798,802,-853,-799,802,802,802,802,802,802,-854,-855,802,-834,-830,-835,802,-625,802,-626,-627,-628,-629,-574,802,802,-630,-631,-632,802,802,802,802,802,802,-635,-636,-637,-592,-1894,-602,802,-638,-639,-713,-640,-604,802,-572,-577,-580,-583,802,802,802,-598,-601,802,-608,802,802,802,802,802,802,802,802,802,802,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,802,802,802,-995,802,802,802,802,802,802,-306,-325,-319,-296,-375,-452,-453,-454,-458,802,-443,802,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,802,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,802,802,802,802,802,802,802,802,802,-316,-535,-508,-591,-937,-939,-940,-438,802,-440,-380,-381,-383,-507,-509,-511,802,-513,-514,-519,-520,802,-532,-534,-537,-538,-543,-548,-726,802,-727,802,-732,802,-734,802,-739,-656,-660,-661,802,-666,802,-667,802,-672,-674,802,-677,802,802,802,-687,-689,802,-692,802,802,-744,802,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,802,802,802,802,802,-877,802,-880,-908,-920,-925,-388,-389,802,-394,802,-397,802,-402,802,-403,802,-408,802,-413,802,-417,802,-418,802,-423,802,-426,-899,-900,-643,-585,-1894,-901,802,802,802,-800,802,802,-804,802,-807,-833,802,-818,802,-820,802,-822,-808,802,-824,802,-851,-852,802,802,-811,802,-646,-902,-904,-648,-649,-645,802,-705,-706,802,-642,-903,-647,-650,-603,-714,802,802,-605,-586,802,802,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,802,802,-709,-710,802,-716,802,802,802,802,802,802,-938,802,-439,-441,-747,802,-891,802,-715,-1894,802,802,802,802,802,-442,-512,-523,802,-728,-733,802,-735,802,-740,802,-662,-668,802,-678,-680,-682,-683,-690,-693,-697,-745,802,802,-874,802,802,-878,802,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,802,-812,802,-814,-801,802,-802,-805,802,-816,-819,-821,-823,-825,802,-826,802,-809,802,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,802,-282,802,802,802,802,-455,802,802,-729,802,-736,802,-741,802,-663,-671,802,802,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,802,-836,-53,802,802,-730,802,-737,802,-742,-664,802,-873,-54,802,802,-731,-738,-743,802,802,802,-872,]),'TABLET_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[803,803,803,803,-1894,803,803,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,803,803,803,803,-275,-276,803,-1425,803,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,803,803,803,-490,803,803,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,803,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,803,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,803,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,803,-172,-173,-174,-175,-993,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-290,-291,-281,803,803,803,803,803,-328,-318,-332,-333,-334,803,803,-982,-983,-984,-985,-986,-987,-988,803,803,803,803,803,803,803,803,803,803,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,803,803,803,-353,-356,803,-323,-324,-141,803,-142,803,-143,803,-430,-935,-936,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-1894,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-1894,803,-1894,803,803,803,803,803,803,803,803,803,803,803,803,-1894,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,803,-1894,803,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,803,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,803,803,803,-191,-192,803,-994,803,803,803,803,803,-277,-278,-279,-280,-365,803,-308,803,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,803,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,803,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,803,803,803,803,803,803,-573,803,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,803,803,-723,-724,-725,803,803,803,803,803,803,-994,803,803,-91,-92,803,803,803,803,-309,-310,-320,803,-307,-293,-294,-295,803,803,803,803,-618,-633,-590,803,803,-436,803,-437,803,-444,-445,-446,-378,-379,803,803,803,-506,803,803,-510,803,803,803,803,-515,-516,-517,-518,803,803,-521,-522,803,-524,-525,-526,-527,-528,-529,-530,-531,803,-533,803,803,803,-539,-541,-542,803,-544,-545,-546,-547,803,803,803,803,803,803,-652,-653,-654,-655,803,-657,-658,-659,803,803,803,-665,803,803,-669,-670,803,803,-673,803,-675,-676,803,-679,803,-681,803,803,-684,-685,-686,803,-688,803,803,-691,803,803,-694,-695,-696,803,-698,-699,-700,-701,803,803,-746,803,-749,-750,-751,-752,-753,803,-755,-756,-757,-758,-759,803,-766,-767,-769,803,-771,-772,-773,-782,-856,-858,-860,-862,803,803,803,803,-868,803,-870,803,803,803,803,803,803,803,-906,-907,803,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,803,-921,-924,803,-934,803,-385,-386,-387,803,803,-390,-391,-392,-393,803,-396,803,-399,-400,803,-401,803,-406,-407,803,-410,-411,-412,803,-415,803,-416,803,-421,-422,803,-425,803,-428,-429,-1894,-1894,803,-619,-620,-621,-622,-623,-634,-584,-624,-797,803,803,803,803,803,-831,803,803,-806,803,-832,803,803,803,803,-798,803,-853,-799,803,803,803,803,803,803,-854,-855,803,-834,-830,-835,803,-625,803,-626,-627,-628,-629,-574,803,803,-630,-631,-632,803,803,803,803,803,803,-635,-636,-637,-592,-1894,-602,803,-638,-639,-713,-640,-604,803,-572,-577,-580,-583,803,803,803,-598,-601,803,-608,803,803,803,803,803,803,803,803,803,803,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,803,803,3191,803,-995,803,803,803,803,803,803,-306,-325,-319,-296,-375,-452,-453,-454,-458,803,-443,803,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,803,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,803,803,803,803,803,803,803,803,803,-316,-535,-508,-591,-937,-939,-940,-438,803,-440,-380,-381,-383,-507,-509,-511,803,-513,-514,-519,-520,803,-532,-534,-537,-538,-543,-548,-726,803,-727,803,-732,803,-734,803,-739,-656,-660,-661,803,-666,803,-667,803,-672,-674,803,-677,803,803,803,-687,-689,803,-692,803,803,-744,803,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,803,803,803,803,803,-877,803,-880,-908,-920,-925,-388,-389,803,-394,803,-397,803,-402,803,-403,803,-408,803,-413,803,-417,803,-418,803,-423,803,-426,-899,-900,-643,-585,-1894,-901,803,803,803,-800,803,803,-804,803,-807,-833,803,-818,803,-820,803,-822,-808,803,-824,803,-851,-852,803,803,-811,803,-646,-902,-904,-648,-649,-645,803,-705,-706,803,-642,-903,-647,-650,-603,-714,803,803,-605,-586,803,803,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,803,803,-709,-710,803,-716,803,803,803,803,3191,803,803,-938,803,-439,-441,-747,803,-891,803,-715,-1894,803,803,3191,803,3191,3191,3191,3191,3191,3191,3191,3191,3191,803,803,-442,-512,-523,803,-728,-733,803,-735,803,-740,803,-662,-668,803,-678,-680,-682,-683,-690,-693,-697,-745,803,803,-874,803,803,-878,803,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,803,-812,803,-814,-801,803,-802,-805,803,-816,-819,-821,-823,-825,803,-826,803,-809,803,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,803,3191,-282,803,803,803,803,-455,803,803,-729,803,-736,803,-741,803,-663,-671,803,803,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,803,-836,-53,803,803,-730,803,-737,803,-742,-664,803,-873,-54,803,803,-731,-738,-743,803,803,803,-872,]),'TABLE_CHECKSUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[804,804,804,804,-1894,804,804,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,804,804,804,804,-275,-276,804,-1425,804,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,804,804,804,-490,804,804,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,804,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,804,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,804,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,804,-172,-173,-174,-175,-993,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-290,-291,-281,804,804,804,804,804,-328,-318,-332,-333,-334,804,804,-982,-983,-984,-985,-986,-987,-988,804,804,804,804,804,804,804,804,804,804,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,804,804,804,-353,-356,804,-323,-324,-141,804,-142,804,-143,804,-430,-935,-936,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-1894,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-1894,804,-1894,804,804,804,804,804,804,804,804,804,804,804,804,-1894,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,804,-1894,804,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,804,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,804,804,804,-191,-192,804,-994,804,804,804,804,804,-277,-278,-279,-280,-365,804,-308,804,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,804,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,804,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,804,804,804,804,804,804,-573,804,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,804,804,-723,-724,-725,804,804,804,804,804,804,-994,804,804,-91,-92,804,804,804,804,-309,-310,-320,804,-307,-293,-294,-295,804,804,804,804,-618,-633,-590,804,804,-436,804,-437,804,-444,-445,-446,-378,-379,804,804,804,-506,804,804,-510,804,804,804,804,-515,-516,-517,-518,804,804,-521,-522,804,-524,-525,-526,-527,-528,-529,-530,-531,804,-533,804,804,804,-539,-541,-542,804,-544,-545,-546,-547,804,804,804,804,804,804,-652,-653,-654,-655,804,-657,-658,-659,804,804,804,-665,804,804,-669,-670,804,804,-673,804,-675,-676,804,-679,804,-681,804,804,-684,-685,-686,804,-688,804,804,-691,804,804,-694,-695,-696,804,-698,-699,-700,-701,804,804,-746,804,-749,-750,-751,-752,-753,804,-755,-756,-757,-758,-759,804,-766,-767,-769,804,-771,-772,-773,-782,-856,-858,-860,-862,804,804,804,804,-868,804,-870,804,804,804,804,804,804,804,-906,-907,804,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,804,-921,-924,804,-934,804,-385,-386,-387,804,804,-390,-391,-392,-393,804,-396,804,-399,-400,804,-401,804,-406,-407,804,-410,-411,-412,804,-415,804,-416,804,-421,-422,804,-425,804,-428,-429,-1894,-1894,804,-619,-620,-621,-622,-623,-634,-584,-624,-797,804,804,804,804,804,-831,804,804,-806,804,-832,804,804,804,804,-798,804,-853,-799,804,804,804,804,804,804,-854,-855,804,-834,-830,-835,804,-625,804,-626,-627,-628,-629,-574,804,804,-630,-631,-632,804,804,804,804,804,804,-635,-636,-637,-592,-1894,-602,804,-638,-639,-713,-640,-604,804,-572,-577,-580,-583,804,804,804,-598,-601,804,-608,804,804,804,804,804,804,804,804,804,804,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,804,804,804,-995,804,804,804,804,804,804,-306,-325,-319,-296,-375,-452,-453,-454,-458,804,-443,804,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,804,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,804,804,804,804,804,804,804,804,804,-316,-535,-508,-591,-937,-939,-940,-438,804,-440,-380,-381,-383,-507,-509,-511,804,-513,-514,-519,-520,804,-532,-534,-537,-538,-543,-548,-726,804,-727,804,-732,804,-734,804,-739,-656,-660,-661,804,-666,804,-667,804,-672,-674,804,-677,804,804,804,-687,-689,804,-692,804,804,-744,804,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,804,804,804,804,804,-877,804,-880,-908,-920,-925,-388,-389,804,-394,804,-397,804,-402,804,-403,804,-408,804,-413,804,-417,804,-418,804,-423,804,-426,-899,-900,-643,-585,-1894,-901,804,804,804,-800,804,804,-804,804,-807,-833,804,-818,804,-820,804,-822,-808,804,-824,804,-851,-852,804,804,-811,804,-646,-902,-904,-648,-649,-645,804,-705,-706,804,-642,-903,-647,-650,-603,-714,804,804,-605,-586,804,804,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,804,804,-709,-710,804,-716,804,804,804,804,804,804,-938,804,-439,-441,-747,804,-891,804,-715,-1894,804,804,804,804,804,-442,-512,-523,804,-728,-733,804,-735,804,-740,804,-662,-668,804,-678,-680,-682,-683,-690,-693,-697,-745,804,804,-874,804,804,-878,804,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,804,-812,804,-814,-801,804,-802,-805,804,-816,-819,-821,-823,-825,804,-826,804,-809,804,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,804,-282,804,804,804,804,-455,804,804,-729,804,-736,804,-741,804,-663,-671,804,804,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,804,-836,-53,804,804,-730,804,-737,804,-742,-664,804,-873,-54,804,804,-731,-738,-743,804,804,804,-872,]),'TABLE_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[805,805,805,805,-1894,805,805,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,805,805,805,805,-275,-276,805,-1425,805,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,805,805,805,-490,805,805,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,805,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,805,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,805,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,805,-172,-173,-174,-175,-993,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-290,-291,-281,805,805,805,805,805,-328,-318,-332,-333,-334,805,805,-982,-983,-984,-985,-986,-987,-988,805,805,805,805,805,805,805,805,805,805,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,805,805,805,-353,-356,805,-323,-324,-141,805,-142,805,-143,805,-430,-935,-936,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-1894,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-1894,805,-1894,805,805,805,805,805,805,805,805,805,805,805,805,-1894,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,805,-1894,805,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,805,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,805,805,805,-191,-192,805,-994,805,805,805,805,805,-277,-278,-279,-280,-365,805,-308,805,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,805,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,805,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,805,805,805,805,805,805,-573,805,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,805,805,-723,-724,-725,805,805,805,805,805,805,-994,805,805,-91,-92,805,805,805,805,-309,-310,-320,805,-307,-293,-294,-295,805,805,805,805,-618,-633,-590,805,805,-436,805,-437,805,-444,-445,-446,-378,-379,805,805,805,-506,805,805,-510,805,805,805,805,-515,-516,-517,-518,805,805,-521,-522,805,-524,-525,-526,-527,-528,-529,-530,-531,805,-533,805,805,805,-539,-541,-542,805,-544,-545,-546,-547,805,805,805,805,805,805,-652,-653,-654,-655,805,-657,-658,-659,805,805,805,-665,805,805,-669,-670,805,805,-673,805,-675,-676,805,-679,805,-681,805,805,-684,-685,-686,805,-688,805,805,-691,805,805,-694,-695,-696,805,-698,-699,-700,-701,805,805,-746,805,-749,-750,-751,-752,-753,805,-755,-756,-757,-758,-759,805,-766,-767,-769,805,-771,-772,-773,-782,-856,-858,-860,-862,805,805,805,805,-868,805,-870,805,805,805,805,805,805,805,-906,-907,805,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,805,-921,-924,805,-934,805,-385,-386,-387,805,805,-390,-391,-392,-393,805,-396,805,-399,-400,805,-401,805,-406,-407,805,-410,-411,-412,805,-415,805,-416,805,-421,-422,805,-425,805,-428,-429,-1894,-1894,805,-619,-620,-621,-622,-623,-634,-584,-624,-797,805,805,805,805,805,-831,805,805,-806,805,-832,805,805,805,805,-798,805,-853,-799,805,805,805,805,805,805,-854,-855,805,-834,-830,-835,805,-625,805,-626,-627,-628,-629,-574,805,805,-630,-631,-632,805,805,805,805,805,805,-635,-636,-637,-592,-1894,-602,805,-638,-639,-713,-640,-604,805,-572,-577,-580,-583,805,805,805,-598,-601,805,-608,805,805,805,805,805,805,805,805,805,805,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,805,805,805,-995,805,805,805,805,805,805,-306,-325,-319,-296,-375,-452,-453,-454,-458,805,-443,805,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,805,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,805,805,805,805,805,805,805,805,805,-316,-535,-508,-591,-937,-939,-940,-438,805,-440,-380,-381,-383,-507,-509,-511,805,-513,-514,-519,-520,805,-532,-534,-537,-538,-543,-548,-726,805,-727,805,-732,805,-734,805,-739,-656,-660,-661,805,-666,805,-667,805,-672,-674,805,-677,805,805,805,-687,-689,805,-692,805,805,-744,805,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,805,805,805,805,805,-877,805,-880,-908,-920,-925,-388,-389,805,-394,805,-397,805,-402,805,-403,805,-408,805,-413,805,-417,805,-418,805,-423,805,-426,-899,-900,-643,-585,-1894,-901,805,805,805,-800,805,805,-804,805,-807,-833,805,-818,805,-820,805,-822,-808,805,-824,805,-851,-852,805,805,-811,805,-646,-902,-904,-648,-649,-645,805,-705,-706,805,-642,-903,-647,-650,-603,-714,805,805,-605,-586,805,805,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,805,805,-709,-710,805,-716,805,805,805,805,805,805,-938,805,-439,-441,-747,805,-891,805,-715,-1894,805,805,805,805,805,-442,-512,-523,805,-728,-733,805,-735,805,-740,805,-662,-668,805,-678,-680,-682,-683,-690,-693,-697,-745,805,805,-874,805,805,-878,805,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,805,-812,805,-814,-801,805,-802,-805,805,-816,-819,-821,-823,-825,805,-826,805,-809,805,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,805,-282,805,805,805,805,-455,805,805,-729,805,-736,805,-741,805,-663,-671,805,805,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,805,-836,-53,805,805,-730,805,-737,805,-742,-664,805,-873,-54,805,805,-731,-738,-743,805,805,805,-872,]),'TABLE_MODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[806,806,806,806,-1894,806,806,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,806,806,806,806,-275,-276,806,-1425,806,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,806,806,806,-490,806,806,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,806,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,806,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,806,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,806,-172,-173,-174,-175,-993,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-290,-291,-281,806,806,806,806,806,-328,-318,-332,-333,-334,806,806,-982,-983,-984,-985,-986,-987,-988,806,806,806,806,806,806,806,806,806,806,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,806,806,806,-353,-356,806,-323,-324,-141,806,-142,806,-143,806,-430,-935,-936,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-1894,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-1894,806,-1894,806,806,806,806,806,806,806,806,806,806,806,806,-1894,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,806,-1894,806,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,806,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,806,806,806,-191,-192,806,-994,806,806,806,806,806,-277,-278,-279,-280,-365,806,-308,806,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,806,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,806,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,806,806,806,806,806,806,-573,806,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,806,806,-723,-724,-725,806,806,806,806,806,806,-994,806,806,-91,-92,806,806,806,806,-309,-310,-320,806,-307,-293,-294,-295,806,806,806,806,-618,-633,-590,806,806,-436,806,-437,806,-444,-445,-446,-378,-379,806,806,806,-506,806,806,-510,806,806,806,806,-515,-516,-517,-518,806,806,-521,-522,806,-524,-525,-526,-527,-528,-529,-530,-531,806,-533,806,806,806,-539,-541,-542,806,-544,-545,-546,-547,806,806,806,806,806,806,-652,-653,-654,-655,806,-657,-658,-659,806,806,806,-665,806,806,-669,-670,806,806,-673,806,-675,-676,806,-679,806,-681,806,806,-684,-685,-686,806,-688,806,806,-691,806,806,-694,-695,-696,806,-698,-699,-700,-701,806,806,-746,806,-749,-750,-751,-752,-753,806,-755,-756,-757,-758,-759,806,-766,-767,-769,806,-771,-772,-773,-782,-856,-858,-860,-862,806,806,806,806,-868,806,-870,806,806,806,806,806,806,806,-906,-907,806,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,806,-921,-924,806,-934,806,-385,-386,-387,806,806,-390,-391,-392,-393,806,-396,806,-399,-400,806,-401,806,-406,-407,806,-410,-411,-412,806,-415,806,-416,806,-421,-422,806,-425,806,-428,-429,-1894,-1894,806,-619,-620,-621,-622,-623,-634,-584,-624,-797,806,806,806,806,806,-831,806,806,-806,806,-832,806,806,806,806,-798,806,-853,-799,806,806,806,806,806,806,-854,-855,806,-834,-830,-835,806,-625,806,-626,-627,-628,-629,-574,806,806,-630,-631,-632,806,806,806,806,806,806,-635,-636,-637,-592,-1894,-602,806,-638,-639,-713,-640,-604,806,-572,-577,-580,-583,806,806,806,-598,-601,806,-608,806,806,806,806,806,806,806,806,806,806,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,806,806,806,-995,806,806,806,806,806,806,-306,-325,-319,-296,-375,-452,-453,-454,-458,806,-443,806,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,806,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,806,806,806,806,806,806,806,806,806,-316,-535,-508,-591,-937,-939,-940,-438,806,-440,-380,-381,-383,-507,-509,-511,806,-513,-514,-519,-520,806,-532,-534,-537,-538,-543,-548,-726,806,-727,806,-732,806,-734,806,-739,-656,-660,-661,806,-666,806,-667,806,-672,-674,806,-677,806,806,806,-687,-689,806,-692,806,806,-744,806,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,806,806,806,806,806,-877,806,-880,-908,-920,-925,-388,-389,806,-394,806,-397,806,-402,806,-403,806,-408,806,-413,806,-417,806,-418,806,-423,806,-426,-899,-900,-643,-585,-1894,-901,806,806,806,-800,806,806,-804,806,-807,-833,806,-818,806,-820,806,-822,-808,806,-824,806,-851,-852,806,806,-811,806,-646,-902,-904,-648,-649,-645,806,-705,-706,806,-642,-903,-647,-650,-603,-714,806,806,-605,-586,806,806,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,806,806,-709,-710,806,-716,806,806,806,806,806,806,-938,806,-439,-441,-747,806,-891,806,-715,-1894,806,806,806,806,806,-442,-512,-523,806,-728,-733,806,-735,806,-740,806,-662,-668,806,-678,-680,-682,-683,-690,-693,-697,-745,806,806,-874,806,806,-878,806,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,806,-812,806,-814,-801,806,-802,-805,806,-816,-819,-821,-823,-825,806,-826,806,-809,806,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,806,-282,806,806,806,806,-455,806,806,-729,806,-736,806,-741,806,-663,-671,806,806,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,806,-836,-53,806,806,-730,806,-737,806,-742,-664,806,-873,-54,806,806,-731,-738,-743,806,806,806,-872,]),'TABLE_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[807,807,807,807,-1894,807,807,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,807,807,807,807,-275,-276,807,-1425,807,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,807,807,807,-490,807,807,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,807,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,807,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,807,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,807,-172,-173,-174,-175,-993,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-290,-291,-281,807,807,807,807,807,-328,-318,-332,-333,-334,807,807,-982,-983,-984,-985,-986,-987,-988,807,807,807,807,807,807,807,807,807,807,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,807,807,807,-353,-356,807,-323,-324,-141,807,-142,807,-143,807,-430,-935,-936,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-1894,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-1894,807,-1894,807,807,807,807,807,807,807,807,807,807,807,807,-1894,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,807,-1894,807,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,807,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,807,807,807,-191,-192,807,-994,807,807,807,807,807,-277,-278,-279,-280,-365,807,-308,807,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,807,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,807,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,807,807,807,807,807,807,-573,807,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,807,807,-723,-724,-725,807,807,807,807,807,807,-994,807,807,-91,-92,807,807,807,807,-309,-310,-320,807,-307,-293,-294,-295,807,807,807,807,-618,-633,-590,807,807,-436,807,-437,807,-444,-445,-446,-378,-379,807,807,807,-506,807,807,-510,807,807,807,807,-515,-516,-517,-518,807,807,-521,-522,807,-524,-525,-526,-527,-528,-529,-530,-531,807,-533,807,807,807,-539,-541,-542,807,-544,-545,-546,-547,807,807,807,807,807,807,-652,-653,-654,-655,807,-657,-658,-659,807,807,807,-665,807,807,-669,-670,807,807,-673,807,-675,-676,807,-679,807,-681,807,807,-684,-685,-686,807,-688,807,807,-691,807,807,-694,-695,-696,807,-698,-699,-700,-701,807,807,-746,807,-749,-750,-751,-752,-753,807,-755,-756,-757,-758,-759,807,-766,-767,-769,807,-771,-772,-773,-782,-856,-858,-860,-862,807,807,807,807,-868,807,-870,807,807,807,807,807,807,807,-906,-907,807,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,807,-921,-924,807,-934,807,-385,-386,-387,807,807,-390,-391,-392,-393,807,-396,807,-399,-400,807,-401,807,-406,-407,807,-410,-411,-412,807,-415,807,-416,807,-421,-422,807,-425,807,-428,-429,-1894,-1894,807,-619,-620,-621,-622,-623,-634,-584,-624,-797,807,807,807,807,807,-831,807,807,-806,807,-832,807,807,807,807,-798,807,-853,-799,807,807,807,807,807,807,-854,-855,807,-834,-830,-835,807,-625,807,-626,-627,-628,-629,-574,807,807,-630,-631,-632,807,807,807,807,807,807,-635,-636,-637,-592,-1894,-602,807,-638,-639,-713,-640,-604,807,-572,-577,-580,-583,807,807,807,-598,-601,807,-608,807,807,807,807,807,807,807,807,807,807,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,807,807,807,-995,807,807,807,807,807,807,-306,-325,-319,-296,-375,-452,-453,-454,-458,807,-443,807,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,807,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,807,807,807,807,807,807,807,807,807,-316,-535,-508,-591,-937,-939,-940,-438,807,-440,-380,-381,-383,-507,-509,-511,807,-513,-514,-519,-520,807,-532,-534,-537,-538,-543,-548,-726,807,-727,807,-732,807,-734,807,-739,-656,-660,-661,807,-666,807,-667,807,-672,-674,807,-677,807,807,807,-687,-689,807,-692,807,807,-744,807,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,807,807,807,807,807,-877,807,-880,-908,-920,-925,-388,-389,807,-394,807,-397,807,-402,807,-403,807,-408,807,-413,807,-417,807,-418,807,-423,807,-426,-899,-900,-643,-585,-1894,-901,807,807,807,-800,807,807,-804,807,-807,-833,807,-818,807,-820,807,-822,-808,807,-824,807,-851,-852,807,807,-811,807,-646,-902,-904,-648,-649,-645,807,-705,-706,807,-642,-903,-647,-650,-603,-714,807,807,-605,-586,807,807,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,807,807,-709,-710,807,-716,807,807,807,807,807,807,-938,807,-439,-441,-747,807,-891,807,-715,-1894,807,807,807,807,807,-442,-512,-523,807,-728,-733,807,-735,807,-740,807,-662,-668,807,-678,-680,-682,-683,-690,-693,-697,-745,807,807,-874,807,807,-878,807,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,807,-812,807,-814,-801,807,-802,-805,807,-816,-819,-821,-823,-825,807,-826,807,-809,807,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,807,-282,807,807,807,807,-455,807,807,-729,807,-736,807,-741,807,-663,-671,807,807,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,807,-836,-53,807,807,-730,807,-737,807,-742,-664,807,-873,-54,807,807,-731,-738,-743,807,807,807,-872,]),'TASK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[808,808,808,808,-1894,808,808,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,808,808,808,808,-275,-276,808,-1425,808,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,808,808,808,-490,808,808,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,808,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,808,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,808,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,808,-172,-173,-174,-175,-993,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-290,-291,-281,808,808,808,808,808,-328,-318,-332,-333,-334,808,808,-982,-983,-984,-985,-986,-987,-988,808,808,808,808,808,808,808,808,808,808,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,808,808,808,-353,-356,808,-323,-324,-141,808,-142,808,-143,808,-430,-935,-936,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-1894,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-1894,808,-1894,808,808,808,808,808,808,808,808,808,808,808,808,-1894,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,808,-1894,808,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,808,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,808,808,808,-191,-192,808,-994,808,808,808,808,808,-277,-278,-279,-280,-365,808,-308,808,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,808,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,808,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,808,808,808,808,808,808,-573,808,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,808,808,-723,-724,-725,808,808,808,808,808,808,-994,808,808,-91,-92,808,808,808,808,-309,-310,-320,808,-307,-293,-294,-295,808,808,808,808,-618,-633,-590,808,808,-436,808,-437,808,-444,-445,-446,-378,-379,808,808,808,-506,808,808,-510,808,808,808,808,-515,-516,-517,-518,808,808,-521,-522,808,-524,-525,-526,-527,-528,-529,-530,-531,808,-533,808,808,808,-539,-541,-542,808,-544,-545,-546,-547,808,808,808,808,808,808,-652,-653,-654,-655,808,-657,-658,-659,808,808,808,-665,808,808,-669,-670,808,808,-673,808,-675,-676,808,-679,808,-681,808,808,-684,-685,-686,808,-688,808,808,-691,808,808,-694,-695,-696,808,-698,-699,-700,-701,808,808,-746,808,-749,-750,-751,-752,-753,808,-755,-756,-757,-758,-759,808,-766,-767,-769,808,-771,-772,-773,-782,-856,-858,-860,-862,808,808,808,808,-868,808,-870,808,808,808,808,808,808,808,-906,-907,808,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,808,-921,-924,808,-934,808,-385,-386,-387,808,808,-390,-391,-392,-393,808,-396,808,-399,-400,808,-401,808,-406,-407,808,-410,-411,-412,808,-415,808,-416,808,-421,-422,808,-425,808,-428,-429,-1894,-1894,808,-619,-620,-621,-622,-623,-634,-584,-624,-797,808,808,808,808,808,-831,808,808,-806,808,-832,808,808,808,808,-798,808,-853,-799,808,808,808,808,808,808,-854,-855,808,-834,-830,-835,808,-625,808,-626,-627,-628,-629,-574,808,808,-630,-631,-632,808,808,808,808,808,808,-635,-636,-637,-592,-1894,-602,808,-638,-639,-713,-640,-604,808,-572,-577,-580,-583,808,808,808,-598,-601,808,-608,808,808,808,808,808,808,808,808,808,808,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,808,808,808,-995,808,808,808,808,808,808,-306,-325,-319,-296,-375,-452,-453,-454,-458,808,-443,808,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,808,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,808,808,808,808,808,808,808,808,808,-316,-535,-508,-591,-937,-939,-940,-438,808,-440,-380,-381,-383,-507,-509,-511,808,-513,-514,-519,-520,808,-532,-534,-537,-538,-543,-548,-726,808,-727,808,-732,808,-734,808,-739,-656,-660,-661,808,-666,808,-667,808,-672,-674,808,-677,808,808,808,-687,-689,808,-692,808,808,-744,808,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,808,808,808,808,808,-877,808,-880,-908,-920,-925,-388,-389,808,-394,808,-397,808,-402,808,-403,808,-408,808,-413,808,-417,808,-418,808,-423,808,-426,-899,-900,-643,-585,-1894,-901,808,808,808,-800,808,808,-804,808,-807,-833,808,-818,808,-820,808,-822,-808,808,-824,808,-851,-852,808,808,-811,808,-646,-902,-904,-648,-649,-645,808,-705,-706,808,-642,-903,-647,-650,-603,-714,808,808,-605,-586,808,808,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,808,808,-709,-710,808,-716,808,808,808,808,808,808,-938,808,-439,-441,-747,808,-891,808,-715,-1894,808,808,808,808,808,-442,-512,-523,808,-728,-733,808,-735,808,-740,808,-662,-668,808,-678,-680,-682,-683,-690,-693,-697,-745,808,808,-874,808,808,-878,808,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,808,-812,808,-814,-801,808,-802,-805,808,-816,-819,-821,-823,-825,808,-826,808,-809,808,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,808,-282,808,808,808,808,-455,808,808,-729,808,-736,808,-741,808,-663,-671,808,808,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,808,-836,-53,808,808,-730,808,-737,808,-742,-664,808,-873,-54,808,808,-731,-738,-743,808,808,808,-872,]),'TATEMENT_DIGEST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[809,809,809,809,-1894,809,809,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,809,809,809,809,-275,-276,809,-1425,809,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,809,809,809,-490,809,809,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,809,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,809,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,809,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,809,-172,-173,-174,-175,-993,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-290,-291,-281,809,809,809,809,809,-328,-318,-332,-333,-334,809,809,-982,-983,-984,-985,-986,-987,-988,809,809,809,809,809,809,809,809,809,809,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,809,809,809,-353,-356,809,-323,-324,-141,809,-142,809,-143,809,-430,-935,-936,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-1894,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-1894,809,-1894,809,809,809,809,809,809,809,809,809,809,809,809,-1894,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,809,-1894,809,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,809,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,809,809,809,-191,-192,809,-994,809,809,809,809,809,-277,-278,-279,-280,-365,809,-308,809,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,809,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,809,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,809,809,809,809,809,809,-573,809,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,809,809,-723,-724,-725,809,809,809,809,809,809,-994,809,809,-91,-92,809,809,809,809,-309,-310,-320,809,-307,-293,-294,-295,809,809,809,809,-618,-633,-590,809,809,-436,809,-437,809,-444,-445,-446,-378,-379,809,809,809,-506,809,809,-510,809,809,809,809,-515,-516,-517,-518,809,809,-521,-522,809,-524,-525,-526,-527,-528,-529,-530,-531,809,-533,809,809,809,-539,-541,-542,809,-544,-545,-546,-547,809,809,809,809,809,809,-652,-653,-654,-655,809,-657,-658,-659,809,809,809,-665,809,809,-669,-670,809,809,-673,809,-675,-676,809,-679,809,-681,809,809,-684,-685,-686,809,-688,809,809,-691,809,809,-694,-695,-696,809,-698,-699,-700,-701,809,809,-746,809,-749,-750,-751,-752,-753,809,-755,-756,-757,-758,-759,809,-766,-767,-769,809,-771,-772,-773,-782,-856,-858,-860,-862,809,809,809,809,-868,809,-870,809,809,809,809,809,809,809,-906,-907,809,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,809,-921,-924,809,-934,809,-385,-386,-387,809,809,-390,-391,-392,-393,809,-396,809,-399,-400,809,-401,809,-406,-407,809,-410,-411,-412,809,-415,809,-416,809,-421,-422,809,-425,809,-428,-429,-1894,-1894,809,-619,-620,-621,-622,-623,-634,-584,-624,-797,809,809,809,809,809,-831,809,809,-806,809,-832,809,809,809,809,-798,809,-853,-799,809,809,809,809,809,809,-854,-855,809,-834,-830,-835,809,-625,809,-626,-627,-628,-629,-574,809,809,-630,-631,-632,809,809,809,809,809,809,-635,-636,-637,-592,-1894,-602,809,-638,-639,-713,-640,-604,809,-572,-577,-580,-583,809,809,809,-598,-601,809,-608,809,809,809,809,809,809,809,809,809,809,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,809,809,809,-995,809,809,809,809,809,809,-306,-325,-319,-296,-375,-452,-453,-454,-458,809,-443,809,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,809,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,809,809,809,809,809,809,809,809,809,-316,-535,-508,-591,-937,-939,-940,-438,809,-440,-380,-381,-383,-507,-509,-511,809,-513,-514,-519,-520,809,-532,-534,-537,-538,-543,-548,-726,809,-727,809,-732,809,-734,809,-739,-656,-660,-661,809,-666,809,-667,809,-672,-674,809,-677,809,809,809,-687,-689,809,-692,809,809,-744,809,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,809,809,809,809,809,-877,809,-880,-908,-920,-925,-388,-389,809,-394,809,-397,809,-402,809,-403,809,-408,809,-413,809,-417,809,-418,809,-423,809,-426,-899,-900,-643,-585,-1894,-901,809,809,809,-800,809,809,-804,809,-807,-833,809,-818,809,-820,809,-822,-808,809,-824,809,-851,-852,809,809,-811,809,-646,-902,-904,-648,-649,-645,809,-705,-706,809,-642,-903,-647,-650,-603,-714,809,809,-605,-586,809,809,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,809,809,-709,-710,809,-716,809,809,809,809,809,809,-938,809,-439,-441,-747,809,-891,809,-715,-1894,809,809,809,809,809,-442,-512,-523,809,-728,-733,809,-735,809,-740,809,-662,-668,809,-678,-680,-682,-683,-690,-693,-697,-745,809,809,-874,809,809,-878,809,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,809,-812,809,-814,-801,809,-802,-805,809,-816,-819,-821,-823,-825,809,-826,809,-809,809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,809,-282,809,809,809,809,-455,809,809,-729,809,-736,809,-741,809,-663,-671,809,809,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,809,-836,-53,809,809,-730,809,-737,809,-742,-664,809,-873,-54,809,809,-731,-738,-743,809,809,809,-872,]),'TEMPLATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[810,810,810,810,-1894,810,810,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,810,810,810,810,-275,-276,810,-1425,810,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,810,810,810,-490,810,810,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,810,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,810,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,810,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,810,-172,-173,-174,-175,-993,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-290,-291,-281,810,810,810,810,810,-328,-318,-332,-333,-334,810,810,-982,-983,-984,-985,-986,-987,-988,810,810,810,810,810,810,810,810,810,810,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,810,810,810,-353,-356,810,-323,-324,-141,810,-142,810,-143,810,-430,-935,-936,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-1894,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-1894,810,-1894,810,810,810,810,810,810,810,810,810,810,810,810,-1894,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,810,-1894,810,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,810,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,810,810,810,-191,-192,810,-994,810,810,810,810,810,-277,-278,-279,-280,-365,810,-308,810,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,810,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,810,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,810,810,810,810,810,810,-573,810,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,810,810,-723,-724,-725,810,810,810,810,810,810,-994,810,810,-91,-92,810,810,810,810,-309,-310,-320,810,-307,-293,-294,-295,810,810,810,810,-618,-633,-590,810,810,-436,810,-437,810,-444,-445,-446,-378,-379,810,810,810,-506,810,810,-510,810,810,810,810,-515,-516,-517,-518,810,810,-521,-522,810,-524,-525,-526,-527,-528,-529,-530,-531,810,-533,810,810,810,-539,-541,-542,810,-544,-545,-546,-547,810,810,810,810,810,810,-652,-653,-654,-655,810,-657,-658,-659,810,810,810,-665,810,810,-669,-670,810,810,-673,810,-675,-676,810,-679,810,-681,810,810,-684,-685,-686,810,-688,810,810,-691,810,810,-694,-695,-696,810,-698,-699,-700,-701,810,810,-746,810,-749,-750,-751,-752,-753,810,-755,-756,-757,-758,-759,810,-766,-767,-769,810,-771,-772,-773,-782,-856,-858,-860,-862,810,810,810,810,-868,810,-870,810,810,810,810,810,810,810,-906,-907,810,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,810,-921,-924,810,-934,810,-385,-386,-387,810,810,-390,-391,-392,-393,810,-396,810,-399,-400,810,-401,810,-406,-407,810,-410,-411,-412,810,-415,810,-416,810,-421,-422,810,-425,810,-428,-429,-1894,-1894,810,-619,-620,-621,-622,-623,-634,-584,-624,-797,810,810,810,810,810,-831,810,810,-806,810,-832,810,810,810,810,-798,810,-853,-799,810,810,810,810,810,810,-854,-855,810,-834,-830,-835,810,-625,810,-626,-627,-628,-629,-574,810,810,-630,-631,-632,810,810,810,810,810,810,-635,-636,-637,-592,-1894,-602,810,-638,-639,-713,-640,-604,810,-572,-577,-580,-583,810,810,810,-598,-601,810,-608,810,810,810,810,810,810,810,810,810,810,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,810,810,810,-995,810,810,810,810,810,810,-306,-325,-319,-296,-375,-452,-453,-454,-458,810,-443,810,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,810,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,810,810,810,810,810,810,810,810,810,-316,-535,-508,-591,-937,-939,-940,-438,810,-440,-380,-381,-383,-507,-509,-511,810,-513,-514,-519,-520,810,-532,-534,-537,-538,-543,-548,-726,810,-727,810,-732,810,-734,810,-739,-656,-660,-661,810,-666,810,-667,810,-672,-674,810,-677,810,810,810,-687,-689,810,-692,810,810,-744,810,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,810,810,810,810,810,-877,810,-880,-908,-920,-925,-388,-389,810,-394,810,-397,810,-402,810,-403,810,-408,810,-413,810,-417,810,-418,810,-423,810,-426,-899,-900,-643,-585,-1894,-901,810,810,810,-800,810,810,-804,810,-807,-833,810,-818,810,-820,810,-822,-808,810,-824,810,-851,-852,810,810,-811,810,-646,-902,-904,-648,-649,-645,810,-705,-706,810,-642,-903,-647,-650,-603,-714,810,810,-605,-586,810,810,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,810,810,-709,-710,810,-716,810,810,810,810,810,810,-938,810,-439,-441,-747,810,-891,810,-715,-1894,810,810,810,810,810,-442,-512,-523,810,-728,-733,810,-735,810,-740,810,-662,-668,810,-678,-680,-682,-683,-690,-693,-697,-745,810,810,-874,810,810,-878,810,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,810,-812,810,-814,-801,810,-802,-805,810,-816,-819,-821,-823,-825,810,-826,810,-809,810,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,810,-282,810,810,810,810,-455,810,810,-729,810,-736,810,-741,810,-663,-671,810,810,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,810,-836,-53,810,810,-730,810,-737,810,-742,-664,810,-873,-54,810,810,-731,-738,-743,810,810,810,-872,]),'TEMPORARY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[811,811,811,811,-1894,811,811,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,811,811,811,811,-275,-276,811,-1425,811,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,811,811,811,-490,811,811,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,811,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,811,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,811,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,811,-172,-173,-174,-175,-993,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-290,-291,-281,811,811,811,811,811,-328,-318,-332,-333,-334,811,811,-982,-983,-984,-985,-986,-987,-988,811,811,811,811,811,811,811,811,811,811,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,811,811,811,-353,-356,811,-323,-324,-141,811,-142,811,-143,811,-430,-935,-936,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-1894,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-1894,811,-1894,811,811,811,811,811,811,811,811,811,811,811,811,-1894,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,811,-1894,811,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,811,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,811,811,811,-191,-192,811,-994,811,811,811,811,811,-277,-278,-279,-280,-365,811,-308,811,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,811,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,811,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,811,811,811,811,811,811,-573,811,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,811,811,-723,-724,-725,811,811,811,811,811,811,-994,811,811,-91,-92,811,811,811,811,-309,-310,-320,811,-307,-293,-294,-295,811,811,811,811,-618,-633,-590,811,811,-436,811,-437,811,-444,-445,-446,-378,-379,811,811,811,-506,811,811,-510,811,811,811,811,-515,-516,-517,-518,811,811,-521,-522,811,-524,-525,-526,-527,-528,-529,-530,-531,811,-533,811,811,811,-539,-541,-542,811,-544,-545,-546,-547,811,811,811,811,811,811,-652,-653,-654,-655,811,-657,-658,-659,811,811,811,-665,811,811,-669,-670,811,811,-673,811,-675,-676,811,-679,811,-681,811,811,-684,-685,-686,811,-688,811,811,-691,811,811,-694,-695,-696,811,-698,-699,-700,-701,811,811,-746,811,-749,-750,-751,-752,-753,811,-755,-756,-757,-758,-759,811,-766,-767,-769,811,-771,-772,-773,-782,-856,-858,-860,-862,811,811,811,811,-868,811,-870,811,811,811,811,811,811,811,-906,-907,811,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,811,-921,-924,811,-934,811,-385,-386,-387,811,811,-390,-391,-392,-393,811,-396,811,-399,-400,811,-401,811,-406,-407,811,-410,-411,-412,811,-415,811,-416,811,-421,-422,811,-425,811,-428,-429,-1894,-1894,811,-619,-620,-621,-622,-623,-634,-584,-624,-797,811,811,811,811,811,-831,811,811,-806,811,-832,811,811,811,811,-798,811,-853,-799,811,811,811,811,811,811,-854,-855,811,-834,-830,-835,811,-625,811,-626,-627,-628,-629,-574,811,811,-630,-631,-632,811,811,811,811,811,811,-635,-636,-637,-592,-1894,-602,811,-638,-639,-713,-640,-604,811,-572,-577,-580,-583,811,811,811,-598,-601,811,-608,811,811,811,811,811,811,811,811,811,811,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,811,811,811,-995,811,811,811,811,811,811,-306,-325,-319,-296,-375,-452,-453,-454,-458,811,-443,811,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,811,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,811,811,811,811,811,811,811,811,811,-316,-535,-508,-591,-937,-939,-940,-438,811,-440,-380,-381,-383,-507,-509,-511,811,-513,-514,-519,-520,811,-532,-534,-537,-538,-543,-548,-726,811,-727,811,-732,811,-734,811,-739,-656,-660,-661,811,-666,811,-667,811,-672,-674,811,-677,811,811,811,-687,-689,811,-692,811,811,-744,811,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,811,811,811,811,811,-877,811,-880,-908,-920,-925,-388,-389,811,-394,811,-397,811,-402,811,-403,811,-408,811,-413,811,-417,811,-418,811,-423,811,-426,-899,-900,-643,-585,-1894,-901,811,811,811,-800,811,811,-804,811,-807,-833,811,-818,811,-820,811,-822,-808,811,-824,811,-851,-852,811,811,-811,811,-646,-902,-904,-648,-649,-645,811,-705,-706,811,-642,-903,-647,-650,-603,-714,811,811,-605,-586,811,811,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,811,811,-709,-710,811,-716,811,811,811,811,811,811,-938,811,-439,-441,-747,811,-891,811,-715,-1894,811,811,811,811,811,-442,-512,-523,811,-728,-733,811,-735,811,-740,811,-662,-668,811,-678,-680,-682,-683,-690,-693,-697,-745,811,811,-874,811,811,-878,811,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,811,-812,811,-814,-801,811,-802,-805,811,-816,-819,-821,-823,-825,811,-826,811,-809,811,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,811,-282,811,811,811,811,-455,811,811,-729,811,-736,811,-741,811,-663,-671,811,811,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,811,-836,-53,811,811,-730,811,-737,811,-742,-664,811,-873,-54,811,811,-731,-738,-743,811,811,811,-872,]),'TEMPTABLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[812,812,812,812,-1894,812,812,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,812,812,812,812,-275,-276,812,-1425,812,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,812,812,812,-490,812,812,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,812,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,812,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,812,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,812,-172,-173,-174,-175,-993,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-290,-291,-281,812,812,812,812,812,-328,-318,-332,-333,-334,812,812,-982,-983,-984,-985,-986,-987,-988,812,812,812,812,812,812,812,812,812,812,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,812,812,812,-353,-356,812,-323,-324,-141,812,-142,812,-143,812,-430,-935,-936,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-1894,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-1894,812,-1894,812,812,812,812,812,812,812,812,812,812,812,812,-1894,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,812,-1894,812,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,812,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,812,812,812,-191,-192,812,-994,812,812,812,812,812,-277,-278,-279,-280,-365,812,-308,812,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,812,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,812,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,812,812,812,812,812,812,-573,812,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,812,812,-723,-724,-725,812,812,812,812,812,812,-994,812,812,-91,-92,812,812,812,812,-309,-310,-320,812,-307,-293,-294,-295,812,812,812,812,-618,-633,-590,812,812,-436,812,-437,812,-444,-445,-446,-378,-379,812,812,812,-506,812,812,-510,812,812,812,812,-515,-516,-517,-518,812,812,-521,-522,812,-524,-525,-526,-527,-528,-529,-530,-531,812,-533,812,812,812,-539,-541,-542,812,-544,-545,-546,-547,812,812,812,812,812,812,-652,-653,-654,-655,812,-657,-658,-659,812,812,812,-665,812,812,-669,-670,812,812,-673,812,-675,-676,812,-679,812,-681,812,812,-684,-685,-686,812,-688,812,812,-691,812,812,-694,-695,-696,812,-698,-699,-700,-701,812,812,-746,812,-749,-750,-751,-752,-753,812,-755,-756,-757,-758,-759,812,-766,-767,-769,812,-771,-772,-773,-782,-856,-858,-860,-862,812,812,812,812,-868,812,-870,812,812,812,812,812,812,812,-906,-907,812,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,812,-921,-924,812,-934,812,-385,-386,-387,812,812,-390,-391,-392,-393,812,-396,812,-399,-400,812,-401,812,-406,-407,812,-410,-411,-412,812,-415,812,-416,812,-421,-422,812,-425,812,-428,-429,-1894,-1894,812,-619,-620,-621,-622,-623,-634,-584,-624,-797,812,812,812,812,812,-831,812,812,-806,812,-832,812,812,812,812,-798,812,-853,-799,812,812,812,812,812,812,-854,-855,812,-834,-830,-835,812,-625,812,-626,-627,-628,-629,-574,812,812,-630,-631,-632,812,812,812,812,812,812,-635,-636,-637,-592,-1894,-602,812,-638,-639,-713,-640,-604,812,-572,-577,-580,-583,812,812,812,-598,-601,812,-608,812,812,812,812,812,812,812,812,812,812,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,812,812,812,-995,812,812,812,812,812,812,-306,-325,-319,-296,-375,-452,-453,-454,-458,812,-443,812,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,812,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,812,812,812,812,812,812,812,812,812,-316,-535,-508,-591,-937,-939,-940,-438,812,-440,-380,-381,-383,-507,-509,-511,812,-513,-514,-519,-520,812,-532,-534,-537,-538,-543,-548,-726,812,-727,812,-732,812,-734,812,-739,-656,-660,-661,812,-666,812,-667,812,-672,-674,812,-677,812,812,812,-687,-689,812,-692,812,812,-744,812,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,812,812,812,812,812,-877,812,-880,-908,-920,-925,-388,-389,812,-394,812,-397,812,-402,812,-403,812,-408,812,-413,812,-417,812,-418,812,-423,812,-426,-899,-900,-643,-585,-1894,-901,812,812,812,-800,812,812,-804,812,-807,-833,812,-818,812,-820,812,-822,-808,812,-824,812,-851,-852,812,812,-811,812,-646,-902,-904,-648,-649,-645,812,-705,-706,812,-642,-903,-647,-650,-603,-714,812,812,-605,-586,812,812,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,812,812,-709,-710,812,-716,812,812,812,812,812,812,-938,812,-439,-441,-747,812,-891,812,-715,-1894,812,812,812,812,812,-442,-512,-523,812,-728,-733,812,-735,812,-740,812,-662,-668,812,-678,-680,-682,-683,-690,-693,-697,-745,812,812,-874,812,812,-878,812,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,812,-812,812,-814,-801,812,-802,-805,812,-816,-819,-821,-823,-825,812,-826,812,-809,812,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,812,-282,812,812,812,812,-455,812,812,-729,812,-736,812,-741,812,-663,-671,812,812,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,812,-836,-53,812,812,-730,812,-737,812,-742,-664,812,-873,-54,812,812,-731,-738,-743,812,812,812,-872,]),'TENANT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[813,813,813,813,-1894,813,813,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,813,813,813,813,-275,-276,813,-1425,813,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,813,813,813,-490,813,813,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,813,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,813,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,813,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,813,-172,-173,-174,-175,-993,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-290,-291,-281,813,813,813,813,813,-328,-318,-332,-333,-334,813,813,-982,-983,-984,-985,-986,-987,-988,813,813,813,813,813,813,813,813,813,813,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,813,813,813,-353,-356,813,-323,-324,-141,813,-142,813,-143,813,-430,-935,-936,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-1894,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-1894,813,-1894,813,813,813,813,813,813,813,813,813,813,813,813,-1894,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,813,-1894,813,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,813,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,813,813,813,-191,-192,813,-994,813,813,813,813,813,-277,-278,-279,-280,-365,813,-308,813,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,813,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,813,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,813,813,813,813,813,813,-573,813,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,813,813,-723,-724,-725,813,813,813,813,813,813,-994,813,813,-91,-92,813,813,813,813,-309,-310,-320,813,-307,-293,-294,-295,813,813,813,813,-618,-633,-590,813,813,-436,813,-437,813,-444,-445,-446,-378,-379,813,813,813,-506,813,813,-510,813,813,813,813,-515,-516,-517,-518,813,813,-521,-522,813,-524,-525,-526,-527,-528,-529,-530,-531,813,-533,813,813,813,-539,-541,-542,813,-544,-545,-546,-547,813,813,813,813,813,813,-652,-653,-654,-655,813,-657,-658,-659,813,813,813,-665,813,813,-669,-670,813,813,-673,813,-675,-676,813,-679,813,-681,813,813,-684,-685,-686,813,-688,813,813,-691,813,813,-694,-695,-696,813,-698,-699,-700,-701,813,813,-746,813,-749,-750,-751,-752,-753,813,-755,-756,-757,-758,-759,813,-766,-767,-769,813,-771,-772,-773,-782,-856,-858,-860,-862,813,813,813,813,-868,813,-870,813,813,813,813,813,813,813,-906,-907,813,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,813,-921,-924,813,-934,813,-385,-386,-387,813,813,-390,-391,-392,-393,813,-396,813,-399,-400,813,-401,813,-406,-407,813,-410,-411,-412,813,-415,813,-416,813,-421,-422,813,-425,813,-428,-429,-1894,-1894,813,-619,-620,-621,-622,-623,-634,-584,-624,-797,813,813,813,813,813,-831,813,813,-806,813,-832,813,813,813,813,-798,813,-853,-799,813,813,813,813,813,813,-854,-855,813,-834,-830,-835,813,-625,813,-626,-627,-628,-629,-574,813,813,-630,-631,-632,813,813,813,813,813,813,-635,-636,-637,-592,-1894,-602,813,-638,-639,-713,-640,-604,813,-572,-577,-580,-583,813,813,813,-598,-601,813,-608,813,813,813,813,813,813,813,813,813,813,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,813,813,813,-995,813,813,813,813,813,813,-306,-325,-319,-296,-375,-452,-453,-454,-458,813,-443,813,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,813,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,813,813,813,813,813,813,813,813,813,-316,-535,-508,-591,-937,-939,-940,-438,813,-440,-380,-381,-383,-507,-509,-511,813,-513,-514,-519,-520,813,-532,-534,-537,-538,-543,-548,-726,813,-727,813,-732,813,-734,813,-739,-656,-660,-661,813,-666,813,-667,813,-672,-674,813,-677,813,813,813,-687,-689,813,-692,813,813,-744,813,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,813,813,813,813,813,-877,813,-880,-908,-920,-925,-388,-389,813,-394,813,-397,813,-402,813,-403,813,-408,813,-413,813,-417,813,-418,813,-423,813,-426,-899,-900,-643,-585,-1894,-901,813,813,813,-800,813,813,-804,813,-807,-833,813,-818,813,-820,813,-822,-808,813,-824,813,-851,-852,813,813,-811,813,-646,-902,-904,-648,-649,-645,813,-705,-706,813,-642,-903,-647,-650,-603,-714,813,813,-605,-586,813,813,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,813,813,-709,-710,813,-716,813,813,813,813,813,813,-938,813,-439,-441,-747,813,-891,813,-715,-1894,813,813,813,813,813,-442,-512,-523,813,-728,-733,813,-735,813,-740,813,-662,-668,813,-678,-680,-682,-683,-690,-693,-697,-745,813,813,-874,813,813,-878,813,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,813,-812,813,-814,-801,813,-802,-805,813,-816,-819,-821,-823,-825,813,-826,813,-809,813,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,813,-282,813,813,813,813,-455,813,813,-729,813,-736,813,-741,813,-663,-671,813,813,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,813,-836,-53,813,813,-730,813,-737,813,-742,-664,813,-873,-54,813,813,-731,-738,-743,813,813,813,-872,]),'TENANT_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[814,814,814,814,-1894,814,814,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,814,814,814,814,-275,-276,814,-1425,814,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,814,814,814,-490,814,814,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,814,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,814,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,814,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,814,-172,-173,-174,-175,-993,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-290,-291,-281,814,814,814,814,814,-328,-318,-332,-333,-334,814,814,-982,-983,-984,-985,-986,-987,-988,814,814,814,814,814,814,814,814,814,814,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,814,814,814,-353,-356,814,-323,-324,-141,814,-142,814,-143,814,-430,-935,-936,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-1894,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-1894,814,-1894,814,814,814,814,814,814,814,814,814,814,814,814,-1894,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,814,-1894,814,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,814,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,814,814,814,-191,-192,814,-994,814,814,814,814,814,-277,-278,-279,-280,-365,814,-308,814,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,814,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,814,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,814,814,814,814,814,814,-573,814,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,814,814,-723,-724,-725,814,814,814,814,814,814,-994,814,814,-91,-92,814,814,814,814,-309,-310,-320,814,-307,-293,-294,-295,814,814,814,814,-618,-633,-590,814,814,-436,814,-437,814,-444,-445,-446,-378,-379,814,814,814,-506,814,814,-510,814,814,814,814,-515,-516,-517,-518,814,814,-521,-522,814,-524,-525,-526,-527,-528,-529,-530,-531,814,-533,814,814,814,-539,-541,-542,814,-544,-545,-546,-547,814,814,814,814,814,814,-652,-653,-654,-655,814,-657,-658,-659,814,814,814,-665,814,814,-669,-670,814,814,-673,814,-675,-676,814,-679,814,-681,814,814,-684,-685,-686,814,-688,814,814,-691,814,814,-694,-695,-696,814,-698,-699,-700,-701,814,814,-746,814,-749,-750,-751,-752,-753,814,-755,-756,-757,-758,-759,814,-766,-767,-769,814,-771,-772,-773,-782,-856,-858,-860,-862,814,814,814,814,-868,814,-870,814,814,814,814,814,814,814,-906,-907,814,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,814,-921,-924,814,-934,814,-385,-386,-387,814,814,-390,-391,-392,-393,814,-396,814,-399,-400,814,-401,814,-406,-407,814,-410,-411,-412,814,-415,814,-416,814,-421,-422,814,-425,814,-428,-429,-1894,-1894,814,-619,-620,-621,-622,-623,-634,-584,-624,-797,814,814,814,814,814,-831,814,814,-806,814,-832,814,814,814,814,-798,814,-853,-799,814,814,814,814,814,814,-854,-855,814,-834,-830,-835,814,-625,814,-626,-627,-628,-629,-574,814,814,-630,-631,-632,814,814,814,814,814,814,-635,-636,-637,-592,-1894,-602,814,-638,-639,-713,-640,-604,814,-572,-577,-580,-583,814,814,814,-598,-601,814,-608,814,814,814,814,814,814,814,814,814,814,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,814,814,814,-995,814,814,814,814,814,814,-306,-325,-319,-296,-375,-452,-453,-454,-458,814,-443,814,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,814,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,814,814,814,814,814,814,814,814,814,-316,-535,-508,-591,-937,-939,-940,-438,814,-440,-380,-381,-383,-507,-509,-511,814,-513,-514,-519,-520,814,-532,-534,-537,-538,-543,-548,-726,814,-727,814,-732,814,-734,814,-739,-656,-660,-661,814,-666,814,-667,814,-672,-674,814,-677,814,814,814,-687,-689,814,-692,814,814,-744,814,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,814,814,814,814,814,-877,814,-880,-908,-920,-925,-388,-389,814,-394,814,-397,814,-402,814,-403,814,-408,814,-413,814,-417,814,-418,814,-423,814,-426,-899,-900,-643,-585,-1894,-901,814,814,814,-800,814,814,-804,814,-807,-833,814,-818,814,-820,814,-822,-808,814,-824,814,-851,-852,814,814,-811,814,-646,-902,-904,-648,-649,-645,814,-705,-706,814,-642,-903,-647,-650,-603,-714,814,814,-605,-586,814,814,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,814,814,-709,-710,814,-716,814,814,814,814,814,814,-938,814,-439,-441,-747,814,-891,814,-715,-1894,814,814,814,814,814,-442,-512,-523,814,-728,-733,814,-735,814,-740,814,-662,-668,814,-678,-680,-682,-683,-690,-693,-697,-745,814,814,-874,814,814,-878,814,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,814,-812,814,-814,-801,814,-802,-805,814,-816,-819,-821,-823,-825,814,-826,814,-809,814,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,814,-282,814,814,814,814,-455,814,814,-729,814,-736,814,-741,814,-663,-671,814,814,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,814,-836,-53,814,814,-730,814,-737,814,-742,-664,814,-873,-54,814,814,-731,-738,-743,814,814,814,-872,]),'TEXT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[815,815,815,815,-1894,815,815,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,815,815,815,815,-275,-276,815,-1425,815,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,815,815,815,-490,815,815,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,815,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,815,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,815,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,815,-172,-173,-174,-175,-993,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-290,-291,-281,815,815,815,815,815,-328,-318,-332,-333,-334,815,815,-982,-983,-984,-985,-986,-987,-988,815,815,815,815,815,815,815,815,815,815,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,815,815,815,-353,-356,815,-323,-324,-141,815,-142,815,-143,815,-430,-935,-936,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-1894,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-1894,815,-1894,815,815,815,815,815,815,815,815,815,815,815,815,-1894,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,815,-1894,815,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,815,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,815,815,815,-191,-192,815,-994,815,815,815,815,815,-277,-278,-279,-280,-365,815,-308,815,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,815,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,815,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,815,815,815,815,815,815,-573,815,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,815,815,-723,-724,-725,815,815,815,815,815,815,-994,815,815,-91,-92,815,815,815,815,-309,-310,-320,815,-307,-293,-294,-295,815,815,815,815,-618,-633,-590,815,815,-436,815,-437,815,-444,-445,-446,-378,-379,815,815,815,-506,815,815,-510,815,815,815,815,-515,-516,-517,-518,815,815,-521,-522,815,-524,-525,-526,-527,-528,-529,-530,-531,815,-533,815,815,815,-539,-541,-542,815,-544,-545,-546,-547,815,815,815,815,815,815,-652,-653,-654,-655,815,-657,-658,-659,815,815,815,-665,815,815,-669,-670,815,815,-673,815,-675,-676,815,-679,815,-681,815,815,-684,-685,-686,815,-688,815,815,-691,815,815,-694,-695,-696,815,-698,-699,-700,-701,815,815,-746,815,-749,-750,-751,-752,-753,815,-755,-756,-757,-758,-759,815,-766,-767,-769,815,-771,-772,-773,-782,-856,-858,-860,-862,815,815,815,815,-868,815,-870,815,815,815,815,815,815,815,-906,-907,815,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,815,-921,-924,815,-934,815,-385,-386,-387,815,815,-390,-391,-392,-393,815,-396,815,-399,-400,815,-401,815,-406,-407,815,-410,-411,-412,815,-415,815,-416,815,-421,-422,815,-425,815,-428,-429,-1894,-1894,815,-619,-620,-621,-622,-623,-634,-584,-624,-797,815,815,815,815,815,-831,815,815,-806,815,-832,815,815,815,815,-798,815,-853,-799,815,815,815,815,815,815,-854,-855,815,-834,-830,-835,815,-625,815,-626,-627,-628,-629,-574,815,815,-630,-631,-632,815,815,815,815,815,815,-635,-636,-637,-592,-1894,-602,815,-638,-639,-713,-640,-604,815,-572,-577,-580,-583,815,815,815,-598,-601,815,-608,815,815,815,815,815,815,815,815,815,815,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,815,815,815,-995,815,815,815,815,815,815,-306,-325,-319,-296,-375,-452,-453,-454,-458,815,-443,815,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,815,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,815,815,815,815,815,815,815,815,815,-316,-535,-508,-591,-937,-939,-940,-438,815,-440,-380,-381,-383,-507,-509,-511,815,-513,-514,-519,-520,815,-532,-534,-537,-538,-543,-548,-726,815,-727,815,-732,815,-734,815,-739,-656,-660,-661,815,-666,815,-667,815,-672,-674,815,-677,815,815,815,-687,-689,815,-692,815,815,-744,815,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,815,815,815,815,815,-877,815,-880,-908,-920,-925,-388,-389,815,-394,815,-397,815,-402,815,-403,815,-408,815,-413,815,-417,815,-418,815,-423,815,-426,-899,-900,-643,-585,-1894,-901,815,815,815,-800,815,815,-804,815,-807,-833,815,-818,815,-820,815,-822,-808,815,-824,815,-851,-852,815,815,-811,815,-646,-902,-904,-648,-649,-645,815,-705,-706,815,-642,-903,-647,-650,-603,-714,815,815,-605,-586,815,815,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,815,815,-709,-710,815,-716,815,815,815,815,815,815,-938,815,-439,-441,-747,815,-891,815,-715,-1894,815,815,815,815,815,-442,-512,-523,815,-728,-733,815,-735,815,-740,815,-662,-668,815,-678,-680,-682,-683,-690,-693,-697,-745,815,815,-874,815,815,-878,815,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,815,-812,815,-814,-801,815,-802,-805,815,-816,-819,-821,-823,-825,815,-826,815,-809,815,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,815,-282,815,815,815,815,-455,815,815,-729,815,-736,815,-741,815,-663,-671,815,815,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,815,-836,-53,815,815,-730,815,-737,815,-742,-664,815,-873,-54,815,815,-731,-738,-743,815,815,815,-872,]),'THAN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[816,816,816,816,-1894,816,816,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,816,816,816,816,-275,-276,816,-1425,816,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,816,816,816,-490,816,816,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,816,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,816,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,816,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,816,-172,-173,-174,-175,-993,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-290,-291,-281,816,816,816,816,816,-328,-318,-332,-333,-334,816,816,-982,-983,-984,-985,-986,-987,-988,816,816,816,816,816,816,816,816,816,816,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,816,816,816,-353,-356,816,-323,-324,-141,816,-142,816,-143,816,-430,-935,-936,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-1894,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-1894,816,-1894,816,816,816,816,816,816,816,816,816,816,816,816,-1894,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,816,-1894,816,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,816,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,816,816,816,-191,-192,816,-994,816,816,816,816,816,-277,-278,-279,-280,-365,816,-308,816,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,816,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,816,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,816,816,816,816,816,816,-573,816,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,816,816,-723,-724,-725,816,816,816,816,816,816,-994,816,816,-91,-92,816,816,816,816,-309,-310,-320,816,-307,-293,-294,-295,816,816,816,816,-618,-633,-590,816,816,-436,816,-437,816,-444,-445,-446,-378,-379,816,816,816,-506,816,816,-510,816,816,816,816,-515,-516,-517,-518,816,816,-521,-522,816,-524,-525,-526,-527,-528,-529,-530,-531,816,-533,816,816,816,-539,-541,-542,816,-544,-545,-546,-547,816,816,816,816,816,816,-652,-653,-654,-655,816,-657,-658,-659,816,816,816,-665,816,816,-669,-670,816,816,-673,816,-675,-676,816,-679,816,-681,816,816,-684,-685,-686,816,-688,816,816,-691,816,816,-694,-695,-696,816,-698,-699,-700,-701,816,816,-746,816,-749,-750,-751,-752,-753,816,-755,-756,-757,-758,-759,816,-766,-767,-769,816,-771,-772,-773,-782,-856,-858,-860,-862,816,816,816,816,-868,816,-870,816,816,816,816,816,816,816,-906,-907,816,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,816,-921,-924,816,-934,816,-385,-386,-387,816,816,-390,-391,-392,-393,816,-396,816,-399,-400,816,-401,816,-406,-407,816,-410,-411,-412,816,-415,816,-416,816,-421,-422,816,-425,816,-428,-429,-1894,-1894,816,-619,-620,-621,-622,-623,-634,-584,-624,-797,816,816,816,816,816,-831,816,816,-806,816,-832,816,816,816,816,-798,816,-853,-799,816,816,816,816,816,816,-854,-855,816,-834,-830,-835,816,-625,816,-626,-627,-628,-629,-574,816,816,-630,-631,-632,816,816,816,816,816,816,-635,-636,-637,-592,-1894,-602,816,-638,-639,-713,-640,-604,816,-572,-577,-580,-583,816,816,816,-598,-601,816,-608,816,816,816,816,816,816,816,816,816,816,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,816,816,816,-995,816,816,816,816,816,816,-306,-325,-319,-296,-375,-452,-453,-454,-458,816,-443,816,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,816,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,816,816,816,816,816,816,816,816,816,-316,-535,-508,-591,-937,-939,-940,-438,816,-440,-380,-381,-383,-507,-509,-511,816,-513,-514,-519,-520,816,-532,-534,-537,-538,-543,-548,-726,816,-727,816,-732,816,-734,816,-739,-656,-660,-661,816,-666,816,-667,816,-672,-674,816,-677,816,816,816,-687,-689,816,-692,816,816,-744,816,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,816,816,816,816,816,-877,816,-880,-908,-920,-925,-388,-389,816,-394,816,-397,816,-402,816,-403,816,-408,816,-413,816,-417,816,-418,816,-423,816,-426,-899,-900,-643,-585,-1894,-901,816,816,816,-800,816,816,-804,816,-807,-833,816,-818,816,-820,816,-822,-808,816,-824,816,-851,-852,816,816,-811,816,-646,-902,-904,-648,-649,-645,816,-705,-706,816,-642,-903,-647,-650,-603,-714,816,816,-605,-586,816,816,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,816,816,-709,-710,816,-716,816,816,816,816,816,816,-938,816,-439,-441,-747,816,-891,816,-715,-1894,816,816,816,816,816,-442,-512,-523,816,-728,-733,816,-735,816,-740,816,-662,-668,816,-678,-680,-682,-683,-690,-693,-697,-745,816,816,-874,816,816,-878,816,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,816,-812,816,-814,-801,816,-802,-805,816,-816,-819,-821,-823,-825,816,-826,816,-809,816,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,816,-282,816,816,816,816,-455,816,816,-729,816,-736,816,-741,816,-663,-671,816,816,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,816,-836,-53,816,816,-730,816,-737,816,-742,-664,816,-873,-54,816,816,-731,-738,-743,816,816,816,-872,]),'TIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[817,817,817,978,-1894,817,817,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,817,817,817,817,-275,-276,978,-1425,978,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,978,978,978,-490,978,978,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,978,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,978,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1966,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,817,-172,-173,-174,-175,-993,817,817,817,817,817,817,817,817,817,817,978,978,978,978,978,-290,-291,-281,817,978,978,978,978,-328,-318,-332,-333,-334,978,978,-982,-983,-984,-985,-986,-987,-988,817,817,978,978,978,978,978,978,978,978,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,978,978,978,-353,-356,817,-323,-324,-141,978,-142,978,-143,978,-430,-935,-936,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,-1894,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,-1894,978,-1894,978,978,978,978,978,978,978,978,978,978,978,978,-1894,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,2435,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,978,-1894,817,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,978,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,978,817,817,-191,-192,817,-994,978,817,817,817,817,-277,-278,-279,-280,-365,978,-308,978,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,978,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,978,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,978,978,978,978,978,978,-573,978,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,978,978,-723,-724,-725,978,1966,817,817,817,817,-994,817,978,-91,-92,817,817,817,978,-309,-310,-320,978,-307,-293,-294,-295,978,817,978,978,-618,-633,-590,978,2966,2966,817,-436,817,-437,978,-444,-445,-446,-378,-379,978,978,978,-506,978,978,-510,978,978,978,978,-515,-516,-517,-518,978,978,-521,-522,978,-524,-525,-526,-527,-528,-529,-530,-531,978,-533,978,978,978,-539,-541,-542,978,-544,-545,-546,-547,978,978,978,978,978,978,-652,-653,-654,-655,817,-657,-658,-659,978,978,978,-665,978,978,-669,-670,978,978,-673,978,-675,-676,978,-679,978,-681,978,978,-684,-685,-686,978,-688,978,978,-691,978,978,-694,-695,-696,978,-698,-699,-700,-701,978,978,-746,978,-749,-750,-751,-752,-753,978,-755,-756,-757,-758,-759,978,-766,-767,-769,978,-771,-772,-773,-782,-856,-858,-860,-862,978,978,978,978,-868,978,-870,978,978,978,978,978,978,978,-906,-907,978,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,978,-921,-924,978,-934,978,-385,-386,-387,978,978,-390,-391,-392,-393,978,-396,978,-399,-400,978,-401,978,-406,-407,978,-410,-411,-412,978,-415,978,-416,978,-421,-422,978,-425,978,-428,-429,-1894,-1894,978,-619,-620,-621,-622,-623,-634,-584,-624,-797,978,978,978,978,978,-831,978,978,-806,978,-832,978,978,978,978,-798,978,-853,-799,978,978,978,978,978,978,-854,-855,978,-834,-830,-835,978,-625,978,-626,-627,-628,-629,-574,978,978,-630,-631,-632,978,978,978,978,978,978,-635,-636,-637,-592,-1894,-602,978,-638,-639,-713,-640,-604,978,-572,-577,-580,-583,978,978,978,-598,-601,978,-608,978,978,978,978,978,978,978,978,978,978,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,978,817,817,-995,817,978,817,817,817,978,-306,-325,-319,-296,-375,-452,-453,-454,-458,817,-443,978,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,978,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,817,817,817,817,817,817,817,817,978,-316,-535,-508,-591,-937,-939,-940,-438,978,-440,-380,-381,-383,-507,-509,-511,978,-513,-514,-519,-520,978,-532,-534,-537,-538,-543,-548,-726,978,-727,978,-732,978,-734,978,-739,-656,-660,-661,978,-666,978,-667,978,-672,-674,978,-677,978,978,978,-687,-689,978,-692,978,978,-744,978,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,978,978,978,978,978,-877,978,-880,-908,-920,-925,-388,-389,978,-394,978,-397,978,-402,978,-403,978,-408,978,-413,978,-417,978,-418,978,-423,978,-426,-899,-900,-643,-585,-1894,-901,978,978,978,-800,978,978,-804,978,-807,-833,978,-818,978,-820,978,-822,-808,978,-824,978,-851,-852,978,978,-811,978,-646,-902,-904,-648,-649,-645,978,-705,-706,978,-642,-903,-647,-650,-603,-714,978,978,-605,-586,978,978,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,978,978,-709,-710,978,-716,978,817,817,817,978,978,-938,817,-439,-441,-747,978,-891,1966,-715,-1894,978,978,817,817,978,-442,-512,-523,978,-728,-733,978,-735,978,-740,978,-662,-668,978,-678,-680,-682,-683,-690,-693,-697,-745,978,978,-874,978,978,-878,978,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,978,-812,978,-814,-801,978,-802,-805,978,-816,-819,-821,-823,-825,978,-826,978,-809,978,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,817,-282,817,978,817,978,-455,978,978,-729,978,-736,978,-741,978,-663,-671,978,978,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,978,-836,-53,817,978,-730,978,-737,978,-742,-664,978,-873,-54,817,817,-731,-738,-743,978,817,978,-872,]),'TIMEDIFF':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[818,818,818,1303,-1894,818,818,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,818,818,818,818,-275,-276,1303,-1425,1303,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1303,1303,1303,-490,1303,1303,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1303,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1303,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1303,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,818,-172,-173,-174,-175,-993,818,818,818,818,818,818,818,818,818,818,1303,1303,1303,1303,1303,-290,-291,-281,818,1303,1303,1303,1303,-328,-318,-332,-333,-334,1303,1303,-982,-983,-984,-985,-986,-987,-988,818,818,1303,1303,1303,1303,1303,1303,1303,1303,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1303,1303,1303,-353,-356,818,-323,-324,-141,1303,-142,1303,-143,1303,-430,-935,-936,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1894,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1894,1303,-1894,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1894,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-1894,818,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1303,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1303,818,818,-191,-192,818,-994,1303,818,818,818,818,-277,-278,-279,-280,-365,1303,-308,1303,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1303,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1303,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1303,1303,1303,1303,1303,1303,-573,1303,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1303,1303,-723,-724,-725,1303,1303,818,818,818,818,-994,818,1303,-91,-92,818,818,818,1303,-309,-310,-320,1303,-307,-293,-294,-295,1303,818,1303,1303,-618,-633,-590,1303,818,-436,818,-437,1303,-444,-445,-446,-378,-379,1303,1303,1303,-506,1303,1303,-510,1303,1303,1303,1303,-515,-516,-517,-518,1303,1303,-521,-522,1303,-524,-525,-526,-527,-528,-529,-530,-531,1303,-533,1303,1303,1303,-539,-541,-542,1303,-544,-545,-546,-547,1303,1303,1303,1303,1303,1303,-652,-653,-654,-655,818,-657,-658,-659,1303,1303,1303,-665,1303,1303,-669,-670,1303,1303,-673,1303,-675,-676,1303,-679,1303,-681,1303,1303,-684,-685,-686,1303,-688,1303,1303,-691,1303,1303,-694,-695,-696,1303,-698,-699,-700,-701,1303,1303,-746,1303,-749,-750,-751,-752,-753,1303,-755,-756,-757,-758,-759,1303,-766,-767,-769,1303,-771,-772,-773,-782,-856,-858,-860,-862,1303,1303,1303,1303,-868,1303,-870,1303,1303,1303,1303,1303,1303,1303,-906,-907,1303,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1303,-921,-924,1303,-934,1303,-385,-386,-387,1303,1303,-390,-391,-392,-393,1303,-396,1303,-399,-400,1303,-401,1303,-406,-407,1303,-410,-411,-412,1303,-415,1303,-416,1303,-421,-422,1303,-425,1303,-428,-429,-1894,-1894,1303,-619,-620,-621,-622,-623,-634,-584,-624,-797,1303,1303,1303,1303,1303,-831,1303,1303,-806,1303,-832,1303,1303,1303,1303,-798,1303,-853,-799,1303,1303,1303,1303,1303,1303,-854,-855,1303,-834,-830,-835,1303,-625,1303,-626,-627,-628,-629,-574,1303,1303,-630,-631,-632,1303,1303,1303,1303,1303,1303,-635,-636,-637,-592,-1894,-602,1303,-638,-639,-713,-640,-604,1303,-572,-577,-580,-583,1303,1303,1303,-598,-601,1303,-608,1303,1303,1303,1303,1303,1303,1303,1303,1303,1303,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1303,818,818,-995,818,1303,818,818,818,1303,-306,-325,-319,-296,-375,-452,-453,-454,-458,818,-443,1303,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1303,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,818,818,818,818,818,818,818,818,1303,-316,-535,-508,-591,-937,-939,-940,-438,1303,-440,-380,-381,-383,-507,-509,-511,1303,-513,-514,-519,-520,1303,-532,-534,-537,-538,-543,-548,-726,1303,-727,1303,-732,1303,-734,1303,-739,-656,-660,-661,1303,-666,1303,-667,1303,-672,-674,1303,-677,1303,1303,1303,-687,-689,1303,-692,1303,1303,-744,1303,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1303,1303,1303,1303,1303,-877,1303,-880,-908,-920,-925,-388,-389,1303,-394,1303,-397,1303,-402,1303,-403,1303,-408,1303,-413,1303,-417,1303,-418,1303,-423,1303,-426,-899,-900,-643,-585,-1894,-901,1303,1303,1303,-800,1303,1303,-804,1303,-807,-833,1303,-818,1303,-820,1303,-822,-808,1303,-824,1303,-851,-852,1303,1303,-811,1303,-646,-902,-904,-648,-649,-645,1303,-705,-706,1303,-642,-903,-647,-650,-603,-714,1303,1303,-605,-586,1303,1303,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1303,1303,-709,-710,1303,-716,1303,818,818,818,1303,1303,-938,818,-439,-441,-747,1303,-891,1303,-715,-1894,1303,1303,818,818,1303,-442,-512,-523,1303,-728,-733,1303,-735,1303,-740,1303,-662,-668,1303,-678,-680,-682,-683,-690,-693,-697,-745,1303,1303,-874,1303,1303,-878,1303,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1303,-812,1303,-814,-801,1303,-802,-805,1303,-816,-819,-821,-823,-825,1303,-826,1303,-809,1303,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,818,-282,818,1303,818,1303,-455,1303,1303,-729,1303,-736,1303,-741,1303,-663,-671,1303,1303,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1303,-836,-53,818,1303,-730,1303,-737,1303,-742,-664,1303,-873,-54,818,818,-731,-738,-743,1303,818,1303,-872,]),'TIMESTAMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1790,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2492,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[819,819,819,979,-1894,819,819,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,819,819,819,819,-275,-276,979,-1425,979,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,979,979,979,-490,979,979,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,979,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,979,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1967,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,819,-172,-173,-174,-175,-993,819,819,819,819,819,819,819,819,819,819,979,979,979,979,979,-290,-291,-281,819,979,979,979,979,-328,-318,-332,-333,-334,979,979,-982,-983,-984,-985,-986,-987,-988,819,819,979,979,979,979,979,979,979,979,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,979,979,979,-353,-356,819,-323,-324,-141,979,-142,979,-143,979,-430,-935,-936,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,-1894,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,-1894,979,-1894,979,979,979,979,979,979,979,979,979,979,979,979,-1894,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,2436,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,979,-1894,819,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,979,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,979,819,819,-191,-192,819,-994,979,819,819,819,819,-277,-278,-279,-280,-365,979,-308,979,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,979,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,979,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,979,979,979,979,979,979,-573,979,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,979,979,-723,-724,-725,979,1967,819,819,2907,819,819,-994,819,979,-91,-92,819,819,819,979,-309,-310,-320,979,-307,-293,-294,-295,979,819,979,979,-618,-633,-590,979,819,-436,819,-437,979,-444,-445,-446,-378,-379,979,979,979,-506,979,979,-510,979,979,979,979,-515,-516,-517,-518,979,979,-521,-522,979,-524,-525,-526,-527,-528,-529,-530,-531,979,-533,979,979,979,-539,-541,-542,979,-544,-545,-546,-547,979,979,979,979,979,979,-652,-653,-654,-655,819,-657,-658,-659,979,979,979,-665,979,979,-669,-670,979,979,-673,979,-675,-676,979,-679,979,-681,979,979,-684,-685,-686,979,-688,979,979,-691,979,979,-694,-695,-696,979,-698,-699,-700,-701,979,979,-746,979,-749,-750,-751,-752,-753,979,-755,-756,-757,-758,-759,979,-766,-767,-769,979,-771,-772,-773,-782,-856,-858,-860,-862,979,979,979,979,-868,979,-870,979,979,979,979,979,979,979,-906,-907,979,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,979,-921,-924,979,-934,979,-385,-386,-387,979,979,-390,-391,-392,-393,979,-396,979,-399,-400,979,-401,979,-406,-407,979,-410,-411,-412,979,-415,979,-416,979,-421,-422,979,-425,979,-428,-429,-1894,-1894,979,-619,-620,-621,-622,-623,-634,-584,-624,-797,979,979,979,979,979,-831,979,979,-806,979,-832,979,979,979,979,-798,979,-853,-799,979,979,979,979,979,979,-854,-855,979,-834,-830,-835,979,-625,979,-626,-627,-628,-629,-574,979,979,-630,-631,-632,979,979,979,979,979,979,-635,-636,-637,-592,-1894,-602,979,-638,-639,-713,-640,-604,979,-572,-577,-580,-583,979,979,979,-598,-601,979,-608,979,979,979,979,979,979,979,979,979,979,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,979,819,819,-995,819,979,819,819,819,979,-306,-325,-319,-296,-375,-452,-453,-454,-458,819,-443,979,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,979,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,819,819,819,819,819,819,819,819,979,-316,-535,-508,-591,-937,-939,-940,-438,979,-440,-380,-381,-383,-507,-509,-511,979,-513,-514,-519,-520,979,-532,-534,-537,-538,-543,-548,-726,979,-727,979,-732,979,-734,979,-739,-656,-660,-661,979,-666,979,-667,979,-672,-674,979,-677,979,979,979,-687,-689,979,-692,979,979,-744,979,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,979,979,979,979,979,-877,979,-880,-908,-920,-925,-388,-389,979,-394,979,-397,979,-402,979,-403,979,-408,979,-413,979,-417,979,-418,979,-423,979,-426,-899,-900,-643,-585,-1894,-901,979,979,979,-800,979,979,-804,979,-807,-833,979,-818,979,-820,979,-822,-808,979,-824,979,-851,-852,979,979,-811,979,-646,-902,-904,-648,-649,-645,979,-705,-706,979,-642,-903,-647,-650,-603,-714,979,979,-605,-586,979,979,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,979,979,-709,-710,979,-716,979,819,819,819,979,979,-938,819,-439,-441,-747,979,-891,1967,-715,-1894,979,979,819,819,979,-442,-512,-523,979,-728,-733,979,-735,979,-740,979,-662,-668,979,-678,-680,-682,-683,-690,-693,-697,-745,979,979,-874,979,979,-878,979,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,979,-812,979,-814,-801,979,-802,-805,979,-816,-819,-821,-823,-825,979,-826,979,-809,979,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,819,-282,819,979,819,979,-455,979,979,-729,979,-736,979,-741,979,-663,-671,979,979,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,979,-836,-53,819,979,-730,979,-737,979,-742,-664,979,-873,-54,819,819,-731,-738,-743,979,819,979,-872,]),'TIME_FORMAT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[820,820,820,1304,-1894,820,820,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,820,820,820,820,-275,-276,1304,-1425,1304,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1304,1304,1304,-490,1304,1304,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1304,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1304,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1304,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,820,-172,-173,-174,-175,-993,820,820,820,820,820,820,820,820,820,820,1304,1304,1304,1304,1304,-290,-291,-281,820,1304,1304,1304,1304,-328,-318,-332,-333,-334,1304,1304,-982,-983,-984,-985,-986,-987,-988,820,820,1304,1304,1304,1304,1304,1304,1304,1304,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1304,1304,1304,-353,-356,820,-323,-324,-141,1304,-142,1304,-143,1304,-430,-935,-936,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1894,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1894,1304,-1894,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1894,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-1894,820,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1304,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1304,820,820,-191,-192,820,-994,1304,820,820,820,820,-277,-278,-279,-280,-365,1304,-308,1304,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1304,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1304,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1304,1304,1304,1304,1304,1304,-573,1304,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1304,1304,-723,-724,-725,1304,1304,820,820,820,820,-994,820,1304,-91,-92,820,820,820,1304,-309,-310,-320,1304,-307,-293,-294,-295,1304,820,1304,1304,-618,-633,-590,1304,820,-436,820,-437,1304,-444,-445,-446,-378,-379,1304,1304,1304,-506,1304,1304,-510,1304,1304,1304,1304,-515,-516,-517,-518,1304,1304,-521,-522,1304,-524,-525,-526,-527,-528,-529,-530,-531,1304,-533,1304,1304,1304,-539,-541,-542,1304,-544,-545,-546,-547,1304,1304,1304,1304,1304,1304,-652,-653,-654,-655,820,-657,-658,-659,1304,1304,1304,-665,1304,1304,-669,-670,1304,1304,-673,1304,-675,-676,1304,-679,1304,-681,1304,1304,-684,-685,-686,1304,-688,1304,1304,-691,1304,1304,-694,-695,-696,1304,-698,-699,-700,-701,1304,1304,-746,1304,-749,-750,-751,-752,-753,1304,-755,-756,-757,-758,-759,1304,-766,-767,-769,1304,-771,-772,-773,-782,-856,-858,-860,-862,1304,1304,1304,1304,-868,1304,-870,1304,1304,1304,1304,1304,1304,1304,-906,-907,1304,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1304,-921,-924,1304,-934,1304,-385,-386,-387,1304,1304,-390,-391,-392,-393,1304,-396,1304,-399,-400,1304,-401,1304,-406,-407,1304,-410,-411,-412,1304,-415,1304,-416,1304,-421,-422,1304,-425,1304,-428,-429,-1894,-1894,1304,-619,-620,-621,-622,-623,-634,-584,-624,-797,1304,1304,1304,1304,1304,-831,1304,1304,-806,1304,-832,1304,1304,1304,1304,-798,1304,-853,-799,1304,1304,1304,1304,1304,1304,-854,-855,1304,-834,-830,-835,1304,-625,1304,-626,-627,-628,-629,-574,1304,1304,-630,-631,-632,1304,1304,1304,1304,1304,1304,-635,-636,-637,-592,-1894,-602,1304,-638,-639,-713,-640,-604,1304,-572,-577,-580,-583,1304,1304,1304,-598,-601,1304,-608,1304,1304,1304,1304,1304,1304,1304,1304,1304,1304,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1304,820,820,-995,820,1304,820,820,820,1304,-306,-325,-319,-296,-375,-452,-453,-454,-458,820,-443,1304,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1304,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,820,820,820,820,820,820,820,820,1304,-316,-535,-508,-591,-937,-939,-940,-438,1304,-440,-380,-381,-383,-507,-509,-511,1304,-513,-514,-519,-520,1304,-532,-534,-537,-538,-543,-548,-726,1304,-727,1304,-732,1304,-734,1304,-739,-656,-660,-661,1304,-666,1304,-667,1304,-672,-674,1304,-677,1304,1304,1304,-687,-689,1304,-692,1304,1304,-744,1304,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1304,1304,1304,1304,1304,-877,1304,-880,-908,-920,-925,-388,-389,1304,-394,1304,-397,1304,-402,1304,-403,1304,-408,1304,-413,1304,-417,1304,-418,1304,-423,1304,-426,-899,-900,-643,-585,-1894,-901,1304,1304,1304,-800,1304,1304,-804,1304,-807,-833,1304,-818,1304,-820,1304,-822,-808,1304,-824,1304,-851,-852,1304,1304,-811,1304,-646,-902,-904,-648,-649,-645,1304,-705,-706,1304,-642,-903,-647,-650,-603,-714,1304,1304,-605,-586,1304,1304,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1304,1304,-709,-710,1304,-716,1304,820,820,820,1304,1304,-938,820,-439,-441,-747,1304,-891,1304,-715,-1894,1304,1304,820,820,1304,-442,-512,-523,1304,-728,-733,1304,-735,1304,-740,1304,-662,-668,1304,-678,-680,-682,-683,-690,-693,-697,-745,1304,1304,-874,1304,1304,-878,1304,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1304,-812,1304,-814,-801,1304,-802,-805,1304,-816,-819,-821,-823,-825,1304,-826,1304,-809,1304,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,820,-282,820,1304,820,1304,-455,1304,1304,-729,1304,-736,1304,-741,1304,-663,-671,1304,1304,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1304,-836,-53,820,1304,-730,1304,-737,1304,-742,-664,1304,-873,-54,820,820,-731,-738,-743,1304,820,1304,-872,]),'TIME_TO_SEC':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[821,821,821,1305,-1894,821,821,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,821,821,821,821,-275,-276,1305,-1425,1305,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1305,1305,1305,-490,1305,1305,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1305,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1305,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1305,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,821,-172,-173,-174,-175,-993,821,821,821,821,821,821,821,821,821,821,1305,1305,1305,1305,1305,-290,-291,-281,821,1305,1305,1305,1305,-328,-318,-332,-333,-334,1305,1305,-982,-983,-984,-985,-986,-987,-988,821,821,1305,1305,1305,1305,1305,1305,1305,1305,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1305,1305,1305,-353,-356,821,-323,-324,-141,1305,-142,1305,-143,1305,-430,-935,-936,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1894,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1894,1305,-1894,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1894,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-1894,821,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1305,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1305,821,821,-191,-192,821,-994,1305,821,821,821,821,-277,-278,-279,-280,-365,1305,-308,1305,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1305,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1305,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1305,1305,1305,1305,1305,1305,-573,1305,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1305,1305,-723,-724,-725,1305,1305,821,821,821,821,-994,821,1305,-91,-92,821,821,821,1305,-309,-310,-320,1305,-307,-293,-294,-295,1305,821,1305,1305,-618,-633,-590,1305,821,-436,821,-437,1305,-444,-445,-446,-378,-379,1305,1305,1305,-506,1305,1305,-510,1305,1305,1305,1305,-515,-516,-517,-518,1305,1305,-521,-522,1305,-524,-525,-526,-527,-528,-529,-530,-531,1305,-533,1305,1305,1305,-539,-541,-542,1305,-544,-545,-546,-547,1305,1305,1305,1305,1305,1305,-652,-653,-654,-655,821,-657,-658,-659,1305,1305,1305,-665,1305,1305,-669,-670,1305,1305,-673,1305,-675,-676,1305,-679,1305,-681,1305,1305,-684,-685,-686,1305,-688,1305,1305,-691,1305,1305,-694,-695,-696,1305,-698,-699,-700,-701,1305,1305,-746,1305,-749,-750,-751,-752,-753,1305,-755,-756,-757,-758,-759,1305,-766,-767,-769,1305,-771,-772,-773,-782,-856,-858,-860,-862,1305,1305,1305,1305,-868,1305,-870,1305,1305,1305,1305,1305,1305,1305,-906,-907,1305,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1305,-921,-924,1305,-934,1305,-385,-386,-387,1305,1305,-390,-391,-392,-393,1305,-396,1305,-399,-400,1305,-401,1305,-406,-407,1305,-410,-411,-412,1305,-415,1305,-416,1305,-421,-422,1305,-425,1305,-428,-429,-1894,-1894,1305,-619,-620,-621,-622,-623,-634,-584,-624,-797,1305,1305,1305,1305,1305,-831,1305,1305,-806,1305,-832,1305,1305,1305,1305,-798,1305,-853,-799,1305,1305,1305,1305,1305,1305,-854,-855,1305,-834,-830,-835,1305,-625,1305,-626,-627,-628,-629,-574,1305,1305,-630,-631,-632,1305,1305,1305,1305,1305,1305,-635,-636,-637,-592,-1894,-602,1305,-638,-639,-713,-640,-604,1305,-572,-577,-580,-583,1305,1305,1305,-598,-601,1305,-608,1305,1305,1305,1305,1305,1305,1305,1305,1305,1305,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1305,821,821,-995,821,1305,821,821,821,1305,-306,-325,-319,-296,-375,-452,-453,-454,-458,821,-443,1305,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1305,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,821,821,821,821,821,821,821,821,1305,-316,-535,-508,-591,-937,-939,-940,-438,1305,-440,-380,-381,-383,-507,-509,-511,1305,-513,-514,-519,-520,1305,-532,-534,-537,-538,-543,-548,-726,1305,-727,1305,-732,1305,-734,1305,-739,-656,-660,-661,1305,-666,1305,-667,1305,-672,-674,1305,-677,1305,1305,1305,-687,-689,1305,-692,1305,1305,-744,1305,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1305,1305,1305,1305,1305,-877,1305,-880,-908,-920,-925,-388,-389,1305,-394,1305,-397,1305,-402,1305,-403,1305,-408,1305,-413,1305,-417,1305,-418,1305,-423,1305,-426,-899,-900,-643,-585,-1894,-901,1305,1305,1305,-800,1305,1305,-804,1305,-807,-833,1305,-818,1305,-820,1305,-822,-808,1305,-824,1305,-851,-852,1305,1305,-811,1305,-646,-902,-904,-648,-649,-645,1305,-705,-706,1305,-642,-903,-647,-650,-603,-714,1305,1305,-605,-586,1305,1305,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1305,1305,-709,-710,1305,-716,1305,821,821,821,1305,1305,-938,821,-439,-441,-747,1305,-891,1305,-715,-1894,1305,1305,821,821,1305,-442,-512,-523,1305,-728,-733,1305,-735,1305,-740,1305,-662,-668,1305,-678,-680,-682,-683,-690,-693,-697,-745,1305,1305,-874,1305,1305,-878,1305,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1305,-812,1305,-814,-801,1305,-802,-805,1305,-816,-819,-821,-823,-825,1305,-826,1305,-809,1305,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,821,-282,821,1305,821,1305,-455,1305,1305,-729,1305,-736,1305,-741,1305,-663,-671,1305,1305,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1305,-836,-53,821,1305,-730,1305,-737,1305,-742,-664,1305,-873,-54,821,821,-731,-738,-743,1305,821,1305,-872,]),'TIME_ZONE_INFO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[822,822,822,822,-1894,822,822,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,822,822,822,822,-275,-276,822,-1425,822,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,822,822,822,-490,822,822,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,822,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,822,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,822,-172,-173,-174,-175,-993,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-290,-291,-281,822,822,822,822,822,-328,-318,-332,-333,-334,822,822,-982,-983,-984,-985,-986,-987,-988,822,822,822,822,822,822,822,822,822,822,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,822,822,822,-353,-356,822,-323,-324,-141,822,-142,822,-143,822,-430,-935,-936,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-1894,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-1894,822,-1894,822,822,822,822,822,822,822,822,822,822,822,822,-1894,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,822,-1894,822,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,822,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,822,822,822,-191,-192,822,-994,822,822,822,822,822,-277,-278,-279,-280,-365,822,-308,822,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,822,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,822,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,822,822,822,822,822,822,-573,822,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,822,822,-723,-724,-725,822,822,822,822,822,822,-994,822,822,-91,-92,822,822,822,822,-309,-310,-320,822,-307,-293,-294,-295,822,822,822,822,-618,-633,-590,822,822,-436,822,-437,822,-444,-445,-446,-378,-379,822,822,822,-506,822,822,-510,822,822,822,822,-515,-516,-517,-518,822,822,-521,-522,822,-524,-525,-526,-527,-528,-529,-530,-531,822,-533,822,822,822,-539,-541,-542,822,-544,-545,-546,-547,822,822,822,822,822,822,-652,-653,-654,-655,822,-657,-658,-659,822,822,822,-665,822,822,-669,-670,822,822,-673,822,-675,-676,822,-679,822,-681,822,822,-684,-685,-686,822,-688,822,822,-691,822,822,-694,-695,-696,822,-698,-699,-700,-701,822,822,-746,822,-749,-750,-751,-752,-753,822,-755,-756,-757,-758,-759,822,-766,-767,-769,822,-771,-772,-773,-782,-856,-858,-860,-862,822,822,822,822,-868,822,-870,822,822,822,822,822,822,822,-906,-907,822,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,822,-921,-924,822,-934,822,-385,-386,-387,822,822,-390,-391,-392,-393,822,-396,822,-399,-400,822,-401,822,-406,-407,822,-410,-411,-412,822,-415,822,-416,822,-421,-422,822,-425,822,-428,-429,-1894,-1894,822,-619,-620,-621,-622,-623,-634,-584,-624,-797,822,822,822,822,822,-831,822,822,-806,822,-832,822,822,822,822,-798,822,-853,-799,822,822,822,822,822,822,-854,-855,822,-834,-830,-835,822,-625,822,-626,-627,-628,-629,-574,822,822,-630,-631,-632,822,822,822,822,822,822,-635,-636,-637,-592,-1894,-602,822,-638,-639,-713,-640,-604,822,-572,-577,-580,-583,822,822,822,-598,-601,822,-608,822,822,822,822,822,822,822,822,822,822,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,822,822,822,-995,822,822,822,822,822,822,-306,-325,-319,-296,-375,-452,-453,-454,-458,822,-443,822,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,822,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,822,822,822,822,822,822,822,822,822,-316,-535,-508,-591,-937,-939,-940,-438,822,-440,-380,-381,-383,-507,-509,-511,822,-513,-514,-519,-520,822,-532,-534,-537,-538,-543,-548,-726,822,-727,822,-732,822,-734,822,-739,-656,-660,-661,822,-666,822,-667,822,-672,-674,822,-677,822,822,822,-687,-689,822,-692,822,822,-744,822,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,822,822,822,822,822,-877,822,-880,-908,-920,-925,-388,-389,822,-394,822,-397,822,-402,822,-403,822,-408,822,-413,822,-417,822,-418,822,-423,822,-426,-899,-900,-643,-585,-1894,-901,822,822,822,-800,822,822,-804,822,-807,-833,822,-818,822,-820,822,-822,-808,822,-824,822,-851,-852,822,822,-811,822,-646,-902,-904,-648,-649,-645,822,-705,-706,822,-642,-903,-647,-650,-603,-714,822,822,-605,-586,822,822,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,822,822,-709,-710,822,-716,822,822,822,822,822,822,-938,822,-439,-441,-747,822,-891,822,-715,-1894,822,822,822,822,822,-442,-512,-523,822,-728,-733,822,-735,822,-740,822,-662,-668,822,-678,-680,-682,-683,-690,-693,-697,-745,822,822,-874,822,822,-878,822,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,822,-812,822,-814,-801,822,-802,-805,822,-816,-819,-821,-823,-825,822,-826,822,-809,822,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,822,-282,822,822,822,822,-455,822,822,-729,822,-736,822,-741,822,-663,-671,822,822,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,822,-836,-53,822,822,-730,822,-737,822,-742,-664,822,-873,-54,822,822,-731,-738,-743,822,822,822,-872,]),'TOP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[823,823,823,823,-1894,823,823,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,823,823,823,823,-275,-276,823,-1425,823,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,823,823,823,-490,823,823,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,823,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,823,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,823,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,823,-172,-173,-174,-175,-993,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-290,-291,-281,823,823,823,823,823,-328,-318,-332,-333,-334,823,823,-982,-983,-984,-985,-986,-987,-988,823,823,823,823,823,823,823,823,823,823,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,823,823,823,-353,-356,823,-323,-324,-141,823,-142,823,-143,823,-430,-935,-936,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-1894,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-1894,823,-1894,823,823,823,823,823,823,823,823,823,823,823,823,-1894,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,823,-1894,823,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,823,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,823,823,823,-191,-192,823,-994,823,823,823,823,823,-277,-278,-279,-280,-365,823,-308,823,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,823,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,823,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,823,823,823,823,823,823,-573,823,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,823,823,-723,-724,-725,823,823,823,823,823,823,-994,823,823,-91,-92,823,823,823,823,-309,-310,-320,823,-307,-293,-294,-295,823,823,823,823,-618,-633,-590,823,823,-436,823,-437,823,-444,-445,-446,-378,-379,823,823,823,-506,823,823,-510,823,823,823,823,-515,-516,-517,-518,823,823,-521,-522,823,-524,-525,-526,-527,-528,-529,-530,-531,823,-533,823,823,823,-539,-541,-542,823,-544,-545,-546,-547,823,823,823,823,823,823,-652,-653,-654,-655,823,-657,-658,-659,823,823,823,-665,823,823,-669,-670,823,823,-673,823,-675,-676,823,-679,823,-681,823,823,-684,-685,-686,823,-688,823,823,-691,823,823,-694,-695,-696,823,-698,-699,-700,-701,823,823,-746,823,-749,-750,-751,-752,-753,823,-755,-756,-757,-758,-759,823,-766,-767,-769,823,-771,-772,-773,-782,-856,-858,-860,-862,823,823,823,823,-868,823,-870,823,823,823,823,823,823,823,-906,-907,823,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,823,-921,-924,823,-934,823,-385,-386,-387,823,823,-390,-391,-392,-393,823,-396,823,-399,-400,823,-401,823,-406,-407,823,-410,-411,-412,823,-415,823,-416,823,-421,-422,823,-425,823,-428,-429,-1894,-1894,823,-619,-620,-621,-622,-623,-634,-584,-624,-797,823,823,823,823,823,-831,823,823,-806,823,-832,823,823,823,823,-798,823,-853,-799,823,823,823,823,823,823,-854,-855,823,-834,-830,-835,823,-625,823,-626,-627,-628,-629,-574,823,823,-630,-631,-632,823,823,823,823,823,823,-635,-636,-637,-592,-1894,-602,823,-638,-639,-713,-640,-604,823,-572,-577,-580,-583,823,823,823,-598,-601,823,-608,823,823,823,823,823,823,823,823,823,823,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,823,823,823,-995,823,823,823,823,823,823,-306,-325,-319,-296,-375,-452,-453,-454,-458,823,-443,823,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,823,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,823,823,823,823,823,823,823,823,823,-316,-535,-508,-591,-937,-939,-940,-438,823,-440,-380,-381,-383,-507,-509,-511,823,-513,-514,-519,-520,823,-532,-534,-537,-538,-543,-548,-726,823,-727,823,-732,823,-734,823,-739,-656,-660,-661,823,-666,823,-667,823,-672,-674,823,-677,823,823,823,-687,-689,823,-692,823,823,-744,823,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,823,823,823,823,823,-877,823,-880,-908,-920,-925,-388,-389,823,-394,823,-397,823,-402,823,-403,823,-408,823,-413,823,-417,823,-418,823,-423,823,-426,-899,-900,-643,-585,-1894,-901,823,823,823,-800,823,823,-804,823,-807,-833,823,-818,823,-820,823,-822,-808,823,-824,823,-851,-852,823,823,-811,823,-646,-902,-904,-648,-649,-645,823,-705,-706,823,-642,-903,-647,-650,-603,-714,823,823,-605,-586,823,823,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,823,823,-709,-710,823,-716,823,823,823,823,823,823,-938,823,-439,-441,-747,823,-891,823,-715,-1894,823,823,823,823,823,-442,-512,-523,823,-728,-733,823,-735,823,-740,823,-662,-668,823,-678,-680,-682,-683,-690,-693,-697,-745,823,823,-874,823,823,-878,823,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,823,-812,823,-814,-801,823,-802,-805,823,-816,-819,-821,-823,-825,823,-826,823,-809,823,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,823,-282,823,823,823,823,-455,823,823,-729,823,-736,823,-741,823,-663,-671,823,823,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,823,-836,-53,823,823,-730,823,-737,823,-742,-664,823,-873,-54,823,823,-731,-738,-743,823,823,823,-872,]),'TO_BASE64':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[824,824,824,1123,-1894,824,824,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,824,824,824,824,-275,-276,1123,-1425,1123,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1123,1123,1123,-490,1123,1123,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1123,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1123,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1968,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,824,-172,-173,-174,-175,-993,824,824,824,824,824,824,824,824,824,824,1123,1123,1123,1123,1123,-290,-291,-281,824,1123,1123,1123,1123,-328,-318,-332,-333,-334,1123,1123,-982,-983,-984,-985,-986,-987,-988,824,824,1123,1123,1123,1123,1123,1123,1123,1123,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1123,1123,1123,-353,-356,824,-323,-324,-141,1123,-142,1123,-143,1123,-430,-935,-936,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1894,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1894,1123,-1894,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1894,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-1894,824,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1123,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1123,824,824,-191,-192,824,-994,1123,824,824,824,824,-277,-278,-279,-280,-365,1123,-308,1123,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1123,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1123,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1123,1123,1123,1123,1123,1123,-573,1123,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1123,1123,-723,-724,-725,1123,1968,824,824,824,824,-994,824,1123,-91,-92,824,824,824,1123,-309,-310,-320,1123,-307,-293,-294,-295,1123,824,1123,1123,-618,-633,-590,1123,824,-436,824,-437,1123,-444,-445,-446,-378,-379,1123,1123,1123,-506,1123,1123,-510,1123,1123,1123,1123,-515,-516,-517,-518,1123,1123,-521,-522,1123,-524,-525,-526,-527,-528,-529,-530,-531,1123,-533,1123,1123,1123,-539,-541,-542,1123,-544,-545,-546,-547,1123,1123,1123,1123,1123,1123,-652,-653,-654,-655,824,-657,-658,-659,1123,1123,1123,-665,1123,1123,-669,-670,1123,1123,-673,1123,-675,-676,1123,-679,1123,-681,1123,1123,-684,-685,-686,1123,-688,1123,1123,-691,1123,1123,-694,-695,-696,1123,-698,-699,-700,-701,1123,1123,-746,1123,-749,-750,-751,-752,-753,1123,-755,-756,-757,-758,-759,1123,-766,-767,-769,1123,-771,-772,-773,-782,-856,-858,-860,-862,1123,1123,1123,1123,-868,1123,-870,1123,1123,1123,1123,1123,1123,1123,-906,-907,1123,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1123,-921,-924,1123,-934,1123,-385,-386,-387,1123,1123,-390,-391,-392,-393,1123,-396,1123,-399,-400,1123,-401,1123,-406,-407,1123,-410,-411,-412,1123,-415,1123,-416,1123,-421,-422,1123,-425,1123,-428,-429,-1894,-1894,1123,-619,-620,-621,-622,-623,-634,-584,-624,-797,1123,1123,1123,1123,1123,-831,1123,1123,-806,1123,-832,1123,1123,1123,1123,-798,1123,-853,-799,1123,1123,1123,1123,1123,1123,-854,-855,1123,-834,-830,-835,1123,-625,1123,-626,-627,-628,-629,-574,1123,1123,-630,-631,-632,1123,1123,1123,1123,1123,1123,-635,-636,-637,-592,-1894,-602,1123,-638,-639,-713,-640,-604,1123,-572,-577,-580,-583,1123,1123,1123,-598,-601,1123,-608,1123,1123,1123,1123,1123,1123,1123,1123,1123,1123,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1123,824,824,-995,824,1123,824,824,824,1123,-306,-325,-319,-296,-375,-452,-453,-454,-458,824,-443,1123,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1123,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,824,824,824,824,824,824,824,824,1123,-316,-535,-508,-591,-937,-939,-940,-438,1123,-440,-380,-381,-383,-507,-509,-511,1123,-513,-514,-519,-520,1123,-532,-534,-537,-538,-543,-548,-726,1123,-727,1123,-732,1123,-734,1123,-739,-656,-660,-661,1123,-666,1123,-667,1123,-672,-674,1123,-677,1123,1123,1123,-687,-689,1123,-692,1123,1123,-744,1123,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1123,1123,1123,1123,1123,-877,1123,-880,-908,-920,-925,-388,-389,1123,-394,1123,-397,1123,-402,1123,-403,1123,-408,1123,-413,1123,-417,1123,-418,1123,-423,1123,-426,-899,-900,-643,-585,-1894,-901,1123,1123,1123,-800,1123,1123,-804,1123,-807,-833,1123,-818,1123,-820,1123,-822,-808,1123,-824,1123,-851,-852,1123,1123,-811,1123,-646,-902,-904,-648,-649,-645,1123,-705,-706,1123,-642,-903,-647,-650,-603,-714,1123,1123,-605,-586,1123,1123,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1123,1123,-709,-710,1123,-716,1123,824,824,824,1123,1123,-938,824,-439,-441,-747,1123,-891,1968,-715,-1894,1123,1123,824,824,1123,-442,-512,-523,1123,-728,-733,1123,-735,1123,-740,1123,-662,-668,1123,-678,-680,-682,-683,-690,-693,-697,-745,1123,1123,-874,1123,1123,-878,1123,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1123,-812,1123,-814,-801,1123,-802,-805,1123,-816,-819,-821,-823,-825,1123,-826,1123,-809,1123,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,824,-282,824,1123,824,1123,-455,1123,1123,-729,1123,-736,1123,-741,1123,-663,-671,1123,1123,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1123,-836,-53,824,1123,-730,1123,-737,1123,-742,-664,1123,-873,-54,824,824,-731,-738,-743,1123,824,1123,-872,]),'TO_DAYS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[825,825,825,1306,-1894,825,825,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,825,825,825,825,-275,-276,1306,-1425,1306,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1306,1306,1306,-490,1306,1306,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1306,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1306,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1306,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,825,-172,-173,-174,-175,-993,825,825,825,825,825,825,825,825,825,825,1306,1306,1306,1306,1306,-290,-291,-281,825,1306,1306,1306,1306,-328,-318,-332,-333,-334,1306,1306,-982,-983,-984,-985,-986,-987,-988,825,825,1306,1306,1306,1306,1306,1306,1306,1306,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1306,1306,1306,-353,-356,825,-323,-324,-141,1306,-142,1306,-143,1306,-430,-935,-936,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1894,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1894,1306,-1894,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1894,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-1894,825,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1306,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1306,825,825,-191,-192,825,-994,1306,825,825,825,825,-277,-278,-279,-280,-365,1306,-308,1306,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1306,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1306,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1306,1306,1306,1306,1306,1306,-573,1306,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1306,1306,-723,-724,-725,1306,1306,825,825,825,825,-994,825,1306,-91,-92,825,825,825,1306,-309,-310,-320,1306,-307,-293,-294,-295,1306,825,1306,1306,-618,-633,-590,1306,825,-436,825,-437,1306,-444,-445,-446,-378,-379,1306,1306,1306,-506,1306,1306,-510,1306,1306,1306,1306,-515,-516,-517,-518,1306,1306,-521,-522,1306,-524,-525,-526,-527,-528,-529,-530,-531,1306,-533,1306,1306,1306,-539,-541,-542,1306,-544,-545,-546,-547,1306,1306,1306,1306,1306,1306,-652,-653,-654,-655,825,-657,-658,-659,1306,1306,1306,-665,1306,1306,-669,-670,1306,1306,-673,1306,-675,-676,1306,-679,1306,-681,1306,1306,-684,-685,-686,1306,-688,1306,1306,-691,1306,1306,-694,-695,-696,1306,-698,-699,-700,-701,1306,1306,-746,1306,-749,-750,-751,-752,-753,1306,-755,-756,-757,-758,-759,1306,-766,-767,-769,1306,-771,-772,-773,-782,-856,-858,-860,-862,1306,1306,1306,1306,-868,1306,-870,1306,1306,1306,1306,1306,1306,1306,-906,-907,1306,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1306,-921,-924,1306,-934,1306,-385,-386,-387,1306,1306,-390,-391,-392,-393,1306,-396,1306,-399,-400,1306,-401,1306,-406,-407,1306,-410,-411,-412,1306,-415,1306,-416,1306,-421,-422,1306,-425,1306,-428,-429,-1894,-1894,1306,-619,-620,-621,-622,-623,-634,-584,-624,-797,1306,1306,1306,1306,1306,-831,1306,1306,-806,1306,-832,1306,1306,1306,1306,-798,1306,-853,-799,1306,1306,1306,1306,1306,1306,-854,-855,1306,-834,-830,-835,1306,-625,1306,-626,-627,-628,-629,-574,1306,1306,-630,-631,-632,1306,1306,1306,1306,1306,1306,-635,-636,-637,-592,-1894,-602,1306,-638,-639,-713,-640,-604,1306,-572,-577,-580,-583,1306,1306,1306,-598,-601,1306,-608,1306,1306,1306,1306,1306,1306,1306,1306,1306,1306,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1306,825,825,-995,825,1306,825,825,825,1306,-306,-325,-319,-296,-375,-452,-453,-454,-458,825,-443,1306,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1306,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,825,825,825,825,825,825,825,825,1306,-316,-535,-508,-591,-937,-939,-940,-438,1306,-440,-380,-381,-383,-507,-509,-511,1306,-513,-514,-519,-520,1306,-532,-534,-537,-538,-543,-548,-726,1306,-727,1306,-732,1306,-734,1306,-739,-656,-660,-661,1306,-666,1306,-667,1306,-672,-674,1306,-677,1306,1306,1306,-687,-689,1306,-692,1306,1306,-744,1306,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1306,1306,1306,1306,1306,-877,1306,-880,-908,-920,-925,-388,-389,1306,-394,1306,-397,1306,-402,1306,-403,1306,-408,1306,-413,1306,-417,1306,-418,1306,-423,1306,-426,-899,-900,-643,-585,-1894,-901,1306,1306,1306,-800,1306,1306,-804,1306,-807,-833,1306,-818,1306,-820,1306,-822,-808,1306,-824,1306,-851,-852,1306,1306,-811,1306,-646,-902,-904,-648,-649,-645,1306,-705,-706,1306,-642,-903,-647,-650,-603,-714,1306,1306,-605,-586,1306,1306,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1306,1306,-709,-710,1306,-716,1306,825,825,825,1306,1306,-938,825,-439,-441,-747,1306,-891,1306,-715,-1894,1306,1306,825,825,1306,-442,-512,-523,1306,-728,-733,1306,-735,1306,-740,1306,-662,-668,1306,-678,-680,-682,-683,-690,-693,-697,-745,1306,1306,-874,1306,1306,-878,1306,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1306,-812,1306,-814,-801,1306,-802,-805,1306,-816,-819,-821,-823,-825,1306,-826,1306,-809,1306,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,825,-282,825,1306,825,1306,-455,1306,1306,-729,1306,-736,1306,-741,1306,-663,-671,1306,1306,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1306,-836,-53,825,1306,-730,1306,-737,1306,-742,-664,1306,-873,-54,825,825,-731,-738,-743,1306,825,1306,-872,]),'TO_SECONDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[826,826,826,1307,-1894,826,826,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,826,826,826,826,-275,-276,1307,-1425,1307,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1307,1307,1307,-490,1307,1307,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1307,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1307,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1307,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,826,-172,-173,-174,-175,-993,826,826,826,826,826,826,826,826,826,826,1307,1307,1307,1307,1307,-290,-291,-281,826,1307,1307,1307,1307,-328,-318,-332,-333,-334,1307,1307,-982,-983,-984,-985,-986,-987,-988,826,826,1307,1307,1307,1307,1307,1307,1307,1307,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1307,1307,1307,-353,-356,826,-323,-324,-141,1307,-142,1307,-143,1307,-430,-935,-936,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1894,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1894,1307,-1894,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1894,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-1894,826,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1307,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1307,826,826,-191,-192,826,-994,1307,826,826,826,826,-277,-278,-279,-280,-365,1307,-308,1307,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1307,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1307,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1307,1307,1307,1307,1307,1307,-573,1307,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1307,1307,-723,-724,-725,1307,1307,826,826,826,826,-994,826,1307,-91,-92,826,826,826,1307,-309,-310,-320,1307,-307,-293,-294,-295,1307,826,1307,1307,-618,-633,-590,1307,826,-436,826,-437,1307,-444,-445,-446,-378,-379,1307,1307,1307,-506,1307,1307,-510,1307,1307,1307,1307,-515,-516,-517,-518,1307,1307,-521,-522,1307,-524,-525,-526,-527,-528,-529,-530,-531,1307,-533,1307,1307,1307,-539,-541,-542,1307,-544,-545,-546,-547,1307,1307,1307,1307,1307,1307,-652,-653,-654,-655,826,-657,-658,-659,1307,1307,1307,-665,1307,1307,-669,-670,1307,1307,-673,1307,-675,-676,1307,-679,1307,-681,1307,1307,-684,-685,-686,1307,-688,1307,1307,-691,1307,1307,-694,-695,-696,1307,-698,-699,-700,-701,1307,1307,-746,1307,-749,-750,-751,-752,-753,1307,-755,-756,-757,-758,-759,1307,-766,-767,-769,1307,-771,-772,-773,-782,-856,-858,-860,-862,1307,1307,1307,1307,-868,1307,-870,1307,1307,1307,1307,1307,1307,1307,-906,-907,1307,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1307,-921,-924,1307,-934,1307,-385,-386,-387,1307,1307,-390,-391,-392,-393,1307,-396,1307,-399,-400,1307,-401,1307,-406,-407,1307,-410,-411,-412,1307,-415,1307,-416,1307,-421,-422,1307,-425,1307,-428,-429,-1894,-1894,1307,-619,-620,-621,-622,-623,-634,-584,-624,-797,1307,1307,1307,1307,1307,-831,1307,1307,-806,1307,-832,1307,1307,1307,1307,-798,1307,-853,-799,1307,1307,1307,1307,1307,1307,-854,-855,1307,-834,-830,-835,1307,-625,1307,-626,-627,-628,-629,-574,1307,1307,-630,-631,-632,1307,1307,1307,1307,1307,1307,-635,-636,-637,-592,-1894,-602,1307,-638,-639,-713,-640,-604,1307,-572,-577,-580,-583,1307,1307,1307,-598,-601,1307,-608,1307,1307,1307,1307,1307,1307,1307,1307,1307,1307,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1307,826,826,-995,826,1307,826,826,826,1307,-306,-325,-319,-296,-375,-452,-453,-454,-458,826,-443,1307,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1307,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,826,826,826,826,826,826,826,826,1307,-316,-535,-508,-591,-937,-939,-940,-438,1307,-440,-380,-381,-383,-507,-509,-511,1307,-513,-514,-519,-520,1307,-532,-534,-537,-538,-543,-548,-726,1307,-727,1307,-732,1307,-734,1307,-739,-656,-660,-661,1307,-666,1307,-667,1307,-672,-674,1307,-677,1307,1307,1307,-687,-689,1307,-692,1307,1307,-744,1307,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1307,1307,1307,1307,1307,-877,1307,-880,-908,-920,-925,-388,-389,1307,-394,1307,-397,1307,-402,1307,-403,1307,-408,1307,-413,1307,-417,1307,-418,1307,-423,1307,-426,-899,-900,-643,-585,-1894,-901,1307,1307,1307,-800,1307,1307,-804,1307,-807,-833,1307,-818,1307,-820,1307,-822,-808,1307,-824,1307,-851,-852,1307,1307,-811,1307,-646,-902,-904,-648,-649,-645,1307,-705,-706,1307,-642,-903,-647,-650,-603,-714,1307,1307,-605,-586,1307,1307,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1307,1307,-709,-710,1307,-716,1307,826,826,826,1307,1307,-938,826,-439,-441,-747,1307,-891,1307,-715,-1894,1307,1307,826,826,1307,-442,-512,-523,1307,-728,-733,1307,-735,1307,-740,1307,-662,-668,1307,-678,-680,-682,-683,-690,-693,-697,-745,1307,1307,-874,1307,1307,-878,1307,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1307,-812,1307,-814,-801,1307,-802,-805,1307,-816,-819,-821,-823,-825,1307,-826,1307,-809,1307,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,826,-282,826,1307,826,1307,-455,1307,1307,-729,1307,-736,1307,-741,1307,-663,-671,1307,1307,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1307,-836,-53,826,1307,-730,1307,-737,1307,-742,-664,1307,-873,-54,826,826,-731,-738,-743,1307,826,1307,-872,]),'TP_NAME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[827,827,827,827,-1894,827,827,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,827,827,827,827,-275,-276,827,-1425,827,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,827,827,827,-490,827,827,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,827,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,827,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,827,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,827,-172,-173,-174,-175,-993,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-290,-291,-281,827,827,827,827,827,-328,-318,-332,-333,-334,827,827,-982,-983,-984,-985,-986,-987,-988,827,827,827,827,827,827,827,827,827,827,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,827,827,827,-353,-356,827,-323,-324,-141,827,-142,827,-143,827,-430,-935,-936,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-1894,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-1894,827,-1894,827,827,827,827,827,827,827,827,827,827,827,827,-1894,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,827,-1894,827,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,827,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,827,827,827,-191,-192,827,-994,827,827,827,827,827,-277,-278,-279,-280,-365,827,-308,827,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,827,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,827,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,827,827,827,827,827,827,-573,827,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,827,827,-723,-724,-725,827,827,827,827,827,827,-994,827,827,-91,-92,827,827,827,827,-309,-310,-320,827,-307,-293,-294,-295,827,827,827,827,-618,-633,-590,827,827,-436,827,-437,827,-444,-445,-446,-378,-379,827,827,827,-506,827,827,-510,827,827,827,827,-515,-516,-517,-518,827,827,-521,-522,827,-524,-525,-526,-527,-528,-529,-530,-531,827,-533,827,827,827,-539,-541,-542,827,-544,-545,-546,-547,827,827,827,827,827,827,-652,-653,-654,-655,827,-657,-658,-659,827,827,827,-665,827,827,-669,-670,827,827,-673,827,-675,-676,827,-679,827,-681,827,827,-684,-685,-686,827,-688,827,827,-691,827,827,-694,-695,-696,827,-698,-699,-700,-701,827,827,-746,827,-749,-750,-751,-752,-753,827,-755,-756,-757,-758,-759,827,-766,-767,-769,827,-771,-772,-773,-782,-856,-858,-860,-862,827,827,827,827,-868,827,-870,827,827,827,827,827,827,827,-906,-907,827,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,827,-921,-924,827,-934,827,-385,-386,-387,827,827,-390,-391,-392,-393,827,-396,827,-399,-400,827,-401,827,-406,-407,827,-410,-411,-412,827,-415,827,-416,827,-421,-422,827,-425,827,-428,-429,-1894,-1894,827,-619,-620,-621,-622,-623,-634,-584,-624,-797,827,827,827,827,827,-831,827,827,-806,827,-832,827,827,827,827,-798,827,-853,-799,827,827,827,827,827,827,-854,-855,827,-834,-830,-835,827,-625,827,-626,-627,-628,-629,-574,827,827,-630,-631,-632,827,827,827,827,827,827,-635,-636,-637,-592,-1894,-602,827,-638,-639,-713,-640,-604,827,-572,-577,-580,-583,827,827,827,-598,-601,827,-608,827,827,827,827,827,827,827,827,827,827,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,827,827,827,-995,827,827,827,827,827,827,-306,-325,-319,-296,-375,-452,-453,-454,-458,827,-443,827,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,827,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,827,827,827,827,827,827,827,827,827,-316,-535,-508,-591,-937,-939,-940,-438,827,-440,-380,-381,-383,-507,-509,-511,827,-513,-514,-519,-520,827,-532,-534,-537,-538,-543,-548,-726,827,-727,827,-732,827,-734,827,-739,-656,-660,-661,827,-666,827,-667,827,-672,-674,827,-677,827,827,827,-687,-689,827,-692,827,827,-744,827,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,827,827,827,827,827,-877,827,-880,-908,-920,-925,-388,-389,827,-394,827,-397,827,-402,827,-403,827,-408,827,-413,827,-417,827,-418,827,-423,827,-426,-899,-900,-643,-585,-1894,-901,827,827,827,-800,827,827,-804,827,-807,-833,827,-818,827,-820,827,-822,-808,827,-824,827,-851,-852,827,827,-811,827,-646,-902,-904,-648,-649,-645,827,-705,-706,827,-642,-903,-647,-650,-603,-714,827,827,-605,-586,827,827,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,827,827,-709,-710,827,-716,827,827,827,827,827,827,-938,827,-439,-441,-747,827,-891,827,-715,-1894,827,827,827,827,827,-442,-512,-523,827,-728,-733,827,-735,827,-740,827,-662,-668,827,-678,-680,-682,-683,-690,-693,-697,-745,827,827,-874,827,827,-878,827,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,827,-812,827,-814,-801,827,-802,-805,827,-816,-819,-821,-823,-825,827,-826,827,-809,827,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,827,-282,827,827,827,827,-455,827,827,-729,827,-736,827,-741,827,-663,-671,827,827,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,827,-836,-53,827,827,-730,827,-737,827,-742,-664,827,-873,-54,827,827,-731,-738,-743,827,827,827,-872,]),'TP_NO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[828,828,828,828,-1894,828,828,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,828,828,828,828,-275,-276,828,-1425,828,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,828,828,828,-490,828,828,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,828,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,828,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,828,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,828,-172,-173,-174,-175,-993,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-290,-291,-281,828,828,828,828,828,-328,-318,-332,-333,-334,828,828,-982,-983,-984,-985,-986,-987,-988,828,828,828,828,828,828,828,828,828,828,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,828,828,828,-353,-356,828,-323,-324,-141,828,-142,828,-143,828,-430,-935,-936,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-1894,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-1894,828,-1894,828,828,828,828,828,828,828,828,828,828,828,828,-1894,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,828,-1894,828,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,828,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,828,828,828,-191,-192,828,-994,828,828,828,828,828,-277,-278,-279,-280,-365,828,-308,828,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,828,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,828,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,828,828,828,828,828,828,-573,828,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,828,828,-723,-724,-725,828,828,828,828,828,828,-994,828,828,-91,-92,828,828,828,828,-309,-310,-320,828,-307,-293,-294,-295,828,828,828,828,-618,-633,-590,828,828,-436,828,-437,828,-444,-445,-446,-378,-379,828,828,828,-506,828,828,-510,828,828,828,828,-515,-516,-517,-518,828,828,-521,-522,828,-524,-525,-526,-527,-528,-529,-530,-531,828,-533,828,828,828,-539,-541,-542,828,-544,-545,-546,-547,828,828,828,828,828,828,-652,-653,-654,-655,828,-657,-658,-659,828,828,828,-665,828,828,-669,-670,828,828,-673,828,-675,-676,828,-679,828,-681,828,828,-684,-685,-686,828,-688,828,828,-691,828,828,-694,-695,-696,828,-698,-699,-700,-701,828,828,-746,828,-749,-750,-751,-752,-753,828,-755,-756,-757,-758,-759,828,-766,-767,-769,828,-771,-772,-773,-782,-856,-858,-860,-862,828,828,828,828,-868,828,-870,828,828,828,828,828,828,828,-906,-907,828,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,828,-921,-924,828,-934,828,-385,-386,-387,828,828,-390,-391,-392,-393,828,-396,828,-399,-400,828,-401,828,-406,-407,828,-410,-411,-412,828,-415,828,-416,828,-421,-422,828,-425,828,-428,-429,-1894,-1894,828,-619,-620,-621,-622,-623,-634,-584,-624,-797,828,828,828,828,828,-831,828,828,-806,828,-832,828,828,828,828,-798,828,-853,-799,828,828,828,828,828,828,-854,-855,828,-834,-830,-835,828,-625,828,-626,-627,-628,-629,-574,828,828,-630,-631,-632,828,828,828,828,828,828,-635,-636,-637,-592,-1894,-602,828,-638,-639,-713,-640,-604,828,-572,-577,-580,-583,828,828,828,-598,-601,828,-608,828,828,828,828,828,828,828,828,828,828,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,828,828,828,-995,828,828,828,828,828,828,-306,-325,-319,-296,-375,-452,-453,-454,-458,828,-443,828,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,828,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,828,828,828,828,828,828,828,828,828,-316,-535,-508,-591,-937,-939,-940,-438,828,-440,-380,-381,-383,-507,-509,-511,828,-513,-514,-519,-520,828,-532,-534,-537,-538,-543,-548,-726,828,-727,828,-732,828,-734,828,-739,-656,-660,-661,828,-666,828,-667,828,-672,-674,828,-677,828,828,828,-687,-689,828,-692,828,828,-744,828,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,828,828,828,828,828,-877,828,-880,-908,-920,-925,-388,-389,828,-394,828,-397,828,-402,828,-403,828,-408,828,-413,828,-417,828,-418,828,-423,828,-426,-899,-900,-643,-585,-1894,-901,828,828,828,-800,828,828,-804,828,-807,-833,828,-818,828,-820,828,-822,-808,828,-824,828,-851,-852,828,828,-811,828,-646,-902,-904,-648,-649,-645,828,-705,-706,828,-642,-903,-647,-650,-603,-714,828,828,-605,-586,828,828,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,828,828,-709,-710,828,-716,828,828,828,828,828,828,-938,828,-439,-441,-747,828,-891,828,-715,-1894,828,828,828,828,828,-442,-512,-523,828,-728,-733,828,-735,828,-740,828,-662,-668,828,-678,-680,-682,-683,-690,-693,-697,-745,828,828,-874,828,828,-878,828,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,828,-812,828,-814,-801,828,-802,-805,828,-816,-819,-821,-823,-825,828,-826,828,-809,828,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,828,-282,828,828,828,828,-455,828,828,-729,828,-736,828,-741,828,-663,-671,828,828,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,828,-836,-53,828,828,-730,828,-737,828,-742,-664,828,-873,-54,828,828,-731,-738,-743,828,828,828,-872,]),'TRACE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[829,829,829,829,-1894,829,829,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,829,829,829,829,-275,-276,829,-1425,829,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,829,829,829,-490,829,829,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,829,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,829,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,829,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,829,-172,-173,-174,-175,-993,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-290,-291,-281,829,829,829,829,829,-328,-318,-332,-333,-334,829,829,-982,-983,-984,-985,-986,-987,-988,829,829,829,829,829,829,829,829,829,829,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,829,829,829,-353,-356,829,-323,-324,-141,829,-142,829,-143,829,-430,-935,-936,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-1894,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-1894,829,-1894,829,829,829,829,829,829,829,829,829,829,829,829,-1894,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,829,-1894,829,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,829,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,829,829,829,-191,-192,829,-994,829,829,829,829,829,-277,-278,-279,-280,-365,829,-308,829,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,829,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,829,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,829,829,829,829,829,829,-573,829,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,829,829,-723,-724,-725,829,829,829,829,829,829,-994,829,829,-91,-92,829,829,829,829,-309,-310,-320,829,-307,-293,-294,-295,829,829,829,829,-618,-633,-590,829,829,-436,829,-437,829,-444,-445,-446,-378,-379,829,829,829,-506,829,829,-510,829,829,829,829,-515,-516,-517,-518,829,829,-521,-522,829,-524,-525,-526,-527,-528,-529,-530,-531,829,-533,829,829,829,-539,-541,-542,829,-544,-545,-546,-547,829,829,829,829,829,829,-652,-653,-654,-655,829,-657,-658,-659,829,829,829,-665,829,829,-669,-670,829,829,-673,829,-675,-676,829,-679,829,-681,829,829,-684,-685,-686,829,-688,829,829,-691,829,829,-694,-695,-696,829,-698,-699,-700,-701,829,829,-746,829,-749,-750,-751,-752,-753,829,-755,-756,-757,-758,-759,829,-766,-767,-769,829,-771,-772,-773,-782,-856,-858,-860,-862,829,829,829,829,-868,829,-870,829,829,829,829,829,829,829,-906,-907,829,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,829,-921,-924,829,-934,829,-385,-386,-387,829,829,-390,-391,-392,-393,829,-396,829,-399,-400,829,-401,829,-406,-407,829,-410,-411,-412,829,-415,829,-416,829,-421,-422,829,-425,829,-428,-429,-1894,-1894,829,-619,-620,-621,-622,-623,-634,-584,-624,-797,829,829,829,829,829,-831,829,829,-806,829,-832,829,829,829,829,-798,829,-853,-799,829,829,829,829,829,829,-854,-855,829,-834,-830,-835,829,-625,829,-626,-627,-628,-629,-574,829,829,-630,-631,-632,829,829,829,829,829,829,-635,-636,-637,-592,-1894,-602,829,-638,-639,-713,-640,-604,829,-572,-577,-580,-583,829,829,829,-598,-601,829,-608,829,829,829,829,829,829,829,829,829,829,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,829,829,829,-995,829,829,829,829,829,829,-306,-325,-319,-296,-375,-452,-453,-454,-458,829,-443,829,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,829,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,829,829,829,829,829,829,829,829,829,-316,-535,-508,-591,-937,-939,-940,-438,829,-440,-380,-381,-383,-507,-509,-511,829,-513,-514,-519,-520,829,-532,-534,-537,-538,-543,-548,-726,829,-727,829,-732,829,-734,829,-739,-656,-660,-661,829,-666,829,-667,829,-672,-674,829,-677,829,829,829,-687,-689,829,-692,829,829,-744,829,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,829,829,829,829,829,-877,829,-880,-908,-920,-925,-388,-389,829,-394,829,-397,829,-402,829,-403,829,-408,829,-413,829,-417,829,-418,829,-423,829,-426,-899,-900,-643,-585,-1894,-901,829,829,829,-800,829,829,-804,829,-807,-833,829,-818,829,-820,829,-822,-808,829,-824,829,-851,-852,829,829,-811,829,-646,-902,-904,-648,-649,-645,829,-705,-706,829,-642,-903,-647,-650,-603,-714,829,829,-605,-586,829,829,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,829,829,-709,-710,829,-716,829,829,829,829,829,829,-938,829,-439,-441,-747,829,-891,829,-715,-1894,829,829,829,829,829,-442,-512,-523,829,-728,-733,829,-735,829,-740,829,-662,-668,829,-678,-680,-682,-683,-690,-693,-697,-745,829,829,-874,829,829,-878,829,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,829,-812,829,-814,-801,829,-802,-805,829,-816,-819,-821,-823,-825,829,-826,829,-809,829,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,829,-282,829,829,829,829,-455,829,829,-729,829,-736,829,-741,829,-663,-671,829,829,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,829,-836,-53,829,829,-730,829,-737,829,-742,-664,829,-873,-54,829,829,-731,-738,-743,829,829,829,-872,]),'TRADITIONAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[830,830,830,830,-1894,830,830,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,830,830,830,830,-275,-276,830,-1425,830,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,830,830,830,-490,830,830,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,830,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,830,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,830,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,830,-172,-173,-174,-175,-993,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-290,-291,-281,830,830,830,830,830,-328,-318,-332,-333,-334,830,830,-982,-983,-984,-985,-986,-987,-988,830,830,830,830,830,830,830,830,830,830,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,830,830,830,-353,-356,830,-323,-324,-141,830,-142,830,-143,830,-430,-935,-936,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-1894,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-1894,830,-1894,830,830,830,830,830,830,830,830,830,830,830,830,-1894,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,830,-1894,830,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,830,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,830,830,830,-191,-192,830,-994,830,830,830,830,830,-277,-278,-279,-280,-365,830,-308,830,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,830,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,830,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,830,830,830,830,830,830,-573,830,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,830,830,-723,-724,-725,830,830,830,830,830,830,-994,830,830,-91,-92,830,830,830,830,-309,-310,-320,830,-307,-293,-294,-295,830,830,830,830,-618,-633,-590,830,830,-436,830,-437,830,-444,-445,-446,-378,-379,830,830,830,-506,830,830,-510,830,830,830,830,-515,-516,-517,-518,830,830,-521,-522,830,-524,-525,-526,-527,-528,-529,-530,-531,830,-533,830,830,830,-539,-541,-542,830,-544,-545,-546,-547,830,830,830,830,830,830,-652,-653,-654,-655,830,-657,-658,-659,830,830,830,-665,830,830,-669,-670,830,830,-673,830,-675,-676,830,-679,830,-681,830,830,-684,-685,-686,830,-688,830,830,-691,830,830,-694,-695,-696,830,-698,-699,-700,-701,830,830,-746,830,-749,-750,-751,-752,-753,830,-755,-756,-757,-758,-759,830,-766,-767,-769,830,-771,-772,-773,-782,-856,-858,-860,-862,830,830,830,830,-868,830,-870,830,830,830,830,830,830,830,-906,-907,830,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,830,-921,-924,830,-934,830,-385,-386,-387,830,830,-390,-391,-392,-393,830,-396,830,-399,-400,830,-401,830,-406,-407,830,-410,-411,-412,830,-415,830,-416,830,-421,-422,830,-425,830,-428,-429,-1894,-1894,830,-619,-620,-621,-622,-623,-634,-584,-624,-797,830,830,830,830,830,-831,830,830,-806,830,-832,830,830,830,830,-798,830,-853,-799,830,830,830,830,830,830,-854,-855,830,-834,-830,-835,830,-625,830,-626,-627,-628,-629,-574,830,830,-630,-631,-632,830,830,830,830,830,830,-635,-636,-637,-592,-1894,-602,830,-638,-639,-713,-640,-604,830,-572,-577,-580,-583,830,830,830,-598,-601,830,-608,830,830,830,830,830,830,830,830,830,830,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,830,830,830,-995,830,830,830,830,830,830,-306,-325,-319,-296,-375,-452,-453,-454,-458,830,-443,830,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,830,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,830,830,830,830,830,830,830,830,830,-316,-535,-508,-591,-937,-939,-940,-438,830,-440,-380,-381,-383,-507,-509,-511,830,-513,-514,-519,-520,830,-532,-534,-537,-538,-543,-548,-726,830,-727,830,-732,830,-734,830,-739,-656,-660,-661,830,-666,830,-667,830,-672,-674,830,-677,830,830,830,-687,-689,830,-692,830,830,-744,830,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,830,830,830,830,830,-877,830,-880,-908,-920,-925,-388,-389,830,-394,830,-397,830,-402,830,-403,830,-408,830,-413,830,-417,830,-418,830,-423,830,-426,-899,-900,-643,-585,-1894,-901,830,830,830,-800,830,830,-804,830,-807,-833,830,-818,830,-820,830,-822,-808,830,-824,830,-851,-852,830,830,-811,830,-646,-902,-904,-648,-649,-645,830,-705,-706,830,-642,-903,-647,-650,-603,-714,830,830,-605,-586,830,830,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,830,830,-709,-710,830,-716,830,830,830,830,830,830,-938,830,-439,-441,-747,830,-891,830,-715,-1894,830,830,830,830,830,-442,-512,-523,830,-728,-733,830,-735,830,-740,830,-662,-668,830,-678,-680,-682,-683,-690,-693,-697,-745,830,830,-874,830,830,-878,830,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,830,-812,830,-814,-801,830,-802,-805,830,-816,-819,-821,-823,-825,830,-826,830,-809,830,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,830,-282,830,830,830,830,-455,830,830,-729,830,-736,830,-741,830,-663,-671,830,830,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,830,-836,-53,830,830,-730,830,-737,830,-742,-664,830,-873,-54,830,830,-731,-738,-743,830,830,830,-872,]),'TRANSACTION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[831,831,831,831,-1894,831,831,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,831,831,831,831,-275,-276,831,-1425,831,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,831,831,831,-490,831,831,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,831,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,831,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,831,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,831,-172,-173,-174,-175,-993,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-290,-291,-281,831,831,831,831,831,-328,-318,-332,-333,-334,831,831,-982,-983,-984,-985,-986,-987,-988,831,831,831,831,831,831,831,831,831,831,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,831,831,831,-353,-356,831,-323,-324,-141,831,-142,831,-143,831,-430,-935,-936,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-1894,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-1894,831,-1894,831,831,831,831,831,831,831,831,831,831,831,831,-1894,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,831,-1894,831,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,831,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,831,831,831,-191,-192,831,-994,831,831,831,831,831,-277,-278,-279,-280,-365,831,-308,831,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,831,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,831,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,831,831,831,831,831,831,-573,831,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,831,831,-723,-724,-725,831,831,831,831,831,831,-994,831,831,-91,-92,831,831,831,831,-309,-310,-320,831,-307,-293,-294,-295,831,831,831,831,-618,-633,-590,831,831,-436,831,-437,831,-444,-445,-446,-378,-379,831,831,831,-506,831,831,-510,831,831,831,831,-515,-516,-517,-518,831,831,-521,-522,831,-524,-525,-526,-527,-528,-529,-530,-531,831,-533,831,831,831,-539,-541,-542,831,-544,-545,-546,-547,831,831,831,831,831,831,-652,-653,-654,-655,831,-657,-658,-659,831,831,831,-665,831,831,-669,-670,831,831,-673,831,-675,-676,831,-679,831,-681,831,831,-684,-685,-686,831,-688,831,831,-691,831,831,-694,-695,-696,831,-698,-699,-700,-701,831,831,-746,831,-749,-750,-751,-752,-753,831,-755,-756,-757,-758,-759,831,-766,-767,-769,831,-771,-772,-773,-782,-856,-858,-860,-862,831,831,831,831,-868,831,-870,831,831,831,831,831,831,831,-906,-907,831,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,831,-921,-924,831,-934,831,-385,-386,-387,831,831,-390,-391,-392,-393,831,-396,831,-399,-400,831,-401,831,-406,-407,831,-410,-411,-412,831,-415,831,-416,831,-421,-422,831,-425,831,-428,-429,-1894,-1894,831,-619,-620,-621,-622,-623,-634,-584,-624,-797,831,831,831,831,831,-831,831,831,-806,831,-832,831,831,831,831,-798,831,-853,-799,831,831,831,831,831,831,-854,-855,831,-834,-830,-835,831,-625,831,-626,-627,-628,-629,-574,831,831,-630,-631,-632,831,831,831,831,831,831,-635,-636,-637,-592,-1894,-602,831,-638,-639,-713,-640,-604,831,-572,-577,-580,-583,831,831,831,-598,-601,831,-608,831,831,831,831,831,831,831,831,831,831,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,831,831,831,-995,831,831,831,831,831,831,-306,-325,-319,-296,-375,-452,-453,-454,-458,831,-443,831,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,831,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,831,831,831,831,831,831,831,831,831,-316,-535,-508,-591,-937,-939,-940,-438,831,-440,-380,-381,-383,-507,-509,-511,831,-513,-514,-519,-520,831,-532,-534,-537,-538,-543,-548,-726,831,-727,831,-732,831,-734,831,-739,-656,-660,-661,831,-666,831,-667,831,-672,-674,831,-677,831,831,831,-687,-689,831,-692,831,831,-744,831,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,831,831,831,831,831,-877,831,-880,-908,-920,-925,-388,-389,831,-394,831,-397,831,-402,831,-403,831,-408,831,-413,831,-417,831,-418,831,-423,831,-426,-899,-900,-643,-585,-1894,-901,831,831,831,-800,831,831,-804,831,-807,-833,831,-818,831,-820,831,-822,-808,831,-824,831,-851,-852,831,831,-811,831,-646,-902,-904,-648,-649,-645,831,-705,-706,831,-642,-903,-647,-650,-603,-714,831,831,-605,-586,831,831,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,831,831,-709,-710,831,-716,831,831,831,831,831,831,-938,831,-439,-441,-747,831,-891,831,-715,-1894,831,831,831,831,831,-442,-512,-523,831,-728,-733,831,-735,831,-740,831,-662,-668,831,-678,-680,-682,-683,-690,-693,-697,-745,831,831,-874,831,831,-878,831,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,831,-812,831,-814,-801,831,-802,-805,831,-816,-819,-821,-823,-825,831,-826,831,-809,831,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,831,-282,831,831,831,831,-455,831,831,-729,831,-736,831,-741,831,-663,-671,831,831,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,831,-836,-53,831,831,-730,831,-737,831,-742,-664,831,-873,-54,831,831,-731,-738,-743,831,831,831,-872,]),'TRIGGERS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[832,832,832,832,-1894,832,832,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,832,832,832,832,-275,-276,832,-1425,832,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,832,832,832,-490,832,832,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,832,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,832,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,832,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,832,-172,-173,-174,-175,-993,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-290,-291,-281,832,832,832,832,832,-328,-318,-332,-333,-334,832,832,-982,-983,-984,-985,-986,-987,-988,832,832,832,832,832,832,832,832,832,832,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,832,832,832,-353,-356,832,-323,-324,-141,832,-142,832,-143,832,-430,-935,-936,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-1894,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-1894,832,-1894,832,832,832,832,832,832,832,832,832,832,832,832,-1894,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,832,-1894,832,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,832,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,832,832,832,-191,-192,832,-994,832,832,832,832,832,-277,-278,-279,-280,-365,832,-308,832,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,832,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,832,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,832,832,832,832,832,832,-573,832,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,832,832,-723,-724,-725,832,832,832,832,832,832,-994,832,832,-91,-92,832,832,832,832,-309,-310,-320,832,-307,-293,-294,-295,832,832,832,832,-618,-633,-590,832,832,-436,832,-437,832,-444,-445,-446,-378,-379,832,832,832,-506,832,832,-510,832,832,832,832,-515,-516,-517,-518,832,832,-521,-522,832,-524,-525,-526,-527,-528,-529,-530,-531,832,-533,832,832,832,-539,-541,-542,832,-544,-545,-546,-547,832,832,832,832,832,832,-652,-653,-654,-655,832,-657,-658,-659,832,832,832,-665,832,832,-669,-670,832,832,-673,832,-675,-676,832,-679,832,-681,832,832,-684,-685,-686,832,-688,832,832,-691,832,832,-694,-695,-696,832,-698,-699,-700,-701,832,832,-746,832,-749,-750,-751,-752,-753,832,-755,-756,-757,-758,-759,832,-766,-767,-769,832,-771,-772,-773,-782,-856,-858,-860,-862,832,832,832,832,-868,832,-870,832,832,832,832,832,832,832,-906,-907,832,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,832,-921,-924,832,-934,832,-385,-386,-387,832,832,-390,-391,-392,-393,832,-396,832,-399,-400,832,-401,832,-406,-407,832,-410,-411,-412,832,-415,832,-416,832,-421,-422,832,-425,832,-428,-429,-1894,-1894,832,-619,-620,-621,-622,-623,-634,-584,-624,-797,832,832,832,832,832,-831,832,832,-806,832,-832,832,832,832,832,-798,832,-853,-799,832,832,832,832,832,832,-854,-855,832,-834,-830,-835,832,-625,832,-626,-627,-628,-629,-574,832,832,-630,-631,-632,832,832,832,832,832,832,-635,-636,-637,-592,-1894,-602,832,-638,-639,-713,-640,-604,832,-572,-577,-580,-583,832,832,832,-598,-601,832,-608,832,832,832,832,832,832,832,832,832,832,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,832,832,832,-995,832,832,832,832,832,832,-306,-325,-319,-296,-375,-452,-453,-454,-458,832,-443,832,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,832,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,832,832,832,832,832,832,832,832,832,-316,-535,-508,-591,-937,-939,-940,-438,832,-440,-380,-381,-383,-507,-509,-511,832,-513,-514,-519,-520,832,-532,-534,-537,-538,-543,-548,-726,832,-727,832,-732,832,-734,832,-739,-656,-660,-661,832,-666,832,-667,832,-672,-674,832,-677,832,832,832,-687,-689,832,-692,832,832,-744,832,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,832,832,832,832,832,-877,832,-880,-908,-920,-925,-388,-389,832,-394,832,-397,832,-402,832,-403,832,-408,832,-413,832,-417,832,-418,832,-423,832,-426,-899,-900,-643,-585,-1894,-901,832,832,832,-800,832,832,-804,832,-807,-833,832,-818,832,-820,832,-822,-808,832,-824,832,-851,-852,832,832,-811,832,-646,-902,-904,-648,-649,-645,832,-705,-706,832,-642,-903,-647,-650,-603,-714,832,832,-605,-586,832,832,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,832,832,-709,-710,832,-716,832,832,832,832,832,832,-938,832,-439,-441,-747,832,-891,832,-715,-1894,832,832,832,832,832,-442,-512,-523,832,-728,-733,832,-735,832,-740,832,-662,-668,832,-678,-680,-682,-683,-690,-693,-697,-745,832,832,-874,832,832,-878,832,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,832,-812,832,-814,-801,832,-802,-805,832,-816,-819,-821,-823,-825,832,-826,832,-809,832,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,832,-282,832,832,832,832,-455,832,832,-729,832,-736,832,-741,832,-663,-671,832,832,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,832,-836,-53,832,832,-730,832,-737,832,-742,-664,832,-873,-54,832,832,-731,-738,-743,832,832,832,-872,]),'TRUNCATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[833,833,833,1076,-1894,833,833,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,833,833,833,833,-275,-276,1076,-1425,1076,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1076,1076,1076,-490,1076,1076,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1076,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1076,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1969,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,833,-172,-173,-174,-175,-993,833,833,833,833,833,833,833,833,833,833,1076,1076,1076,1076,1076,-290,-291,-281,833,1076,1076,1076,1076,-328,-318,-332,-333,-334,1076,1076,-982,-983,-984,-985,-986,-987,-988,833,833,1076,1076,1076,1076,1076,1076,1076,1076,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1076,1076,1076,-353,-356,833,-323,-324,-141,1076,-142,1076,-143,1076,-430,-935,-936,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1894,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1894,1076,-1894,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1894,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-1894,833,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1076,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1076,833,833,-191,-192,833,-994,1076,833,833,833,833,-277,-278,-279,-280,-365,1076,-308,1076,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1076,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1076,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1076,1076,1076,1076,1076,1076,-573,1076,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1076,1076,-723,-724,-725,1076,1969,833,833,833,833,-994,833,1076,-91,-92,833,833,833,1076,-309,-310,-320,1076,-307,-293,-294,-295,1076,833,1076,1076,-618,-633,-590,1076,833,-436,833,-437,1076,-444,-445,-446,-378,-379,1076,1076,1076,-506,1076,1076,-510,1076,1076,1076,1076,-515,-516,-517,-518,1076,1076,-521,-522,1076,-524,-525,-526,-527,-528,-529,-530,-531,1076,-533,1076,1076,1076,-539,-541,-542,1076,-544,-545,-546,-547,1076,1076,1076,1076,1076,1076,-652,-653,-654,-655,833,-657,-658,-659,1076,1076,1076,-665,1076,1076,-669,-670,1076,1076,-673,1076,-675,-676,1076,-679,1076,-681,1076,1076,-684,-685,-686,1076,-688,1076,1076,-691,1076,1076,-694,-695,-696,1076,-698,-699,-700,-701,1076,1076,-746,1076,-749,-750,-751,-752,-753,1076,-755,-756,-757,-758,-759,1076,-766,-767,-769,1076,-771,-772,-773,-782,-856,-858,-860,-862,1076,1076,1076,1076,-868,1076,-870,1076,1076,1076,1076,1076,1076,1076,-906,-907,1076,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1076,-921,-924,1076,-934,1076,-385,-386,-387,1076,1076,-390,-391,-392,-393,1076,-396,1076,-399,-400,1076,-401,1076,-406,-407,1076,-410,-411,-412,1076,-415,1076,-416,1076,-421,-422,1076,-425,1076,-428,-429,-1894,-1894,1076,-619,-620,-621,-622,-623,-634,-584,-624,-797,1076,1076,1076,1076,1076,-831,1076,1076,-806,1076,-832,1076,1076,1076,1076,-798,1076,-853,-799,1076,1076,1076,1076,1076,1076,-854,-855,1076,-834,-830,-835,1076,-625,1076,-626,-627,-628,-629,-574,1076,1076,-630,-631,-632,1076,1076,1076,1076,1076,1076,-635,-636,-637,-592,-1894,-602,1076,-638,-639,-713,-640,-604,1076,-572,-577,-580,-583,1076,1076,1076,-598,-601,1076,-608,1076,1076,1076,1076,1076,1076,1076,1076,1076,1076,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1076,833,833,-995,833,1076,833,833,833,1076,-306,-325,-319,-296,-375,-452,-453,-454,-458,833,-443,1076,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1076,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,833,833,833,833,833,833,833,833,1076,-316,-535,-508,-591,-937,-939,-940,-438,1076,-440,-380,-381,-383,-507,-509,-511,1076,-513,-514,-519,-520,1076,-532,-534,-537,-538,-543,-548,-726,1076,-727,1076,-732,1076,-734,1076,-739,-656,-660,-661,1076,-666,1076,-667,1076,-672,-674,1076,-677,1076,1076,1076,-687,-689,1076,-692,1076,1076,-744,1076,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1076,1076,1076,1076,1076,-877,1076,-880,-908,-920,-925,-388,-389,1076,-394,1076,-397,1076,-402,1076,-403,1076,-408,1076,-413,1076,-417,1076,-418,1076,-423,1076,-426,-899,-900,-643,-585,-1894,-901,1076,1076,1076,-800,1076,1076,-804,1076,-807,-833,1076,-818,1076,-820,1076,-822,-808,1076,-824,1076,-851,-852,1076,1076,-811,1076,-646,-902,-904,-648,-649,-645,1076,-705,-706,1076,-642,-903,-647,-650,-603,-714,1076,1076,-605,-586,1076,1076,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1076,1076,-709,-710,1076,-716,1076,833,833,833,1076,1076,-938,833,-439,-441,-747,1076,-891,1969,-715,-1894,1076,1076,833,833,1076,-442,-512,-523,1076,-728,-733,1076,-735,1076,-740,1076,-662,-668,1076,-678,-680,-682,-683,-690,-693,-697,-745,1076,1076,-874,1076,1076,-878,1076,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1076,-812,1076,-814,-801,1076,-802,-805,1076,-816,-819,-821,-823,-825,1076,-826,1076,-809,1076,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,833,-282,833,1076,833,1076,-455,1076,1076,-729,1076,-736,1076,-741,1076,-663,-671,1076,1076,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1076,-836,-53,833,1076,-730,1076,-737,1076,-742,-664,1076,-873,-54,833,833,-731,-738,-743,1076,833,1076,-872,]),'TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[834,834,834,834,-1894,834,834,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,834,834,834,834,-275,-276,834,-1425,834,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,834,834,834,-490,834,834,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,834,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,834,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,834,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,834,-172,-173,-174,-175,-993,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-290,-291,-281,834,834,834,834,834,-328,-318,-332,-333,-334,834,834,-982,-983,-984,-985,-986,-987,-988,834,834,834,834,834,834,834,834,834,834,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,834,834,834,-353,-356,834,-323,-324,-141,834,-142,834,-143,834,-430,-935,-936,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-1894,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-1894,834,-1894,834,834,834,834,834,834,834,834,834,834,834,834,-1894,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,834,-1894,834,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,834,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,834,834,834,-191,-192,834,-994,834,834,834,834,834,-277,-278,-279,-280,-365,834,-308,834,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,834,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,834,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,834,834,834,834,834,834,-573,834,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,834,834,-723,-724,-725,834,834,834,834,834,834,-994,834,834,-91,-92,834,834,834,834,-309,-310,-320,834,-307,-293,-294,-295,834,834,834,834,-618,-633,-590,834,834,-436,834,-437,834,-444,-445,-446,-378,-379,834,834,834,-506,834,834,-510,834,834,834,834,-515,-516,-517,-518,834,834,-521,-522,834,-524,-525,-526,-527,-528,-529,-530,-531,834,-533,834,834,834,-539,-541,-542,834,-544,-545,-546,-547,834,834,834,834,834,834,-652,-653,-654,-655,834,-657,-658,-659,834,834,834,-665,834,834,-669,-670,834,834,-673,834,-675,-676,834,-679,834,-681,834,834,-684,-685,-686,834,-688,834,834,-691,834,834,-694,-695,-696,834,-698,-699,-700,-701,834,834,-746,834,-749,-750,-751,-752,-753,834,-755,-756,-757,-758,-759,834,-766,-767,-769,834,-771,-772,-773,-782,-856,-858,-860,-862,834,834,834,834,-868,834,-870,834,834,834,834,834,834,834,-906,-907,834,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,834,-921,-924,834,-934,834,-385,-386,-387,834,834,-390,-391,-392,-393,834,-396,834,-399,-400,834,-401,834,-406,-407,834,-410,-411,-412,834,-415,834,-416,834,-421,-422,834,-425,834,-428,-429,-1894,-1894,834,-619,-620,-621,-622,-623,-634,-584,-624,-797,834,834,834,834,834,-831,834,834,-806,834,-832,834,834,834,834,-798,834,-853,-799,834,834,834,834,834,834,-854,-855,834,-834,-830,-835,834,-625,834,-626,-627,-628,-629,-574,834,834,-630,-631,-632,834,834,834,834,834,834,-635,-636,-637,-592,-1894,-602,834,-638,-639,-713,-640,-604,834,-572,-577,-580,-583,834,834,834,-598,-601,834,-608,834,834,834,834,834,834,834,834,834,834,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,834,834,834,-995,834,834,834,834,834,834,-306,-325,-319,-296,-375,-452,-453,-454,-458,834,-443,834,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,834,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,834,834,834,834,834,834,834,834,834,-316,-535,-508,-591,-937,-939,-940,-438,834,-440,-380,-381,-383,-507,-509,-511,834,-513,-514,-519,-520,834,-532,-534,-537,-538,-543,-548,-726,834,-727,834,-732,834,-734,834,-739,-656,-660,-661,834,-666,834,-667,834,-672,-674,834,-677,834,834,834,-687,-689,834,-692,834,834,-744,834,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,834,834,834,834,834,-877,834,-880,-908,-920,-925,-388,-389,834,-394,834,-397,834,-402,834,-403,834,-408,834,-413,834,-417,834,-418,834,-423,834,-426,-899,-900,-643,-585,-1894,-901,834,834,834,-800,834,834,-804,834,-807,-833,834,-818,834,-820,834,-822,-808,834,-824,834,-851,-852,834,834,-811,834,-646,-902,-904,-648,-649,-645,834,-705,-706,834,-642,-903,-647,-650,-603,-714,834,834,-605,-586,834,834,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,834,834,-709,-710,834,-716,834,834,834,834,834,834,-938,834,-439,-441,-747,834,-891,834,-715,-1894,834,834,834,834,834,-442,-512,-523,834,-728,-733,834,-735,834,-740,834,-662,-668,834,-678,-680,-682,-683,-690,-693,-697,-745,834,834,-874,834,834,-878,834,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,834,-812,834,-814,-801,834,-802,-805,834,-816,-819,-821,-823,-825,834,-826,834,-809,834,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,834,-282,834,834,834,834,-455,834,834,-729,834,-736,834,-741,834,-663,-671,834,834,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,834,-836,-53,834,834,-730,834,-737,834,-742,-664,834,-873,-54,834,834,-731,-738,-743,834,834,834,-872,]),'TYPES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[835,835,835,835,-1894,835,835,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,835,835,835,835,-275,-276,835,-1425,835,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,835,835,835,-490,835,835,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,835,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,835,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,835,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,835,-172,-173,-174,-175,-993,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-290,-291,-281,835,835,835,835,835,-328,-318,-332,-333,-334,835,835,-982,-983,-984,-985,-986,-987,-988,835,835,835,835,835,835,835,835,835,835,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,835,835,835,-353,-356,835,-323,-324,-141,835,-142,835,-143,835,-430,-935,-936,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-1894,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-1894,835,-1894,835,835,835,835,835,835,835,835,835,835,835,835,-1894,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,835,-1894,835,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,835,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,835,835,835,-191,-192,835,-994,835,835,835,835,835,-277,-278,-279,-280,-365,835,-308,835,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,835,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,835,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,835,835,835,835,835,835,-573,835,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,835,835,-723,-724,-725,835,835,835,835,835,835,-994,835,835,-91,-92,835,835,835,835,-309,-310,-320,835,-307,-293,-294,-295,835,835,835,835,-618,-633,-590,835,835,-436,835,-437,835,-444,-445,-446,-378,-379,835,835,835,-506,835,835,-510,835,835,835,835,-515,-516,-517,-518,835,835,-521,-522,835,-524,-525,-526,-527,-528,-529,-530,-531,835,-533,835,835,835,-539,-541,-542,835,-544,-545,-546,-547,835,835,835,835,835,835,-652,-653,-654,-655,835,-657,-658,-659,835,835,835,-665,835,835,-669,-670,835,835,-673,835,-675,-676,835,-679,835,-681,835,835,-684,-685,-686,835,-688,835,835,-691,835,835,-694,-695,-696,835,-698,-699,-700,-701,835,835,-746,835,-749,-750,-751,-752,-753,835,-755,-756,-757,-758,-759,835,-766,-767,-769,835,-771,-772,-773,-782,-856,-858,-860,-862,835,835,835,835,-868,835,-870,835,835,835,835,835,835,835,-906,-907,835,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,835,-921,-924,835,-934,835,-385,-386,-387,835,835,-390,-391,-392,-393,835,-396,835,-399,-400,835,-401,835,-406,-407,835,-410,-411,-412,835,-415,835,-416,835,-421,-422,835,-425,835,-428,-429,-1894,-1894,835,-619,-620,-621,-622,-623,-634,-584,-624,-797,835,835,835,835,835,-831,835,835,-806,835,-832,835,835,835,835,-798,835,-853,-799,835,835,835,835,835,835,-854,-855,835,-834,-830,-835,835,-625,835,-626,-627,-628,-629,-574,835,835,-630,-631,-632,835,835,835,835,835,835,-635,-636,-637,-592,-1894,-602,835,-638,-639,-713,-640,-604,835,-572,-577,-580,-583,835,835,835,-598,-601,835,-608,835,835,835,835,835,835,835,835,835,835,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,835,835,835,-995,835,835,835,835,835,835,-306,-325,-319,-296,-375,-452,-453,-454,-458,835,-443,835,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,835,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,835,835,835,835,835,835,835,835,835,-316,-535,-508,-591,-937,-939,-940,-438,835,-440,-380,-381,-383,-507,-509,-511,835,-513,-514,-519,-520,835,-532,-534,-537,-538,-543,-548,-726,835,-727,835,-732,835,-734,835,-739,-656,-660,-661,835,-666,835,-667,835,-672,-674,835,-677,835,835,835,-687,-689,835,-692,835,835,-744,835,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,835,835,835,835,835,-877,835,-880,-908,-920,-925,-388,-389,835,-394,835,-397,835,-402,835,-403,835,-408,835,-413,835,-417,835,-418,835,-423,835,-426,-899,-900,-643,-585,-1894,-901,835,835,835,-800,835,835,-804,835,-807,-833,835,-818,835,-820,835,-822,-808,835,-824,835,-851,-852,835,835,-811,835,-646,-902,-904,-648,-649,-645,835,-705,-706,835,-642,-903,-647,-650,-603,-714,835,835,-605,-586,835,835,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,835,835,-709,-710,835,-716,835,835,835,835,835,835,-938,835,-439,-441,-747,835,-891,835,-715,-1894,835,835,835,835,835,-442,-512,-523,835,-728,-733,835,-735,835,-740,835,-662,-668,835,-678,-680,-682,-683,-690,-693,-697,-745,835,835,-874,835,835,-878,835,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,835,-812,835,-814,-801,835,-802,-805,835,-816,-819,-821,-823,-825,835,-826,835,-809,835,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,835,-282,835,835,835,835,-455,835,835,-729,835,-736,835,-741,835,-663,-671,835,835,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,835,-836,-53,835,835,-730,835,-737,835,-742,-664,835,-873,-54,835,835,-731,-738,-743,835,835,835,-872,]),'UBTIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[836,836,836,836,-1894,836,836,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,836,836,836,836,-275,-276,836,-1425,836,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,836,836,836,-490,836,836,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,836,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,836,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,836,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,836,-172,-173,-174,-175,-993,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-290,-291,-281,836,836,836,836,836,-328,-318,-332,-333,-334,836,836,-982,-983,-984,-985,-986,-987,-988,836,836,836,836,836,836,836,836,836,836,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,836,836,836,-353,-356,836,-323,-324,-141,836,-142,836,-143,836,-430,-935,-936,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-1894,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-1894,836,-1894,836,836,836,836,836,836,836,836,836,836,836,836,-1894,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,836,-1894,836,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,836,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,836,836,836,-191,-192,836,-994,836,836,836,836,836,-277,-278,-279,-280,-365,836,-308,836,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,836,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,836,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,836,836,836,836,836,836,-573,836,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,836,836,-723,-724,-725,836,836,836,836,836,836,-994,836,836,-91,-92,836,836,836,836,-309,-310,-320,836,-307,-293,-294,-295,836,836,836,836,-618,-633,-590,836,836,-436,836,-437,836,-444,-445,-446,-378,-379,836,836,836,-506,836,836,-510,836,836,836,836,-515,-516,-517,-518,836,836,-521,-522,836,-524,-525,-526,-527,-528,-529,-530,-531,836,-533,836,836,836,-539,-541,-542,836,-544,-545,-546,-547,836,836,836,836,836,836,-652,-653,-654,-655,836,-657,-658,-659,836,836,836,-665,836,836,-669,-670,836,836,-673,836,-675,-676,836,-679,836,-681,836,836,-684,-685,-686,836,-688,836,836,-691,836,836,-694,-695,-696,836,-698,-699,-700,-701,836,836,-746,836,-749,-750,-751,-752,-753,836,-755,-756,-757,-758,-759,836,-766,-767,-769,836,-771,-772,-773,-782,-856,-858,-860,-862,836,836,836,836,-868,836,-870,836,836,836,836,836,836,836,-906,-907,836,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,836,-921,-924,836,-934,836,-385,-386,-387,836,836,-390,-391,-392,-393,836,-396,836,-399,-400,836,-401,836,-406,-407,836,-410,-411,-412,836,-415,836,-416,836,-421,-422,836,-425,836,-428,-429,-1894,-1894,836,-619,-620,-621,-622,-623,-634,-584,-624,-797,836,836,836,836,836,-831,836,836,-806,836,-832,836,836,836,836,-798,836,-853,-799,836,836,836,836,836,836,-854,-855,836,-834,-830,-835,836,-625,836,-626,-627,-628,-629,-574,836,836,-630,-631,-632,836,836,836,836,836,836,-635,-636,-637,-592,-1894,-602,836,-638,-639,-713,-640,-604,836,-572,-577,-580,-583,836,836,836,-598,-601,836,-608,836,836,836,836,836,836,836,836,836,836,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,836,836,836,-995,836,836,836,836,836,836,-306,-325,-319,-296,-375,-452,-453,-454,-458,836,-443,836,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,836,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,836,836,836,836,836,836,836,836,836,-316,-535,-508,-591,-937,-939,-940,-438,836,-440,-380,-381,-383,-507,-509,-511,836,-513,-514,-519,-520,836,-532,-534,-537,-538,-543,-548,-726,836,-727,836,-732,836,-734,836,-739,-656,-660,-661,836,-666,836,-667,836,-672,-674,836,-677,836,836,836,-687,-689,836,-692,836,836,-744,836,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,836,836,836,836,836,-877,836,-880,-908,-920,-925,-388,-389,836,-394,836,-397,836,-402,836,-403,836,-408,836,-413,836,-417,836,-418,836,-423,836,-426,-899,-900,-643,-585,-1894,-901,836,836,836,-800,836,836,-804,836,-807,-833,836,-818,836,-820,836,-822,-808,836,-824,836,-851,-852,836,836,-811,836,-646,-902,-904,-648,-649,-645,836,-705,-706,836,-642,-903,-647,-650,-603,-714,836,836,-605,-586,836,836,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,836,836,-709,-710,836,-716,836,836,836,836,836,836,-938,836,-439,-441,-747,836,-891,836,-715,-1894,836,836,836,836,836,-442,-512,-523,836,-728,-733,836,-735,836,-740,836,-662,-668,836,-678,-680,-682,-683,-690,-693,-697,-745,836,836,-874,836,836,-878,836,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,836,-812,836,-814,-801,836,-802,-805,836,-816,-819,-821,-823,-825,836,-826,836,-809,836,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,836,-282,836,836,836,836,-455,836,836,-729,836,-736,836,-741,836,-663,-671,836,836,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,836,-836,-53,836,836,-730,836,-737,836,-742,-664,836,-873,-54,836,836,-731,-738,-743,836,836,836,-872,]),'UCASE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[837,837,837,1124,-1894,837,837,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,837,837,837,837,-275,-276,1124,-1425,1124,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1124,1124,1124,-490,1124,1124,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1124,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1124,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1970,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,837,-172,-173,-174,-175,-993,837,837,837,837,837,837,837,837,837,837,1124,1124,1124,1124,1124,-290,-291,-281,837,1124,1124,1124,1124,-328,-318,-332,-333,-334,1124,1124,-982,-983,-984,-985,-986,-987,-988,837,837,1124,1124,1124,1124,1124,1124,1124,1124,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1124,1124,1124,-353,-356,837,-323,-324,-141,1124,-142,1124,-143,1124,-430,-935,-936,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1894,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1894,1124,-1894,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1894,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-1894,837,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1124,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1124,837,837,-191,-192,837,-994,1124,837,837,837,837,-277,-278,-279,-280,-365,1124,-308,1124,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1124,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1124,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1124,1124,1124,1124,1124,1124,-573,1124,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1124,1124,-723,-724,-725,1124,1970,837,837,837,837,-994,837,1124,-91,-92,837,837,837,1124,-309,-310,-320,1124,-307,-293,-294,-295,1124,837,1124,1124,-618,-633,-590,1124,837,-436,837,-437,1124,-444,-445,-446,-378,-379,1124,1124,1124,-506,1124,1124,-510,1124,1124,1124,1124,-515,-516,-517,-518,1124,1124,-521,-522,1124,-524,-525,-526,-527,-528,-529,-530,-531,1124,-533,1124,1124,1124,-539,-541,-542,1124,-544,-545,-546,-547,1124,1124,1124,1124,1124,1124,-652,-653,-654,-655,837,-657,-658,-659,1124,1124,1124,-665,1124,1124,-669,-670,1124,1124,-673,1124,-675,-676,1124,-679,1124,-681,1124,1124,-684,-685,-686,1124,-688,1124,1124,-691,1124,1124,-694,-695,-696,1124,-698,-699,-700,-701,1124,1124,-746,1124,-749,-750,-751,-752,-753,1124,-755,-756,-757,-758,-759,1124,-766,-767,-769,1124,-771,-772,-773,-782,-856,-858,-860,-862,1124,1124,1124,1124,-868,1124,-870,1124,1124,1124,1124,1124,1124,1124,-906,-907,1124,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1124,-921,-924,1124,-934,1124,-385,-386,-387,1124,1124,-390,-391,-392,-393,1124,-396,1124,-399,-400,1124,-401,1124,-406,-407,1124,-410,-411,-412,1124,-415,1124,-416,1124,-421,-422,1124,-425,1124,-428,-429,-1894,-1894,1124,-619,-620,-621,-622,-623,-634,-584,-624,-797,1124,1124,1124,1124,1124,-831,1124,1124,-806,1124,-832,1124,1124,1124,1124,-798,1124,-853,-799,1124,1124,1124,1124,1124,1124,-854,-855,1124,-834,-830,-835,1124,-625,1124,-626,-627,-628,-629,-574,1124,1124,-630,-631,-632,1124,1124,1124,1124,1124,1124,-635,-636,-637,-592,-1894,-602,1124,-638,-639,-713,-640,-604,1124,-572,-577,-580,-583,1124,1124,1124,-598,-601,1124,-608,1124,1124,1124,1124,1124,1124,1124,1124,1124,1124,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1124,837,837,-995,837,1124,837,837,837,1124,-306,-325,-319,-296,-375,-452,-453,-454,-458,837,-443,1124,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1124,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,837,837,837,837,837,837,837,837,1124,-316,-535,-508,-591,-937,-939,-940,-438,1124,-440,-380,-381,-383,-507,-509,-511,1124,-513,-514,-519,-520,1124,-532,-534,-537,-538,-543,-548,-726,1124,-727,1124,-732,1124,-734,1124,-739,-656,-660,-661,1124,-666,1124,-667,1124,-672,-674,1124,-677,1124,1124,1124,-687,-689,1124,-692,1124,1124,-744,1124,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1124,1124,1124,1124,1124,-877,1124,-880,-908,-920,-925,-388,-389,1124,-394,1124,-397,1124,-402,1124,-403,1124,-408,1124,-413,1124,-417,1124,-418,1124,-423,1124,-426,-899,-900,-643,-585,-1894,-901,1124,1124,1124,-800,1124,1124,-804,1124,-807,-833,1124,-818,1124,-820,1124,-822,-808,1124,-824,1124,-851,-852,1124,1124,-811,1124,-646,-902,-904,-648,-649,-645,1124,-705,-706,1124,-642,-903,-647,-650,-603,-714,1124,1124,-605,-586,1124,1124,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1124,1124,-709,-710,1124,-716,1124,837,837,837,1124,1124,-938,837,-439,-441,-747,1124,-891,1970,-715,-1894,1124,1124,837,837,1124,-442,-512,-523,1124,-728,-733,1124,-735,1124,-740,1124,-662,-668,1124,-678,-680,-682,-683,-690,-693,-697,-745,1124,1124,-874,1124,1124,-878,1124,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1124,-812,1124,-814,-801,1124,-802,-805,1124,-816,-819,-821,-823,-825,1124,-826,1124,-809,1124,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,837,-282,837,1124,837,1124,-455,1124,1124,-729,1124,-736,1124,-741,1124,-663,-671,1124,1124,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1124,-836,-53,837,1124,-730,1124,-737,1124,-742,-664,1124,-873,-54,837,837,-731,-738,-743,1124,837,1124,-872,]),'UNBOUNDED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3746,3748,3749,3756,3769,3773,3788,3795,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3851,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[838,838,838,838,-1894,838,838,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,838,838,838,838,-275,-276,838,-1425,838,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,838,838,838,-490,838,838,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,838,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,838,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,838,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,838,-172,-173,-174,-175,-993,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-290,-291,-281,838,838,838,838,838,-328,-318,-332,-333,-334,838,838,-982,-983,-984,-985,-986,-987,-988,838,838,838,838,838,838,838,838,838,838,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,838,838,838,-353,-356,838,-323,-324,-141,838,-142,838,-143,838,-430,-935,-936,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-1894,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-1894,838,-1894,838,838,838,838,838,838,838,838,838,838,838,838,-1894,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,838,-1894,838,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,838,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,838,838,838,-191,-192,838,-994,838,838,838,838,838,-277,-278,-279,-280,-365,838,-308,838,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,838,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,838,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,838,838,838,838,838,838,-573,838,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,838,838,-723,-724,-725,838,838,838,838,838,838,-994,838,838,-91,-92,838,838,838,838,-309,-310,-320,838,-307,-293,-294,-295,838,838,838,838,-618,-633,-590,838,838,-436,838,-437,838,-444,-445,-446,-378,-379,838,838,838,-506,838,838,-510,838,838,838,838,-515,-516,-517,-518,838,838,-521,-522,838,-524,-525,-526,-527,-528,-529,-530,-531,838,-533,838,838,838,-539,-541,-542,838,-544,-545,-546,-547,838,838,838,838,838,838,-652,-653,-654,-655,838,-657,-658,-659,838,838,838,-665,838,838,-669,-670,838,838,-673,838,-675,-676,838,-679,838,-681,838,838,-684,-685,-686,838,-688,838,838,-691,838,838,-694,-695,-696,838,-698,-699,-700,-701,838,838,-746,838,-749,-750,-751,-752,-753,838,-755,-756,-757,-758,-759,838,-766,-767,-769,838,-771,-772,-773,-782,-856,-858,-860,-862,838,838,838,838,-868,838,-870,838,838,838,838,838,838,838,-906,-907,838,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,838,-921,-924,838,-934,838,-385,-386,-387,838,838,-390,-391,-392,-393,838,-396,838,-399,-400,838,-401,838,-406,-407,838,-410,-411,-412,838,-415,838,-416,838,-421,-422,838,-425,838,-428,-429,-1894,-1894,838,-619,-620,-621,-622,-623,-634,-584,-624,-797,838,838,838,838,838,-831,838,838,-806,838,-832,838,838,838,838,-798,838,-853,-799,838,838,838,838,838,838,-854,-855,838,-834,-830,-835,838,-625,838,-626,-627,-628,-629,-574,838,838,-630,-631,-632,838,838,838,838,838,838,-635,-636,-637,-592,-1894,-602,838,-638,-639,-713,-640,-604,838,-572,-577,-580,-583,838,838,838,-598,-601,838,-608,838,838,838,838,838,838,838,838,838,838,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,838,838,838,-995,838,838,838,838,838,838,-306,-325,-319,-296,-375,-452,-453,-454,-458,838,-443,838,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,838,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,838,838,838,838,838,838,838,838,838,-316,-535,-508,-591,-937,-939,-940,-438,838,-440,-380,-381,-383,-507,-509,-511,838,-513,-514,-519,-520,838,-532,-534,-537,-538,-543,-548,-726,838,-727,838,-732,838,-734,838,-739,-656,-660,-661,838,-666,838,-667,838,-672,-674,838,-677,838,838,838,-687,-689,838,-692,838,838,-744,838,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,838,838,838,838,838,-877,838,-880,-908,-920,-925,-388,-389,838,-394,838,-397,838,-402,838,-403,838,-408,838,-413,838,-417,838,-418,838,-423,838,-426,-899,-900,-643,-585,-1894,-901,838,838,838,-800,838,838,-804,838,-807,-833,838,-818,838,-820,838,-822,-808,838,-824,838,-851,-852,838,838,-811,838,-646,-902,-904,-648,-649,-645,838,-705,-706,838,-642,-903,-647,-650,-603,-714,838,838,-605,-586,838,838,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,838,838,-709,-710,838,-716,838,838,838,838,838,838,-938,838,-439,-441,-747,838,-891,838,-715,-1894,838,838,838,838,838,-442,-512,-523,838,-728,-733,838,-735,838,-740,838,-662,-668,838,-678,-680,-682,-683,-690,-693,-697,-745,838,838,-874,838,838,-878,838,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,838,-812,838,-814,-801,838,-802,-805,838,-816,-819,-821,-823,-825,838,-826,838,-809,838,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,838,-282,838,3793,-468,-469,838,838,838,-455,3793,838,838,-729,838,-736,838,-741,838,-663,-671,838,838,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,838,-836,-53,838,3793,838,-730,838,-737,838,-742,-664,838,-873,-54,838,838,-731,-738,-743,838,838,838,-872,]),'UNCOMMITTED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[839,839,839,839,-1894,839,839,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,839,839,839,839,-275,-276,839,-1425,839,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,839,839,839,-490,839,839,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,839,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,839,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,839,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,839,-172,-173,-174,-175,-993,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-290,-291,-281,839,839,839,839,839,-328,-318,-332,-333,-334,839,839,-982,-983,-984,-985,-986,-987,-988,839,839,839,839,839,839,839,839,839,839,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,839,839,839,-353,-356,839,-323,-324,-141,839,-142,839,-143,839,-430,-935,-936,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-1894,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-1894,839,-1894,839,839,839,839,839,839,839,839,839,839,839,839,-1894,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,839,-1894,839,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,839,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,839,839,839,-191,-192,839,-994,839,839,839,839,839,-277,-278,-279,-280,-365,839,-308,839,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,839,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,839,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,839,839,839,839,839,839,-573,839,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,839,839,-723,-724,-725,839,839,839,839,839,839,-994,839,839,-91,-92,839,839,839,839,-309,-310,-320,839,-307,-293,-294,-295,839,839,839,839,-618,-633,-590,839,839,-436,839,-437,839,-444,-445,-446,-378,-379,839,839,839,-506,839,839,-510,839,839,839,839,-515,-516,-517,-518,839,839,-521,-522,839,-524,-525,-526,-527,-528,-529,-530,-531,839,-533,839,839,839,-539,-541,-542,839,-544,-545,-546,-547,839,839,839,839,839,839,-652,-653,-654,-655,839,-657,-658,-659,839,839,839,-665,839,839,-669,-670,839,839,-673,839,-675,-676,839,-679,839,-681,839,839,-684,-685,-686,839,-688,839,839,-691,839,839,-694,-695,-696,839,-698,-699,-700,-701,839,839,-746,839,-749,-750,-751,-752,-753,839,-755,-756,-757,-758,-759,839,-766,-767,-769,839,-771,-772,-773,-782,-856,-858,-860,-862,839,839,839,839,-868,839,-870,839,839,839,839,839,839,839,-906,-907,839,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,839,-921,-924,839,-934,839,-385,-386,-387,839,839,-390,-391,-392,-393,839,-396,839,-399,-400,839,-401,839,-406,-407,839,-410,-411,-412,839,-415,839,-416,839,-421,-422,839,-425,839,-428,-429,-1894,-1894,839,-619,-620,-621,-622,-623,-634,-584,-624,-797,839,839,839,839,839,-831,839,839,-806,839,-832,839,839,839,839,-798,839,-853,-799,839,839,839,839,839,839,-854,-855,839,-834,-830,-835,839,-625,839,-626,-627,-628,-629,-574,839,839,-630,-631,-632,839,839,839,839,839,839,-635,-636,-637,-592,-1894,-602,839,-638,-639,-713,-640,-604,839,-572,-577,-580,-583,839,839,839,-598,-601,839,-608,839,839,839,839,839,839,839,839,839,839,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,839,839,839,-995,839,839,839,839,839,839,-306,-325,-319,-296,-375,-452,-453,-454,-458,839,-443,839,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,839,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,839,839,839,839,839,839,839,839,839,-316,-535,-508,-591,-937,-939,-940,-438,839,-440,-380,-381,-383,-507,-509,-511,839,-513,-514,-519,-520,839,-532,-534,-537,-538,-543,-548,-726,839,-727,839,-732,839,-734,839,-739,-656,-660,-661,839,-666,839,-667,839,-672,-674,839,-677,839,839,839,-687,-689,839,-692,839,839,-744,839,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,839,839,839,839,839,-877,839,-880,-908,-920,-925,-388,-389,839,-394,839,-397,839,-402,839,-403,839,-408,839,-413,839,-417,839,-418,839,-423,839,-426,-899,-900,-643,-585,-1894,-901,839,839,839,-800,839,839,-804,839,-807,-833,839,-818,839,-820,839,-822,-808,839,-824,839,-851,-852,839,839,-811,839,-646,-902,-904,-648,-649,-645,839,-705,-706,839,-642,-903,-647,-650,-603,-714,839,839,-605,-586,839,839,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,839,839,-709,-710,839,-716,839,839,839,839,839,839,-938,839,-439,-441,-747,839,-891,839,-715,-1894,839,839,839,839,839,-442,-512,-523,839,-728,-733,839,-735,839,-740,839,-662,-668,839,-678,-680,-682,-683,-690,-693,-697,-745,839,839,-874,839,839,-878,839,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,839,-812,839,-814,-801,839,-802,-805,839,-816,-819,-821,-823,-825,839,-826,839,-809,839,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,839,-282,839,839,839,839,-455,839,839,-729,839,-736,839,-741,839,-663,-671,839,839,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,839,-836,-53,839,839,-730,839,-737,839,-742,-664,839,-873,-54,839,839,-731,-738,-743,839,839,839,-872,]),'UNCOMPRESS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[840,840,840,1143,-1894,840,840,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,840,840,840,840,-275,-276,1143,-1425,1143,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1143,1143,1143,-490,1143,1143,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1143,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1143,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1971,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,840,-172,-173,-174,-175,-993,840,840,840,840,840,840,840,840,840,840,1143,1143,1143,1143,1143,-290,-291,-281,840,1143,1143,1143,1143,-328,-318,-332,-333,-334,1143,1143,-982,-983,-984,-985,-986,-987,-988,840,840,1143,1143,1143,1143,1143,1143,1143,1143,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1143,1143,1143,-353,-356,840,-323,-324,-141,1143,-142,1143,-143,1143,-430,-935,-936,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1894,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1894,1143,-1894,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1894,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-1894,840,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1143,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1143,840,840,-191,-192,840,-994,1143,840,840,840,840,-277,-278,-279,-280,-365,1143,-308,1143,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1143,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1143,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1143,1143,1143,1143,1143,1143,-573,1143,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1143,1143,-723,-724,-725,1143,1971,840,840,840,840,-994,840,1143,-91,-92,840,840,840,1143,-309,-310,-320,1143,-307,-293,-294,-295,1143,840,1143,1143,-618,-633,-590,1143,840,-436,840,-437,1143,-444,-445,-446,-378,-379,1143,1143,1143,-506,1143,1143,-510,1143,1143,1143,1143,-515,-516,-517,-518,1143,1143,-521,-522,1143,-524,-525,-526,-527,-528,-529,-530,-531,1143,-533,1143,1143,1143,-539,-541,-542,1143,-544,-545,-546,-547,1143,1143,1143,1143,1143,1143,-652,-653,-654,-655,840,-657,-658,-659,1143,1143,1143,-665,1143,1143,-669,-670,1143,1143,-673,1143,-675,-676,1143,-679,1143,-681,1143,1143,-684,-685,-686,1143,-688,1143,1143,-691,1143,1143,-694,-695,-696,1143,-698,-699,-700,-701,1143,1143,-746,1143,-749,-750,-751,-752,-753,1143,-755,-756,-757,-758,-759,1143,-766,-767,-769,1143,-771,-772,-773,-782,-856,-858,-860,-862,1143,1143,1143,1143,-868,1143,-870,1143,1143,1143,1143,1143,1143,1143,-906,-907,1143,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1143,-921,-924,1143,-934,1143,-385,-386,-387,1143,1143,-390,-391,-392,-393,1143,-396,1143,-399,-400,1143,-401,1143,-406,-407,1143,-410,-411,-412,1143,-415,1143,-416,1143,-421,-422,1143,-425,1143,-428,-429,-1894,-1894,1143,-619,-620,-621,-622,-623,-634,-584,-624,-797,1143,1143,1143,1143,1143,-831,1143,1143,-806,1143,-832,1143,1143,1143,1143,-798,1143,-853,-799,1143,1143,1143,1143,1143,1143,-854,-855,1143,-834,-830,-835,1143,-625,1143,-626,-627,-628,-629,-574,1143,1143,-630,-631,-632,1143,1143,1143,1143,1143,1143,-635,-636,-637,-592,-1894,-602,1143,-638,-639,-713,-640,-604,1143,-572,-577,-580,-583,1143,1143,1143,-598,-601,1143,-608,1143,1143,1143,1143,1143,1143,1143,1143,1143,1143,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1143,840,840,-995,840,1143,840,840,840,1143,-306,-325,-319,-296,-375,-452,-453,-454,-458,840,-443,1143,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1143,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,840,840,840,840,840,840,840,840,1143,-316,-535,-508,-591,-937,-939,-940,-438,1143,-440,-380,-381,-383,-507,-509,-511,1143,-513,-514,-519,-520,1143,-532,-534,-537,-538,-543,-548,-726,1143,-727,1143,-732,1143,-734,1143,-739,-656,-660,-661,1143,-666,1143,-667,1143,-672,-674,1143,-677,1143,1143,1143,-687,-689,1143,-692,1143,1143,-744,1143,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1143,1143,1143,1143,1143,-877,1143,-880,-908,-920,-925,-388,-389,1143,-394,1143,-397,1143,-402,1143,-403,1143,-408,1143,-413,1143,-417,1143,-418,1143,-423,1143,-426,-899,-900,-643,-585,-1894,-901,1143,1143,1143,-800,1143,1143,-804,1143,-807,-833,1143,-818,1143,-820,1143,-822,-808,1143,-824,1143,-851,-852,1143,1143,-811,1143,-646,-902,-904,-648,-649,-645,1143,-705,-706,1143,-642,-903,-647,-650,-603,-714,1143,1143,-605,-586,1143,1143,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1143,1143,-709,-710,1143,-716,1143,840,840,840,1143,1143,-938,840,-439,-441,-747,1143,-891,1971,-715,-1894,1143,1143,840,840,1143,-442,-512,-523,1143,-728,-733,1143,-735,1143,-740,1143,-662,-668,1143,-678,-680,-682,-683,-690,-693,-697,-745,1143,1143,-874,1143,1143,-878,1143,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1143,-812,1143,-814,-801,1143,-802,-805,1143,-816,-819,-821,-823,-825,1143,-826,1143,-809,1143,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,840,-282,840,1143,840,1143,-455,1143,1143,-729,1143,-736,1143,-741,1143,-663,-671,1143,1143,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1143,-836,-53,840,1143,-730,1143,-737,1143,-742,-664,1143,-873,-54,840,840,-731,-738,-743,1143,840,1143,-872,]),'UNCOMPRESSED_LENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[841,841,841,1144,-1894,841,841,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,841,841,841,841,-275,-276,1144,-1425,1144,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1144,1144,1144,-490,1144,1144,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1144,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1144,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1972,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,841,-172,-173,-174,-175,-993,841,841,841,841,841,841,841,841,841,841,1144,1144,1144,1144,1144,-290,-291,-281,841,1144,1144,1144,1144,-328,-318,-332,-333,-334,1144,1144,-982,-983,-984,-985,-986,-987,-988,841,841,1144,1144,1144,1144,1144,1144,1144,1144,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1144,1144,1144,-353,-356,841,-323,-324,-141,1144,-142,1144,-143,1144,-430,-935,-936,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1894,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1894,1144,-1894,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1894,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-1894,841,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1144,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1144,841,841,-191,-192,841,-994,1144,841,841,841,841,-277,-278,-279,-280,-365,1144,-308,1144,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1144,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1144,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1144,1144,1144,1144,1144,1144,-573,1144,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1144,1144,-723,-724,-725,1144,1972,841,841,841,841,-994,841,1144,-91,-92,841,841,841,1144,-309,-310,-320,1144,-307,-293,-294,-295,1144,841,1144,1144,-618,-633,-590,1144,841,-436,841,-437,1144,-444,-445,-446,-378,-379,1144,1144,1144,-506,1144,1144,-510,1144,1144,1144,1144,-515,-516,-517,-518,1144,1144,-521,-522,1144,-524,-525,-526,-527,-528,-529,-530,-531,1144,-533,1144,1144,1144,-539,-541,-542,1144,-544,-545,-546,-547,1144,1144,1144,1144,1144,1144,-652,-653,-654,-655,841,-657,-658,-659,1144,1144,1144,-665,1144,1144,-669,-670,1144,1144,-673,1144,-675,-676,1144,-679,1144,-681,1144,1144,-684,-685,-686,1144,-688,1144,1144,-691,1144,1144,-694,-695,-696,1144,-698,-699,-700,-701,1144,1144,-746,1144,-749,-750,-751,-752,-753,1144,-755,-756,-757,-758,-759,1144,-766,-767,-769,1144,-771,-772,-773,-782,-856,-858,-860,-862,1144,1144,1144,1144,-868,1144,-870,1144,1144,1144,1144,1144,1144,1144,-906,-907,1144,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1144,-921,-924,1144,-934,1144,-385,-386,-387,1144,1144,-390,-391,-392,-393,1144,-396,1144,-399,-400,1144,-401,1144,-406,-407,1144,-410,-411,-412,1144,-415,1144,-416,1144,-421,-422,1144,-425,1144,-428,-429,-1894,-1894,1144,-619,-620,-621,-622,-623,-634,-584,-624,-797,1144,1144,1144,1144,1144,-831,1144,1144,-806,1144,-832,1144,1144,1144,1144,-798,1144,-853,-799,1144,1144,1144,1144,1144,1144,-854,-855,1144,-834,-830,-835,1144,-625,1144,-626,-627,-628,-629,-574,1144,1144,-630,-631,-632,1144,1144,1144,1144,1144,1144,-635,-636,-637,-592,-1894,-602,1144,-638,-639,-713,-640,-604,1144,-572,-577,-580,-583,1144,1144,1144,-598,-601,1144,-608,1144,1144,1144,1144,1144,1144,1144,1144,1144,1144,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1144,841,841,-995,841,1144,841,841,841,1144,-306,-325,-319,-296,-375,-452,-453,-454,-458,841,-443,1144,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1144,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,841,841,841,841,841,841,841,841,1144,-316,-535,-508,-591,-937,-939,-940,-438,1144,-440,-380,-381,-383,-507,-509,-511,1144,-513,-514,-519,-520,1144,-532,-534,-537,-538,-543,-548,-726,1144,-727,1144,-732,1144,-734,1144,-739,-656,-660,-661,1144,-666,1144,-667,1144,-672,-674,1144,-677,1144,1144,1144,-687,-689,1144,-692,1144,1144,-744,1144,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1144,1144,1144,1144,1144,-877,1144,-880,-908,-920,-925,-388,-389,1144,-394,1144,-397,1144,-402,1144,-403,1144,-408,1144,-413,1144,-417,1144,-418,1144,-423,1144,-426,-899,-900,-643,-585,-1894,-901,1144,1144,1144,-800,1144,1144,-804,1144,-807,-833,1144,-818,1144,-820,1144,-822,-808,1144,-824,1144,-851,-852,1144,1144,-811,1144,-646,-902,-904,-648,-649,-645,1144,-705,-706,1144,-642,-903,-647,-650,-603,-714,1144,1144,-605,-586,1144,1144,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1144,1144,-709,-710,1144,-716,1144,841,841,841,1144,1144,-938,841,-439,-441,-747,1144,-891,1972,-715,-1894,1144,1144,841,841,1144,-442,-512,-523,1144,-728,-733,1144,-735,1144,-740,1144,-662,-668,1144,-678,-680,-682,-683,-690,-693,-697,-745,1144,1144,-874,1144,1144,-878,1144,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1144,-812,1144,-814,-801,1144,-802,-805,1144,-816,-819,-821,-823,-825,1144,-826,1144,-809,1144,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,841,-282,841,1144,841,1144,-455,1144,1144,-729,1144,-736,1144,-741,1144,-663,-671,1144,1144,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1144,-836,-53,841,1144,-730,1144,-737,1144,-742,-664,1144,-873,-54,841,841,-731,-738,-743,1144,841,1144,-872,]),'UNDEFINED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[842,842,842,842,-1894,842,842,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,842,842,842,842,-275,-276,842,-1425,842,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,842,842,842,-490,842,842,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,842,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,842,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,842,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,842,-172,-173,-174,-175,-993,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-290,-291,-281,842,842,842,842,842,-328,-318,-332,-333,-334,842,842,-982,-983,-984,-985,-986,-987,-988,842,842,842,842,842,842,842,842,842,842,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,842,842,842,-353,-356,842,-323,-324,-141,842,-142,842,-143,842,-430,-935,-936,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-1894,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-1894,842,-1894,842,842,842,842,842,842,842,842,842,842,842,842,-1894,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,842,-1894,842,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,842,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,842,842,842,-191,-192,842,-994,842,842,842,842,842,-277,-278,-279,-280,-365,842,-308,842,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,842,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,842,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,842,842,842,842,842,842,-573,842,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,842,842,-723,-724,-725,842,842,842,842,842,842,-994,842,842,-91,-92,842,842,842,842,-309,-310,-320,842,-307,-293,-294,-295,842,842,842,842,-618,-633,-590,842,842,-436,842,-437,842,-444,-445,-446,-378,-379,842,842,842,-506,842,842,-510,842,842,842,842,-515,-516,-517,-518,842,842,-521,-522,842,-524,-525,-526,-527,-528,-529,-530,-531,842,-533,842,842,842,-539,-541,-542,842,-544,-545,-546,-547,842,842,842,842,842,842,-652,-653,-654,-655,842,-657,-658,-659,842,842,842,-665,842,842,-669,-670,842,842,-673,842,-675,-676,842,-679,842,-681,842,842,-684,-685,-686,842,-688,842,842,-691,842,842,-694,-695,-696,842,-698,-699,-700,-701,842,842,-746,842,-749,-750,-751,-752,-753,842,-755,-756,-757,-758,-759,842,-766,-767,-769,842,-771,-772,-773,-782,-856,-858,-860,-862,842,842,842,842,-868,842,-870,842,842,842,842,842,842,842,-906,-907,842,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,842,-921,-924,842,-934,842,-385,-386,-387,842,842,-390,-391,-392,-393,842,-396,842,-399,-400,842,-401,842,-406,-407,842,-410,-411,-412,842,-415,842,-416,842,-421,-422,842,-425,842,-428,-429,-1894,-1894,842,-619,-620,-621,-622,-623,-634,-584,-624,-797,842,842,842,842,842,-831,842,842,-806,842,-832,842,842,842,842,-798,842,-853,-799,842,842,842,842,842,842,-854,-855,842,-834,-830,-835,842,-625,842,-626,-627,-628,-629,-574,842,842,-630,-631,-632,842,842,842,842,842,842,-635,-636,-637,-592,-1894,-602,842,-638,-639,-713,-640,-604,842,-572,-577,-580,-583,842,842,842,-598,-601,842,-608,842,842,842,842,842,842,842,842,842,842,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,842,842,842,-995,842,842,842,842,842,842,-306,-325,-319,-296,-375,-452,-453,-454,-458,842,-443,842,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,842,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,842,842,842,842,842,842,842,842,842,-316,-535,-508,-591,-937,-939,-940,-438,842,-440,-380,-381,-383,-507,-509,-511,842,-513,-514,-519,-520,842,-532,-534,-537,-538,-543,-548,-726,842,-727,842,-732,842,-734,842,-739,-656,-660,-661,842,-666,842,-667,842,-672,-674,842,-677,842,842,842,-687,-689,842,-692,842,842,-744,842,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,842,842,842,842,842,-877,842,-880,-908,-920,-925,-388,-389,842,-394,842,-397,842,-402,842,-403,842,-408,842,-413,842,-417,842,-418,842,-423,842,-426,-899,-900,-643,-585,-1894,-901,842,842,842,-800,842,842,-804,842,-807,-833,842,-818,842,-820,842,-822,-808,842,-824,842,-851,-852,842,842,-811,842,-646,-902,-904,-648,-649,-645,842,-705,-706,842,-642,-903,-647,-650,-603,-714,842,842,-605,-586,842,842,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,842,842,-709,-710,842,-716,842,842,842,842,842,842,-938,842,-439,-441,-747,842,-891,842,-715,-1894,842,842,842,842,842,-442,-512,-523,842,-728,-733,842,-735,842,-740,842,-662,-668,842,-678,-680,-682,-683,-690,-693,-697,-745,842,842,-874,842,842,-878,842,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,842,-812,842,-814,-801,842,-802,-805,842,-816,-819,-821,-823,-825,842,-826,842,-809,842,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,842,-282,842,842,842,842,-455,842,842,-729,842,-736,842,-741,842,-663,-671,842,842,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,842,-836,-53,842,842,-730,842,-737,842,-742,-664,842,-873,-54,842,842,-731,-738,-743,842,842,842,-872,]),'UNDO':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[843,843,843,843,-1894,843,843,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,843,843,843,843,-275,-276,843,-1425,843,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,843,843,843,-490,843,843,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,843,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,843,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,843,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,843,-172,-173,-174,-175,-993,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-290,-291,-281,843,843,843,843,843,-328,-318,-332,-333,-334,843,843,-982,-983,-984,-985,-986,-987,-988,843,843,843,843,843,843,843,843,843,843,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,843,843,843,-353,-356,843,-323,-324,-141,843,-142,843,-143,843,-430,-935,-936,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-1894,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-1894,843,-1894,843,843,843,843,843,843,843,843,843,843,843,843,-1894,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,843,-1894,843,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,843,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,843,843,843,-191,-192,843,-994,843,843,843,843,843,-277,-278,-279,-280,-365,843,-308,843,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,843,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,843,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,843,843,843,843,843,843,-573,843,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,843,843,-723,-724,-725,843,843,843,843,843,843,-994,843,843,-91,-92,843,843,843,843,-309,-310,-320,843,-307,-293,-294,-295,843,843,843,843,-618,-633,-590,843,843,-436,843,-437,843,-444,-445,-446,-378,-379,843,843,843,-506,843,843,-510,843,843,843,843,-515,-516,-517,-518,843,843,-521,-522,843,-524,-525,-526,-527,-528,-529,-530,-531,843,-533,843,843,843,-539,-541,-542,843,-544,-545,-546,-547,843,843,843,843,843,843,-652,-653,-654,-655,843,-657,-658,-659,843,843,843,-665,843,843,-669,-670,843,843,-673,843,-675,-676,843,-679,843,-681,843,843,-684,-685,-686,843,-688,843,843,-691,843,843,-694,-695,-696,843,-698,-699,-700,-701,843,843,-746,843,-749,-750,-751,-752,-753,843,-755,-756,-757,-758,-759,843,-766,-767,-769,843,-771,-772,-773,-782,-856,-858,-860,-862,843,843,843,843,-868,843,-870,843,843,843,843,843,843,843,-906,-907,843,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,843,-921,-924,843,-934,843,-385,-386,-387,843,843,-390,-391,-392,-393,843,-396,843,-399,-400,843,-401,843,-406,-407,843,-410,-411,-412,843,-415,843,-416,843,-421,-422,843,-425,843,-428,-429,-1894,-1894,843,-619,-620,-621,-622,-623,-634,-584,-624,-797,843,843,843,843,843,-831,843,843,-806,843,-832,843,843,843,843,-798,843,-853,-799,843,843,843,843,843,843,-854,-855,843,-834,-830,-835,843,-625,843,-626,-627,-628,-629,-574,843,843,-630,-631,-632,843,843,843,843,843,843,-635,-636,-637,-592,-1894,-602,843,-638,-639,-713,-640,-604,843,-572,-577,-580,-583,843,843,843,-598,-601,843,-608,843,843,843,843,843,843,843,843,843,843,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,843,843,843,-995,843,843,843,843,843,843,-306,-325,-319,-296,-375,-452,-453,-454,-458,843,-443,843,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,843,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,843,843,843,843,843,843,843,843,843,-316,-535,-508,-591,-937,-939,-940,-438,843,-440,-380,-381,-383,-507,-509,-511,843,-513,-514,-519,-520,843,-532,-534,-537,-538,-543,-548,-726,843,-727,843,-732,843,-734,843,-739,-656,-660,-661,843,-666,843,-667,843,-672,-674,843,-677,843,843,843,-687,-689,843,-692,843,843,-744,843,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,843,843,843,843,843,-877,843,-880,-908,-920,-925,-388,-389,843,-394,843,-397,843,-402,843,-403,843,-408,843,-413,843,-417,843,-418,843,-423,843,-426,-899,-900,-643,-585,-1894,-901,843,843,843,-800,843,843,-804,843,-807,-833,843,-818,843,-820,843,-822,-808,843,-824,843,-851,-852,843,843,-811,843,-646,-902,-904,-648,-649,-645,843,-705,-706,843,-642,-903,-647,-650,-603,-714,843,843,-605,-586,843,843,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,843,843,-709,-710,843,-716,843,843,843,843,843,843,-938,843,-439,-441,-747,843,-891,843,-715,-1894,843,843,843,843,843,-442,-512,-523,843,-728,-733,843,-735,843,-740,843,-662,-668,843,-678,-680,-682,-683,-690,-693,-697,-745,843,843,-874,843,843,-878,843,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,843,-812,843,-814,-801,843,-802,-805,843,-816,-819,-821,-823,-825,843,-826,843,-809,843,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,843,-282,843,843,843,843,-455,843,843,-729,843,-736,843,-741,843,-663,-671,843,843,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,843,-836,-53,843,843,-730,843,-737,843,-742,-664,843,-873,-54,843,843,-731,-738,-743,843,843,843,-872,]),'UNDOFILE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[844,844,844,844,-1894,844,844,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,844,844,844,844,-275,-276,844,-1425,844,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,844,844,844,-490,844,844,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,844,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,844,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,844,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,844,-172,-173,-174,-175,-993,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-290,-291,-281,844,844,844,844,844,-328,-318,-332,-333,-334,844,844,-982,-983,-984,-985,-986,-987,-988,844,844,844,844,844,844,844,844,844,844,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,844,844,844,-353,-356,844,-323,-324,-141,844,-142,844,-143,844,-430,-935,-936,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-1894,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-1894,844,-1894,844,844,844,844,844,844,844,844,844,844,844,844,-1894,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,844,-1894,844,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,844,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,844,844,844,-191,-192,844,-994,844,844,844,844,844,-277,-278,-279,-280,-365,844,-308,844,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,844,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,844,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,844,844,844,844,844,844,-573,844,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,844,844,-723,-724,-725,844,844,844,844,844,844,-994,844,844,-91,-92,844,844,844,844,-309,-310,-320,844,-307,-293,-294,-295,844,844,844,844,-618,-633,-590,844,844,-436,844,-437,844,-444,-445,-446,-378,-379,844,844,844,-506,844,844,-510,844,844,844,844,-515,-516,-517,-518,844,844,-521,-522,844,-524,-525,-526,-527,-528,-529,-530,-531,844,-533,844,844,844,-539,-541,-542,844,-544,-545,-546,-547,844,844,844,844,844,844,-652,-653,-654,-655,844,-657,-658,-659,844,844,844,-665,844,844,-669,-670,844,844,-673,844,-675,-676,844,-679,844,-681,844,844,-684,-685,-686,844,-688,844,844,-691,844,844,-694,-695,-696,844,-698,-699,-700,-701,844,844,-746,844,-749,-750,-751,-752,-753,844,-755,-756,-757,-758,-759,844,-766,-767,-769,844,-771,-772,-773,-782,-856,-858,-860,-862,844,844,844,844,-868,844,-870,844,844,844,844,844,844,844,-906,-907,844,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,844,-921,-924,844,-934,844,-385,-386,-387,844,844,-390,-391,-392,-393,844,-396,844,-399,-400,844,-401,844,-406,-407,844,-410,-411,-412,844,-415,844,-416,844,-421,-422,844,-425,844,-428,-429,-1894,-1894,844,-619,-620,-621,-622,-623,-634,-584,-624,-797,844,844,844,844,844,-831,844,844,-806,844,-832,844,844,844,844,-798,844,-853,-799,844,844,844,844,844,844,-854,-855,844,-834,-830,-835,844,-625,844,-626,-627,-628,-629,-574,844,844,-630,-631,-632,844,844,844,844,844,844,-635,-636,-637,-592,-1894,-602,844,-638,-639,-713,-640,-604,844,-572,-577,-580,-583,844,844,844,-598,-601,844,-608,844,844,844,844,844,844,844,844,844,844,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,844,844,844,-995,844,844,844,844,844,844,-306,-325,-319,-296,-375,-452,-453,-454,-458,844,-443,844,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,844,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,844,844,844,844,844,844,844,844,844,-316,-535,-508,-591,-937,-939,-940,-438,844,-440,-380,-381,-383,-507,-509,-511,844,-513,-514,-519,-520,844,-532,-534,-537,-538,-543,-548,-726,844,-727,844,-732,844,-734,844,-739,-656,-660,-661,844,-666,844,-667,844,-672,-674,844,-677,844,844,844,-687,-689,844,-692,844,844,-744,844,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,844,844,844,844,844,-877,844,-880,-908,-920,-925,-388,-389,844,-394,844,-397,844,-402,844,-403,844,-408,844,-413,844,-417,844,-418,844,-423,844,-426,-899,-900,-643,-585,-1894,-901,844,844,844,-800,844,844,-804,844,-807,-833,844,-818,844,-820,844,-822,-808,844,-824,844,-851,-852,844,844,-811,844,-646,-902,-904,-648,-649,-645,844,-705,-706,844,-642,-903,-647,-650,-603,-714,844,844,-605,-586,844,844,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,844,844,-709,-710,844,-716,844,844,844,844,844,844,-938,844,-439,-441,-747,844,-891,844,-715,-1894,844,844,844,844,844,-442,-512,-523,844,-728,-733,844,-735,844,-740,844,-662,-668,844,-678,-680,-682,-683,-690,-693,-697,-745,844,844,-874,844,844,-878,844,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,844,-812,844,-814,-801,844,-802,-805,844,-816,-819,-821,-823,-825,844,-826,844,-809,844,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,844,-282,844,844,844,844,-455,844,844,-729,844,-736,844,-741,844,-663,-671,844,844,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,844,-836,-53,844,844,-730,844,-737,844,-742,-664,844,-873,-54,844,844,-731,-738,-743,844,844,844,-872,]),'UNDO_BUFFER_SIZE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[845,845,845,845,-1894,845,845,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,845,845,845,845,-275,-276,845,-1425,845,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,845,845,845,-490,845,845,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,845,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,845,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,845,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,845,-172,-173,-174,-175,-993,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-290,-291,-281,845,845,845,845,845,-328,-318,-332,-333,-334,845,845,-982,-983,-984,-985,-986,-987,-988,845,845,845,845,845,845,845,845,845,845,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,845,845,845,-353,-356,845,-323,-324,-141,845,-142,845,-143,845,-430,-935,-936,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-1894,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-1894,845,-1894,845,845,845,845,845,845,845,845,845,845,845,845,-1894,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,845,-1894,845,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,845,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,845,845,845,-191,-192,845,-994,845,845,845,845,845,-277,-278,-279,-280,-365,845,-308,845,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,845,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,845,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,845,845,845,845,845,845,-573,845,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,845,845,-723,-724,-725,845,845,845,845,845,845,-994,845,845,-91,-92,845,845,845,845,-309,-310,-320,845,-307,-293,-294,-295,845,845,845,845,-618,-633,-590,845,845,-436,845,-437,845,-444,-445,-446,-378,-379,845,845,845,-506,845,845,-510,845,845,845,845,-515,-516,-517,-518,845,845,-521,-522,845,-524,-525,-526,-527,-528,-529,-530,-531,845,-533,845,845,845,-539,-541,-542,845,-544,-545,-546,-547,845,845,845,845,845,845,-652,-653,-654,-655,845,-657,-658,-659,845,845,845,-665,845,845,-669,-670,845,845,-673,845,-675,-676,845,-679,845,-681,845,845,-684,-685,-686,845,-688,845,845,-691,845,845,-694,-695,-696,845,-698,-699,-700,-701,845,845,-746,845,-749,-750,-751,-752,-753,845,-755,-756,-757,-758,-759,845,-766,-767,-769,845,-771,-772,-773,-782,-856,-858,-860,-862,845,845,845,845,-868,845,-870,845,845,845,845,845,845,845,-906,-907,845,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,845,-921,-924,845,-934,845,-385,-386,-387,845,845,-390,-391,-392,-393,845,-396,845,-399,-400,845,-401,845,-406,-407,845,-410,-411,-412,845,-415,845,-416,845,-421,-422,845,-425,845,-428,-429,-1894,-1894,845,-619,-620,-621,-622,-623,-634,-584,-624,-797,845,845,845,845,845,-831,845,845,-806,845,-832,845,845,845,845,-798,845,-853,-799,845,845,845,845,845,845,-854,-855,845,-834,-830,-835,845,-625,845,-626,-627,-628,-629,-574,845,845,-630,-631,-632,845,845,845,845,845,845,-635,-636,-637,-592,-1894,-602,845,-638,-639,-713,-640,-604,845,-572,-577,-580,-583,845,845,845,-598,-601,845,-608,845,845,845,845,845,845,845,845,845,845,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,845,845,845,-995,845,845,845,845,845,845,-306,-325,-319,-296,-375,-452,-453,-454,-458,845,-443,845,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,845,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,845,845,845,845,845,845,845,845,845,-316,-535,-508,-591,-937,-939,-940,-438,845,-440,-380,-381,-383,-507,-509,-511,845,-513,-514,-519,-520,845,-532,-534,-537,-538,-543,-548,-726,845,-727,845,-732,845,-734,845,-739,-656,-660,-661,845,-666,845,-667,845,-672,-674,845,-677,845,845,845,-687,-689,845,-692,845,845,-744,845,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,845,845,845,845,845,-877,845,-880,-908,-920,-925,-388,-389,845,-394,845,-397,845,-402,845,-403,845,-408,845,-413,845,-417,845,-418,845,-423,845,-426,-899,-900,-643,-585,-1894,-901,845,845,845,-800,845,845,-804,845,-807,-833,845,-818,845,-820,845,-822,-808,845,-824,845,-851,-852,845,845,-811,845,-646,-902,-904,-648,-649,-645,845,-705,-706,845,-642,-903,-647,-650,-603,-714,845,845,-605,-586,845,845,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,845,845,-709,-710,845,-716,845,845,845,845,845,845,-938,845,-439,-441,-747,845,-891,845,-715,-1894,845,845,845,845,845,-442,-512,-523,845,-728,-733,845,-735,845,-740,845,-662,-668,845,-678,-680,-682,-683,-690,-693,-697,-745,845,845,-874,845,845,-878,845,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,845,-812,845,-814,-801,845,-802,-805,845,-816,-819,-821,-823,-825,845,-826,845,-809,845,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,845,-282,845,845,845,845,-455,845,845,-729,845,-736,845,-741,845,-663,-671,845,845,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,845,-836,-53,845,845,-730,845,-737,845,-742,-664,845,-873,-54,845,845,-731,-738,-743,845,845,845,-872,]),'UNHEX':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[846,846,846,1125,-1894,846,846,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,846,846,846,846,-275,-276,1125,-1425,1125,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1125,1125,1125,-490,1125,1125,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1125,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1125,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1973,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,846,-172,-173,-174,-175,-993,846,846,846,846,846,846,846,846,846,846,1125,1125,1125,1125,1125,-290,-291,-281,846,1125,1125,1125,1125,-328,-318,-332,-333,-334,1125,1125,-982,-983,-984,-985,-986,-987,-988,846,846,1125,1125,1125,1125,1125,1125,1125,1125,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1125,1125,1125,-353,-356,846,-323,-324,-141,1125,-142,1125,-143,1125,-430,-935,-936,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1894,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1894,1125,-1894,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1894,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-1894,846,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1125,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1125,846,846,-191,-192,846,-994,1125,846,846,846,846,-277,-278,-279,-280,-365,1125,-308,1125,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1125,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1125,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1125,1125,1125,1125,1125,1125,-573,1125,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1125,1125,-723,-724,-725,1125,1973,846,846,846,846,-994,846,1125,-91,-92,846,846,846,1125,-309,-310,-320,1125,-307,-293,-294,-295,1125,846,1125,1125,-618,-633,-590,1125,846,-436,846,-437,1125,-444,-445,-446,-378,-379,1125,1125,1125,-506,1125,1125,-510,1125,1125,1125,1125,-515,-516,-517,-518,1125,1125,-521,-522,1125,-524,-525,-526,-527,-528,-529,-530,-531,1125,-533,1125,1125,1125,-539,-541,-542,1125,-544,-545,-546,-547,1125,1125,1125,1125,1125,1125,-652,-653,-654,-655,846,-657,-658,-659,1125,1125,1125,-665,1125,1125,-669,-670,1125,1125,-673,1125,-675,-676,1125,-679,1125,-681,1125,1125,-684,-685,-686,1125,-688,1125,1125,-691,1125,1125,-694,-695,-696,1125,-698,-699,-700,-701,1125,1125,-746,1125,-749,-750,-751,-752,-753,1125,-755,-756,-757,-758,-759,1125,-766,-767,-769,1125,-771,-772,-773,-782,-856,-858,-860,-862,1125,1125,1125,1125,-868,1125,-870,1125,1125,1125,1125,1125,1125,1125,-906,-907,1125,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1125,-921,-924,1125,-934,1125,-385,-386,-387,1125,1125,-390,-391,-392,-393,1125,-396,1125,-399,-400,1125,-401,1125,-406,-407,1125,-410,-411,-412,1125,-415,1125,-416,1125,-421,-422,1125,-425,1125,-428,-429,-1894,-1894,1125,-619,-620,-621,-622,-623,-634,-584,-624,-797,1125,1125,1125,1125,1125,-831,1125,1125,-806,1125,-832,1125,1125,1125,1125,-798,1125,-853,-799,1125,1125,1125,1125,1125,1125,-854,-855,1125,-834,-830,-835,1125,-625,1125,-626,-627,-628,-629,-574,1125,1125,-630,-631,-632,1125,1125,1125,1125,1125,1125,-635,-636,-637,-592,-1894,-602,1125,-638,-639,-713,-640,-604,1125,-572,-577,-580,-583,1125,1125,1125,-598,-601,1125,-608,1125,1125,1125,1125,1125,1125,1125,1125,1125,1125,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1125,846,846,-995,846,1125,846,846,846,1125,-306,-325,-319,-296,-375,-452,-453,-454,-458,846,-443,1125,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1125,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,846,846,846,846,846,846,846,846,1125,-316,-535,-508,-591,-937,-939,-940,-438,1125,-440,-380,-381,-383,-507,-509,-511,1125,-513,-514,-519,-520,1125,-532,-534,-537,-538,-543,-548,-726,1125,-727,1125,-732,1125,-734,1125,-739,-656,-660,-661,1125,-666,1125,-667,1125,-672,-674,1125,-677,1125,1125,1125,-687,-689,1125,-692,1125,1125,-744,1125,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1125,1125,1125,1125,1125,-877,1125,-880,-908,-920,-925,-388,-389,1125,-394,1125,-397,1125,-402,1125,-403,1125,-408,1125,-413,1125,-417,1125,-418,1125,-423,1125,-426,-899,-900,-643,-585,-1894,-901,1125,1125,1125,-800,1125,1125,-804,1125,-807,-833,1125,-818,1125,-820,1125,-822,-808,1125,-824,1125,-851,-852,1125,1125,-811,1125,-646,-902,-904,-648,-649,-645,1125,-705,-706,1125,-642,-903,-647,-650,-603,-714,1125,1125,-605,-586,1125,1125,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1125,1125,-709,-710,1125,-716,1125,846,846,846,1125,1125,-938,846,-439,-441,-747,1125,-891,1973,-715,-1894,1125,1125,846,846,1125,-442,-512,-523,1125,-728,-733,1125,-735,1125,-740,1125,-662,-668,1125,-678,-680,-682,-683,-690,-693,-697,-745,1125,1125,-874,1125,1125,-878,1125,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1125,-812,1125,-814,-801,1125,-802,-805,1125,-816,-819,-821,-823,-825,1125,-826,1125,-809,1125,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,846,-282,846,1125,846,1125,-455,1125,1125,-729,1125,-736,1125,-741,1125,-663,-671,1125,1125,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1125,-836,-53,846,1125,-730,1125,-737,1125,-742,-664,1125,-873,-54,846,846,-731,-738,-743,1125,846,1125,-872,]),'UNICODE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[847,847,847,847,-1894,847,847,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,847,847,847,847,-275,-276,847,-1425,847,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,847,847,847,-490,847,847,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,847,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,847,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,847,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,847,-172,-173,-174,-175,-993,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-290,-291,-281,847,847,847,847,847,-328,-318,-332,-333,-334,847,847,-982,-983,-984,-985,-986,-987,-988,847,847,847,847,847,847,847,847,847,847,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,847,847,847,-353,-356,847,-323,-324,-141,847,-142,847,-143,847,-430,-935,-936,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-1894,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-1894,847,-1894,847,847,847,847,847,847,847,847,847,847,847,847,-1894,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,847,-1894,847,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,847,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,847,847,847,-191,-192,847,-994,847,847,847,847,847,-277,-278,-279,-280,-365,847,-308,847,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,847,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,847,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,847,847,847,847,847,847,-573,847,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,847,847,-723,-724,-725,847,847,847,847,847,847,-994,847,847,-91,-92,847,847,847,847,-309,-310,-320,847,-307,-293,-294,-295,847,847,847,847,-618,-633,-590,847,847,-436,847,-437,847,-444,-445,-446,-378,-379,847,847,847,-506,847,847,-510,847,847,847,847,-515,-516,-517,-518,847,847,-521,-522,847,-524,-525,-526,-527,-528,-529,-530,-531,847,-533,847,847,847,-539,-541,-542,847,-544,-545,-546,-547,847,847,847,847,847,847,-652,-653,-654,-655,847,-657,-658,-659,847,847,847,-665,847,847,-669,-670,847,847,-673,847,-675,-676,847,-679,847,-681,847,847,-684,-685,-686,847,-688,847,847,-691,847,847,-694,-695,-696,847,-698,-699,-700,-701,847,847,-746,847,-749,-750,-751,-752,-753,847,-755,-756,-757,-758,-759,847,-766,-767,-769,847,-771,-772,-773,-782,-856,-858,-860,-862,847,847,847,847,-868,847,-870,847,847,847,847,847,847,847,-906,-907,847,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,847,-921,-924,847,-934,847,-385,-386,-387,847,847,-390,-391,-392,-393,847,-396,847,-399,-400,847,-401,847,-406,-407,847,-410,-411,-412,847,-415,847,-416,847,-421,-422,847,-425,847,-428,-429,-1894,-1894,847,-619,-620,-621,-622,-623,-634,-584,-624,-797,847,847,847,847,847,-831,847,847,-806,847,-832,847,847,847,847,-798,847,-853,-799,847,847,847,847,847,847,-854,-855,847,-834,-830,-835,847,-625,847,-626,-627,-628,-629,-574,847,847,-630,-631,-632,847,847,847,847,847,847,-635,-636,-637,-592,-1894,-602,847,-638,-639,-713,-640,-604,847,-572,-577,-580,-583,847,847,847,-598,-601,847,-608,847,847,847,847,847,847,847,847,847,847,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,847,847,847,-995,847,847,847,847,847,847,-306,-325,-319,-296,-375,-452,-453,-454,-458,847,-443,847,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,847,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,847,847,847,847,847,847,847,847,847,-316,-535,-508,-591,-937,-939,-940,-438,847,-440,-380,-381,-383,-507,-509,-511,847,-513,-514,-519,-520,847,-532,-534,-537,-538,-543,-548,-726,847,-727,847,-732,847,-734,847,-739,-656,-660,-661,847,-666,847,-667,847,-672,-674,847,-677,847,847,847,-687,-689,847,-692,847,847,-744,847,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,847,847,847,847,847,-877,847,-880,-908,-920,-925,-388,-389,847,-394,847,-397,847,-402,847,-403,847,-408,847,-413,847,-417,847,-418,847,-423,847,-426,-899,-900,-643,-585,-1894,-901,847,847,847,-800,847,847,-804,847,-807,-833,847,-818,847,-820,847,-822,-808,847,-824,847,-851,-852,847,847,-811,847,-646,-902,-904,-648,-649,-645,847,-705,-706,847,-642,-903,-647,-650,-603,-714,847,847,-605,-586,847,847,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,847,847,-709,-710,847,-716,847,847,847,847,847,847,-938,847,-439,-441,-747,847,-891,847,-715,-1894,847,847,847,847,847,-442,-512,-523,847,-728,-733,847,-735,847,-740,847,-662,-668,847,-678,-680,-682,-683,-690,-693,-697,-745,847,847,-874,847,847,-878,847,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,847,-812,847,-814,-801,847,-802,-805,847,-816,-819,-821,-823,-825,847,-826,847,-809,847,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,847,-282,847,847,847,847,-455,847,847,-729,847,-736,847,-741,847,-663,-671,847,847,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,847,-836,-53,847,847,-730,847,-737,847,-742,-664,847,-873,-54,847,847,-731,-738,-743,847,847,847,-872,]),'UNINSTALL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[848,848,848,848,-1894,848,848,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,848,848,848,848,-275,-276,848,-1425,848,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,848,848,848,-490,848,848,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,848,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,848,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,848,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,848,-172,-173,-174,-175,-993,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-290,-291,-281,848,848,848,848,848,-328,-318,-332,-333,-334,848,848,-982,-983,-984,-985,-986,-987,-988,848,848,848,848,848,848,848,848,848,848,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,848,848,848,-353,-356,848,-323,-324,-141,848,-142,848,-143,848,-430,-935,-936,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-1894,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-1894,848,-1894,848,848,848,848,848,848,848,848,848,848,848,848,-1894,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,848,-1894,848,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,848,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,848,848,848,-191,-192,848,-994,848,848,848,848,848,-277,-278,-279,-280,-365,848,-308,848,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,848,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,848,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,848,848,848,848,848,848,-573,848,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,848,848,-723,-724,-725,848,848,848,848,848,848,-994,848,848,-91,-92,848,848,848,848,-309,-310,-320,848,-307,-293,-294,-295,848,848,848,848,-618,-633,-590,848,848,-436,848,-437,848,-444,-445,-446,-378,-379,848,848,848,-506,848,848,-510,848,848,848,848,-515,-516,-517,-518,848,848,-521,-522,848,-524,-525,-526,-527,-528,-529,-530,-531,848,-533,848,848,848,-539,-541,-542,848,-544,-545,-546,-547,848,848,848,848,848,848,-652,-653,-654,-655,848,-657,-658,-659,848,848,848,-665,848,848,-669,-670,848,848,-673,848,-675,-676,848,-679,848,-681,848,848,-684,-685,-686,848,-688,848,848,-691,848,848,-694,-695,-696,848,-698,-699,-700,-701,848,848,-746,848,-749,-750,-751,-752,-753,848,-755,-756,-757,-758,-759,848,-766,-767,-769,848,-771,-772,-773,-782,-856,-858,-860,-862,848,848,848,848,-868,848,-870,848,848,848,848,848,848,848,-906,-907,848,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,848,-921,-924,848,-934,848,-385,-386,-387,848,848,-390,-391,-392,-393,848,-396,848,-399,-400,848,-401,848,-406,-407,848,-410,-411,-412,848,-415,848,-416,848,-421,-422,848,-425,848,-428,-429,-1894,-1894,848,-619,-620,-621,-622,-623,-634,-584,-624,-797,848,848,848,848,848,-831,848,848,-806,848,-832,848,848,848,848,-798,848,-853,-799,848,848,848,848,848,848,-854,-855,848,-834,-830,-835,848,-625,848,-626,-627,-628,-629,-574,848,848,-630,-631,-632,848,848,848,848,848,848,-635,-636,-637,-592,-1894,-602,848,-638,-639,-713,-640,-604,848,-572,-577,-580,-583,848,848,848,-598,-601,848,-608,848,848,848,848,848,848,848,848,848,848,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,848,848,848,-995,848,848,848,848,848,848,-306,-325,-319,-296,-375,-452,-453,-454,-458,848,-443,848,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,848,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,848,848,848,848,848,848,848,848,848,-316,-535,-508,-591,-937,-939,-940,-438,848,-440,-380,-381,-383,-507,-509,-511,848,-513,-514,-519,-520,848,-532,-534,-537,-538,-543,-548,-726,848,-727,848,-732,848,-734,848,-739,-656,-660,-661,848,-666,848,-667,848,-672,-674,848,-677,848,848,848,-687,-689,848,-692,848,848,-744,848,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,848,848,848,848,848,-877,848,-880,-908,-920,-925,-388,-389,848,-394,848,-397,848,-402,848,-403,848,-408,848,-413,848,-417,848,-418,848,-423,848,-426,-899,-900,-643,-585,-1894,-901,848,848,848,-800,848,848,-804,848,-807,-833,848,-818,848,-820,848,-822,-808,848,-824,848,-851,-852,848,848,-811,848,-646,-902,-904,-648,-649,-645,848,-705,-706,848,-642,-903,-647,-650,-603,-714,848,848,-605,-586,848,848,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,848,848,-709,-710,848,-716,848,848,848,848,848,848,-938,848,-439,-441,-747,848,-891,848,-715,-1894,848,848,848,848,848,-442,-512,-523,848,-728,-733,848,-735,848,-740,848,-662,-668,848,-678,-680,-682,-683,-690,-693,-697,-745,848,848,-874,848,848,-878,848,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,848,-812,848,-814,-801,848,-802,-805,848,-816,-819,-821,-823,-825,848,-826,848,-809,848,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,848,-282,848,848,848,848,-455,848,848,-729,848,-736,848,-741,848,-663,-671,848,848,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,848,-836,-53,848,848,-730,848,-737,848,-742,-664,848,-873,-54,848,848,-731,-738,-743,848,848,848,-872,]),'UNIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[849,849,849,849,-1894,849,849,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,849,849,849,849,-275,-276,849,-1425,849,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,849,849,849,-490,849,849,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,849,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,849,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,849,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,849,-172,-173,-174,-175,-993,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-290,-291,-281,849,849,849,849,849,-328,-318,-332,-333,-334,849,849,-982,-983,-984,-985,-986,-987,-988,849,849,849,849,849,849,849,849,849,849,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,849,849,849,-353,-356,849,-323,-324,-141,849,-142,849,-143,849,-430,-935,-936,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-1894,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-1894,849,-1894,849,849,849,849,849,849,849,849,849,849,849,849,-1894,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,849,-1894,849,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,849,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,849,849,849,-191,-192,849,-994,849,849,849,849,849,-277,-278,-279,-280,-365,849,-308,849,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,849,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,849,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,849,849,849,849,849,849,-573,849,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,849,849,-723,-724,-725,849,849,849,849,849,849,-994,849,849,-91,-92,849,849,849,849,-309,-310,-320,849,-307,-293,-294,-295,849,849,849,849,-618,-633,-590,849,849,-436,849,-437,849,-444,-445,-446,-378,-379,849,849,849,-506,849,849,-510,849,849,849,849,-515,-516,-517,-518,849,849,-521,-522,849,-524,-525,-526,-527,-528,-529,-530,-531,849,-533,849,849,849,-539,-541,-542,849,-544,-545,-546,-547,849,849,849,849,849,849,-652,-653,-654,-655,849,-657,-658,-659,849,849,849,-665,849,849,-669,-670,849,849,-673,849,-675,-676,849,-679,849,-681,849,849,-684,-685,-686,849,-688,849,849,-691,849,849,-694,-695,-696,849,-698,-699,-700,-701,849,849,-746,849,-749,-750,-751,-752,-753,849,-755,-756,-757,-758,-759,849,-766,-767,-769,849,-771,-772,-773,-782,-856,-858,-860,-862,849,849,849,849,-868,849,-870,849,849,849,849,849,849,849,-906,-907,849,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,849,-921,-924,849,-934,849,-385,-386,-387,849,849,-390,-391,-392,-393,849,-396,849,-399,-400,849,-401,849,-406,-407,849,-410,-411,-412,849,-415,849,-416,849,-421,-422,849,-425,849,-428,-429,-1894,-1894,849,-619,-620,-621,-622,-623,-634,-584,-624,-797,849,849,849,849,849,-831,849,849,-806,849,-832,849,849,849,849,-798,849,-853,-799,849,849,849,849,849,849,-854,-855,849,-834,-830,-835,849,-625,849,-626,-627,-628,-629,-574,849,849,-630,-631,-632,849,849,849,849,849,849,-635,-636,-637,-592,-1894,-602,849,-638,-639,-713,-640,-604,849,-572,-577,-580,-583,849,849,849,-598,-601,849,-608,849,849,849,849,849,849,849,849,849,849,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,849,849,849,-995,849,849,849,849,849,849,-306,-325,-319,-296,-375,-452,-453,-454,-458,849,-443,849,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,849,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,849,849,849,849,849,849,849,849,849,-316,-535,-508,-591,-937,-939,-940,-438,849,-440,-380,-381,-383,-507,-509,-511,849,-513,-514,-519,-520,849,-532,-534,-537,-538,-543,-548,-726,849,-727,849,-732,849,-734,849,-739,-656,-660,-661,849,-666,849,-667,849,-672,-674,849,-677,849,849,849,-687,-689,849,-692,849,849,-744,849,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,849,849,849,849,849,-877,849,-880,-908,-920,-925,-388,-389,849,-394,849,-397,849,-402,849,-403,849,-408,849,-413,849,-417,849,-418,849,-423,849,-426,-899,-900,-643,-585,-1894,-901,849,849,849,-800,849,849,-804,849,-807,-833,849,-818,849,-820,849,-822,-808,849,-824,849,-851,-852,849,849,-811,849,-646,-902,-904,-648,-649,-645,849,-705,-706,849,-642,-903,-647,-650,-603,-714,849,849,-605,-586,849,849,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,849,849,-709,-710,849,-716,849,849,849,849,849,849,-938,849,-439,-441,-747,849,-891,849,-715,-1894,849,849,849,849,849,-442,-512,-523,849,-728,-733,849,-735,849,-740,849,-662,-668,849,-678,-680,-682,-683,-690,-693,-697,-745,849,849,-874,849,849,-878,849,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,849,-812,849,-814,-801,849,-802,-805,849,-816,-819,-821,-823,-825,849,-826,849,-809,849,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,849,-282,849,849,849,849,-455,849,849,-729,849,-736,849,-741,849,-663,-671,849,849,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,849,-836,-53,849,849,-730,849,-737,849,-742,-664,849,-873,-54,849,849,-731,-738,-743,849,849,849,-872,]),'UNIT_NUM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[850,850,850,850,-1894,850,850,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,850,850,850,850,-275,-276,850,-1425,850,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,850,850,850,-490,850,850,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,850,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,850,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,850,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,850,-172,-173,-174,-175,-993,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-290,-291,-281,850,850,850,850,850,-328,-318,-332,-333,-334,850,850,-982,-983,-984,-985,-986,-987,-988,850,850,850,850,850,850,850,850,850,850,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,850,850,850,-353,-356,850,-323,-324,-141,850,-142,850,-143,850,-430,-935,-936,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-1894,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-1894,850,-1894,850,850,850,850,850,850,850,850,850,850,850,850,-1894,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,850,-1894,850,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,850,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,850,850,850,-191,-192,850,-994,850,850,850,850,850,-277,-278,-279,-280,-365,850,-308,850,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,850,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,850,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,850,850,850,850,850,850,-573,850,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,850,850,-723,-724,-725,850,850,850,850,850,850,-994,850,850,-91,-92,850,850,850,850,-309,-310,-320,850,-307,-293,-294,-295,850,850,850,850,-618,-633,-590,850,850,-436,850,-437,850,-444,-445,-446,-378,-379,850,850,850,-506,850,850,-510,850,850,850,850,-515,-516,-517,-518,850,850,-521,-522,850,-524,-525,-526,-527,-528,-529,-530,-531,850,-533,850,850,850,-539,-541,-542,850,-544,-545,-546,-547,850,850,850,850,850,850,-652,-653,-654,-655,850,-657,-658,-659,850,850,850,-665,850,850,-669,-670,850,850,-673,850,-675,-676,850,-679,850,-681,850,850,-684,-685,-686,850,-688,850,850,-691,850,850,-694,-695,-696,850,-698,-699,-700,-701,850,850,-746,850,-749,-750,-751,-752,-753,850,-755,-756,-757,-758,-759,850,-766,-767,-769,850,-771,-772,-773,-782,-856,-858,-860,-862,850,850,850,850,-868,850,-870,850,850,850,850,850,850,850,-906,-907,850,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,850,-921,-924,850,-934,850,-385,-386,-387,850,850,-390,-391,-392,-393,850,-396,850,-399,-400,850,-401,850,-406,-407,850,-410,-411,-412,850,-415,850,-416,850,-421,-422,850,-425,850,-428,-429,-1894,-1894,850,-619,-620,-621,-622,-623,-634,-584,-624,-797,850,850,850,850,850,-831,850,850,-806,850,-832,850,850,850,850,-798,850,-853,-799,850,850,850,850,850,850,-854,-855,850,-834,-830,-835,850,-625,850,-626,-627,-628,-629,-574,850,850,-630,-631,-632,850,850,850,850,850,850,-635,-636,-637,-592,-1894,-602,850,-638,-639,-713,-640,-604,850,-572,-577,-580,-583,850,850,850,-598,-601,850,-608,850,850,850,850,850,850,850,850,850,850,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,850,850,850,-995,850,850,850,850,850,850,-306,-325,-319,-296,-375,-452,-453,-454,-458,850,-443,850,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,850,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,850,850,850,850,850,850,850,850,850,-316,-535,-508,-591,-937,-939,-940,-438,850,-440,-380,-381,-383,-507,-509,-511,850,-513,-514,-519,-520,850,-532,-534,-537,-538,-543,-548,-726,850,-727,850,-732,850,-734,850,-739,-656,-660,-661,850,-666,850,-667,850,-672,-674,850,-677,850,850,850,-687,-689,850,-692,850,850,-744,850,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,850,850,850,850,850,-877,850,-880,-908,-920,-925,-388,-389,850,-394,850,-397,850,-402,850,-403,850,-408,850,-413,850,-417,850,-418,850,-423,850,-426,-899,-900,-643,-585,-1894,-901,850,850,850,-800,850,850,-804,850,-807,-833,850,-818,850,-820,850,-822,-808,850,-824,850,-851,-852,850,850,-811,850,-646,-902,-904,-648,-649,-645,850,-705,-706,850,-642,-903,-647,-650,-603,-714,850,850,-605,-586,850,850,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,850,850,-709,-710,850,-716,850,850,850,850,850,850,-938,850,-439,-441,-747,850,-891,850,-715,-1894,850,850,850,850,850,-442,-512,-523,850,-728,-733,850,-735,850,-740,850,-662,-668,850,-678,-680,-682,-683,-690,-693,-697,-745,850,850,-874,850,850,-878,850,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,850,-812,850,-814,-801,850,-802,-805,850,-816,-819,-821,-823,-825,850,-826,850,-809,850,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,850,-282,850,850,850,850,-455,850,850,-729,850,-736,850,-741,850,-663,-671,850,850,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,850,-836,-53,850,850,-730,850,-737,850,-742,-664,850,-873,-54,850,850,-731,-738,-743,850,850,850,-872,]),'UNIX_TIMESTAMP':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[851,851,851,1308,-1894,851,851,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,851,851,851,851,-275,-276,1308,-1425,1308,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1308,1308,1308,-490,1308,1308,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1308,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1308,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1308,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,851,-172,-173,-174,-175,-993,851,851,851,851,851,851,851,851,851,851,1308,1308,1308,1308,1308,-290,-291,-281,851,1308,1308,1308,1308,-328,-318,-332,-333,-334,1308,1308,-982,-983,-984,-985,-986,-987,-988,851,851,1308,1308,1308,1308,1308,1308,1308,1308,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1308,1308,1308,-353,-356,851,-323,-324,-141,1308,-142,1308,-143,1308,-430,-935,-936,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1894,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1894,1308,-1894,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1894,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-1894,851,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1308,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1308,851,851,-191,-192,851,-994,1308,851,851,851,851,-277,-278,-279,-280,-365,1308,-308,1308,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1308,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1308,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1308,1308,1308,1308,1308,1308,-573,1308,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1308,1308,-723,-724,-725,1308,1308,851,851,851,851,-994,851,1308,-91,-92,851,851,851,1308,-309,-310,-320,1308,-307,-293,-294,-295,1308,851,1308,1308,-618,-633,-590,1308,851,-436,851,-437,1308,-444,-445,-446,-378,-379,1308,1308,1308,-506,1308,1308,-510,1308,1308,1308,1308,-515,-516,-517,-518,1308,1308,-521,-522,1308,-524,-525,-526,-527,-528,-529,-530,-531,1308,-533,1308,1308,1308,-539,-541,-542,1308,-544,-545,-546,-547,1308,1308,1308,1308,1308,1308,-652,-653,-654,-655,851,-657,-658,-659,1308,1308,1308,-665,1308,1308,-669,-670,1308,1308,-673,1308,-675,-676,1308,-679,1308,-681,1308,1308,-684,-685,-686,1308,-688,1308,1308,-691,1308,1308,-694,-695,-696,1308,-698,-699,-700,-701,1308,1308,-746,1308,-749,-750,-751,-752,-753,1308,-755,-756,-757,-758,-759,1308,-766,-767,-769,1308,-771,-772,-773,-782,-856,-858,-860,-862,1308,1308,1308,1308,-868,1308,-870,1308,1308,1308,1308,1308,1308,1308,-906,-907,1308,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1308,-921,-924,1308,-934,1308,-385,-386,-387,1308,1308,-390,-391,-392,-393,1308,-396,1308,-399,-400,1308,-401,1308,-406,-407,1308,-410,-411,-412,1308,-415,1308,-416,1308,-421,-422,1308,-425,1308,-428,-429,-1894,-1894,1308,-619,-620,-621,-622,-623,-634,-584,-624,-797,1308,1308,1308,1308,1308,-831,1308,1308,-806,1308,-832,1308,1308,1308,1308,-798,1308,-853,-799,1308,1308,1308,1308,1308,1308,-854,-855,1308,-834,-830,-835,1308,-625,1308,-626,-627,-628,-629,-574,1308,1308,-630,-631,-632,1308,1308,1308,1308,1308,1308,-635,-636,-637,-592,-1894,-602,1308,-638,-639,-713,-640,-604,1308,-572,-577,-580,-583,1308,1308,1308,-598,-601,1308,-608,1308,1308,1308,1308,1308,1308,1308,1308,1308,1308,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1308,851,851,-995,851,1308,851,851,851,1308,-306,-325,-319,-296,-375,-452,-453,-454,-458,851,-443,1308,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1308,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,851,851,851,851,851,851,851,851,1308,-316,-535,-508,-591,-937,-939,-940,-438,1308,-440,-380,-381,-383,-507,-509,-511,1308,-513,-514,-519,-520,1308,-532,-534,-537,-538,-543,-548,-726,1308,-727,1308,-732,1308,-734,1308,-739,-656,-660,-661,1308,-666,1308,-667,1308,-672,-674,1308,-677,1308,1308,1308,-687,-689,1308,-692,1308,1308,-744,1308,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1308,1308,1308,1308,1308,-877,1308,-880,-908,-920,-925,-388,-389,1308,-394,1308,-397,1308,-402,1308,-403,1308,-408,1308,-413,1308,-417,1308,-418,1308,-423,1308,-426,-899,-900,-643,-585,-1894,-901,1308,1308,1308,-800,1308,1308,-804,1308,-807,-833,1308,-818,1308,-820,1308,-822,-808,1308,-824,1308,-851,-852,1308,1308,-811,1308,-646,-902,-904,-648,-649,-645,1308,-705,-706,1308,-642,-903,-647,-650,-603,-714,1308,1308,-605,-586,1308,1308,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1308,1308,-709,-710,1308,-716,1308,851,851,851,1308,1308,-938,851,-439,-441,-747,1308,-891,1308,-715,-1894,1308,1308,851,851,1308,-442,-512,-523,1308,-728,-733,1308,-735,1308,-740,1308,-662,-668,1308,-678,-680,-682,-683,-690,-693,-697,-745,1308,1308,-874,1308,1308,-878,1308,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1308,-812,1308,-814,-801,1308,-802,-805,1308,-816,-819,-821,-823,-825,1308,-826,1308,-809,1308,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,851,-282,851,1308,851,1308,-455,1308,1308,-729,1308,-736,1308,-741,1308,-663,-671,1308,1308,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1308,-836,-53,851,1308,-730,1308,-737,1308,-742,-664,1308,-873,-54,851,851,-731,-738,-743,1308,851,1308,-872,]),'UNKNOWN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2068,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[852,852,852,852,-1894,852,852,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,852,852,852,852,-275,-276,852,-1425,852,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,852,852,852,-490,852,852,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,852,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,852,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,852,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,852,-172,-173,-174,-175,-993,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-290,-291,-281,852,852,852,852,852,2064,-328,-318,-332,-330,-333,-334,852,852,-982,-983,-984,-985,-986,-987,-988,852,852,852,852,852,852,852,852,852,852,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,852,852,852,-353,-356,852,-323,-324,-141,852,-142,852,-143,852,-430,-935,-936,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-1894,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-1894,852,-1894,852,852,852,852,852,852,852,852,852,852,852,852,-1894,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,852,-1894,852,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,852,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,852,852,852,-191,-192,852,-994,852,852,852,852,852,-277,-278,-279,-280,-365,852,-308,852,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,852,-329,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,852,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,852,852,852,852,852,852,-573,852,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,852,852,-723,-724,-725,852,852,852,852,852,852,-994,852,852,-91,-92,852,852,852,852,-309,-310,-320,852,-307,-293,-294,-295,852,852,852,852,-618,-633,-590,852,852,-436,852,-437,852,-444,-445,-446,-378,-379,852,852,852,-506,852,852,-510,852,852,852,852,-515,-516,-517,-518,852,852,-521,-522,852,-524,-525,-526,-527,-528,-529,-530,-531,852,-533,852,852,852,-539,-541,-542,852,-544,-545,-546,-547,852,852,852,852,852,852,-652,-653,-654,-655,852,-657,-658,-659,852,852,852,-665,852,852,-669,-670,852,852,-673,852,-675,-676,852,-679,852,-681,852,852,-684,-685,-686,852,-688,852,852,-691,852,852,-694,-695,-696,852,-698,-699,-700,-701,852,852,-746,852,-749,-750,-751,-752,-753,852,-755,-756,-757,-758,-759,852,-766,-767,-769,852,-771,-772,-773,-782,-856,-858,-860,-862,852,852,852,852,-868,852,-870,852,852,852,852,852,852,852,-906,-907,852,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,852,-921,-924,852,-934,852,-385,-386,-387,852,852,-390,-391,-392,-393,852,-396,852,-399,-400,852,-401,852,-406,-407,852,-410,-411,-412,852,-415,852,-416,852,-421,-422,852,-425,852,-428,-429,-1894,-1894,852,-619,-620,-621,-622,-623,-634,-584,-624,-797,852,852,852,852,852,-831,852,852,-806,852,-832,852,852,852,852,-798,852,-853,-799,852,852,852,852,852,852,-854,-855,852,-834,-830,-835,852,-625,852,-626,-627,-628,-629,-574,852,852,-630,-631,-632,852,852,852,852,852,852,-635,-636,-637,-592,-1894,-602,852,-638,-639,-713,-640,-604,852,-572,-577,-580,-583,852,852,852,-598,-601,852,-608,852,852,852,852,852,852,852,852,852,852,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,852,852,852,-995,852,852,852,852,852,852,-306,-325,-319,-296,-375,-452,-453,-454,-458,852,-443,852,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,852,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,852,852,852,852,852,852,852,852,852,-316,-535,-508,-591,-937,-939,-940,-438,852,-440,-380,-381,-383,-507,-509,-511,852,-513,-514,-519,-520,852,-532,-534,-537,-538,-543,-548,-726,852,-727,852,-732,852,-734,852,-739,-656,-660,-661,852,-666,852,-667,852,-672,-674,852,-677,852,852,852,-687,-689,852,-692,852,852,-744,852,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,852,852,852,852,852,-877,852,-880,-908,-920,-925,-388,-389,852,-394,852,-397,852,-402,852,-403,852,-408,852,-413,852,-417,852,-418,852,-423,852,-426,-899,-900,-643,-585,-1894,-901,852,852,852,-800,852,852,-804,852,-807,-833,852,-818,852,-820,852,-822,-808,852,-824,852,-851,-852,852,852,-811,852,-646,-902,-904,-648,-649,-645,852,-705,-706,852,-642,-903,-647,-650,-603,-714,852,852,-605,-586,852,852,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,852,852,-709,-710,852,-716,852,852,852,852,852,852,-938,852,-439,-441,-747,852,-891,852,-715,-1894,852,852,852,852,852,-442,-512,-523,852,-728,-733,852,-735,852,-740,852,-662,-668,852,-678,-680,-682,-683,-690,-693,-697,-745,852,852,-874,852,852,-878,852,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,852,-812,852,-814,-801,852,-802,-805,852,-816,-819,-821,-823,-825,852,-826,852,-809,852,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,852,-282,852,852,852,852,-455,852,852,-729,852,-736,852,-741,852,-663,-671,852,852,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,852,-836,-53,852,852,-730,852,-737,852,-742,-664,852,-873,-54,852,852,-731,-738,-743,852,852,852,-872,]),'UNLOCK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[853,853,853,853,-1894,853,853,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,853,853,853,853,-275,-276,853,-1425,853,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,853,853,853,-490,853,853,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,853,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,853,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,853,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,853,-172,-173,-174,-175,-993,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-290,-291,-281,853,853,853,853,853,-328,-318,-332,-333,-334,853,853,-982,-983,-984,-985,-986,-987,-988,853,853,853,853,853,853,853,853,853,853,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,853,853,853,-353,-356,853,-323,-324,-141,853,-142,853,-143,853,-430,-935,-936,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-1894,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-1894,853,-1894,853,853,853,853,853,853,853,853,853,853,853,853,-1894,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,853,-1894,853,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,853,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,853,853,853,-191,-192,853,-994,853,853,853,853,853,-277,-278,-279,-280,-365,853,-308,853,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,853,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,853,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,853,853,853,853,853,853,-573,853,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,853,853,-723,-724,-725,853,853,853,853,853,853,-994,853,853,-91,-92,853,853,853,853,-309,-310,-320,853,-307,-293,-294,-295,853,853,853,853,-618,-633,-590,853,853,-436,853,-437,853,-444,-445,-446,-378,-379,853,853,853,-506,853,853,-510,853,853,853,853,-515,-516,-517,-518,853,853,-521,-522,853,-524,-525,-526,-527,-528,-529,-530,-531,853,-533,853,853,853,-539,-541,-542,853,-544,-545,-546,-547,853,853,853,853,853,853,-652,-653,-654,-655,853,-657,-658,-659,853,853,853,-665,853,853,-669,-670,853,853,-673,853,-675,-676,853,-679,853,-681,853,853,-684,-685,-686,853,-688,853,853,-691,853,853,-694,-695,-696,853,-698,-699,-700,-701,853,853,-746,853,-749,-750,-751,-752,-753,853,-755,-756,-757,-758,-759,853,-766,-767,-769,853,-771,-772,-773,-782,-856,-858,-860,-862,853,853,853,853,-868,853,-870,853,853,853,853,853,853,853,-906,-907,853,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,853,-921,-924,853,-934,853,-385,-386,-387,853,853,-390,-391,-392,-393,853,-396,853,-399,-400,853,-401,853,-406,-407,853,-410,-411,-412,853,-415,853,-416,853,-421,-422,853,-425,853,-428,-429,-1894,-1894,853,-619,-620,-621,-622,-623,-634,-584,-624,-797,853,853,853,853,853,-831,853,853,-806,853,-832,853,853,853,853,-798,853,-853,-799,853,853,853,853,853,853,-854,-855,853,-834,-830,-835,853,-625,853,-626,-627,-628,-629,-574,853,853,-630,-631,-632,853,853,853,853,853,853,-635,-636,-637,-592,-1894,-602,853,-638,-639,-713,-640,-604,853,-572,-577,-580,-583,853,853,853,-598,-601,853,-608,853,853,853,853,853,853,853,853,853,853,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,853,853,853,-995,853,853,853,853,853,853,-306,-325,-319,-296,-375,-452,-453,-454,-458,853,-443,853,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,853,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,853,853,853,853,853,853,853,853,853,-316,-535,-508,-591,-937,-939,-940,-438,853,-440,-380,-381,-383,-507,-509,-511,853,-513,-514,-519,-520,853,-532,-534,-537,-538,-543,-548,-726,853,-727,853,-732,853,-734,853,-739,-656,-660,-661,853,-666,853,-667,853,-672,-674,853,-677,853,853,853,-687,-689,853,-692,853,853,-744,853,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,853,853,853,853,853,-877,853,-880,-908,-920,-925,-388,-389,853,-394,853,-397,853,-402,853,-403,853,-408,853,-413,853,-417,853,-418,853,-423,853,-426,-899,-900,-643,-585,-1894,-901,853,853,853,-800,853,853,-804,853,-807,-833,853,-818,853,-820,853,-822,-808,853,-824,853,-851,-852,853,853,-811,853,-646,-902,-904,-648,-649,-645,853,-705,-706,853,-642,-903,-647,-650,-603,-714,853,853,-605,-586,853,853,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,853,853,-709,-710,853,-716,853,853,853,853,853,853,-938,853,-439,-441,-747,853,-891,853,-715,-1894,853,853,853,853,853,-442,-512,-523,853,-728,-733,853,-735,853,-740,853,-662,-668,853,-678,-680,-682,-683,-690,-693,-697,-745,853,853,-874,853,853,-878,853,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,853,-812,853,-814,-801,853,-802,-805,853,-816,-819,-821,-823,-825,853,-826,853,-809,853,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,853,-282,853,853,853,853,-455,853,853,-729,853,-736,853,-741,853,-663,-671,853,853,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,853,-836,-53,853,853,-730,853,-737,853,-742,-664,853,-873,-54,853,853,-731,-738,-743,853,853,853,-872,]),'UNLOCKED':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[854,854,854,854,-1894,854,854,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,854,854,854,854,-275,-276,854,-1425,854,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,854,854,854,-490,854,854,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,854,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,854,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,854,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,854,-172,-173,-174,-175,-993,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-290,-291,-281,854,854,854,854,854,-328,-318,-332,-333,-334,854,854,-982,-983,-984,-985,-986,-987,-988,854,854,854,854,854,854,854,854,854,854,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,854,854,854,-353,-356,854,-323,-324,-141,854,-142,854,-143,854,-430,-935,-936,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-1894,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-1894,854,-1894,854,854,854,854,854,854,854,854,854,854,854,854,-1894,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,854,-1894,854,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,854,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,854,854,854,-191,-192,854,-994,854,854,854,854,854,-277,-278,-279,-280,-365,854,-308,854,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,854,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,854,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,854,854,854,854,854,854,-573,854,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,854,854,-723,-724,-725,854,854,854,854,854,854,-994,854,854,-91,-92,854,854,854,854,-309,-310,-320,854,-307,-293,-294,-295,854,854,854,854,-618,-633,-590,854,854,-436,854,-437,854,-444,-445,-446,-378,-379,854,854,854,-506,854,854,-510,854,854,854,854,-515,-516,-517,-518,854,854,-521,-522,854,-524,-525,-526,-527,-528,-529,-530,-531,854,-533,854,854,854,-539,-541,-542,854,-544,-545,-546,-547,854,854,854,854,854,854,-652,-653,-654,-655,854,-657,-658,-659,854,854,854,-665,854,854,-669,-670,854,854,-673,854,-675,-676,854,-679,854,-681,854,854,-684,-685,-686,854,-688,854,854,-691,854,854,-694,-695,-696,854,-698,-699,-700,-701,854,854,-746,854,-749,-750,-751,-752,-753,854,-755,-756,-757,-758,-759,854,-766,-767,-769,854,-771,-772,-773,-782,-856,-858,-860,-862,854,854,854,854,-868,854,-870,854,854,854,854,854,854,854,-906,-907,854,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,854,-921,-924,854,-934,854,-385,-386,-387,854,854,-390,-391,-392,-393,854,-396,854,-399,-400,854,-401,854,-406,-407,854,-410,-411,-412,854,-415,854,-416,854,-421,-422,854,-425,854,-428,-429,-1894,-1894,854,-619,-620,-621,-622,-623,-634,-584,-624,-797,854,854,854,854,854,-831,854,854,-806,854,-832,854,854,854,854,-798,854,-853,-799,854,854,854,854,854,854,-854,-855,854,-834,-830,-835,854,-625,854,-626,-627,-628,-629,-574,854,854,-630,-631,-632,854,854,854,854,854,854,-635,-636,-637,-592,-1894,-602,854,-638,-639,-713,-640,-604,854,-572,-577,-580,-583,854,854,854,-598,-601,854,-608,854,854,854,854,854,854,854,854,854,854,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,854,854,854,-995,854,854,854,854,854,854,-306,-325,-319,-296,-375,-452,-453,-454,-458,854,-443,854,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,854,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,854,854,854,854,854,854,854,854,854,-316,-535,-508,-591,-937,-939,-940,-438,854,-440,-380,-381,-383,-507,-509,-511,854,-513,-514,-519,-520,854,-532,-534,-537,-538,-543,-548,-726,854,-727,854,-732,854,-734,854,-739,-656,-660,-661,854,-666,854,-667,854,-672,-674,854,-677,854,854,854,-687,-689,854,-692,854,854,-744,854,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,854,854,854,854,854,-877,854,-880,-908,-920,-925,-388,-389,854,-394,854,-397,854,-402,854,-403,854,-408,854,-413,854,-417,854,-418,854,-423,854,-426,-899,-900,-643,-585,-1894,-901,854,854,854,-800,854,854,-804,854,-807,-833,854,-818,854,-820,854,-822,-808,854,-824,854,-851,-852,854,854,-811,854,-646,-902,-904,-648,-649,-645,854,-705,-706,854,-642,-903,-647,-650,-603,-714,854,854,-605,-586,854,854,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,854,854,-709,-710,854,-716,854,854,854,854,854,854,-938,854,-439,-441,-747,854,-891,854,-715,-1894,854,854,854,854,854,-442,-512,-523,854,-728,-733,854,-735,854,-740,854,-662,-668,854,-678,-680,-682,-683,-690,-693,-697,-745,854,854,-874,854,854,-878,854,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,854,-812,854,-814,-801,854,-802,-805,854,-816,-819,-821,-823,-825,854,-826,854,-809,854,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,854,-282,854,854,854,854,-455,854,854,-729,854,-736,854,-741,854,-663,-671,854,854,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,854,-836,-53,854,854,-730,854,-737,854,-742,-664,854,-873,-54,854,854,-731,-738,-743,854,854,854,-872,]),'UNUSUAL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[855,855,855,855,-1894,855,855,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,855,855,855,855,-275,-276,855,-1425,855,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,855,855,855,-490,855,855,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,855,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,855,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,855,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,855,-172,-173,-174,-175,-993,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-290,-291,-281,855,855,855,855,855,-328,-318,-332,-333,-334,855,855,-982,-983,-984,-985,-986,-987,-988,855,855,855,855,855,855,855,855,855,855,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,855,855,855,-353,-356,855,-323,-324,-141,855,-142,855,-143,855,-430,-935,-936,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-1894,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-1894,855,-1894,855,855,855,855,855,855,855,855,855,855,855,855,-1894,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,855,-1894,855,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,855,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,855,855,855,-191,-192,855,-994,855,855,855,855,855,-277,-278,-279,-280,-365,855,-308,855,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,855,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,855,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,855,855,855,855,855,855,-573,855,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,855,855,-723,-724,-725,855,855,855,855,855,855,-994,855,855,-91,-92,855,855,855,855,-309,-310,-320,855,-307,-293,-294,-295,855,855,855,855,-618,-633,-590,855,855,-436,855,-437,855,-444,-445,-446,-378,-379,855,855,855,-506,855,855,-510,855,855,855,855,-515,-516,-517,-518,855,855,-521,-522,855,-524,-525,-526,-527,-528,-529,-530,-531,855,-533,855,855,855,-539,-541,-542,855,-544,-545,-546,-547,855,855,855,855,855,855,-652,-653,-654,-655,855,-657,-658,-659,855,855,855,-665,855,855,-669,-670,855,855,-673,855,-675,-676,855,-679,855,-681,855,855,-684,-685,-686,855,-688,855,855,-691,855,855,-694,-695,-696,855,-698,-699,-700,-701,855,855,-746,855,-749,-750,-751,-752,-753,855,-755,-756,-757,-758,-759,855,-766,-767,-769,855,-771,-772,-773,-782,-856,-858,-860,-862,855,855,855,855,-868,855,-870,855,855,855,855,855,855,855,-906,-907,855,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,855,-921,-924,855,-934,855,-385,-386,-387,855,855,-390,-391,-392,-393,855,-396,855,-399,-400,855,-401,855,-406,-407,855,-410,-411,-412,855,-415,855,-416,855,-421,-422,855,-425,855,-428,-429,-1894,-1894,855,-619,-620,-621,-622,-623,-634,-584,-624,-797,855,855,855,855,855,-831,855,855,-806,855,-832,855,855,855,855,-798,855,-853,-799,855,855,855,855,855,855,-854,-855,855,-834,-830,-835,855,-625,855,-626,-627,-628,-629,-574,855,855,-630,-631,-632,855,855,855,855,855,855,-635,-636,-637,-592,-1894,-602,855,-638,-639,-713,-640,-604,855,-572,-577,-580,-583,855,855,855,-598,-601,855,-608,855,855,855,855,855,855,855,855,855,855,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,855,855,855,-995,855,855,855,855,855,855,-306,-325,-319,-296,-375,-452,-453,-454,-458,855,-443,855,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,855,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,855,855,855,855,855,855,855,855,855,-316,-535,-508,-591,-937,-939,-940,-438,855,-440,-380,-381,-383,-507,-509,-511,855,-513,-514,-519,-520,855,-532,-534,-537,-538,-543,-548,-726,855,-727,855,-732,855,-734,855,-739,-656,-660,-661,855,-666,855,-667,855,-672,-674,855,-677,855,855,855,-687,-689,855,-692,855,855,-744,855,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,855,855,855,855,855,-877,855,-880,-908,-920,-925,-388,-389,855,-394,855,-397,855,-402,855,-403,855,-408,855,-413,855,-417,855,-418,855,-423,855,-426,-899,-900,-643,-585,-1894,-901,855,855,855,-800,855,855,-804,855,-807,-833,855,-818,855,-820,855,-822,-808,855,-824,855,-851,-852,855,855,-811,855,-646,-902,-904,-648,-649,-645,855,-705,-706,855,-642,-903,-647,-650,-603,-714,855,855,-605,-586,855,855,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,855,855,-709,-710,855,-716,855,855,855,855,855,855,-938,855,-439,-441,-747,855,-891,855,-715,-1894,855,855,855,855,855,-442,-512,-523,855,-728,-733,855,-735,855,-740,855,-662,-668,855,-678,-680,-682,-683,-690,-693,-697,-745,855,855,-874,855,855,-878,855,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,855,-812,855,-814,-801,855,-802,-805,855,-816,-819,-821,-823,-825,855,-826,855,-809,855,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,855,-282,855,855,855,855,-455,855,855,-729,855,-736,855,-741,855,-663,-671,855,855,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,855,-836,-53,855,855,-730,855,-737,855,-742,-664,855,-873,-54,855,855,-731,-738,-743,855,855,855,-872,]),'UPDATEXML':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[856,856,856,1131,-1894,856,856,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,856,856,856,856,-275,-276,1131,-1425,1131,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1131,1131,1131,-490,1131,1131,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1131,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1131,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1974,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,856,-172,-173,-174,-175,-993,856,856,856,856,856,856,856,856,856,856,1131,1131,1131,1131,1131,-290,-291,-281,856,1131,1131,1131,1131,-328,-318,-332,-333,-334,1131,1131,-982,-983,-984,-985,-986,-987,-988,856,856,1131,1131,1131,1131,1131,1131,1131,1131,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1131,1131,1131,-353,-356,856,-323,-324,-141,1131,-142,1131,-143,1131,-430,-935,-936,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1894,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1894,1131,-1894,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1894,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-1894,856,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1131,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1131,856,856,-191,-192,856,-994,1131,856,856,856,856,-277,-278,-279,-280,-365,1131,-308,1131,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1131,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1131,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1131,1131,1131,1131,1131,1131,-573,1131,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1131,1131,-723,-724,-725,1131,1974,856,856,856,856,-994,856,1131,-91,-92,856,856,856,1131,-309,-310,-320,1131,-307,-293,-294,-295,1131,856,1131,1131,-618,-633,-590,1131,856,-436,856,-437,1131,-444,-445,-446,-378,-379,1131,1131,1131,-506,1131,1131,-510,1131,1131,1131,1131,-515,-516,-517,-518,1131,1131,-521,-522,1131,-524,-525,-526,-527,-528,-529,-530,-531,1131,-533,1131,1131,1131,-539,-541,-542,1131,-544,-545,-546,-547,1131,1131,1131,1131,1131,1131,-652,-653,-654,-655,856,-657,-658,-659,1131,1131,1131,-665,1131,1131,-669,-670,1131,1131,-673,1131,-675,-676,1131,-679,1131,-681,1131,1131,-684,-685,-686,1131,-688,1131,1131,-691,1131,1131,-694,-695,-696,1131,-698,-699,-700,-701,1131,1131,-746,1131,-749,-750,-751,-752,-753,1131,-755,-756,-757,-758,-759,1131,-766,-767,-769,1131,-771,-772,-773,-782,-856,-858,-860,-862,1131,1131,1131,1131,-868,1131,-870,1131,1131,1131,1131,1131,1131,1131,-906,-907,1131,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1131,-921,-924,1131,-934,1131,-385,-386,-387,1131,1131,-390,-391,-392,-393,1131,-396,1131,-399,-400,1131,-401,1131,-406,-407,1131,-410,-411,-412,1131,-415,1131,-416,1131,-421,-422,1131,-425,1131,-428,-429,-1894,-1894,1131,-619,-620,-621,-622,-623,-634,-584,-624,-797,1131,1131,1131,1131,1131,-831,1131,1131,-806,1131,-832,1131,1131,1131,1131,-798,1131,-853,-799,1131,1131,1131,1131,1131,1131,-854,-855,1131,-834,-830,-835,1131,-625,1131,-626,-627,-628,-629,-574,1131,1131,-630,-631,-632,1131,1131,1131,1131,1131,1131,-635,-636,-637,-592,-1894,-602,1131,-638,-639,-713,-640,-604,1131,-572,-577,-580,-583,1131,1131,1131,-598,-601,1131,-608,1131,1131,1131,1131,1131,1131,1131,1131,1131,1131,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1131,856,856,-995,856,1131,856,856,856,1131,-306,-325,-319,-296,-375,-452,-453,-454,-458,856,-443,1131,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1131,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,856,856,856,856,856,856,856,856,1131,-316,-535,-508,-591,-937,-939,-940,-438,1131,-440,-380,-381,-383,-507,-509,-511,1131,-513,-514,-519,-520,1131,-532,-534,-537,-538,-543,-548,-726,1131,-727,1131,-732,1131,-734,1131,-739,-656,-660,-661,1131,-666,1131,-667,1131,-672,-674,1131,-677,1131,1131,1131,-687,-689,1131,-692,1131,1131,-744,1131,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1131,1131,1131,1131,1131,-877,1131,-880,-908,-920,-925,-388,-389,1131,-394,1131,-397,1131,-402,1131,-403,1131,-408,1131,-413,1131,-417,1131,-418,1131,-423,1131,-426,-899,-900,-643,-585,-1894,-901,1131,1131,1131,-800,1131,1131,-804,1131,-807,-833,1131,-818,1131,-820,1131,-822,-808,1131,-824,1131,-851,-852,1131,1131,-811,1131,-646,-902,-904,-648,-649,-645,1131,-705,-706,1131,-642,-903,-647,-650,-603,-714,1131,1131,-605,-586,1131,1131,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1131,1131,-709,-710,1131,-716,1131,856,856,856,1131,1131,-938,856,-439,-441,-747,1131,-891,1974,-715,-1894,1131,1131,856,856,1131,-442,-512,-523,1131,-728,-733,1131,-735,1131,-740,1131,-662,-668,1131,-678,-680,-682,-683,-690,-693,-697,-745,1131,1131,-874,1131,1131,-878,1131,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1131,-812,1131,-814,-801,1131,-802,-805,1131,-816,-819,-821,-823,-825,1131,-826,1131,-809,1131,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,856,-282,856,1131,856,1131,-455,1131,1131,-729,1131,-736,1131,-741,1131,-663,-671,1131,1131,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1131,-836,-53,856,1131,-730,1131,-737,1131,-742,-664,1131,-873,-54,856,856,-731,-738,-743,1131,856,1131,-872,]),'UPGRADE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[857,857,857,857,-1894,857,857,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,857,857,857,857,-275,-276,857,-1425,857,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,857,857,857,-490,857,857,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,857,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,857,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,857,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,857,-172,-173,-174,-175,-993,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-290,-291,-281,857,857,857,857,857,-328,-318,-332,-333,-334,857,857,-982,-983,-984,-985,-986,-987,-988,857,857,857,857,857,857,857,857,857,857,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,857,857,857,-353,-356,857,-323,-324,-141,857,-142,857,-143,857,-430,-935,-936,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-1894,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-1894,857,-1894,857,857,857,857,857,857,857,857,857,857,857,857,-1894,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,857,-1894,857,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,857,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,857,857,857,-191,-192,857,-994,857,857,857,857,857,-277,-278,-279,-280,-365,857,-308,857,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,857,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,857,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,857,857,857,857,857,857,-573,857,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,857,857,-723,-724,-725,857,857,857,857,857,857,-994,857,857,-91,-92,857,857,857,857,-309,-310,-320,857,-307,-293,-294,-295,857,857,857,857,-618,-633,-590,857,857,-436,857,-437,857,-444,-445,-446,-378,-379,857,857,857,-506,857,857,-510,857,857,857,857,-515,-516,-517,-518,857,857,-521,-522,857,-524,-525,-526,-527,-528,-529,-530,-531,857,-533,857,857,857,-539,-541,-542,857,-544,-545,-546,-547,857,857,857,857,857,857,-652,-653,-654,-655,857,-657,-658,-659,857,857,857,-665,857,857,-669,-670,857,857,-673,857,-675,-676,857,-679,857,-681,857,857,-684,-685,-686,857,-688,857,857,-691,857,857,-694,-695,-696,857,-698,-699,-700,-701,857,857,-746,857,-749,-750,-751,-752,-753,857,-755,-756,-757,-758,-759,857,-766,-767,-769,857,-771,-772,-773,-782,-856,-858,-860,-862,857,857,857,857,-868,857,-870,857,857,857,857,857,857,857,-906,-907,857,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,857,-921,-924,857,-934,857,-385,-386,-387,857,857,-390,-391,-392,-393,857,-396,857,-399,-400,857,-401,857,-406,-407,857,-410,-411,-412,857,-415,857,-416,857,-421,-422,857,-425,857,-428,-429,-1894,-1894,857,-619,-620,-621,-622,-623,-634,-584,-624,-797,857,857,857,857,857,-831,857,857,-806,857,-832,857,857,857,857,-798,857,-853,-799,857,857,857,857,857,857,-854,-855,857,-834,-830,-835,857,-625,857,-626,-627,-628,-629,-574,857,857,-630,-631,-632,857,857,857,857,857,857,-635,-636,-637,-592,-1894,-602,857,-638,-639,-713,-640,-604,857,-572,-577,-580,-583,857,857,857,-598,-601,857,-608,857,857,857,857,857,857,857,857,857,857,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,857,857,857,-995,857,857,857,857,857,857,-306,-325,-319,-296,-375,-452,-453,-454,-458,857,-443,857,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,857,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,857,857,857,857,857,857,857,857,857,-316,-535,-508,-591,-937,-939,-940,-438,857,-440,-380,-381,-383,-507,-509,-511,857,-513,-514,-519,-520,857,-532,-534,-537,-538,-543,-548,-726,857,-727,857,-732,857,-734,857,-739,-656,-660,-661,857,-666,857,-667,857,-672,-674,857,-677,857,857,857,-687,-689,857,-692,857,857,-744,857,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,857,857,857,857,857,-877,857,-880,-908,-920,-925,-388,-389,857,-394,857,-397,857,-402,857,-403,857,-408,857,-413,857,-417,857,-418,857,-423,857,-426,-899,-900,-643,-585,-1894,-901,857,857,857,-800,857,857,-804,857,-807,-833,857,-818,857,-820,857,-822,-808,857,-824,857,-851,-852,857,857,-811,857,-646,-902,-904,-648,-649,-645,857,-705,-706,857,-642,-903,-647,-650,-603,-714,857,857,-605,-586,857,857,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,857,857,-709,-710,857,-716,857,857,857,857,857,857,-938,857,-439,-441,-747,857,-891,857,-715,-1894,857,857,857,857,857,-442,-512,-523,857,-728,-733,857,-735,857,-740,857,-662,-668,857,-678,-680,-682,-683,-690,-693,-697,-745,857,857,-874,857,857,-878,857,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,857,-812,857,-814,-801,857,-802,-805,857,-816,-819,-821,-823,-825,857,-826,857,-809,857,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,857,-282,857,857,857,857,-455,857,857,-729,857,-736,857,-741,857,-663,-671,857,857,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,857,-836,-53,857,857,-730,857,-737,857,-742,-664,857,-873,-54,857,857,-731,-738,-743,857,857,857,-872,]),'UPPER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[858,858,858,1126,-1894,858,858,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,858,858,858,858,-275,-276,1126,-1425,1126,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1126,1126,1126,-490,1126,1126,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1126,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1126,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1975,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,858,-172,-173,-174,-175,-993,858,858,858,858,858,858,858,858,858,858,1126,1126,1126,1126,1126,-290,-291,-281,858,1126,1126,1126,1126,-328,-318,-332,-333,-334,1126,1126,-982,-983,-984,-985,-986,-987,-988,858,858,1126,1126,1126,1126,1126,1126,1126,1126,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1126,1126,1126,-353,-356,858,-323,-324,-141,1126,-142,1126,-143,1126,-430,-935,-936,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1894,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1894,1126,-1894,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1894,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-1894,858,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1126,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1126,858,858,-191,-192,858,-994,1126,858,858,858,858,-277,-278,-279,-280,-365,1126,-308,1126,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1126,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1126,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1126,1126,1126,1126,1126,1126,-573,1126,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1126,1126,-723,-724,-725,1126,1975,858,858,858,858,-994,858,1126,-91,-92,858,858,858,1126,-309,-310,-320,1126,-307,-293,-294,-295,1126,858,1126,1126,-618,-633,-590,1126,858,-436,858,-437,1126,-444,-445,-446,-378,-379,1126,1126,1126,-506,1126,1126,-510,1126,1126,1126,1126,-515,-516,-517,-518,1126,1126,-521,-522,1126,-524,-525,-526,-527,-528,-529,-530,-531,1126,-533,1126,1126,1126,-539,-541,-542,1126,-544,-545,-546,-547,1126,1126,1126,1126,1126,1126,-652,-653,-654,-655,858,-657,-658,-659,1126,1126,1126,-665,1126,1126,-669,-670,1126,1126,-673,1126,-675,-676,1126,-679,1126,-681,1126,1126,-684,-685,-686,1126,-688,1126,1126,-691,1126,1126,-694,-695,-696,1126,-698,-699,-700,-701,1126,1126,-746,1126,-749,-750,-751,-752,-753,1126,-755,-756,-757,-758,-759,1126,-766,-767,-769,1126,-771,-772,-773,-782,-856,-858,-860,-862,1126,1126,1126,1126,-868,1126,-870,1126,1126,1126,1126,1126,1126,1126,-906,-907,1126,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1126,-921,-924,1126,-934,1126,-385,-386,-387,1126,1126,-390,-391,-392,-393,1126,-396,1126,-399,-400,1126,-401,1126,-406,-407,1126,-410,-411,-412,1126,-415,1126,-416,1126,-421,-422,1126,-425,1126,-428,-429,-1894,-1894,1126,-619,-620,-621,-622,-623,-634,-584,-624,-797,1126,1126,1126,1126,1126,-831,1126,1126,-806,1126,-832,1126,1126,1126,1126,-798,1126,-853,-799,1126,1126,1126,1126,1126,1126,-854,-855,1126,-834,-830,-835,1126,-625,1126,-626,-627,-628,-629,-574,1126,1126,-630,-631,-632,1126,1126,1126,1126,1126,1126,-635,-636,-637,-592,-1894,-602,1126,-638,-639,-713,-640,-604,1126,-572,-577,-580,-583,1126,1126,1126,-598,-601,1126,-608,1126,1126,1126,1126,1126,1126,1126,1126,1126,1126,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1126,858,858,-995,858,1126,858,858,858,1126,-306,-325,-319,-296,-375,-452,-453,-454,-458,858,-443,1126,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1126,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,858,858,858,858,858,858,858,858,1126,-316,-535,-508,-591,-937,-939,-940,-438,1126,-440,-380,-381,-383,-507,-509,-511,1126,-513,-514,-519,-520,1126,-532,-534,-537,-538,-543,-548,-726,1126,-727,1126,-732,1126,-734,1126,-739,-656,-660,-661,1126,-666,1126,-667,1126,-672,-674,1126,-677,1126,1126,1126,-687,-689,1126,-692,1126,1126,-744,1126,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1126,1126,1126,1126,1126,-877,1126,-880,-908,-920,-925,-388,-389,1126,-394,1126,-397,1126,-402,1126,-403,1126,-408,1126,-413,1126,-417,1126,-418,1126,-423,1126,-426,-899,-900,-643,-585,-1894,-901,1126,1126,1126,-800,1126,1126,-804,1126,-807,-833,1126,-818,1126,-820,1126,-822,-808,1126,-824,1126,-851,-852,1126,1126,-811,1126,-646,-902,-904,-648,-649,-645,1126,-705,-706,1126,-642,-903,-647,-650,-603,-714,1126,1126,-605,-586,1126,1126,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1126,1126,-709,-710,1126,-716,1126,858,858,858,1126,1126,-938,858,-439,-441,-747,1126,-891,1975,-715,-1894,1126,1126,858,858,1126,-442,-512,-523,1126,-728,-733,1126,-735,1126,-740,1126,-662,-668,1126,-678,-680,-682,-683,-690,-693,-697,-745,1126,1126,-874,1126,1126,-878,1126,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1126,-812,1126,-814,-801,1126,-802,-805,1126,-816,-819,-821,-823,-825,1126,-826,1126,-809,1126,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,858,-282,858,1126,858,1126,-455,1126,1126,-729,1126,-736,1126,-741,1126,-663,-671,1126,1126,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1126,-836,-53,858,1126,-730,1126,-737,1126,-742,-664,1126,-873,-54,858,858,-731,-738,-743,1126,858,1126,-872,]),'USEC_TO_TIME':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[859,859,859,1013,-1894,859,859,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,859,859,859,859,-275,-276,1013,-1425,1013,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1013,1013,1013,-490,1013,1013,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1013,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1013,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1976,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,859,-172,-173,-174,-175,-993,859,859,859,859,859,859,859,859,859,859,1013,1013,1013,1013,1013,-290,-291,-281,859,1013,1013,1013,1013,-328,-318,-332,-333,-334,1013,1013,-982,-983,-984,-985,-986,-987,-988,859,859,1013,1013,1013,1013,1013,1013,1013,1013,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1013,1013,1013,-353,-356,859,-323,-324,-141,1013,-142,1013,-143,1013,-430,-935,-936,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1894,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1894,1013,-1894,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1894,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-1894,859,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1013,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1013,859,859,-191,-192,859,-994,1013,859,859,859,859,-277,-278,-279,-280,-365,1013,-308,1013,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1013,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1013,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1013,1013,1013,1013,1013,1013,-573,1013,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1013,1013,-723,-724,-725,1013,1976,859,859,859,859,-994,859,1013,-91,-92,859,859,859,1013,-309,-310,-320,1013,-307,-293,-294,-295,1013,859,1013,1013,-618,-633,-590,1013,859,-436,859,-437,1013,-444,-445,-446,-378,-379,1013,1013,1013,-506,1013,1013,-510,1013,1013,1013,1013,-515,-516,-517,-518,1013,1013,-521,-522,1013,-524,-525,-526,-527,-528,-529,-530,-531,1013,-533,1013,1013,1013,-539,-541,-542,1013,-544,-545,-546,-547,1013,1013,1013,1013,1013,1013,-652,-653,-654,-655,859,-657,-658,-659,1013,1013,1013,-665,1013,1013,-669,-670,1013,1013,-673,1013,-675,-676,1013,-679,1013,-681,1013,1013,-684,-685,-686,1013,-688,1013,1013,-691,1013,1013,-694,-695,-696,1013,-698,-699,-700,-701,1013,1013,-746,1013,-749,-750,-751,-752,-753,1013,-755,-756,-757,-758,-759,1013,-766,-767,-769,1013,-771,-772,-773,-782,-856,-858,-860,-862,1013,1013,1013,1013,-868,1013,-870,1013,1013,1013,1013,1013,1013,1013,-906,-907,1013,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1013,-921,-924,1013,-934,1013,-385,-386,-387,1013,1013,-390,-391,-392,-393,1013,-396,1013,-399,-400,1013,-401,1013,-406,-407,1013,-410,-411,-412,1013,-415,1013,-416,1013,-421,-422,1013,-425,1013,-428,-429,-1894,-1894,1013,-619,-620,-621,-622,-623,-634,-584,-624,-797,1013,1013,1013,1013,1013,-831,1013,1013,-806,1013,-832,1013,1013,1013,1013,-798,1013,-853,-799,1013,1013,1013,1013,1013,1013,-854,-855,1013,-834,-830,-835,1013,-625,1013,-626,-627,-628,-629,-574,1013,1013,-630,-631,-632,1013,1013,1013,1013,1013,1013,-635,-636,-637,-592,-1894,-602,1013,-638,-639,-713,-640,-604,1013,-572,-577,-580,-583,1013,1013,1013,-598,-601,1013,-608,1013,1013,1013,1013,1013,1013,1013,1013,1013,1013,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1013,859,859,-995,859,1013,859,859,859,1013,-306,-325,-319,-296,-375,-452,-453,-454,-458,859,-443,1013,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1013,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,859,859,859,859,859,859,859,859,1013,-316,-535,-508,-591,-937,-939,-940,-438,1013,-440,-380,-381,-383,-507,-509,-511,1013,-513,-514,-519,-520,1013,-532,-534,-537,-538,-543,-548,-726,1013,-727,1013,-732,1013,-734,1013,-739,-656,-660,-661,1013,-666,1013,-667,1013,-672,-674,1013,-677,1013,1013,1013,-687,-689,1013,-692,1013,1013,-744,1013,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1013,1013,1013,1013,1013,-877,1013,-880,-908,-920,-925,-388,-389,1013,-394,1013,-397,1013,-402,1013,-403,1013,-408,1013,-413,1013,-417,1013,-418,1013,-423,1013,-426,-899,-900,-643,-585,-1894,-901,1013,1013,1013,-800,1013,1013,-804,1013,-807,-833,1013,-818,1013,-820,1013,-822,-808,1013,-824,1013,-851,-852,1013,1013,-811,1013,-646,-902,-904,-648,-649,-645,1013,-705,-706,1013,-642,-903,-647,-650,-603,-714,1013,1013,-605,-586,1013,1013,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1013,1013,-709,-710,1013,-716,1013,859,859,859,1013,1013,-938,859,-439,-441,-747,1013,-891,1976,-715,-1894,1013,1013,859,859,1013,-442,-512,-523,1013,-728,-733,1013,-735,1013,-740,1013,-662,-668,1013,-678,-680,-682,-683,-690,-693,-697,-745,1013,1013,-874,1013,1013,-878,1013,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1013,-812,1013,-814,-801,1013,-802,-805,1013,-816,-819,-821,-823,-825,1013,-826,1013,-809,1013,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,859,-282,859,1013,859,1013,-455,1013,1013,-729,1013,-736,1013,-741,1013,-663,-671,1013,1013,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1013,-836,-53,859,1013,-730,1013,-737,1013,-742,-664,1013,-873,-54,859,859,-731,-738,-743,1013,859,1013,-872,]),'USER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[860,860,860,1174,-1894,860,860,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,860,860,860,860,-275,-276,1174,-1425,1174,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1174,1174,1174,-490,1174,1174,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1174,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1174,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1977,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,860,-172,-173,-174,-175,-993,860,860,860,860,860,860,860,860,860,860,1174,1174,1174,1174,1174,-290,-291,-281,860,1174,1174,1174,1174,-328,-318,-332,-333,-334,1174,1174,-982,-983,-984,-985,-986,-987,-988,860,860,1174,1174,1174,1174,1174,1174,1174,1174,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1174,1174,1174,-353,-356,860,-323,-324,-141,1174,-142,1174,-143,1174,-430,-935,-936,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1894,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1894,1174,-1894,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1894,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-1894,860,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1174,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1174,860,860,-191,-192,860,-994,1174,860,860,860,860,-277,-278,-279,-280,-365,1174,-308,1174,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1174,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1174,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1174,1174,1174,1174,1174,1174,-573,1174,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1174,1174,-723,-724,-725,1174,1977,860,860,860,860,-994,860,1174,-91,-92,860,860,860,1174,-309,-310,-320,1174,-307,-293,-294,-295,1174,860,1174,1174,-618,-633,-590,1174,860,-436,860,-437,1174,-444,-445,-446,-378,-379,1174,1174,1174,-506,1174,1174,-510,1174,1174,1174,1174,-515,-516,-517,-518,1174,1174,-521,-522,1174,-524,-525,-526,-527,-528,-529,-530,-531,1174,-533,1174,1174,1174,-539,-541,-542,1174,-544,-545,-546,-547,1174,1174,1174,1174,1174,1174,-652,-653,-654,-655,860,-657,-658,-659,1174,1174,1174,-665,1174,1174,-669,-670,1174,1174,-673,1174,-675,-676,1174,-679,1174,-681,1174,1174,-684,-685,-686,1174,-688,1174,1174,-691,1174,1174,-694,-695,-696,1174,-698,-699,-700,-701,1174,1174,-746,1174,-749,-750,-751,-752,-753,1174,-755,-756,-757,-758,-759,1174,-766,-767,-769,1174,-771,-772,-773,-782,-856,-858,-860,-862,1174,1174,1174,1174,-868,1174,-870,1174,1174,1174,1174,1174,1174,1174,-906,-907,1174,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1174,-921,-924,1174,-934,1174,-385,-386,-387,1174,1174,-390,-391,-392,-393,1174,-396,1174,-399,-400,1174,-401,1174,-406,-407,1174,-410,-411,-412,1174,-415,1174,-416,1174,-421,-422,1174,-425,1174,-428,-429,-1894,-1894,1174,-619,-620,-621,-622,-623,-634,-584,-624,-797,1174,1174,1174,1174,1174,-831,1174,1174,-806,1174,-832,1174,1174,1174,1174,-798,1174,-853,-799,1174,1174,1174,1174,1174,1174,-854,-855,1174,-834,-830,-835,1174,-625,1174,-626,-627,-628,-629,-574,1174,1174,-630,-631,-632,1174,1174,1174,1174,1174,1174,-635,-636,-637,-592,-1894,-602,1174,-638,-639,-713,-640,-604,1174,-572,-577,-580,-583,1174,1174,1174,-598,-601,1174,-608,1174,1174,1174,1174,1174,1174,1174,1174,1174,1174,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1174,860,860,-995,860,1174,860,860,860,1174,-306,-325,-319,-296,-375,-452,-453,-454,-458,860,-443,1174,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1174,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,860,860,860,860,860,860,860,860,1174,-316,-535,-508,-591,-937,-939,-940,-438,1174,-440,-380,-381,-383,-507,-509,-511,1174,-513,-514,-519,-520,1174,-532,-534,-537,-538,-543,-548,-726,1174,-727,1174,-732,1174,-734,1174,-739,-656,-660,-661,1174,-666,1174,-667,1174,-672,-674,1174,-677,1174,1174,1174,-687,-689,1174,-692,1174,1174,-744,1174,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1174,1174,1174,1174,1174,-877,1174,-880,-908,-920,-925,-388,-389,1174,-394,1174,-397,1174,-402,1174,-403,1174,-408,1174,-413,1174,-417,1174,-418,1174,-423,1174,-426,-899,-900,-643,-585,-1894,-901,1174,1174,1174,-800,1174,1174,-804,1174,-807,-833,1174,-818,1174,-820,1174,-822,-808,1174,-824,1174,-851,-852,1174,1174,-811,1174,-646,-902,-904,-648,-649,-645,1174,-705,-706,1174,-642,-903,-647,-650,-603,-714,1174,1174,-605,-586,1174,1174,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1174,1174,-709,-710,1174,-716,1174,860,860,860,1174,1174,-938,860,-439,-441,-747,1174,-891,1977,-715,-1894,1174,1174,860,860,1174,-442,-512,-523,1174,-728,-733,1174,-735,1174,-740,1174,-662,-668,1174,-678,-680,-682,-683,-690,-693,-697,-745,1174,1174,-874,1174,1174,-878,1174,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1174,-812,1174,-814,-801,1174,-802,-805,1174,-816,-819,-821,-823,-825,1174,-826,1174,-809,1174,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,860,-282,860,1174,860,1174,-455,1174,1174,-729,1174,-736,1174,-741,1174,-663,-671,1174,1174,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1174,-836,-53,860,1174,-730,1174,-737,1174,-742,-664,1174,-873,-54,860,860,-731,-738,-743,1174,860,1174,-872,]),'USER_RESOURCES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[861,861,861,861,-1894,861,861,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,861,861,861,861,-275,-276,861,-1425,861,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,861,861,861,-490,861,861,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,861,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,861,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,861,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,861,-172,-173,-174,-175,-993,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-290,-291,-281,861,861,861,861,861,-328,-318,-332,-333,-334,861,861,-982,-983,-984,-985,-986,-987,-988,861,861,861,861,861,861,861,861,861,861,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,861,861,861,-353,-356,861,-323,-324,-141,861,-142,861,-143,861,-430,-935,-936,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-1894,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-1894,861,-1894,861,861,861,861,861,861,861,861,861,861,861,861,-1894,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,861,-1894,861,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,861,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,861,861,861,-191,-192,861,-994,861,861,861,861,861,-277,-278,-279,-280,-365,861,-308,861,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,861,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,861,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,861,861,861,861,861,861,-573,861,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,861,861,-723,-724,-725,861,861,861,861,861,861,-994,861,861,-91,-92,861,861,861,861,-309,-310,-320,861,-307,-293,-294,-295,861,861,861,861,-618,-633,-590,861,861,-436,861,-437,861,-444,-445,-446,-378,-379,861,861,861,-506,861,861,-510,861,861,861,861,-515,-516,-517,-518,861,861,-521,-522,861,-524,-525,-526,-527,-528,-529,-530,-531,861,-533,861,861,861,-539,-541,-542,861,-544,-545,-546,-547,861,861,861,861,861,861,-652,-653,-654,-655,861,-657,-658,-659,861,861,861,-665,861,861,-669,-670,861,861,-673,861,-675,-676,861,-679,861,-681,861,861,-684,-685,-686,861,-688,861,861,-691,861,861,-694,-695,-696,861,-698,-699,-700,-701,861,861,-746,861,-749,-750,-751,-752,-753,861,-755,-756,-757,-758,-759,861,-766,-767,-769,861,-771,-772,-773,-782,-856,-858,-860,-862,861,861,861,861,-868,861,-870,861,861,861,861,861,861,861,-906,-907,861,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,861,-921,-924,861,-934,861,-385,-386,-387,861,861,-390,-391,-392,-393,861,-396,861,-399,-400,861,-401,861,-406,-407,861,-410,-411,-412,861,-415,861,-416,861,-421,-422,861,-425,861,-428,-429,-1894,-1894,861,-619,-620,-621,-622,-623,-634,-584,-624,-797,861,861,861,861,861,-831,861,861,-806,861,-832,861,861,861,861,-798,861,-853,-799,861,861,861,861,861,861,-854,-855,861,-834,-830,-835,861,-625,861,-626,-627,-628,-629,-574,861,861,-630,-631,-632,861,861,861,861,861,861,-635,-636,-637,-592,-1894,-602,861,-638,-639,-713,-640,-604,861,-572,-577,-580,-583,861,861,861,-598,-601,861,-608,861,861,861,861,861,861,861,861,861,861,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,861,861,861,-995,861,861,861,861,861,861,-306,-325,-319,-296,-375,-452,-453,-454,-458,861,-443,861,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,861,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,861,861,861,861,861,861,861,861,861,-316,-535,-508,-591,-937,-939,-940,-438,861,-440,-380,-381,-383,-507,-509,-511,861,-513,-514,-519,-520,861,-532,-534,-537,-538,-543,-548,-726,861,-727,861,-732,861,-734,861,-739,-656,-660,-661,861,-666,861,-667,861,-672,-674,861,-677,861,861,861,-687,-689,861,-692,861,861,-744,861,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,861,861,861,861,861,-877,861,-880,-908,-920,-925,-388,-389,861,-394,861,-397,861,-402,861,-403,861,-408,861,-413,861,-417,861,-418,861,-423,861,-426,-899,-900,-643,-585,-1894,-901,861,861,861,-800,861,861,-804,861,-807,-833,861,-818,861,-820,861,-822,-808,861,-824,861,-851,-852,861,861,-811,861,-646,-902,-904,-648,-649,-645,861,-705,-706,861,-642,-903,-647,-650,-603,-714,861,861,-605,-586,861,861,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,861,861,-709,-710,861,-716,861,861,861,861,861,861,-938,861,-439,-441,-747,861,-891,861,-715,-1894,861,861,861,861,861,-442,-512,-523,861,-728,-733,861,-735,861,-740,861,-662,-668,861,-678,-680,-682,-683,-690,-693,-697,-745,861,861,-874,861,861,-878,861,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,861,-812,861,-814,-801,861,-802,-805,861,-816,-819,-821,-823,-825,861,-826,861,-809,861,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,861,-282,861,861,861,861,-455,861,861,-729,861,-736,861,-741,861,-663,-671,861,861,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,861,-836,-53,861,861,-730,861,-737,861,-742,-664,861,-873,-54,861,861,-731,-738,-743,861,861,861,-872,]),'USE_BLOOM_FILTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2909,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3471,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3594,3595,3596,3597,3598,3599,3600,3601,3602,3603,3604,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3726,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[862,862,862,862,-1894,862,862,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,862,862,862,862,-275,-276,862,-1425,862,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,862,862,862,-490,862,862,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,862,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,862,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,862,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,862,-172,-173,-174,-175,-993,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-290,-291,-281,862,862,862,862,862,-328,-318,-332,-333,-334,862,862,-982,-983,-984,-985,-986,-987,-988,862,862,862,862,862,862,862,862,862,862,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,862,862,862,-353,-356,862,-323,-324,-141,862,-142,862,-143,862,-430,-935,-936,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-1894,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-1894,862,-1894,862,862,862,862,862,862,862,862,862,862,862,862,-1894,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,862,-1894,862,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,862,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,862,862,862,-191,-192,862,-994,862,862,862,862,862,-277,-278,-279,-280,-365,862,-308,862,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,862,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,862,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,862,862,862,862,862,862,-573,862,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,862,862,-723,-724,-725,862,862,862,862,862,862,-994,862,862,-91,-92,862,862,862,862,-309,-310,-320,862,-307,-293,-294,-295,862,862,862,862,-618,-633,-590,862,862,-436,862,-437,862,-444,-445,-446,-378,-379,862,862,862,-506,862,862,-510,862,862,862,862,-515,-516,-517,-518,862,862,-521,-522,862,-524,-525,-526,-527,-528,-529,-530,-531,862,-533,862,862,862,-539,-541,-542,862,-544,-545,-546,-547,862,862,862,862,862,862,-652,-653,-654,-655,862,-657,-658,-659,862,862,862,-665,862,862,-669,-670,862,862,-673,862,-675,-676,862,-679,862,-681,862,862,-684,-685,-686,862,-688,862,862,-691,862,862,-694,-695,-696,862,-698,-699,-700,-701,862,862,-746,862,-749,-750,-751,-752,-753,862,-755,-756,-757,-758,-759,862,-766,-767,-769,862,-771,-772,-773,-782,-856,-858,-860,-862,862,862,862,862,-868,862,-870,862,862,862,862,862,862,862,-906,-907,862,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,862,-921,-924,862,-934,862,-385,-386,-387,862,862,-390,-391,-392,-393,862,-396,862,-399,-400,862,-401,862,-406,-407,862,-410,-411,-412,862,-415,862,-416,862,-421,-422,862,-425,862,-428,-429,-1894,-1894,862,-619,-620,-621,-622,-623,-634,-584,-624,-797,862,862,862,862,862,-831,862,862,-806,862,-832,862,862,862,862,-798,862,-853,-799,862,862,862,862,862,862,-854,-855,862,-834,-830,-835,862,-625,862,-626,-627,-628,-629,-574,862,862,-630,-631,-632,862,862,862,862,862,862,-635,-636,-637,-592,-1894,-602,862,-638,-639,-713,-640,-604,862,-572,-577,-580,-583,862,862,862,-598,-601,862,-608,862,862,862,862,862,862,862,862,862,862,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,862,862,3190,862,-995,862,862,862,862,862,862,-306,-325,-319,-296,-375,-452,-453,-454,-458,862,-443,862,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,862,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,862,862,862,862,862,862,862,862,862,-316,-535,-508,-591,-937,-939,-940,-438,862,-440,-380,-381,-383,-507,-509,-511,862,-513,-514,-519,-520,862,-532,-534,-537,-538,-543,-548,-726,862,-727,862,-732,862,-734,862,-739,-656,-660,-661,862,-666,862,-667,862,-672,-674,862,-677,862,862,862,-687,-689,862,-692,862,862,-744,862,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,862,862,862,862,862,-877,862,-880,-908,-920,-925,-388,-389,862,-394,862,-397,862,-402,862,-403,862,-408,862,-413,862,-417,862,-418,862,-423,862,-426,-899,-900,-643,-585,-1894,-901,862,862,862,-800,862,862,-804,862,-807,-833,862,-818,862,-820,862,-822,-808,862,-824,862,-851,-852,862,862,-811,862,-646,-902,-904,-648,-649,-645,862,-705,-706,862,-642,-903,-647,-650,-603,-714,862,862,-605,-586,862,862,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,862,862,-709,-710,862,-716,862,862,862,862,3190,862,862,-938,862,-439,-441,-747,862,-891,862,-715,-1894,862,862,3190,862,3190,3190,3190,3190,3190,3190,3190,3190,3190,862,862,-442,-512,-523,862,-728,-733,862,-735,862,-740,862,-662,-668,862,-678,-680,-682,-683,-690,-693,-697,-745,862,862,-874,862,862,-878,862,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,862,-812,862,-814,-801,862,-802,-805,862,-816,-819,-821,-823,-825,862,-826,862,-809,862,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,862,3190,-282,862,862,862,862,-455,862,862,-729,862,-736,862,-741,862,-663,-671,862,862,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,862,-836,-53,862,862,-730,862,-737,862,-742,-664,862,-873,-54,862,862,-731,-738,-743,862,862,862,-872,]),'USE_FRM':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[863,863,863,863,-1894,863,863,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,863,863,863,863,-275,-276,863,-1425,863,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,863,863,863,-490,863,863,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,863,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,863,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,863,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,863,-172,-173,-174,-175,-993,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-290,-291,-281,863,863,863,863,863,-328,-318,-332,-333,-334,863,863,-982,-983,-984,-985,-986,-987,-988,863,863,863,863,863,863,863,863,863,863,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,863,863,863,-353,-356,863,-323,-324,-141,863,-142,863,-143,863,-430,-935,-936,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-1894,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-1894,863,-1894,863,863,863,863,863,863,863,863,863,863,863,863,-1894,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,863,-1894,863,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,863,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,863,863,863,-191,-192,863,-994,863,863,863,863,863,-277,-278,-279,-280,-365,863,-308,863,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,863,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,863,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,863,863,863,863,863,863,-573,863,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,863,863,-723,-724,-725,863,863,863,863,863,863,-994,863,863,-91,-92,863,863,863,863,-309,-310,-320,863,-307,-293,-294,-295,863,863,863,863,-618,-633,-590,863,863,-436,863,-437,863,-444,-445,-446,-378,-379,863,863,863,-506,863,863,-510,863,863,863,863,-515,-516,-517,-518,863,863,-521,-522,863,-524,-525,-526,-527,-528,-529,-530,-531,863,-533,863,863,863,-539,-541,-542,863,-544,-545,-546,-547,863,863,863,863,863,863,-652,-653,-654,-655,863,-657,-658,-659,863,863,863,-665,863,863,-669,-670,863,863,-673,863,-675,-676,863,-679,863,-681,863,863,-684,-685,-686,863,-688,863,863,-691,863,863,-694,-695,-696,863,-698,-699,-700,-701,863,863,-746,863,-749,-750,-751,-752,-753,863,-755,-756,-757,-758,-759,863,-766,-767,-769,863,-771,-772,-773,-782,-856,-858,-860,-862,863,863,863,863,-868,863,-870,863,863,863,863,863,863,863,-906,-907,863,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,863,-921,-924,863,-934,863,-385,-386,-387,863,863,-390,-391,-392,-393,863,-396,863,-399,-400,863,-401,863,-406,-407,863,-410,-411,-412,863,-415,863,-416,863,-421,-422,863,-425,863,-428,-429,-1894,-1894,863,-619,-620,-621,-622,-623,-634,-584,-624,-797,863,863,863,863,863,-831,863,863,-806,863,-832,863,863,863,863,-798,863,-853,-799,863,863,863,863,863,863,-854,-855,863,-834,-830,-835,863,-625,863,-626,-627,-628,-629,-574,863,863,-630,-631,-632,863,863,863,863,863,863,-635,-636,-637,-592,-1894,-602,863,-638,-639,-713,-640,-604,863,-572,-577,-580,-583,863,863,863,-598,-601,863,-608,863,863,863,863,863,863,863,863,863,863,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,863,863,863,-995,863,863,863,863,863,863,-306,-325,-319,-296,-375,-452,-453,-454,-458,863,-443,863,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,863,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,863,863,863,863,863,863,863,863,863,-316,-535,-508,-591,-937,-939,-940,-438,863,-440,-380,-381,-383,-507,-509,-511,863,-513,-514,-519,-520,863,-532,-534,-537,-538,-543,-548,-726,863,-727,863,-732,863,-734,863,-739,-656,-660,-661,863,-666,863,-667,863,-672,-674,863,-677,863,863,863,-687,-689,863,-692,863,863,-744,863,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,863,863,863,863,863,-877,863,-880,-908,-920,-925,-388,-389,863,-394,863,-397,863,-402,863,-403,863,-408,863,-413,863,-417,863,-418,863,-423,863,-426,-899,-900,-643,-585,-1894,-901,863,863,863,-800,863,863,-804,863,-807,-833,863,-818,863,-820,863,-822,-808,863,-824,863,-851,-852,863,863,-811,863,-646,-902,-904,-648,-649,-645,863,-705,-706,863,-642,-903,-647,-650,-603,-714,863,863,-605,-586,863,863,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,863,863,-709,-710,863,-716,863,863,863,863,863,863,-938,863,-439,-441,-747,863,-891,863,-715,-1894,863,863,863,863,863,-442,-512,-523,863,-728,-733,863,-735,863,-740,863,-662,-668,863,-678,-680,-682,-683,-690,-693,-697,-745,863,863,-874,863,863,-878,863,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,863,-812,863,-814,-801,863,-802,-805,863,-816,-819,-821,-823,-825,863,-826,863,-809,863,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,863,-282,863,863,863,863,-455,863,863,-729,863,-736,863,-741,863,-663,-671,863,863,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,863,-836,-53,863,863,-730,863,-737,863,-742,-664,863,-873,-54,863,863,-731,-738,-743,863,863,863,-872,]),'UUID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[864,864,864,1215,-1894,864,864,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,864,864,864,864,-275,-276,1215,-1425,1215,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1215,1215,1215,-490,1215,1215,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1215,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1215,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1978,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,864,-172,-173,-174,-175,-993,864,864,864,864,864,864,864,864,864,864,1215,1215,1215,1215,1215,-290,-291,-281,864,1215,1215,1215,1215,-328,-318,-332,-333,-334,1215,1215,-982,-983,-984,-985,-986,-987,-988,864,864,1215,1215,1215,1215,1215,1215,1215,1215,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1215,1215,1215,-353,-356,864,-323,-324,-141,1215,-142,1215,-143,1215,-430,-935,-936,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1894,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1894,1215,-1894,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1894,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-1894,864,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1215,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1215,864,864,-191,-192,864,-994,1215,864,864,864,864,-277,-278,-279,-280,-365,1215,-308,1215,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1215,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1215,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1215,1215,1215,1215,1215,1215,-573,1215,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1215,1215,-723,-724,-725,1215,1978,864,864,864,864,-994,864,1215,-91,-92,864,864,864,1215,-309,-310,-320,1215,-307,-293,-294,-295,1215,864,1215,1215,-618,-633,-590,1215,864,-436,864,-437,1215,-444,-445,-446,-378,-379,1215,1215,1215,-506,1215,1215,-510,1215,1215,1215,1215,-515,-516,-517,-518,1215,1215,-521,-522,1215,-524,-525,-526,-527,-528,-529,-530,-531,1215,-533,1215,1215,1215,-539,-541,-542,1215,-544,-545,-546,-547,1215,1215,1215,1215,1215,1215,-652,-653,-654,-655,864,-657,-658,-659,1215,1215,1215,-665,1215,1215,-669,-670,1215,1215,-673,1215,-675,-676,1215,-679,1215,-681,1215,1215,-684,-685,-686,1215,-688,1215,1215,-691,1215,1215,-694,-695,-696,1215,-698,-699,-700,-701,1215,1215,-746,1215,-749,-750,-751,-752,-753,1215,-755,-756,-757,-758,-759,1215,-766,-767,-769,1215,-771,-772,-773,-782,-856,-858,-860,-862,1215,1215,1215,1215,-868,1215,-870,1215,1215,1215,1215,1215,1215,1215,-906,-907,1215,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1215,-921,-924,1215,-934,1215,-385,-386,-387,1215,1215,-390,-391,-392,-393,1215,-396,1215,-399,-400,1215,-401,1215,-406,-407,1215,-410,-411,-412,1215,-415,1215,-416,1215,-421,-422,1215,-425,1215,-428,-429,-1894,-1894,1215,-619,-620,-621,-622,-623,-634,-584,-624,-797,1215,1215,1215,1215,1215,-831,1215,1215,-806,1215,-832,1215,1215,1215,1215,-798,1215,-853,-799,1215,1215,1215,1215,1215,1215,-854,-855,1215,-834,-830,-835,1215,-625,1215,-626,-627,-628,-629,-574,1215,1215,-630,-631,-632,1215,1215,1215,1215,1215,1215,-635,-636,-637,-592,-1894,-602,1215,-638,-639,-713,-640,-604,1215,-572,-577,-580,-583,1215,1215,1215,-598,-601,1215,-608,1215,1215,1215,1215,1215,1215,1215,1215,1215,1215,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1215,864,864,-995,864,1215,864,864,864,1215,-306,-325,-319,-296,-375,-452,-453,-454,-458,864,-443,1215,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1215,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,864,864,864,864,864,864,864,864,1215,-316,-535,-508,-591,-937,-939,-940,-438,1215,-440,-380,-381,-383,-507,-509,-511,1215,-513,-514,-519,-520,1215,-532,-534,-537,-538,-543,-548,-726,1215,-727,1215,-732,1215,-734,1215,-739,-656,-660,-661,1215,-666,1215,-667,1215,-672,-674,1215,-677,1215,1215,1215,-687,-689,1215,-692,1215,1215,-744,1215,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1215,1215,1215,1215,1215,-877,1215,-880,-908,-920,-925,-388,-389,1215,-394,1215,-397,1215,-402,1215,-403,1215,-408,1215,-413,1215,-417,1215,-418,1215,-423,1215,-426,-899,-900,-643,-585,-1894,-901,1215,1215,1215,-800,1215,1215,-804,1215,-807,-833,1215,-818,1215,-820,1215,-822,-808,1215,-824,1215,-851,-852,1215,1215,-811,1215,-646,-902,-904,-648,-649,-645,1215,-705,-706,1215,-642,-903,-647,-650,-603,-714,1215,1215,-605,-586,1215,1215,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1215,1215,-709,-710,1215,-716,1215,864,864,864,1215,1215,-938,864,-439,-441,-747,1215,-891,1978,-715,-1894,1215,1215,864,864,1215,-442,-512,-523,1215,-728,-733,1215,-735,1215,-740,1215,-662,-668,1215,-678,-680,-682,-683,-690,-693,-697,-745,1215,1215,-874,1215,1215,-878,1215,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1215,-812,1215,-814,-801,1215,-802,-805,1215,-816,-819,-821,-823,-825,1215,-826,1215,-809,1215,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,864,-282,864,1215,864,1215,-455,1215,1215,-729,1215,-736,1215,-741,1215,-663,-671,1215,1215,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1215,-836,-53,864,1215,-730,1215,-737,1215,-742,-664,1215,-873,-54,864,864,-731,-738,-743,1215,864,1215,-872,]),'UUID_SHORT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[865,865,865,1216,-1894,865,865,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,865,865,865,865,-275,-276,1216,-1425,1216,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1216,1216,1216,-490,1216,1216,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1216,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1216,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1979,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,865,-172,-173,-174,-175,-993,865,865,865,865,865,865,865,865,865,865,1216,1216,1216,1216,1216,-290,-291,-281,865,1216,1216,1216,1216,-328,-318,-332,-333,-334,1216,1216,-982,-983,-984,-985,-986,-987,-988,865,865,1216,1216,1216,1216,1216,1216,1216,1216,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1216,1216,1216,-353,-356,865,-323,-324,-141,1216,-142,1216,-143,1216,-430,-935,-936,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1894,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1894,1216,-1894,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1894,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-1894,865,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1216,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1216,865,865,-191,-192,865,-994,1216,865,865,865,865,-277,-278,-279,-280,-365,1216,-308,1216,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1216,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1216,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1216,1216,1216,1216,1216,1216,-573,1216,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1216,1216,-723,-724,-725,1216,1979,865,865,865,865,-994,865,1216,-91,-92,865,865,865,1216,-309,-310,-320,1216,-307,-293,-294,-295,1216,865,1216,1216,-618,-633,-590,1216,865,-436,865,-437,1216,-444,-445,-446,-378,-379,1216,1216,1216,-506,1216,1216,-510,1216,1216,1216,1216,-515,-516,-517,-518,1216,1216,-521,-522,1216,-524,-525,-526,-527,-528,-529,-530,-531,1216,-533,1216,1216,1216,-539,-541,-542,1216,-544,-545,-546,-547,1216,1216,1216,1216,1216,1216,-652,-653,-654,-655,865,-657,-658,-659,1216,1216,1216,-665,1216,1216,-669,-670,1216,1216,-673,1216,-675,-676,1216,-679,1216,-681,1216,1216,-684,-685,-686,1216,-688,1216,1216,-691,1216,1216,-694,-695,-696,1216,-698,-699,-700,-701,1216,1216,-746,1216,-749,-750,-751,-752,-753,1216,-755,-756,-757,-758,-759,1216,-766,-767,-769,1216,-771,-772,-773,-782,-856,-858,-860,-862,1216,1216,1216,1216,-868,1216,-870,1216,1216,1216,1216,1216,1216,1216,-906,-907,1216,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1216,-921,-924,1216,-934,1216,-385,-386,-387,1216,1216,-390,-391,-392,-393,1216,-396,1216,-399,-400,1216,-401,1216,-406,-407,1216,-410,-411,-412,1216,-415,1216,-416,1216,-421,-422,1216,-425,1216,-428,-429,-1894,-1894,1216,-619,-620,-621,-622,-623,-634,-584,-624,-797,1216,1216,1216,1216,1216,-831,1216,1216,-806,1216,-832,1216,1216,1216,1216,-798,1216,-853,-799,1216,1216,1216,1216,1216,1216,-854,-855,1216,-834,-830,-835,1216,-625,1216,-626,-627,-628,-629,-574,1216,1216,-630,-631,-632,1216,1216,1216,1216,1216,1216,-635,-636,-637,-592,-1894,-602,1216,-638,-639,-713,-640,-604,1216,-572,-577,-580,-583,1216,1216,1216,-598,-601,1216,-608,1216,1216,1216,1216,1216,1216,1216,1216,1216,1216,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1216,865,865,-995,865,1216,865,865,865,1216,-306,-325,-319,-296,-375,-452,-453,-454,-458,865,-443,1216,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1216,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,865,865,865,865,865,865,865,865,1216,-316,-535,-508,-591,-937,-939,-940,-438,1216,-440,-380,-381,-383,-507,-509,-511,1216,-513,-514,-519,-520,1216,-532,-534,-537,-538,-543,-548,-726,1216,-727,1216,-732,1216,-734,1216,-739,-656,-660,-661,1216,-666,1216,-667,1216,-672,-674,1216,-677,1216,1216,1216,-687,-689,1216,-692,1216,1216,-744,1216,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1216,1216,1216,1216,1216,-877,1216,-880,-908,-920,-925,-388,-389,1216,-394,1216,-397,1216,-402,1216,-403,1216,-408,1216,-413,1216,-417,1216,-418,1216,-423,1216,-426,-899,-900,-643,-585,-1894,-901,1216,1216,1216,-800,1216,1216,-804,1216,-807,-833,1216,-818,1216,-820,1216,-822,-808,1216,-824,1216,-851,-852,1216,1216,-811,1216,-646,-902,-904,-648,-649,-645,1216,-705,-706,1216,-642,-903,-647,-650,-603,-714,1216,1216,-605,-586,1216,1216,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1216,1216,-709,-710,1216,-716,1216,865,865,865,1216,1216,-938,865,-439,-441,-747,1216,-891,1979,-715,-1894,1216,1216,865,865,1216,-442,-512,-523,1216,-728,-733,1216,-735,1216,-740,1216,-662,-668,1216,-678,-680,-682,-683,-690,-693,-697,-745,1216,1216,-874,1216,1216,-878,1216,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1216,-812,1216,-814,-801,1216,-802,-805,1216,-816,-819,-821,-823,-825,1216,-826,1216,-809,1216,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,865,-282,865,1216,865,1216,-455,1216,1216,-729,1216,-736,1216,-741,1216,-663,-671,1216,1216,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1216,-836,-53,865,1216,-730,1216,-737,1216,-742,-664,1216,-873,-54,865,865,-731,-738,-743,1216,865,1216,-872,]),'UUID_TO_BIN':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[866,866,866,1217,-1894,866,866,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,866,866,866,866,-275,-276,1217,-1425,1217,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1217,1217,1217,-490,1217,1217,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1217,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1217,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1980,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,866,-172,-173,-174,-175,-993,866,866,866,866,866,866,866,866,866,866,1217,1217,1217,1217,1217,-290,-291,-281,866,1217,1217,1217,1217,-328,-318,-332,-333,-334,1217,1217,-982,-983,-984,-985,-986,-987,-988,866,866,1217,1217,1217,1217,1217,1217,1217,1217,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1217,1217,1217,-353,-356,866,-323,-324,-141,1217,-142,1217,-143,1217,-430,-935,-936,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1894,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1894,1217,-1894,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1894,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-1894,866,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1217,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1217,866,866,-191,-192,866,-994,1217,866,866,866,866,-277,-278,-279,-280,-365,1217,-308,1217,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1217,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1217,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1217,1217,1217,1217,1217,1217,-573,1217,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1217,1217,-723,-724,-725,1217,1980,866,866,866,866,-994,866,1217,-91,-92,866,866,866,1217,-309,-310,-320,1217,-307,-293,-294,-295,1217,866,1217,1217,-618,-633,-590,1217,866,-436,866,-437,1217,-444,-445,-446,-378,-379,1217,1217,1217,-506,1217,1217,-510,1217,1217,1217,1217,-515,-516,-517,-518,1217,1217,-521,-522,1217,-524,-525,-526,-527,-528,-529,-530,-531,1217,-533,1217,1217,1217,-539,-541,-542,1217,-544,-545,-546,-547,1217,1217,1217,1217,1217,1217,-652,-653,-654,-655,866,-657,-658,-659,1217,1217,1217,-665,1217,1217,-669,-670,1217,1217,-673,1217,-675,-676,1217,-679,1217,-681,1217,1217,-684,-685,-686,1217,-688,1217,1217,-691,1217,1217,-694,-695,-696,1217,-698,-699,-700,-701,1217,1217,-746,1217,-749,-750,-751,-752,-753,1217,-755,-756,-757,-758,-759,1217,-766,-767,-769,1217,-771,-772,-773,-782,-856,-858,-860,-862,1217,1217,1217,1217,-868,1217,-870,1217,1217,1217,1217,1217,1217,1217,-906,-907,1217,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1217,-921,-924,1217,-934,1217,-385,-386,-387,1217,1217,-390,-391,-392,-393,1217,-396,1217,-399,-400,1217,-401,1217,-406,-407,1217,-410,-411,-412,1217,-415,1217,-416,1217,-421,-422,1217,-425,1217,-428,-429,-1894,-1894,1217,-619,-620,-621,-622,-623,-634,-584,-624,-797,1217,1217,1217,1217,1217,-831,1217,1217,-806,1217,-832,1217,1217,1217,1217,-798,1217,-853,-799,1217,1217,1217,1217,1217,1217,-854,-855,1217,-834,-830,-835,1217,-625,1217,-626,-627,-628,-629,-574,1217,1217,-630,-631,-632,1217,1217,1217,1217,1217,1217,-635,-636,-637,-592,-1894,-602,1217,-638,-639,-713,-640,-604,1217,-572,-577,-580,-583,1217,1217,1217,-598,-601,1217,-608,1217,1217,1217,1217,1217,1217,1217,1217,1217,1217,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1217,866,866,-995,866,1217,866,866,866,1217,-306,-325,-319,-296,-375,-452,-453,-454,-458,866,-443,1217,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1217,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,866,866,866,866,866,866,866,866,1217,-316,-535,-508,-591,-937,-939,-940,-438,1217,-440,-380,-381,-383,-507,-509,-511,1217,-513,-514,-519,-520,1217,-532,-534,-537,-538,-543,-548,-726,1217,-727,1217,-732,1217,-734,1217,-739,-656,-660,-661,1217,-666,1217,-667,1217,-672,-674,1217,-677,1217,1217,1217,-687,-689,1217,-692,1217,1217,-744,1217,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1217,1217,1217,1217,1217,-877,1217,-880,-908,-920,-925,-388,-389,1217,-394,1217,-397,1217,-402,1217,-403,1217,-408,1217,-413,1217,-417,1217,-418,1217,-423,1217,-426,-899,-900,-643,-585,-1894,-901,1217,1217,1217,-800,1217,1217,-804,1217,-807,-833,1217,-818,1217,-820,1217,-822,-808,1217,-824,1217,-851,-852,1217,1217,-811,1217,-646,-902,-904,-648,-649,-645,1217,-705,-706,1217,-642,-903,-647,-650,-603,-714,1217,1217,-605,-586,1217,1217,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1217,1217,-709,-710,1217,-716,1217,866,866,866,1217,1217,-938,866,-439,-441,-747,1217,-891,1980,-715,-1894,1217,1217,866,866,1217,-442,-512,-523,1217,-728,-733,1217,-735,1217,-740,1217,-662,-668,1217,-678,-680,-682,-683,-690,-693,-697,-745,1217,1217,-874,1217,1217,-878,1217,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1217,-812,1217,-814,-801,1217,-802,-805,1217,-816,-819,-821,-823,-825,1217,-826,1217,-809,1217,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,866,-282,866,1217,866,1217,-455,1217,1217,-729,1217,-736,1217,-741,1217,-663,-671,1217,1217,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1217,-836,-53,866,1217,-730,1217,-737,1217,-742,-664,1217,-873,-54,866,866,-731,-738,-743,1217,866,1217,-872,]),'VALID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[867,867,867,867,-1894,867,867,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,867,867,867,867,-275,-276,867,-1425,867,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,867,867,867,-490,867,867,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,867,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,867,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,867,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,867,-172,-173,-174,-175,-993,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-290,-291,-281,867,867,867,867,867,-328,-318,-332,-333,-334,867,867,-982,-983,-984,-985,-986,-987,-988,867,867,867,867,867,867,867,867,867,867,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,867,867,867,-353,-356,867,-323,-324,-141,867,-142,867,-143,867,-430,-935,-936,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-1894,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-1894,867,-1894,867,867,867,867,867,867,867,867,867,867,867,867,-1894,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,867,-1894,867,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,867,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,867,867,867,-191,-192,867,-994,867,867,867,867,867,-277,-278,-279,-280,-365,867,-308,867,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,867,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,867,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,867,867,867,867,867,867,-573,867,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,867,867,-723,-724,-725,867,867,867,867,867,867,-994,867,867,-91,-92,867,867,867,867,-309,-310,-320,867,-307,-293,-294,-295,867,867,867,867,-618,-633,-590,867,867,-436,867,-437,867,-444,-445,-446,-378,-379,867,867,867,-506,867,867,-510,867,867,867,867,-515,-516,-517,-518,867,867,-521,-522,867,-524,-525,-526,-527,-528,-529,-530,-531,867,-533,867,867,867,-539,-541,-542,867,-544,-545,-546,-547,867,867,867,867,867,867,-652,-653,-654,-655,867,-657,-658,-659,867,867,867,-665,867,867,-669,-670,867,867,-673,867,-675,-676,867,-679,867,-681,867,867,-684,-685,-686,867,-688,867,867,-691,867,867,-694,-695,-696,867,-698,-699,-700,-701,867,867,-746,867,-749,-750,-751,-752,-753,867,-755,-756,-757,-758,-759,867,-766,-767,-769,867,-771,-772,-773,-782,-856,-858,-860,-862,867,867,867,867,-868,867,-870,867,867,867,867,867,867,867,-906,-907,867,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,867,-921,-924,867,-934,867,-385,-386,-387,867,867,-390,-391,-392,-393,867,-396,867,-399,-400,867,-401,867,-406,-407,867,-410,-411,-412,867,-415,867,-416,867,-421,-422,867,-425,867,-428,-429,-1894,-1894,867,-619,-620,-621,-622,-623,-634,-584,-624,-797,867,867,867,867,867,-831,867,867,-806,867,-832,867,867,867,867,-798,867,-853,-799,867,867,867,867,867,867,-854,-855,867,-834,-830,-835,867,-625,867,-626,-627,-628,-629,-574,867,867,-630,-631,-632,867,867,867,867,867,867,-635,-636,-637,-592,-1894,-602,867,-638,-639,-713,-640,-604,867,-572,-577,-580,-583,867,867,867,-598,-601,867,-608,867,867,867,867,867,867,867,867,867,867,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,867,867,867,-995,867,867,867,867,867,867,-306,-325,-319,-296,-375,-452,-453,-454,-458,867,-443,867,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,867,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,867,867,867,867,867,867,867,867,867,-316,-535,-508,-591,-937,-939,-940,-438,867,-440,-380,-381,-383,-507,-509,-511,867,-513,-514,-519,-520,867,-532,-534,-537,-538,-543,-548,-726,867,-727,867,-732,867,-734,867,-739,-656,-660,-661,867,-666,867,-667,867,-672,-674,867,-677,867,867,867,-687,-689,867,-692,867,867,-744,867,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,867,867,867,867,867,-877,867,-880,-908,-920,-925,-388,-389,867,-394,867,-397,867,-402,867,-403,867,-408,867,-413,867,-417,867,-418,867,-423,867,-426,-899,-900,-643,-585,-1894,-901,867,867,867,-800,867,867,-804,867,-807,-833,867,-818,867,-820,867,-822,-808,867,-824,867,-851,-852,867,867,-811,867,-646,-902,-904,-648,-649,-645,867,-705,-706,867,-642,-903,-647,-650,-603,-714,867,867,-605,-586,867,867,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,867,867,-709,-710,867,-716,867,867,867,867,867,867,-938,867,-439,-441,-747,867,-891,867,-715,-1894,867,867,867,867,867,-442,-512,-523,867,-728,-733,867,-735,867,-740,867,-662,-668,867,-678,-680,-682,-683,-690,-693,-697,-745,867,867,-874,867,867,-878,867,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,867,-812,867,-814,-801,867,-802,-805,867,-816,-819,-821,-823,-825,867,-826,867,-809,867,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,867,-282,867,867,867,867,-455,867,867,-729,867,-736,867,-741,867,-663,-671,867,867,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,867,-836,-53,867,867,-730,867,-737,867,-742,-664,867,-873,-54,867,867,-731,-738,-743,867,867,867,-872,]),'VALIDATE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[868,868,868,868,-1894,868,868,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,868,868,868,868,-275,-276,868,-1425,868,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,868,868,868,-490,868,868,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,868,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,868,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,868,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,868,-172,-173,-174,-175,-993,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-290,-291,-281,868,868,868,868,868,-328,-318,-332,-333,-334,868,868,-982,-983,-984,-985,-986,-987,-988,868,868,868,868,868,868,868,868,868,868,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,868,868,868,-353,-356,868,-323,-324,-141,868,-142,868,-143,868,-430,-935,-936,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-1894,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-1894,868,-1894,868,868,868,868,868,868,868,868,868,868,868,868,-1894,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,868,-1894,868,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,868,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,868,868,868,-191,-192,868,-994,868,868,868,868,868,-277,-278,-279,-280,-365,868,-308,868,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,868,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,868,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,868,868,868,868,868,868,-573,868,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,868,868,-723,-724,-725,868,868,868,868,868,868,-994,868,868,-91,-92,868,868,868,868,-309,-310,-320,868,-307,-293,-294,-295,868,868,868,868,-618,-633,-590,868,868,-436,868,-437,868,-444,-445,-446,-378,-379,868,868,868,-506,868,868,-510,868,868,868,868,-515,-516,-517,-518,868,868,-521,-522,868,-524,-525,-526,-527,-528,-529,-530,-531,868,-533,868,868,868,-539,-541,-542,868,-544,-545,-546,-547,868,868,868,868,868,868,-652,-653,-654,-655,868,-657,-658,-659,868,868,868,-665,868,868,-669,-670,868,868,-673,868,-675,-676,868,-679,868,-681,868,868,-684,-685,-686,868,-688,868,868,-691,868,868,-694,-695,-696,868,-698,-699,-700,-701,868,868,-746,868,-749,-750,-751,-752,-753,868,-755,-756,-757,-758,-759,868,-766,-767,-769,868,-771,-772,-773,-782,-856,-858,-860,-862,868,868,868,868,-868,868,-870,868,868,868,868,868,868,868,-906,-907,868,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,868,-921,-924,868,-934,868,-385,-386,-387,868,868,-390,-391,-392,-393,868,-396,868,-399,-400,868,-401,868,-406,-407,868,-410,-411,-412,868,-415,868,-416,868,-421,-422,868,-425,868,-428,-429,-1894,-1894,868,-619,-620,-621,-622,-623,-634,-584,-624,-797,868,868,868,868,868,-831,868,868,-806,868,-832,868,868,868,868,-798,868,-853,-799,868,868,868,868,868,868,-854,-855,868,-834,-830,-835,868,-625,868,-626,-627,-628,-629,-574,868,868,-630,-631,-632,868,868,868,868,868,868,-635,-636,-637,-592,-1894,-602,868,-638,-639,-713,-640,-604,868,-572,-577,-580,-583,868,868,868,-598,-601,868,-608,868,868,868,868,868,868,868,868,868,868,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,868,868,868,-995,868,868,868,868,868,868,-306,-325,-319,-296,-375,-452,-453,-454,-458,868,-443,868,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,868,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,868,868,868,868,868,868,868,868,868,-316,-535,-508,-591,-937,-939,-940,-438,868,-440,-380,-381,-383,-507,-509,-511,868,-513,-514,-519,-520,868,-532,-534,-537,-538,-543,-548,-726,868,-727,868,-732,868,-734,868,-739,-656,-660,-661,868,-666,868,-667,868,-672,-674,868,-677,868,868,868,-687,-689,868,-692,868,868,-744,868,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,868,868,868,868,868,-877,868,-880,-908,-920,-925,-388,-389,868,-394,868,-397,868,-402,868,-403,868,-408,868,-413,868,-417,868,-418,868,-423,868,-426,-899,-900,-643,-585,-1894,-901,868,868,868,-800,868,868,-804,868,-807,-833,868,-818,868,-820,868,-822,-808,868,-824,868,-851,-852,868,868,-811,868,-646,-902,-904,-648,-649,-645,868,-705,-706,868,-642,-903,-647,-650,-603,-714,868,868,-605,-586,868,868,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,868,868,-709,-710,868,-716,868,868,868,868,868,868,-938,868,-439,-441,-747,868,-891,868,-715,-1894,868,868,868,868,868,-442,-512,-523,868,-728,-733,868,-735,868,-740,868,-662,-668,868,-678,-680,-682,-683,-690,-693,-697,-745,868,868,-874,868,868,-878,868,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,868,-812,868,-814,-801,868,-802,-805,868,-816,-819,-821,-823,-825,868,-826,868,-809,868,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,868,-282,868,868,868,868,-455,868,868,-729,868,-736,868,-741,868,-663,-671,868,868,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,868,-836,-53,868,868,-730,868,-737,868,-742,-664,868,-873,-54,868,868,-731,-738,-743,868,868,868,-872,]),'VALIDATE_PASSWORD_STRENGTH':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[869,869,869,1145,-1894,869,869,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,869,869,869,869,-275,-276,1145,-1425,1145,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1145,1145,1145,-490,1145,1145,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1145,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1145,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1981,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,869,-172,-173,-174,-175,-993,869,869,869,869,869,869,869,869,869,869,1145,1145,1145,1145,1145,-290,-291,-281,869,1145,1145,1145,1145,-328,-318,-332,-333,-334,1145,1145,-982,-983,-984,-985,-986,-987,-988,869,869,1145,1145,1145,1145,1145,1145,1145,1145,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1145,1145,1145,-353,-356,869,-323,-324,-141,1145,-142,1145,-143,1145,-430,-935,-936,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1894,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1894,1145,-1894,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1894,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-1894,869,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1145,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1145,869,869,-191,-192,869,-994,1145,869,869,869,869,-277,-278,-279,-280,-365,1145,-308,1145,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1145,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1145,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1145,1145,1145,1145,1145,1145,-573,1145,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1145,1145,-723,-724,-725,1145,1981,869,869,869,869,-994,869,1145,-91,-92,869,869,869,1145,-309,-310,-320,1145,-307,-293,-294,-295,1145,869,1145,1145,-618,-633,-590,1145,869,-436,869,-437,1145,-444,-445,-446,-378,-379,1145,1145,1145,-506,1145,1145,-510,1145,1145,1145,1145,-515,-516,-517,-518,1145,1145,-521,-522,1145,-524,-525,-526,-527,-528,-529,-530,-531,1145,-533,1145,1145,1145,-539,-541,-542,1145,-544,-545,-546,-547,1145,1145,1145,1145,1145,1145,-652,-653,-654,-655,869,-657,-658,-659,1145,1145,1145,-665,1145,1145,-669,-670,1145,1145,-673,1145,-675,-676,1145,-679,1145,-681,1145,1145,-684,-685,-686,1145,-688,1145,1145,-691,1145,1145,-694,-695,-696,1145,-698,-699,-700,-701,1145,1145,-746,1145,-749,-750,-751,-752,-753,1145,-755,-756,-757,-758,-759,1145,-766,-767,-769,1145,-771,-772,-773,-782,-856,-858,-860,-862,1145,1145,1145,1145,-868,1145,-870,1145,1145,1145,1145,1145,1145,1145,-906,-907,1145,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1145,-921,-924,1145,-934,1145,-385,-386,-387,1145,1145,-390,-391,-392,-393,1145,-396,1145,-399,-400,1145,-401,1145,-406,-407,1145,-410,-411,-412,1145,-415,1145,-416,1145,-421,-422,1145,-425,1145,-428,-429,-1894,-1894,1145,-619,-620,-621,-622,-623,-634,-584,-624,-797,1145,1145,1145,1145,1145,-831,1145,1145,-806,1145,-832,1145,1145,1145,1145,-798,1145,-853,-799,1145,1145,1145,1145,1145,1145,-854,-855,1145,-834,-830,-835,1145,-625,1145,-626,-627,-628,-629,-574,1145,1145,-630,-631,-632,1145,1145,1145,1145,1145,1145,-635,-636,-637,-592,-1894,-602,1145,-638,-639,-713,-640,-604,1145,-572,-577,-580,-583,1145,1145,1145,-598,-601,1145,-608,1145,1145,1145,1145,1145,1145,1145,1145,1145,1145,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1145,869,869,-995,869,1145,869,869,869,1145,-306,-325,-319,-296,-375,-452,-453,-454,-458,869,-443,1145,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1145,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,869,869,869,869,869,869,869,869,1145,-316,-535,-508,-591,-937,-939,-940,-438,1145,-440,-380,-381,-383,-507,-509,-511,1145,-513,-514,-519,-520,1145,-532,-534,-537,-538,-543,-548,-726,1145,-727,1145,-732,1145,-734,1145,-739,-656,-660,-661,1145,-666,1145,-667,1145,-672,-674,1145,-677,1145,1145,1145,-687,-689,1145,-692,1145,1145,-744,1145,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1145,1145,1145,1145,1145,-877,1145,-880,-908,-920,-925,-388,-389,1145,-394,1145,-397,1145,-402,1145,-403,1145,-408,1145,-413,1145,-417,1145,-418,1145,-423,1145,-426,-899,-900,-643,-585,-1894,-901,1145,1145,1145,-800,1145,1145,-804,1145,-807,-833,1145,-818,1145,-820,1145,-822,-808,1145,-824,1145,-851,-852,1145,1145,-811,1145,-646,-902,-904,-648,-649,-645,1145,-705,-706,1145,-642,-903,-647,-650,-603,-714,1145,1145,-605,-586,1145,1145,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1145,1145,-709,-710,1145,-716,1145,869,869,869,1145,1145,-938,869,-439,-441,-747,1145,-891,1981,-715,-1894,1145,1145,869,869,1145,-442,-512,-523,1145,-728,-733,1145,-735,1145,-740,1145,-662,-668,1145,-678,-680,-682,-683,-690,-693,-697,-745,1145,1145,-874,1145,1145,-878,1145,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1145,-812,1145,-814,-801,1145,-802,-805,1145,-816,-819,-821,-823,-825,1145,-826,1145,-809,1145,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,869,-282,869,1145,869,1145,-455,1145,1145,-729,1145,-736,1145,-741,1145,-663,-671,1145,1145,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1145,-836,-53,869,1145,-730,1145,-737,1145,-742,-664,1145,-873,-54,869,869,-731,-738,-743,1145,869,1145,-872,]),'VALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[870,870,870,870,-1894,870,870,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,870,870,870,870,-275,-276,870,-1425,870,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,870,870,870,-490,870,870,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,870,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,870,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,870,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,870,-172,-173,-174,-175,-993,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-290,-291,-281,870,870,870,870,870,-328,-318,-332,-333,-334,870,870,-982,-983,-984,-985,-986,-987,-988,870,870,870,870,870,870,870,870,870,870,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,870,870,870,-353,-356,870,-323,-324,-141,870,-142,870,-143,870,-430,-935,-936,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-1894,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-1894,870,-1894,870,870,870,870,870,870,870,870,870,870,870,870,-1894,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,870,-1894,870,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,870,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,870,870,870,-191,-192,870,-994,870,870,870,870,870,-277,-278,-279,-280,-365,870,-308,870,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,870,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,870,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,870,870,870,870,870,870,-573,870,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,870,870,-723,-724,-725,870,870,870,870,870,870,-994,870,870,-91,-92,870,870,870,870,-309,-310,-320,870,-307,-293,-294,-295,870,870,870,870,-618,-633,-590,870,870,-436,870,-437,870,-444,-445,-446,-378,-379,870,870,870,-506,870,870,-510,870,870,870,870,-515,-516,-517,-518,870,870,-521,-522,870,-524,-525,-526,-527,-528,-529,-530,-531,870,-533,870,870,870,-539,-541,-542,870,-544,-545,-546,-547,870,870,870,870,870,870,-652,-653,-654,-655,870,-657,-658,-659,870,870,870,-665,870,870,-669,-670,870,870,-673,870,-675,-676,870,-679,870,-681,870,870,-684,-685,-686,870,-688,870,870,-691,870,870,-694,-695,-696,870,-698,-699,-700,-701,870,870,-746,870,-749,-750,-751,-752,-753,870,-755,-756,-757,-758,-759,870,-766,-767,-769,870,-771,-772,-773,-782,-856,-858,-860,-862,870,870,870,870,-868,870,-870,870,870,870,870,870,870,870,-906,-907,870,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,870,-921,-924,870,-934,870,-385,-386,-387,870,870,-390,-391,-392,-393,870,-396,870,-399,-400,870,-401,870,-406,-407,870,-410,-411,-412,870,-415,870,-416,870,-421,-422,870,-425,870,-428,-429,-1894,-1894,870,-619,-620,-621,-622,-623,-634,-584,-624,-797,870,870,870,870,870,-831,870,870,-806,870,-832,870,870,870,870,-798,870,-853,-799,870,870,870,870,870,870,-854,-855,870,-834,-830,-835,870,-625,870,-626,-627,-628,-629,-574,870,870,-630,-631,-632,870,870,870,870,870,870,-635,-636,-637,-592,-1894,-602,870,-638,-639,-713,-640,-604,870,-572,-577,-580,-583,870,870,870,-598,-601,870,-608,870,870,870,870,870,870,870,870,870,870,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,870,870,870,-995,870,870,870,870,870,870,-306,-325,-319,-296,-375,-452,-453,-454,-458,870,-443,870,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,870,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,870,870,870,870,870,870,870,870,870,-316,-535,-508,-591,-937,-939,-940,-438,870,-440,-380,-381,-383,-507,-509,-511,870,-513,-514,-519,-520,870,-532,-534,-537,-538,-543,-548,-726,870,-727,870,-732,870,-734,870,-739,-656,-660,-661,870,-666,870,-667,870,-672,-674,870,-677,870,870,870,-687,-689,870,-692,870,870,-744,870,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,870,870,870,870,870,-877,870,-880,-908,-920,-925,-388,-389,870,-394,870,-397,870,-402,870,-403,870,-408,870,-413,870,-417,870,-418,870,-423,870,-426,-899,-900,-643,-585,-1894,-901,870,870,870,-800,870,870,-804,870,-807,-833,870,-818,870,-820,870,-822,-808,870,-824,870,-851,-852,870,870,-811,870,-646,-902,-904,-648,-649,-645,870,-705,-706,870,-642,-903,-647,-650,-603,-714,870,870,-605,-586,870,870,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,870,870,-709,-710,870,-716,870,870,870,870,870,870,-938,870,-439,-441,-747,870,-891,870,-715,-1894,870,870,870,870,870,-442,-512,-523,870,-728,-733,870,-735,870,-740,870,-662,-668,870,-678,-680,-682,-683,-690,-693,-697,-745,870,870,-874,870,870,-878,870,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,870,-812,870,-814,-801,870,-802,-805,870,-816,-819,-821,-823,-825,870,-826,870,-809,870,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,870,-282,870,870,870,870,-455,870,870,-729,870,-736,870,-741,870,-663,-671,870,870,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,870,-836,-53,870,870,-730,870,-737,870,-742,-664,870,-873,-54,870,870,-731,-738,-743,870,870,870,-872,]),'VARCHARACTER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[871,871,871,871,-1894,871,871,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,871,871,871,871,-275,-276,871,-1425,871,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,871,871,871,-490,871,871,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,871,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,871,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,871,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,871,-172,-173,-174,-175,-993,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-290,-291,-281,871,871,871,871,871,-328,-318,-332,-333,-334,871,871,-982,-983,-984,-985,-986,-987,-988,871,871,871,871,871,871,871,871,871,871,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,871,871,871,-353,-356,871,-323,-324,-141,871,-142,871,-143,871,-430,-935,-936,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-1894,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-1894,871,-1894,871,871,871,871,871,871,871,871,871,871,871,871,-1894,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,871,-1894,871,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,871,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,871,871,871,-191,-192,871,-994,871,871,871,871,871,-277,-278,-279,-280,-365,871,-308,871,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,871,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,871,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,871,871,871,871,871,871,-573,871,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,871,871,-723,-724,-725,871,871,871,871,871,871,-994,871,871,-91,-92,871,871,871,871,-309,-310,-320,871,-307,-293,-294,-295,871,871,871,871,-618,-633,-590,871,871,-436,871,-437,871,-444,-445,-446,-378,-379,871,871,871,-506,871,871,-510,871,871,871,871,-515,-516,-517,-518,871,871,-521,-522,871,-524,-525,-526,-527,-528,-529,-530,-531,871,-533,871,871,871,-539,-541,-542,871,-544,-545,-546,-547,871,871,871,871,871,871,-652,-653,-654,-655,871,-657,-658,-659,871,871,871,-665,871,871,-669,-670,871,871,-673,871,-675,-676,871,-679,871,-681,871,871,-684,-685,-686,871,-688,871,871,-691,871,871,-694,-695,-696,871,-698,-699,-700,-701,871,871,-746,871,-749,-750,-751,-752,-753,871,-755,-756,-757,-758,-759,871,-766,-767,-769,871,-771,-772,-773,-782,-856,-858,-860,-862,871,871,871,871,-868,871,-870,871,871,871,871,871,871,871,-906,-907,871,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,871,-921,-924,871,-934,871,-385,-386,-387,871,871,-390,-391,-392,-393,871,-396,871,-399,-400,871,-401,871,-406,-407,871,-410,-411,-412,871,-415,871,-416,871,-421,-422,871,-425,871,-428,-429,-1894,-1894,871,-619,-620,-621,-622,-623,-634,-584,-624,-797,871,871,871,871,871,-831,871,871,-806,871,-832,871,871,871,871,-798,871,-853,-799,871,871,871,871,871,871,-854,-855,871,-834,-830,-835,871,-625,871,-626,-627,-628,-629,-574,871,871,-630,-631,-632,871,871,871,871,871,871,-635,-636,-637,-592,-1894,-602,871,-638,-639,-713,-640,-604,871,-572,-577,-580,-583,871,871,871,-598,-601,871,-608,871,871,871,871,871,871,871,871,871,871,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,871,871,871,-995,871,871,871,871,871,871,-306,-325,-319,-296,-375,-452,-453,-454,-458,871,-443,871,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,871,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,871,871,871,871,871,871,871,871,871,-316,-535,-508,-591,-937,-939,-940,-438,871,-440,-380,-381,-383,-507,-509,-511,871,-513,-514,-519,-520,871,-532,-534,-537,-538,-543,-548,-726,871,-727,871,-732,871,-734,871,-739,-656,-660,-661,871,-666,871,-667,871,-672,-674,871,-677,871,871,871,-687,-689,871,-692,871,871,-744,871,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,871,871,871,871,871,-877,871,-880,-908,-920,-925,-388,-389,871,-394,871,-397,871,-402,871,-403,871,-408,871,-413,871,-417,871,-418,871,-423,871,-426,-899,-900,-643,-585,-1894,-901,871,871,871,-800,871,871,-804,871,-807,-833,871,-818,871,-820,871,-822,-808,871,-824,871,-851,-852,871,871,-811,871,-646,-902,-904,-648,-649,-645,871,-705,-706,871,-642,-903,-647,-650,-603,-714,871,871,-605,-586,871,871,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,871,871,-709,-710,871,-716,871,871,871,871,871,871,-938,871,-439,-441,-747,871,-891,871,-715,-1894,871,871,871,871,871,-442,-512,-523,871,-728,-733,871,-735,871,-740,871,-662,-668,871,-678,-680,-682,-683,-690,-693,-697,-745,871,871,-874,871,871,-878,871,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,871,-812,871,-814,-801,871,-802,-805,871,-816,-819,-821,-823,-825,871,-826,871,-809,871,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,871,-282,871,871,871,871,-455,871,871,-729,871,-736,871,-741,871,-663,-671,871,871,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,871,-836,-53,871,871,-730,871,-737,871,-742,-664,871,-873,-54,871,871,-731,-738,-743,871,871,871,-872,]),'VARIABLES':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[872,872,872,872,-1894,872,872,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,872,872,872,872,-275,-276,872,-1425,872,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,872,872,872,-490,872,872,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,872,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,872,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,872,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,872,-172,-173,-174,-175,-993,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-290,-291,-281,872,872,872,872,872,-328,-318,-332,-333,-334,872,872,-982,-983,-984,-985,-986,-987,-988,872,872,872,872,872,872,872,872,872,872,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,872,872,872,-353,-356,872,-323,-324,-141,872,-142,872,-143,872,-430,-935,-936,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-1894,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-1894,872,-1894,872,872,872,872,872,872,872,872,872,872,872,872,-1894,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,872,-1894,872,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,872,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,872,872,872,-191,-192,872,-994,872,872,872,872,872,-277,-278,-279,-280,-365,872,-308,872,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,872,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,872,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,872,872,872,872,872,872,-573,872,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,872,872,-723,-724,-725,872,872,872,872,872,872,-994,872,872,-91,-92,872,872,872,872,-309,-310,-320,872,-307,-293,-294,-295,872,872,872,872,-618,-633,-590,872,872,-436,872,-437,872,-444,-445,-446,-378,-379,872,872,872,-506,872,872,-510,872,872,872,872,-515,-516,-517,-518,872,872,-521,-522,872,-524,-525,-526,-527,-528,-529,-530,-531,872,-533,872,872,872,-539,-541,-542,872,-544,-545,-546,-547,872,872,872,872,872,872,-652,-653,-654,-655,872,-657,-658,-659,872,872,872,-665,872,872,-669,-670,872,872,-673,872,-675,-676,872,-679,872,-681,872,872,-684,-685,-686,872,-688,872,872,-691,872,872,-694,-695,-696,872,-698,-699,-700,-701,872,872,-746,872,-749,-750,-751,-752,-753,872,-755,-756,-757,-758,-759,872,-766,-767,-769,872,-771,-772,-773,-782,-856,-858,-860,-862,872,872,872,872,-868,872,-870,872,872,872,872,872,872,872,-906,-907,872,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,872,-921,-924,872,-934,872,-385,-386,-387,872,872,-390,-391,-392,-393,872,-396,872,-399,-400,872,-401,872,-406,-407,872,-410,-411,-412,872,-415,872,-416,872,-421,-422,872,-425,872,-428,-429,-1894,-1894,872,-619,-620,-621,-622,-623,-634,-584,-624,-797,872,872,872,872,872,-831,872,872,-806,872,-832,872,872,872,872,-798,872,-853,-799,872,872,872,872,872,872,-854,-855,872,-834,-830,-835,872,-625,872,-626,-627,-628,-629,-574,872,872,-630,-631,-632,872,872,872,872,872,872,-635,-636,-637,-592,-1894,-602,872,-638,-639,-713,-640,-604,872,-572,-577,-580,-583,872,872,872,-598,-601,872,-608,872,872,872,872,872,872,872,872,872,872,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,872,872,872,-995,872,872,872,872,872,872,-306,-325,-319,-296,-375,-452,-453,-454,-458,872,-443,872,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,872,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,872,872,872,872,872,872,872,872,872,-316,-535,-508,-591,-937,-939,-940,-438,872,-440,-380,-381,-383,-507,-509,-511,872,-513,-514,-519,-520,872,-532,-534,-537,-538,-543,-548,-726,872,-727,872,-732,872,-734,872,-739,-656,-660,-661,872,-666,872,-667,872,-672,-674,872,-677,872,872,872,-687,-689,872,-692,872,872,-744,872,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,872,872,872,872,872,-877,872,-880,-908,-920,-925,-388,-389,872,-394,872,-397,872,-402,872,-403,872,-408,872,-413,872,-417,872,-418,872,-423,872,-426,-899,-900,-643,-585,-1894,-901,872,872,872,-800,872,872,-804,872,-807,-833,872,-818,872,-820,872,-822,-808,872,-824,872,-851,-852,872,872,-811,872,-646,-902,-904,-648,-649,-645,872,-705,-706,872,-642,-903,-647,-650,-603,-714,872,872,-605,-586,872,872,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,872,872,-709,-710,872,-716,872,872,872,872,872,872,-938,872,-439,-441,-747,872,-891,872,-715,-1894,872,872,872,872,872,-442,-512,-523,872,-728,-733,872,-735,872,-740,872,-662,-668,872,-678,-680,-682,-683,-690,-693,-697,-745,872,872,-874,872,872,-878,872,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,872,-812,872,-814,-801,872,-802,-805,872,-816,-819,-821,-823,-825,872,-826,872,-809,872,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,872,-282,872,872,872,872,-455,872,872,-729,872,-736,872,-741,872,-663,-671,872,872,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,872,-836,-53,872,872,-730,872,-737,872,-742,-664,872,-873,-54,872,872,-731,-738,-743,872,872,872,-872,]),'VARIANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[873,873,873,873,-1894,873,873,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,873,873,873,873,-275,-276,873,-1425,873,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,873,873,873,-490,873,873,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,873,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,873,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,873,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,873,-172,-173,-174,-175,-993,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-290,-291,-281,873,873,873,873,873,-328,-318,-332,-333,-334,873,873,-982,-983,-984,-985,-986,-987,-988,873,873,873,873,873,873,873,873,873,873,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,873,873,873,-353,-356,873,-323,-324,-141,873,-142,873,-143,873,-430,-935,-936,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-1894,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-1894,873,-1894,873,873,873,873,873,873,873,873,873,873,873,873,-1894,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,873,-1894,873,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,873,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,873,873,873,-191,-192,873,-994,873,873,873,873,873,-277,-278,-279,-280,-365,873,-308,873,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,873,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,873,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,873,873,873,873,873,873,-573,873,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,873,873,-723,-724,-725,873,873,873,873,873,873,-994,873,873,-91,-92,873,873,873,873,-309,-310,-320,873,-307,-293,-294,-295,873,873,873,873,-618,-633,-590,873,873,-436,873,-437,873,-444,-445,-446,-378,-379,873,873,873,-506,873,873,-510,873,873,873,873,-515,-516,-517,-518,873,873,-521,-522,873,-524,-525,-526,-527,-528,-529,-530,-531,873,-533,873,873,873,-539,-541,-542,873,-544,-545,-546,-547,873,873,873,873,873,873,-652,-653,-654,-655,873,-657,-658,-659,873,873,873,-665,873,873,-669,-670,873,873,-673,873,-675,-676,873,-679,873,-681,873,873,-684,-685,-686,873,-688,873,873,-691,873,873,-694,-695,-696,873,-698,-699,-700,-701,873,873,-746,873,-749,-750,-751,-752,-753,873,-755,-756,-757,-758,-759,873,-766,-767,-769,873,-771,-772,-773,-782,-856,-858,-860,-862,873,873,873,873,-868,873,-870,873,873,873,873,873,873,873,-906,-907,873,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,873,-921,-924,873,-934,873,-385,-386,-387,873,873,-390,-391,-392,-393,873,-396,873,-399,-400,873,-401,873,-406,-407,873,-410,-411,-412,873,-415,873,-416,873,-421,-422,873,-425,873,-428,-429,-1894,-1894,873,-619,-620,-621,-622,-623,-634,-584,-624,-797,873,873,873,873,873,-831,873,873,-806,873,-832,873,873,873,873,-798,873,-853,-799,873,873,873,873,873,873,-854,-855,873,-834,-830,-835,873,-625,873,-626,-627,-628,-629,-574,873,873,-630,-631,-632,873,873,873,873,873,873,-635,-636,-637,-592,-1894,-602,873,-638,-639,-713,-640,-604,873,-572,-577,-580,-583,873,873,873,-598,-601,873,-608,873,873,873,873,873,873,873,873,873,873,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,873,873,873,-995,873,873,873,873,873,873,-306,-325,-319,-296,-375,-452,-453,-454,-458,873,-443,873,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,873,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,873,873,873,873,873,873,873,873,873,-316,-535,-508,-591,-937,-939,-940,-438,873,-440,-380,-381,-383,-507,-509,-511,873,-513,-514,-519,-520,873,-532,-534,-537,-538,-543,-548,-726,873,-727,873,-732,873,-734,873,-739,-656,-660,-661,873,-666,873,-667,873,-672,-674,873,-677,873,873,873,-687,-689,873,-692,873,873,-744,873,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,873,873,873,873,873,-877,873,-880,-908,-920,-925,-388,-389,873,-394,873,-397,873,-402,873,-403,873,-408,873,-413,873,-417,873,-418,873,-423,873,-426,-899,-900,-643,-585,-1894,-901,873,873,873,-800,873,873,-804,873,-807,-833,873,-818,873,-820,873,-822,-808,873,-824,873,-851,-852,873,873,-811,873,-646,-902,-904,-648,-649,-645,873,-705,-706,873,-642,-903,-647,-650,-603,-714,873,873,-605,-586,873,873,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,873,873,-709,-710,873,-716,873,873,873,873,873,873,-938,873,-439,-441,-747,873,-891,873,-715,-1894,873,873,873,873,873,-442,-512,-523,873,-728,-733,873,-735,873,-740,873,-662,-668,873,-678,-680,-682,-683,-690,-693,-697,-745,873,873,-874,873,873,-878,873,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,873,-812,873,-814,-801,873,-802,-805,873,-816,-819,-821,-823,-825,873,-826,873,-809,873,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,873,-282,873,873,873,873,-455,873,873,-729,873,-736,873,-741,873,-663,-671,873,873,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,873,-836,-53,873,873,-730,873,-737,873,-742,-664,873,-873,-54,873,873,-731,-738,-743,873,873,873,-872,]),'VAR_VARIANCE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[874,874,874,1309,-1894,874,874,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,874,874,874,874,-275,-276,1309,-1425,1309,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1309,1309,1309,-490,1309,1309,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1309,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1309,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1309,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,874,-172,-173,-174,-175,-993,874,874,874,874,874,874,874,874,874,874,1309,1309,1309,1309,1309,-290,-291,-281,874,1309,1309,1309,1309,-328,-318,-332,-333,-334,1309,1309,-982,-983,-984,-985,-986,-987,-988,874,874,1309,1309,1309,1309,1309,1309,1309,1309,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1309,1309,1309,-353,-356,874,-323,-324,-141,1309,-142,1309,-143,1309,-430,-935,-936,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1894,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1894,1309,-1894,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1894,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-1894,874,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1309,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1309,874,874,-191,-192,874,-994,1309,874,874,874,874,-277,-278,-279,-280,-365,1309,-308,1309,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1309,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1309,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1309,1309,1309,1309,1309,1309,-573,1309,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1309,1309,-723,-724,-725,1309,1309,874,874,874,874,-994,874,1309,-91,-92,874,874,874,1309,-309,-310,-320,1309,-307,-293,-294,-295,1309,874,1309,1309,-618,-633,-590,1309,874,-436,874,-437,1309,-444,-445,-446,-378,-379,1309,1309,1309,-506,1309,1309,-510,1309,1309,1309,1309,-515,-516,-517,-518,1309,1309,-521,-522,1309,-524,-525,-526,-527,-528,-529,-530,-531,1309,-533,1309,1309,1309,-539,-541,-542,1309,-544,-545,-546,-547,1309,1309,1309,1309,1309,1309,-652,-653,-654,-655,874,-657,-658,-659,1309,1309,1309,-665,1309,1309,-669,-670,1309,1309,-673,1309,-675,-676,1309,-679,1309,-681,1309,1309,-684,-685,-686,1309,-688,1309,1309,-691,1309,1309,-694,-695,-696,1309,-698,-699,-700,-701,1309,1309,-746,1309,-749,-750,-751,-752,-753,1309,-755,-756,-757,-758,-759,1309,-766,-767,-769,1309,-771,-772,-773,-782,-856,-858,-860,-862,1309,1309,1309,1309,-868,1309,-870,1309,1309,1309,1309,1309,1309,1309,-906,-907,1309,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1309,-921,-924,1309,-934,1309,-385,-386,-387,1309,1309,-390,-391,-392,-393,1309,-396,1309,-399,-400,1309,-401,1309,-406,-407,1309,-410,-411,-412,1309,-415,1309,-416,1309,-421,-422,1309,-425,1309,-428,-429,-1894,-1894,1309,-619,-620,-621,-622,-623,-634,-584,-624,-797,1309,1309,1309,1309,1309,-831,1309,1309,-806,1309,-832,1309,1309,1309,1309,-798,1309,-853,-799,1309,1309,1309,1309,1309,1309,-854,-855,1309,-834,-830,-835,1309,-625,1309,-626,-627,-628,-629,-574,1309,1309,-630,-631,-632,1309,1309,1309,1309,1309,1309,-635,-636,-637,-592,-1894,-602,1309,-638,-639,-713,-640,-604,1309,-572,-577,-580,-583,1309,1309,1309,-598,-601,1309,-608,1309,1309,1309,1309,1309,1309,1309,1309,1309,1309,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1309,874,874,-995,874,1309,874,874,874,1309,-306,-325,-319,-296,-375,-452,-453,-454,-458,874,-443,1309,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1309,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,874,874,874,874,874,874,874,874,1309,-316,-535,-508,-591,-937,-939,-940,-438,1309,-440,-380,-381,-383,-507,-509,-511,1309,-513,-514,-519,-520,1309,-532,-534,-537,-538,-543,-548,-726,1309,-727,1309,-732,1309,-734,1309,-739,-656,-660,-661,1309,-666,1309,-667,1309,-672,-674,1309,-677,1309,1309,1309,-687,-689,1309,-692,1309,1309,-744,1309,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1309,1309,1309,1309,1309,-877,1309,-880,-908,-920,-925,-388,-389,1309,-394,1309,-397,1309,-402,1309,-403,1309,-408,1309,-413,1309,-417,1309,-418,1309,-423,1309,-426,-899,-900,-643,-585,-1894,-901,1309,1309,1309,-800,1309,1309,-804,1309,-807,-833,1309,-818,1309,-820,1309,-822,-808,1309,-824,1309,-851,-852,1309,1309,-811,1309,-646,-902,-904,-648,-649,-645,1309,-705,-706,1309,-642,-903,-647,-650,-603,-714,1309,1309,-605,-586,1309,1309,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1309,1309,-709,-710,1309,-716,1309,874,874,874,1309,1309,-938,874,-439,-441,-747,1309,-891,1309,-715,-1894,1309,1309,874,874,1309,-442,-512,-523,1309,-728,-733,1309,-735,1309,-740,1309,-662,-668,1309,-678,-680,-682,-683,-690,-693,-697,-745,1309,1309,-874,1309,1309,-878,1309,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1309,-812,1309,-814,-801,1309,-802,-805,1309,-816,-819,-821,-823,-825,1309,-826,1309,-809,1309,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,874,-282,874,1309,874,1309,-455,1309,1309,-729,1309,-736,1309,-741,1309,-663,-671,1309,1309,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1309,-836,-53,874,1309,-730,1309,-737,1309,-742,-664,1309,-873,-54,874,874,-731,-738,-743,1309,874,1309,-872,]),'VERBOSE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[875,875,875,875,-1894,875,875,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,875,875,875,875,-275,-276,875,-1425,875,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,875,875,875,-490,875,875,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,875,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,875,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,875,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,875,-172,-173,-174,-175,-993,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-290,-291,-281,875,875,875,875,875,-328,-318,-332,-333,-334,875,875,-982,-983,-984,-985,-986,-987,-988,875,875,875,875,875,875,875,875,875,875,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,875,875,875,-353,-356,875,-323,-324,-141,875,-142,875,-143,875,-430,-935,-936,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-1894,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-1894,875,-1894,875,875,875,875,875,875,875,875,875,875,875,875,-1894,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,875,-1894,875,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,875,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,875,875,875,-191,-192,875,-994,875,875,875,875,875,-277,-278,-279,-280,-365,875,-308,875,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,875,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,875,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,875,875,875,875,875,875,-573,875,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,875,875,-723,-724,-725,875,875,875,875,875,875,-994,875,875,-91,-92,875,875,875,875,-309,-310,-320,875,-307,-293,-294,-295,875,875,875,875,-618,-633,-590,875,875,-436,875,-437,875,-444,-445,-446,-378,-379,875,875,875,-506,875,875,-510,875,875,875,875,-515,-516,-517,-518,875,875,-521,-522,875,-524,-525,-526,-527,-528,-529,-530,-531,875,-533,875,875,875,-539,-541,-542,875,-544,-545,-546,-547,875,875,875,875,875,875,-652,-653,-654,-655,875,-657,-658,-659,875,875,875,-665,875,875,-669,-670,875,875,-673,875,-675,-676,875,-679,875,-681,875,875,-684,-685,-686,875,-688,875,875,-691,875,875,-694,-695,-696,875,-698,-699,-700,-701,875,875,-746,875,-749,-750,-751,-752,-753,875,-755,-756,-757,-758,-759,875,-766,-767,-769,875,-771,-772,-773,-782,-856,-858,-860,-862,875,875,875,875,-868,875,-870,875,875,875,875,875,875,875,-906,-907,875,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,875,-921,-924,875,-934,875,-385,-386,-387,875,875,-390,-391,-392,-393,875,-396,875,-399,-400,875,-401,875,-406,-407,875,-410,-411,-412,875,-415,875,-416,875,-421,-422,875,-425,875,-428,-429,-1894,-1894,875,-619,-620,-621,-622,-623,-634,-584,-624,-797,875,875,875,875,875,-831,875,875,-806,875,-832,875,875,875,875,-798,875,-853,-799,875,875,875,875,875,875,-854,-855,875,-834,-830,-835,875,-625,875,-626,-627,-628,-629,-574,875,875,-630,-631,-632,875,875,875,875,875,875,-635,-636,-637,-592,-1894,-602,875,-638,-639,-713,-640,-604,875,-572,-577,-580,-583,875,875,875,-598,-601,875,-608,875,875,875,875,875,875,875,875,875,875,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,875,875,875,-995,875,875,875,875,875,875,-306,-325,-319,-296,-375,-452,-453,-454,-458,875,-443,875,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,875,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,875,875,875,875,875,875,875,875,875,-316,-535,-508,-591,-937,-939,-940,-438,875,-440,-380,-381,-383,-507,-509,-511,875,-513,-514,-519,-520,875,-532,-534,-537,-538,-543,-548,-726,875,-727,875,-732,875,-734,875,-739,-656,-660,-661,875,-666,875,-667,875,-672,-674,875,-677,875,875,875,-687,-689,875,-692,875,875,-744,875,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,875,875,875,875,875,-877,875,-880,-908,-920,-925,-388,-389,875,-394,875,-397,875,-402,875,-403,875,-408,875,-413,875,-417,875,-418,875,-423,875,-426,-899,-900,-643,-585,-1894,-901,875,875,875,-800,875,875,-804,875,-807,-833,875,-818,875,-820,875,-822,-808,875,-824,875,-851,-852,875,875,-811,875,-646,-902,-904,-648,-649,-645,875,-705,-706,875,-642,-903,-647,-650,-603,-714,875,875,-605,-586,875,875,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,875,875,-709,-710,875,-716,875,875,875,875,875,875,-938,875,-439,-441,-747,875,-891,875,-715,-1894,875,875,875,875,875,-442,-512,-523,875,-728,-733,875,-735,875,-740,875,-662,-668,875,-678,-680,-682,-683,-690,-693,-697,-745,875,875,-874,875,875,-878,875,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,875,-812,875,-814,-801,875,-802,-805,875,-816,-819,-821,-823,-825,875,-826,875,-809,875,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,875,-282,875,875,875,875,-455,875,875,-729,875,-736,875,-741,875,-663,-671,875,875,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,875,-836,-53,875,875,-730,875,-737,875,-742,-664,875,-873,-54,875,875,-731,-738,-743,875,875,875,-872,]),'VERSION':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[876,876,876,1175,-1894,876,876,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,876,876,876,876,-275,-276,1175,-1425,1175,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1175,1175,1175,-490,1175,1175,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1175,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1175,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1982,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,876,-172,-173,-174,-175,-993,876,876,876,876,876,876,876,876,876,876,1175,1175,1175,1175,1175,-290,-291,-281,876,1175,1175,1175,1175,-328,-318,-332,-333,-334,1175,1175,-982,-983,-984,-985,-986,-987,-988,876,876,1175,1175,1175,1175,1175,1175,1175,1175,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1175,1175,1175,-353,-356,876,-323,-324,-141,1175,-142,1175,-143,1175,-430,-935,-936,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1894,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1894,1175,-1894,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1894,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-1894,876,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1175,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1175,876,876,-191,-192,876,-994,1175,876,876,876,876,-277,-278,-279,-280,-365,1175,-308,1175,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1175,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1175,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1175,1175,1175,1175,1175,1175,-573,1175,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1175,1175,-723,-724,-725,1175,1982,876,876,876,876,-994,876,1175,-91,-92,876,876,876,1175,-309,-310,-320,1175,-307,-293,-294,-295,1175,876,1175,1175,-618,-633,-590,1175,876,-436,876,-437,1175,-444,-445,-446,-378,-379,1175,1175,1175,-506,1175,1175,-510,1175,1175,1175,1175,-515,-516,-517,-518,1175,1175,-521,-522,1175,-524,-525,-526,-527,-528,-529,-530,-531,1175,-533,1175,1175,1175,-539,-541,-542,1175,-544,-545,-546,-547,1175,1175,1175,1175,1175,1175,-652,-653,-654,-655,876,-657,-658,-659,1175,1175,1175,-665,1175,1175,-669,-670,1175,1175,-673,1175,-675,-676,1175,-679,1175,-681,1175,1175,-684,-685,-686,1175,-688,1175,1175,-691,1175,1175,-694,-695,-696,1175,-698,-699,-700,-701,1175,1175,-746,1175,-749,-750,-751,-752,-753,1175,-755,-756,-757,-758,-759,1175,-766,-767,-769,1175,-771,-772,-773,-782,-856,-858,-860,-862,1175,1175,1175,1175,-868,1175,-870,1175,1175,1175,1175,1175,1175,1175,-906,-907,1175,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1175,-921,-924,1175,-934,1175,-385,-386,-387,1175,1175,-390,-391,-392,-393,1175,-396,1175,-399,-400,1175,-401,1175,-406,-407,1175,-410,-411,-412,1175,-415,1175,-416,1175,-421,-422,1175,-425,1175,-428,-429,-1894,-1894,1175,-619,-620,-621,-622,-623,-634,-584,-624,-797,1175,1175,1175,1175,1175,-831,1175,1175,-806,1175,-832,1175,1175,1175,1175,-798,1175,-853,-799,1175,1175,1175,1175,1175,1175,-854,-855,1175,-834,-830,-835,1175,-625,1175,-626,-627,-628,-629,-574,1175,1175,-630,-631,-632,1175,1175,1175,1175,1175,1175,-635,-636,-637,-592,-1894,-602,1175,-638,-639,-713,-640,-604,1175,-572,-577,-580,-583,1175,1175,1175,-598,-601,1175,-608,1175,1175,1175,1175,1175,1175,1175,1175,1175,1175,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1175,876,876,-995,876,1175,876,876,876,1175,-306,-325,-319,-296,-375,-452,-453,-454,-458,876,-443,1175,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1175,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,876,876,876,876,876,876,876,876,1175,-316,-535,-508,-591,-937,-939,-940,-438,1175,-440,-380,-381,-383,-507,-509,-511,1175,-513,-514,-519,-520,1175,-532,-534,-537,-538,-543,-548,-726,1175,-727,1175,-732,1175,-734,1175,-739,-656,-660,-661,1175,-666,1175,-667,1175,-672,-674,1175,-677,1175,1175,1175,-687,-689,1175,-692,1175,1175,-744,1175,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1175,1175,1175,1175,1175,-877,1175,-880,-908,-920,-925,-388,-389,1175,-394,1175,-397,1175,-402,1175,-403,1175,-408,1175,-413,1175,-417,1175,-418,1175,-423,1175,-426,-899,-900,-643,-585,-1894,-901,1175,1175,1175,-800,1175,1175,-804,1175,-807,-833,1175,-818,1175,-820,1175,-822,-808,1175,-824,1175,-851,-852,1175,1175,-811,1175,-646,-902,-904,-648,-649,-645,1175,-705,-706,1175,-642,-903,-647,-650,-603,-714,1175,1175,-605,-586,1175,1175,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1175,1175,-709,-710,1175,-716,1175,876,876,876,1175,1175,-938,876,-439,-441,-747,1175,-891,1982,-715,-1894,1175,1175,876,876,1175,-442,-512,-523,1175,-728,-733,1175,-735,1175,-740,1175,-662,-668,1175,-678,-680,-682,-683,-690,-693,-697,-745,1175,1175,-874,1175,1175,-878,1175,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1175,-812,1175,-814,-801,1175,-802,-805,1175,-816,-819,-821,-823,-825,1175,-826,1175,-809,1175,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,876,-282,876,1175,876,1175,-455,1175,1175,-729,1175,-736,1175,-741,1175,-663,-671,1175,1175,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1175,-836,-53,876,1175,-730,1175,-737,1175,-742,-664,1175,-873,-54,876,876,-731,-738,-743,1175,876,1175,-872,]),'VIEW':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[877,877,877,877,-1894,877,877,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,877,877,877,877,-275,-276,877,-1425,877,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,877,877,877,-490,877,877,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,877,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,877,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,877,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,877,-172,-173,-174,-175,-993,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-290,-291,-281,877,877,877,877,877,-328,-318,-332,-333,-334,877,877,-982,-983,-984,-985,-986,-987,-988,877,877,877,877,877,877,877,877,877,877,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,877,877,877,-353,-356,877,-323,-324,-141,877,-142,877,-143,877,-430,-935,-936,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-1894,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-1894,877,-1894,877,877,877,877,877,877,877,877,877,877,877,877,-1894,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,877,-1894,877,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,877,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,877,877,877,-191,-192,877,-994,877,877,877,877,877,-277,-278,-279,-280,-365,877,-308,877,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,877,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,877,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,877,877,877,877,877,877,-573,877,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,877,877,-723,-724,-725,877,877,877,877,877,877,-994,877,877,-91,-92,877,877,877,877,-309,-310,-320,877,-307,-293,-294,-295,877,877,877,877,-618,-633,-590,877,877,-436,877,-437,877,-444,-445,-446,-378,-379,877,877,877,-506,877,877,-510,877,877,877,877,-515,-516,-517,-518,877,877,-521,-522,877,-524,-525,-526,-527,-528,-529,-530,-531,877,-533,877,877,877,-539,-541,-542,877,-544,-545,-546,-547,877,877,877,877,877,877,-652,-653,-654,-655,877,-657,-658,-659,877,877,877,-665,877,877,-669,-670,877,877,-673,877,-675,-676,877,-679,877,-681,877,877,-684,-685,-686,877,-688,877,877,-691,877,877,-694,-695,-696,877,-698,-699,-700,-701,877,877,-746,877,-749,-750,-751,-752,-753,877,-755,-756,-757,-758,-759,877,-766,-767,-769,877,-771,-772,-773,-782,-856,-858,-860,-862,877,877,877,877,-868,877,-870,877,877,877,877,877,877,877,-906,-907,877,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,877,-921,-924,877,-934,877,-385,-386,-387,877,877,-390,-391,-392,-393,877,-396,877,-399,-400,877,-401,877,-406,-407,877,-410,-411,-412,877,-415,877,-416,877,-421,-422,877,-425,877,-428,-429,-1894,-1894,877,-619,-620,-621,-622,-623,-634,-584,-624,-797,877,877,877,877,877,-831,877,877,-806,877,-832,877,877,877,877,-798,877,-853,-799,877,877,877,877,877,877,-854,-855,877,-834,-830,-835,877,-625,877,-626,-627,-628,-629,-574,877,877,-630,-631,-632,877,877,877,877,877,877,-635,-636,-637,-592,-1894,-602,877,-638,-639,-713,-640,-604,877,-572,-577,-580,-583,877,877,877,-598,-601,877,-608,877,877,877,877,877,877,877,877,877,877,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,877,877,877,-995,877,877,877,877,877,877,-306,-325,-319,-296,-375,-452,-453,-454,-458,877,-443,877,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,877,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,877,877,877,877,877,877,877,877,877,-316,-535,-508,-591,-937,-939,-940,-438,877,-440,-380,-381,-383,-507,-509,-511,877,-513,-514,-519,-520,877,-532,-534,-537,-538,-543,-548,-726,877,-727,877,-732,877,-734,877,-739,-656,-660,-661,877,-666,877,-667,877,-672,-674,877,-677,877,877,877,-687,-689,877,-692,877,877,-744,877,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,877,877,877,877,877,-877,877,-880,-908,-920,-925,-388,-389,877,-394,877,-397,877,-402,877,-403,877,-408,877,-413,877,-417,877,-418,877,-423,877,-426,-899,-900,-643,-585,-1894,-901,877,877,877,-800,877,877,-804,877,-807,-833,877,-818,877,-820,877,-822,-808,877,-824,877,-851,-852,877,877,-811,877,-646,-902,-904,-648,-649,-645,877,-705,-706,877,-642,-903,-647,-650,-603,-714,877,877,-605,-586,877,877,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,877,877,-709,-710,877,-716,877,877,877,877,877,877,-938,877,-439,-441,-747,877,-891,877,-715,-1894,877,877,877,877,877,-442,-512,-523,877,-728,-733,877,-735,877,-740,877,-662,-668,877,-678,-680,-682,-683,-690,-693,-697,-745,877,877,-874,877,877,-878,877,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,877,-812,877,-814,-801,877,-802,-805,877,-816,-819,-821,-823,-825,877,-826,877,-809,877,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,877,-282,877,877,877,877,-455,877,877,-729,877,-736,877,-741,877,-663,-671,877,877,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,877,-836,-53,877,877,-730,877,-737,877,-742,-664,877,-873,-54,877,877,-731,-738,-743,877,877,877,-872,]),'VIRTUAL_COLUMN_ID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[878,878,878,878,-1894,878,878,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,878,878,878,878,-275,-276,878,-1425,878,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,878,878,878,-490,878,878,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,878,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,878,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,878,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,878,-172,-173,-174,-175,-993,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-290,-291,-281,878,878,878,878,878,-328,-318,-332,-333,-334,878,878,-982,-983,-984,-985,-986,-987,-988,878,878,878,878,878,878,878,878,878,878,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,878,878,878,-353,-356,878,-323,-324,-141,878,-142,878,-143,878,-430,-935,-936,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-1894,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-1894,878,-1894,878,878,878,878,878,878,878,878,878,878,878,878,-1894,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,878,-1894,878,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,878,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,878,878,878,-191,-192,878,-994,878,878,878,878,878,-277,-278,-279,-280,-365,878,-308,878,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,878,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,878,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,878,878,878,878,878,878,-573,878,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,878,878,-723,-724,-725,878,878,878,878,878,878,-994,878,878,-91,-92,878,878,878,878,-309,-310,-320,878,-307,-293,-294,-295,878,878,878,878,-618,-633,-590,878,878,-436,878,-437,878,-444,-445,-446,-378,-379,878,878,878,-506,878,878,-510,878,878,878,878,-515,-516,-517,-518,878,878,-521,-522,878,-524,-525,-526,-527,-528,-529,-530,-531,878,-533,878,878,878,-539,-541,-542,878,-544,-545,-546,-547,878,878,878,878,878,878,-652,-653,-654,-655,878,-657,-658,-659,878,878,878,-665,878,878,-669,-670,878,878,-673,878,-675,-676,878,-679,878,-681,878,878,-684,-685,-686,878,-688,878,878,-691,878,878,-694,-695,-696,878,-698,-699,-700,-701,878,878,-746,878,-749,-750,-751,-752,-753,878,-755,-756,-757,-758,-759,878,-766,-767,-769,878,-771,-772,-773,-782,-856,-858,-860,-862,878,878,878,878,-868,878,-870,878,878,878,878,878,878,878,-906,-907,878,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,878,-921,-924,878,-934,878,-385,-386,-387,878,878,-390,-391,-392,-393,878,-396,878,-399,-400,878,-401,878,-406,-407,878,-410,-411,-412,878,-415,878,-416,878,-421,-422,878,-425,878,-428,-429,-1894,-1894,878,-619,-620,-621,-622,-623,-634,-584,-624,-797,878,878,878,878,878,-831,878,878,-806,878,-832,878,878,878,878,-798,878,-853,-799,878,878,878,878,878,878,-854,-855,878,-834,-830,-835,878,-625,878,-626,-627,-628,-629,-574,878,878,-630,-631,-632,878,878,878,878,878,878,-635,-636,-637,-592,-1894,-602,878,-638,-639,-713,-640,-604,878,-572,-577,-580,-583,878,878,878,-598,-601,878,-608,878,878,878,878,878,878,878,878,878,878,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,878,878,878,-995,878,878,878,878,878,878,-306,-325,-319,-296,-375,-452,-453,-454,-458,878,-443,878,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,878,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,878,878,878,878,878,878,878,878,878,-316,-535,-508,-591,-937,-939,-940,-438,878,-440,-380,-381,-383,-507,-509,-511,878,-513,-514,-519,-520,878,-532,-534,-537,-538,-543,-548,-726,878,-727,878,-732,878,-734,878,-739,-656,-660,-661,878,-666,878,-667,878,-672,-674,878,-677,878,878,878,-687,-689,878,-692,878,878,-744,878,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,878,878,878,878,878,-877,878,-880,-908,-920,-925,-388,-389,878,-394,878,-397,878,-402,878,-403,878,-408,878,-413,878,-417,878,-418,878,-423,878,-426,-899,-900,-643,-585,-1894,-901,878,878,878,-800,878,878,-804,878,-807,-833,878,-818,878,-820,878,-822,-808,878,-824,878,-851,-852,878,878,-811,878,-646,-902,-904,-648,-649,-645,878,-705,-706,878,-642,-903,-647,-650,-603,-714,878,878,-605,-586,878,878,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,878,878,-709,-710,878,-716,878,878,878,878,878,878,-938,878,-439,-441,-747,878,-891,878,-715,-1894,878,878,878,878,878,-442,-512,-523,878,-728,-733,878,-735,878,-740,878,-662,-668,878,-678,-680,-682,-683,-690,-693,-697,-745,878,878,-874,878,878,-878,878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,878,-812,878,-814,-801,878,-802,-805,878,-816,-819,-821,-823,-825,878,-826,878,-809,878,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,878,-282,878,878,878,878,-455,878,878,-729,878,-736,878,-741,878,-663,-671,878,878,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,878,-836,-53,878,878,-730,878,-737,878,-742,-664,878,-873,-54,878,878,-731,-738,-743,878,878,878,-872,]),'VISIBLE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[879,879,879,879,-1894,879,879,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,879,879,879,879,-275,-276,879,-1425,879,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,879,879,879,-490,879,879,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,879,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,879,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,879,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,879,-172,-173,-174,-175,-993,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-290,-291,-281,879,879,879,879,879,-328,-318,-332,-333,-334,879,879,-982,-983,-984,-985,-986,-987,-988,879,879,879,879,879,879,879,879,879,879,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,879,879,879,-353,-356,879,-323,-324,-141,879,-142,879,-143,879,-430,-935,-936,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-1894,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-1894,879,-1894,879,879,879,879,879,879,879,879,879,879,879,879,-1894,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,879,-1894,879,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,879,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,879,879,879,-191,-192,879,-994,879,879,879,879,879,-277,-278,-279,-280,-365,879,-308,879,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,879,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,879,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,879,879,879,879,879,879,-573,879,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,879,879,-723,-724,-725,879,879,879,879,879,879,-994,879,879,-91,-92,879,879,879,879,-309,-310,-320,879,-307,-293,-294,-295,879,879,879,879,-618,-633,-590,879,879,-436,879,-437,879,-444,-445,-446,-378,-379,879,879,879,-506,879,879,-510,879,879,879,879,-515,-516,-517,-518,879,879,-521,-522,879,-524,-525,-526,-527,-528,-529,-530,-531,879,-533,879,879,879,-539,-541,-542,879,-544,-545,-546,-547,879,879,879,879,879,879,-652,-653,-654,-655,879,-657,-658,-659,879,879,879,-665,879,879,-669,-670,879,879,-673,879,-675,-676,879,-679,879,-681,879,879,-684,-685,-686,879,-688,879,879,-691,879,879,-694,-695,-696,879,-698,-699,-700,-701,879,879,-746,879,-749,-750,-751,-752,-753,879,-755,-756,-757,-758,-759,879,-766,-767,-769,879,-771,-772,-773,-782,-856,-858,-860,-862,879,879,879,879,-868,879,-870,879,879,879,879,879,879,879,-906,-907,879,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,879,-921,-924,879,-934,879,-385,-386,-387,879,879,-390,-391,-392,-393,879,-396,879,-399,-400,879,-401,879,-406,-407,879,-410,-411,-412,879,-415,879,-416,879,-421,-422,879,-425,879,-428,-429,-1894,-1894,879,-619,-620,-621,-622,-623,-634,-584,-624,-797,879,879,879,879,879,-831,879,879,-806,879,-832,879,879,879,879,-798,879,-853,-799,879,879,879,879,879,879,-854,-855,879,-834,-830,-835,879,-625,879,-626,-627,-628,-629,-574,879,879,-630,-631,-632,879,879,879,879,879,879,-635,-636,-637,-592,-1894,-602,879,-638,-639,-713,-640,-604,879,-572,-577,-580,-583,879,879,879,-598,-601,879,-608,879,879,879,879,879,879,879,879,879,879,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,879,879,879,-995,879,879,879,879,879,879,-306,-325,-319,-296,-375,-452,-453,-454,-458,879,-443,879,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,879,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,879,879,879,879,879,879,879,879,879,-316,-535,-508,-591,-937,-939,-940,-438,879,-440,-380,-381,-383,-507,-509,-511,879,-513,-514,-519,-520,879,-532,-534,-537,-538,-543,-548,-726,879,-727,879,-732,879,-734,879,-739,-656,-660,-661,879,-666,879,-667,879,-672,-674,879,-677,879,879,879,-687,-689,879,-692,879,879,-744,879,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,879,879,879,879,879,-877,879,-880,-908,-920,-925,-388,-389,879,-394,879,-397,879,-402,879,-403,879,-408,879,-413,879,-417,879,-418,879,-423,879,-426,-899,-900,-643,-585,-1894,-901,879,879,879,-800,879,879,-804,879,-807,-833,879,-818,879,-820,879,-822,-808,879,-824,879,-851,-852,879,879,-811,879,-646,-902,-904,-648,-649,-645,879,-705,-706,879,-642,-903,-647,-650,-603,-714,879,879,-605,-586,879,879,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,879,879,-709,-710,879,-716,879,879,879,879,879,879,-938,879,-439,-441,-747,879,-891,879,-715,-1894,879,879,879,879,879,-442,-512,-523,879,-728,-733,879,-735,879,-740,879,-662,-668,879,-678,-680,-682,-683,-690,-693,-697,-745,879,879,-874,879,879,-878,879,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,879,-812,879,-814,-801,879,-802,-805,879,-816,-819,-821,-823,-825,879,-826,879,-809,879,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,879,-282,879,879,879,879,-455,879,879,-729,879,-736,879,-741,879,-663,-671,879,879,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,879,-836,-53,879,879,-730,879,-737,879,-742,-664,879,-873,-54,879,879,-731,-738,-743,879,879,879,-872,]),'WAIT':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2911,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[880,880,880,880,-1894,880,880,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,880,880,880,880,-275,-276,880,-1425,880,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,880,880,880,-490,880,880,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,880,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,880,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,880,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,880,-172,-173,-174,-175,-993,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-290,-291,-281,880,880,880,880,880,-328,-318,-332,-333,-334,880,880,-982,-983,-984,-985,-986,-987,-988,880,880,880,880,880,880,880,880,880,880,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,880,880,880,-353,-356,880,-323,-324,-141,880,-142,880,-143,880,-430,-935,-936,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-1894,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-1894,880,-1894,880,880,880,880,880,880,880,880,880,880,880,880,-1894,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,880,-1894,880,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,880,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,880,880,880,-191,-192,880,-994,880,880,880,880,880,-277,-278,-279,-280,-365,880,-308,880,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,880,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,880,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,880,880,880,880,880,880,-573,880,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,880,880,-723,-724,-725,880,880,880,880,880,880,-994,880,880,-91,-92,880,880,880,880,-309,-310,-320,880,-307,-293,-294,-295,880,880,880,880,-618,-633,-590,880,880,-436,880,-437,880,-444,-445,-446,-378,-379,880,880,880,-506,880,880,-510,880,880,880,880,-515,-516,-517,-518,880,880,-521,-522,880,-524,-525,-526,-527,-528,-529,-530,-531,880,-533,880,880,880,-539,-541,-542,880,-544,-545,-546,-547,880,880,880,880,880,880,-652,-653,-654,-655,880,-657,-658,-659,880,880,880,-665,880,880,-669,-670,880,880,-673,880,-675,-676,880,-679,880,-681,880,880,-684,-685,-686,880,-688,880,880,-691,880,880,-694,-695,-696,880,-698,-699,-700,-701,880,880,-746,880,-749,-750,-751,-752,-753,880,-755,-756,-757,-758,-759,880,-766,-767,-769,880,-771,-772,-773,-782,-856,-858,-860,-862,880,880,880,880,-868,880,-870,880,880,880,880,880,880,880,-906,-907,880,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,880,-921,-924,880,-934,880,-385,-386,-387,880,880,-390,-391,-392,-393,880,-396,880,-399,-400,880,-401,880,-406,-407,880,-410,-411,-412,880,-415,880,-416,880,-421,-422,880,-425,880,-428,-429,-1894,-1894,880,-619,-620,-621,-622,-623,-634,-584,-624,-797,880,880,880,880,880,-831,880,880,-806,880,-832,880,880,880,880,-798,880,-853,-799,880,880,880,880,880,880,-854,-855,880,-834,-830,-835,880,-625,880,-626,-627,-628,-629,-574,880,880,-630,-631,-632,880,880,880,880,880,880,-635,-636,-637,-592,-1894,-602,880,-638,-639,-713,-640,-604,880,-572,-577,-580,-583,880,880,880,-598,-601,880,-608,880,880,880,880,880,880,880,880,880,880,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,880,880,880,3200,-995,880,880,880,880,880,880,-306,-325,-319,-296,-375,-452,-453,-454,-458,880,-443,880,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,880,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,880,880,880,880,880,880,880,880,880,-316,-535,-508,-591,-937,-939,-940,-438,880,-440,-380,-381,-383,-507,-509,-511,880,-513,-514,-519,-520,880,-532,-534,-537,-538,-543,-548,-726,880,-727,880,-732,880,-734,880,-739,-656,-660,-661,880,-666,880,-667,880,-672,-674,880,-677,880,880,880,-687,-689,880,-692,880,880,-744,880,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,880,880,880,880,880,-877,880,-880,-908,-920,-925,-388,-389,880,-394,880,-397,880,-402,880,-403,880,-408,880,-413,880,-417,880,-418,880,-423,880,-426,-899,-900,-643,-585,-1894,-901,880,880,880,-800,880,880,-804,880,-807,-833,880,-818,880,-820,880,-822,-808,880,-824,880,-851,-852,880,880,-811,880,-646,-902,-904,-648,-649,-645,880,-705,-706,880,-642,-903,-647,-650,-603,-714,880,880,-605,-586,880,880,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,880,880,-709,-710,880,-716,880,880,880,880,880,880,-938,880,-439,-441,-747,880,-891,880,-715,-1894,880,880,880,880,880,-442,-512,-523,880,-728,-733,880,-735,880,-740,880,-662,-668,880,-678,-680,-682,-683,-690,-693,-697,-745,880,880,-874,880,880,-878,880,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,880,-812,880,-814,-801,880,-802,-805,880,-816,-819,-821,-823,-825,880,-826,880,-809,880,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,880,-282,880,880,880,880,-455,880,880,-729,880,-736,880,-741,880,-663,-671,880,880,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,880,-836,-53,880,880,-730,880,-737,880,-742,-664,880,-873,-54,880,880,-731,-738,-743,880,880,880,-872,]),'WAIT_FOR_EXECUTED_GTID_SET':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[881,881,881,1188,-1894,881,881,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,881,881,881,881,-275,-276,1188,-1425,1188,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1188,1188,1188,-490,1188,1188,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1188,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1188,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1983,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,881,-172,-173,-174,-175,-993,881,881,881,881,881,881,881,881,881,881,1188,1188,1188,1188,1188,-290,-291,-281,881,1188,1188,1188,1188,-328,-318,-332,-333,-334,1188,1188,-982,-983,-984,-985,-986,-987,-988,881,881,1188,1188,1188,1188,1188,1188,1188,1188,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1188,1188,1188,-353,-356,881,-323,-324,-141,1188,-142,1188,-143,1188,-430,-935,-936,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1894,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1894,1188,-1894,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1894,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-1894,881,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1188,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1188,881,881,-191,-192,881,-994,1188,881,881,881,881,-277,-278,-279,-280,-365,1188,-308,1188,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1188,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1188,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1188,1188,1188,1188,1188,1188,-573,1188,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1188,1188,-723,-724,-725,1188,1983,881,881,881,881,-994,881,1188,-91,-92,881,881,881,1188,-309,-310,-320,1188,-307,-293,-294,-295,1188,881,1188,1188,-618,-633,-590,1188,881,-436,881,-437,1188,-444,-445,-446,-378,-379,1188,1188,1188,-506,1188,1188,-510,1188,1188,1188,1188,-515,-516,-517,-518,1188,1188,-521,-522,1188,-524,-525,-526,-527,-528,-529,-530,-531,1188,-533,1188,1188,1188,-539,-541,-542,1188,-544,-545,-546,-547,1188,1188,1188,1188,1188,1188,-652,-653,-654,-655,881,-657,-658,-659,1188,1188,1188,-665,1188,1188,-669,-670,1188,1188,-673,1188,-675,-676,1188,-679,1188,-681,1188,1188,-684,-685,-686,1188,-688,1188,1188,-691,1188,1188,-694,-695,-696,1188,-698,-699,-700,-701,1188,1188,-746,1188,-749,-750,-751,-752,-753,1188,-755,-756,-757,-758,-759,1188,-766,-767,-769,1188,-771,-772,-773,-782,-856,-858,-860,-862,1188,1188,1188,1188,-868,1188,-870,1188,1188,1188,1188,1188,1188,1188,-906,-907,1188,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1188,-921,-924,1188,-934,1188,-385,-386,-387,1188,1188,-390,-391,-392,-393,1188,-396,1188,-399,-400,1188,-401,1188,-406,-407,1188,-410,-411,-412,1188,-415,1188,-416,1188,-421,-422,1188,-425,1188,-428,-429,-1894,-1894,1188,-619,-620,-621,-622,-623,-634,-584,-624,-797,1188,1188,1188,1188,1188,-831,1188,1188,-806,1188,-832,1188,1188,1188,1188,-798,1188,-853,-799,1188,1188,1188,1188,1188,1188,-854,-855,1188,-834,-830,-835,1188,-625,1188,-626,-627,-628,-629,-574,1188,1188,-630,-631,-632,1188,1188,1188,1188,1188,1188,-635,-636,-637,-592,-1894,-602,1188,-638,-639,-713,-640,-604,1188,-572,-577,-580,-583,1188,1188,1188,-598,-601,1188,-608,1188,1188,1188,1188,1188,1188,1188,1188,1188,1188,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1188,881,881,-995,881,1188,881,881,881,1188,-306,-325,-319,-296,-375,-452,-453,-454,-458,881,-443,1188,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1188,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,881,881,881,881,881,881,881,881,1188,-316,-535,-508,-591,-937,-939,-940,-438,1188,-440,-380,-381,-383,-507,-509,-511,1188,-513,-514,-519,-520,1188,-532,-534,-537,-538,-543,-548,-726,1188,-727,1188,-732,1188,-734,1188,-739,-656,-660,-661,1188,-666,1188,-667,1188,-672,-674,1188,-677,1188,1188,1188,-687,-689,1188,-692,1188,1188,-744,1188,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1188,1188,1188,1188,1188,-877,1188,-880,-908,-920,-925,-388,-389,1188,-394,1188,-397,1188,-402,1188,-403,1188,-408,1188,-413,1188,-417,1188,-418,1188,-423,1188,-426,-899,-900,-643,-585,-1894,-901,1188,1188,1188,-800,1188,1188,-804,1188,-807,-833,1188,-818,1188,-820,1188,-822,-808,1188,-824,1188,-851,-852,1188,1188,-811,1188,-646,-902,-904,-648,-649,-645,1188,-705,-706,1188,-642,-903,-647,-650,-603,-714,1188,1188,-605,-586,1188,1188,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1188,1188,-709,-710,1188,-716,1188,881,881,881,1188,1188,-938,881,-439,-441,-747,1188,-891,1983,-715,-1894,1188,1188,881,881,1188,-442,-512,-523,1188,-728,-733,1188,-735,1188,-740,1188,-662,-668,1188,-678,-680,-682,-683,-690,-693,-697,-745,1188,1188,-874,1188,1188,-878,1188,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1188,-812,1188,-814,-801,1188,-802,-805,1188,-816,-819,-821,-823,-825,1188,-826,1188,-809,1188,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,881,-282,881,1188,881,1188,-455,1188,1188,-729,1188,-736,1188,-741,1188,-663,-671,1188,1188,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1188,-836,-53,881,1188,-730,1188,-737,1188,-742,-664,1188,-873,-54,881,881,-731,-738,-743,1188,881,1188,-872,]),'WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[882,882,882,1189,-1894,882,882,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,882,882,882,882,-275,-276,1189,-1425,1189,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1189,1189,1189,-490,1189,1189,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1189,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1189,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1984,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,882,-172,-173,-174,-175,-993,882,882,882,882,882,882,882,882,882,882,1189,1189,1189,1189,1189,-290,-291,-281,882,1189,1189,1189,1189,-328,-318,-332,-333,-334,1189,1189,-982,-983,-984,-985,-986,-987,-988,882,882,1189,1189,1189,1189,1189,1189,1189,1189,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1189,1189,1189,-353,-356,882,-323,-324,-141,1189,-142,1189,-143,1189,-430,-935,-936,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1894,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1894,1189,-1894,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1894,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-1894,882,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1189,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1189,882,882,-191,-192,882,-994,1189,882,882,882,882,-277,-278,-279,-280,-365,1189,-308,1189,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1189,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1189,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1189,1189,1189,1189,1189,1189,-573,1189,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1189,1189,-723,-724,-725,1189,1984,882,882,882,882,-994,882,1189,-91,-92,882,882,882,1189,-309,-310,-320,1189,-307,-293,-294,-295,1189,882,1189,1189,-618,-633,-590,1189,882,-436,882,-437,1189,-444,-445,-446,-378,-379,1189,1189,1189,-506,1189,1189,-510,1189,1189,1189,1189,-515,-516,-517,-518,1189,1189,-521,-522,1189,-524,-525,-526,-527,-528,-529,-530,-531,1189,-533,1189,1189,1189,-539,-541,-542,1189,-544,-545,-546,-547,1189,1189,1189,1189,1189,1189,-652,-653,-654,-655,882,-657,-658,-659,1189,1189,1189,-665,1189,1189,-669,-670,1189,1189,-673,1189,-675,-676,1189,-679,1189,-681,1189,1189,-684,-685,-686,1189,-688,1189,1189,-691,1189,1189,-694,-695,-696,1189,-698,-699,-700,-701,1189,1189,-746,1189,-749,-750,-751,-752,-753,1189,-755,-756,-757,-758,-759,1189,-766,-767,-769,1189,-771,-772,-773,-782,-856,-858,-860,-862,1189,1189,1189,1189,-868,1189,-870,1189,1189,1189,1189,1189,1189,1189,-906,-907,1189,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1189,-921,-924,1189,-934,1189,-385,-386,-387,1189,1189,-390,-391,-392,-393,1189,-396,1189,-399,-400,1189,-401,1189,-406,-407,1189,-410,-411,-412,1189,-415,1189,-416,1189,-421,-422,1189,-425,1189,-428,-429,-1894,-1894,1189,-619,-620,-621,-622,-623,-634,-584,-624,-797,1189,1189,1189,1189,1189,-831,1189,1189,-806,1189,-832,1189,1189,1189,1189,-798,1189,-853,-799,1189,1189,1189,1189,1189,1189,-854,-855,1189,-834,-830,-835,1189,-625,1189,-626,-627,-628,-629,-574,1189,1189,-630,-631,-632,1189,1189,1189,1189,1189,1189,-635,-636,-637,-592,-1894,-602,1189,-638,-639,-713,-640,-604,1189,-572,-577,-580,-583,1189,1189,1189,-598,-601,1189,-608,1189,1189,1189,1189,1189,1189,1189,1189,1189,1189,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1189,882,882,-995,882,1189,882,882,882,1189,-306,-325,-319,-296,-375,-452,-453,-454,-458,882,-443,1189,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1189,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,882,882,882,882,882,882,882,882,1189,-316,-535,-508,-591,-937,-939,-940,-438,1189,-440,-380,-381,-383,-507,-509,-511,1189,-513,-514,-519,-520,1189,-532,-534,-537,-538,-543,-548,-726,1189,-727,1189,-732,1189,-734,1189,-739,-656,-660,-661,1189,-666,1189,-667,1189,-672,-674,1189,-677,1189,1189,1189,-687,-689,1189,-692,1189,1189,-744,1189,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1189,1189,1189,1189,1189,-877,1189,-880,-908,-920,-925,-388,-389,1189,-394,1189,-397,1189,-402,1189,-403,1189,-408,1189,-413,1189,-417,1189,-418,1189,-423,1189,-426,-899,-900,-643,-585,-1894,-901,1189,1189,1189,-800,1189,1189,-804,1189,-807,-833,1189,-818,1189,-820,1189,-822,-808,1189,-824,1189,-851,-852,1189,1189,-811,1189,-646,-902,-904,-648,-649,-645,1189,-705,-706,1189,-642,-903,-647,-650,-603,-714,1189,1189,-605,-586,1189,1189,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1189,1189,-709,-710,1189,-716,1189,882,882,882,1189,1189,-938,882,-439,-441,-747,1189,-891,1984,-715,-1894,1189,1189,882,882,1189,-442,-512,-523,1189,-728,-733,1189,-735,1189,-740,1189,-662,-668,1189,-678,-680,-682,-683,-690,-693,-697,-745,1189,1189,-874,1189,1189,-878,1189,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1189,-812,1189,-814,-801,1189,-802,-805,1189,-816,-819,-821,-823,-825,1189,-826,1189,-809,1189,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,882,-282,882,1189,882,1189,-455,1189,1189,-729,1189,-736,1189,-741,1189,-663,-671,1189,1189,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1189,-836,-53,882,1189,-730,1189,-737,1189,-742,-664,1189,-873,-54,882,882,-731,-738,-743,1189,882,1189,-872,]),'WARNINGS':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[883,883,883,883,-1894,883,883,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,883,883,883,883,-275,-276,883,-1425,883,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,883,883,883,-490,883,883,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,883,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,883,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,883,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,883,-172,-173,-174,-175,-993,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-290,-291,-281,883,883,883,883,883,-328,-318,-332,-333,-334,883,883,-982,-983,-984,-985,-986,-987,-988,883,883,883,883,883,883,883,883,883,883,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,883,883,883,-353,-356,883,-323,-324,-141,883,-142,883,-143,883,-430,-935,-936,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-1894,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-1894,883,-1894,883,883,883,883,883,883,883,883,883,883,883,883,-1894,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,883,-1894,883,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,883,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,883,883,883,-191,-192,883,-994,883,883,883,883,883,-277,-278,-279,-280,-365,883,-308,883,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,883,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,883,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,883,883,883,883,883,883,-573,883,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,883,883,-723,-724,-725,883,883,883,883,883,883,-994,883,883,-91,-92,883,883,883,883,-309,-310,-320,883,-307,-293,-294,-295,883,883,883,883,-618,-633,-590,883,883,-436,883,-437,883,-444,-445,-446,-378,-379,883,883,883,-506,883,883,-510,883,883,883,883,-515,-516,-517,-518,883,883,-521,-522,883,-524,-525,-526,-527,-528,-529,-530,-531,883,-533,883,883,883,-539,-541,-542,883,-544,-545,-546,-547,883,883,883,883,883,883,-652,-653,-654,-655,883,-657,-658,-659,883,883,883,-665,883,883,-669,-670,883,883,-673,883,-675,-676,883,-679,883,-681,883,883,-684,-685,-686,883,-688,883,883,-691,883,883,-694,-695,-696,883,-698,-699,-700,-701,883,883,-746,883,-749,-750,-751,-752,-753,883,-755,-756,-757,-758,-759,883,-766,-767,-769,883,-771,-772,-773,-782,-856,-858,-860,-862,883,883,883,883,-868,883,-870,883,883,883,883,883,883,883,-906,-907,883,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,883,-921,-924,883,-934,883,-385,-386,-387,883,883,-390,-391,-392,-393,883,-396,883,-399,-400,883,-401,883,-406,-407,883,-410,-411,-412,883,-415,883,-416,883,-421,-422,883,-425,883,-428,-429,-1894,-1894,883,-619,-620,-621,-622,-623,-634,-584,-624,-797,883,883,883,883,883,-831,883,883,-806,883,-832,883,883,883,883,-798,883,-853,-799,883,883,883,883,883,883,-854,-855,883,-834,-830,-835,883,-625,883,-626,-627,-628,-629,-574,883,883,-630,-631,-632,883,883,883,883,883,883,-635,-636,-637,-592,-1894,-602,883,-638,-639,-713,-640,-604,883,-572,-577,-580,-583,883,883,883,-598,-601,883,-608,883,883,883,883,883,883,883,883,883,883,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,883,883,883,-995,883,883,883,883,883,883,-306,-325,-319,-296,-375,-452,-453,-454,-458,883,-443,883,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,883,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,883,883,883,883,883,883,883,883,883,-316,-535,-508,-591,-937,-939,-940,-438,883,-440,-380,-381,-383,-507,-509,-511,883,-513,-514,-519,-520,883,-532,-534,-537,-538,-543,-548,-726,883,-727,883,-732,883,-734,883,-739,-656,-660,-661,883,-666,883,-667,883,-672,-674,883,-677,883,883,883,-687,-689,883,-692,883,883,-744,883,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,883,883,883,883,883,-877,883,-880,-908,-920,-925,-388,-389,883,-394,883,-397,883,-402,883,-403,883,-408,883,-413,883,-417,883,-418,883,-423,883,-426,-899,-900,-643,-585,-1894,-901,883,883,883,-800,883,883,-804,883,-807,-833,883,-818,883,-820,883,-822,-808,883,-824,883,-851,-852,883,883,-811,883,-646,-902,-904,-648,-649,-645,883,-705,-706,883,-642,-903,-647,-650,-603,-714,883,883,-605,-586,883,883,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,883,883,-709,-710,883,-716,883,883,883,883,883,883,-938,883,-439,-441,-747,883,-891,883,-715,-1894,883,883,883,883,883,-442,-512,-523,883,-728,-733,883,-735,883,-740,883,-662,-668,883,-678,-680,-682,-683,-690,-693,-697,-745,883,883,-874,883,883,-878,883,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,883,-812,883,-814,-801,883,-802,-805,883,-816,-819,-821,-823,-825,883,-826,883,-809,883,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,883,-282,883,883,883,883,-455,883,883,-729,883,-736,883,-741,883,-663,-671,883,883,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,883,-836,-53,883,883,-730,883,-737,883,-742,-664,883,-873,-54,883,883,-731,-738,-743,883,883,883,-872,]),'WEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[884,884,884,1310,-1894,884,884,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,884,884,884,884,-275,-276,1310,-1425,1310,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1310,1310,1310,-490,1310,1310,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1310,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1310,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1310,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,884,-172,-173,-174,-175,-993,884,884,884,884,884,884,884,884,884,884,1310,1310,1310,1310,1310,-290,-291,-281,884,1310,1310,1310,1310,-328,-318,-332,-333,-334,1310,1310,-982,-983,-984,-985,-986,-987,-988,884,884,1310,1310,1310,1310,1310,1310,1310,1310,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1310,1310,2109,1310,-353,-356,884,-323,-324,-141,1310,-142,1310,-143,1310,-430,-935,-936,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1894,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1894,1310,-1894,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1894,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,2109,2109,1310,1310,2109,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-1894,884,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1310,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1310,884,884,-191,-192,884,-994,1310,884,884,884,884,-277,-278,-279,-280,-365,1310,-308,1310,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1310,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1310,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1310,1310,1310,1310,1310,1310,-573,1310,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1310,1310,-723,-724,-725,1310,1310,884,884,884,884,-994,884,1310,-91,-92,884,884,884,1310,-309,-310,-320,1310,-307,-293,-294,-295,1310,884,1310,1310,-618,-633,-590,1310,884,-436,884,-437,1310,-444,-445,-446,-378,-379,1310,1310,1310,-506,1310,1310,-510,1310,1310,1310,1310,-515,-516,-517,-518,1310,1310,-521,-522,1310,-524,-525,-526,-527,-528,-529,-530,-531,1310,-533,1310,1310,1310,-539,-541,-542,1310,-544,-545,-546,-547,1310,1310,1310,1310,1310,1310,-652,-653,-654,-655,884,-657,-658,-659,1310,1310,1310,-665,1310,1310,-669,-670,1310,1310,-673,1310,-675,-676,1310,-679,1310,-681,1310,1310,-684,-685,-686,1310,-688,1310,1310,-691,1310,1310,-694,-695,-696,1310,-698,-699,-700,-701,1310,1310,-746,1310,-749,-750,-751,-752,-753,1310,-755,-756,-757,-758,-759,1310,-766,-767,-769,1310,-771,-772,-773,-782,-856,-858,-860,-862,1310,1310,1310,1310,-868,1310,-870,1310,1310,1310,1310,1310,1310,1310,-906,-907,1310,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1310,-921,-924,1310,-934,1310,-385,-386,-387,1310,1310,-390,-391,-392,-393,1310,-396,1310,-399,-400,1310,-401,1310,-406,-407,1310,-410,-411,-412,1310,-415,1310,-416,1310,-421,-422,1310,-425,1310,-428,-429,-1894,-1894,1310,-619,-620,-621,-622,-623,-634,-584,-624,-797,1310,1310,1310,1310,1310,-831,1310,1310,-806,1310,-832,1310,1310,1310,1310,-798,1310,-853,-799,1310,1310,1310,1310,1310,1310,-854,-855,1310,-834,-830,-835,1310,-625,1310,-626,-627,-628,-629,-574,1310,1310,-630,-631,-632,1310,1310,1310,1310,1310,1310,-635,-636,-637,-592,-1894,-602,1310,-638,-639,-713,-640,-604,1310,-572,-577,-580,-583,1310,1310,1310,-598,-601,1310,-608,1310,1310,1310,1310,1310,1310,1310,1310,1310,1310,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1310,884,884,-995,884,1310,884,884,884,1310,-306,-325,-319,-296,-375,-452,-453,-454,-458,884,-443,1310,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1310,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,884,884,884,884,884,884,884,884,1310,-316,-535,-508,-591,-937,-939,-940,-438,1310,-440,-380,-381,-383,-507,-509,-511,1310,-513,-514,-519,-520,1310,-532,-534,-537,-538,-543,-548,-726,1310,-727,1310,-732,1310,-734,1310,-739,-656,-660,-661,1310,-666,1310,-667,1310,-672,-674,1310,-677,1310,1310,1310,-687,-689,1310,-692,1310,1310,-744,1310,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1310,1310,1310,1310,1310,-877,1310,-880,-908,-920,-925,-388,-389,1310,-394,1310,-397,1310,-402,1310,-403,1310,-408,1310,-413,1310,-417,1310,-418,1310,-423,1310,-426,-899,-900,-643,-585,-1894,-901,1310,1310,1310,-800,1310,1310,-804,1310,-807,-833,1310,-818,1310,-820,1310,-822,-808,1310,-824,1310,-851,-852,1310,1310,-811,1310,-646,-902,-904,-648,-649,-645,1310,-705,-706,1310,-642,-903,-647,-650,-603,-714,1310,1310,-605,-586,1310,1310,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1310,1310,-709,-710,1310,-716,1310,884,884,884,1310,1310,-938,884,-439,-441,-747,1310,-891,1310,-715,-1894,1310,1310,884,884,1310,-442,-512,-523,1310,-728,-733,1310,-735,1310,-740,1310,-662,-668,1310,-678,-680,-682,-683,-690,-693,-697,-745,1310,1310,-874,1310,1310,-878,1310,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1310,-812,1310,-814,-801,1310,-802,-805,1310,-816,-819,-821,-823,-825,1310,-826,1310,-809,1310,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,884,-282,884,1310,884,1310,-455,1310,1310,-729,1310,-736,1310,-741,1310,-663,-671,1310,1310,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1310,-836,-53,884,1310,-730,1310,-737,1310,-742,-664,1310,-873,-54,884,884,-731,-738,-743,1310,884,1310,-872,]),'WEEKDAY':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[885,885,885,1311,-1894,885,885,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,885,885,885,885,-275,-276,1311,-1425,1311,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1311,1311,1311,-490,1311,1311,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1311,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1311,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1311,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,885,-172,-173,-174,-175,-993,885,885,885,885,885,885,885,885,885,885,1311,1311,1311,1311,1311,-290,-291,-281,885,1311,1311,1311,1311,-328,-318,-332,-333,-334,1311,1311,-982,-983,-984,-985,-986,-987,-988,885,885,1311,1311,1311,1311,1311,1311,1311,1311,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1311,1311,1311,-353,-356,885,-323,-324,-141,1311,-142,1311,-143,1311,-430,-935,-936,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1894,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1894,1311,-1894,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1894,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-1894,885,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1311,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1311,885,885,-191,-192,885,-994,1311,885,885,885,885,-277,-278,-279,-280,-365,1311,-308,1311,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1311,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1311,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1311,1311,1311,1311,1311,1311,-573,1311,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1311,1311,-723,-724,-725,1311,1311,885,885,885,885,-994,885,1311,-91,-92,885,885,885,1311,-309,-310,-320,1311,-307,-293,-294,-295,1311,885,1311,1311,-618,-633,-590,1311,885,-436,885,-437,1311,-444,-445,-446,-378,-379,1311,1311,1311,-506,1311,1311,-510,1311,1311,1311,1311,-515,-516,-517,-518,1311,1311,-521,-522,1311,-524,-525,-526,-527,-528,-529,-530,-531,1311,-533,1311,1311,1311,-539,-541,-542,1311,-544,-545,-546,-547,1311,1311,1311,1311,1311,1311,-652,-653,-654,-655,885,-657,-658,-659,1311,1311,1311,-665,1311,1311,-669,-670,1311,1311,-673,1311,-675,-676,1311,-679,1311,-681,1311,1311,-684,-685,-686,1311,-688,1311,1311,-691,1311,1311,-694,-695,-696,1311,-698,-699,-700,-701,1311,1311,-746,1311,-749,-750,-751,-752,-753,1311,-755,-756,-757,-758,-759,1311,-766,-767,-769,1311,-771,-772,-773,-782,-856,-858,-860,-862,1311,1311,1311,1311,-868,1311,-870,1311,1311,1311,1311,1311,1311,1311,-906,-907,1311,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1311,-921,-924,1311,-934,1311,-385,-386,-387,1311,1311,-390,-391,-392,-393,1311,-396,1311,-399,-400,1311,-401,1311,-406,-407,1311,-410,-411,-412,1311,-415,1311,-416,1311,-421,-422,1311,-425,1311,-428,-429,-1894,-1894,1311,-619,-620,-621,-622,-623,-634,-584,-624,-797,1311,1311,1311,1311,1311,-831,1311,1311,-806,1311,-832,1311,1311,1311,1311,-798,1311,-853,-799,1311,1311,1311,1311,1311,1311,-854,-855,1311,-834,-830,-835,1311,-625,1311,-626,-627,-628,-629,-574,1311,1311,-630,-631,-632,1311,1311,1311,1311,1311,1311,-635,-636,-637,-592,-1894,-602,1311,-638,-639,-713,-640,-604,1311,-572,-577,-580,-583,1311,1311,1311,-598,-601,1311,-608,1311,1311,1311,1311,1311,1311,1311,1311,1311,1311,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1311,885,885,-995,885,1311,885,885,885,1311,-306,-325,-319,-296,-375,-452,-453,-454,-458,885,-443,1311,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1311,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,885,885,885,885,885,885,885,885,1311,-316,-535,-508,-591,-937,-939,-940,-438,1311,-440,-380,-381,-383,-507,-509,-511,1311,-513,-514,-519,-520,1311,-532,-534,-537,-538,-543,-548,-726,1311,-727,1311,-732,1311,-734,1311,-739,-656,-660,-661,1311,-666,1311,-667,1311,-672,-674,1311,-677,1311,1311,1311,-687,-689,1311,-692,1311,1311,-744,1311,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1311,1311,1311,1311,1311,-877,1311,-880,-908,-920,-925,-388,-389,1311,-394,1311,-397,1311,-402,1311,-403,1311,-408,1311,-413,1311,-417,1311,-418,1311,-423,1311,-426,-899,-900,-643,-585,-1894,-901,1311,1311,1311,-800,1311,1311,-804,1311,-807,-833,1311,-818,1311,-820,1311,-822,-808,1311,-824,1311,-851,-852,1311,1311,-811,1311,-646,-902,-904,-648,-649,-645,1311,-705,-706,1311,-642,-903,-647,-650,-603,-714,1311,1311,-605,-586,1311,1311,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1311,1311,-709,-710,1311,-716,1311,885,885,885,1311,1311,-938,885,-439,-441,-747,1311,-891,1311,-715,-1894,1311,1311,885,885,1311,-442,-512,-523,1311,-728,-733,1311,-735,1311,-740,1311,-662,-668,1311,-678,-680,-682,-683,-690,-693,-697,-745,1311,1311,-874,1311,1311,-878,1311,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1311,-812,1311,-814,-801,1311,-802,-805,1311,-816,-819,-821,-823,-825,1311,-826,1311,-809,1311,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,885,-282,885,1311,885,1311,-455,1311,1311,-729,1311,-736,1311,-741,1311,-663,-671,1311,1311,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1311,-836,-53,885,1311,-730,1311,-737,1311,-742,-664,1311,-873,-54,885,885,-731,-738,-743,1311,885,1311,-872,]),'WEEKOFYEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[886,886,886,1312,-1894,886,886,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,886,886,886,886,-275,-276,1312,-1425,1312,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1312,1312,1312,-490,1312,1312,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1312,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1312,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1312,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,886,-172,-173,-174,-175,-993,886,886,886,886,886,886,886,886,886,886,1312,1312,1312,1312,1312,-290,-291,-281,886,1312,1312,1312,1312,-328,-318,-332,-333,-334,1312,1312,-982,-983,-984,-985,-986,-987,-988,886,886,1312,1312,1312,1312,1312,1312,1312,1312,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1312,1312,1312,-353,-356,886,-323,-324,-141,1312,-142,1312,-143,1312,-430,-935,-936,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1894,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1894,1312,-1894,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1894,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-1894,886,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1312,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1312,886,886,-191,-192,886,-994,1312,886,886,886,886,-277,-278,-279,-280,-365,1312,-308,1312,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1312,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1312,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1312,1312,1312,1312,1312,1312,-573,1312,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1312,1312,-723,-724,-725,1312,1312,886,886,886,886,-994,886,1312,-91,-92,886,886,886,1312,-309,-310,-320,1312,-307,-293,-294,-295,1312,886,1312,1312,-618,-633,-590,1312,886,-436,886,-437,1312,-444,-445,-446,-378,-379,1312,1312,1312,-506,1312,1312,-510,1312,1312,1312,1312,-515,-516,-517,-518,1312,1312,-521,-522,1312,-524,-525,-526,-527,-528,-529,-530,-531,1312,-533,1312,1312,1312,-539,-541,-542,1312,-544,-545,-546,-547,1312,1312,1312,1312,1312,1312,-652,-653,-654,-655,886,-657,-658,-659,1312,1312,1312,-665,1312,1312,-669,-670,1312,1312,-673,1312,-675,-676,1312,-679,1312,-681,1312,1312,-684,-685,-686,1312,-688,1312,1312,-691,1312,1312,-694,-695,-696,1312,-698,-699,-700,-701,1312,1312,-746,1312,-749,-750,-751,-752,-753,1312,-755,-756,-757,-758,-759,1312,-766,-767,-769,1312,-771,-772,-773,-782,-856,-858,-860,-862,1312,1312,1312,1312,-868,1312,-870,1312,1312,1312,1312,1312,1312,1312,-906,-907,1312,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1312,-921,-924,1312,-934,1312,-385,-386,-387,1312,1312,-390,-391,-392,-393,1312,-396,1312,-399,-400,1312,-401,1312,-406,-407,1312,-410,-411,-412,1312,-415,1312,-416,1312,-421,-422,1312,-425,1312,-428,-429,-1894,-1894,1312,-619,-620,-621,-622,-623,-634,-584,-624,-797,1312,1312,1312,1312,1312,-831,1312,1312,-806,1312,-832,1312,1312,1312,1312,-798,1312,-853,-799,1312,1312,1312,1312,1312,1312,-854,-855,1312,-834,-830,-835,1312,-625,1312,-626,-627,-628,-629,-574,1312,1312,-630,-631,-632,1312,1312,1312,1312,1312,1312,-635,-636,-637,-592,-1894,-602,1312,-638,-639,-713,-640,-604,1312,-572,-577,-580,-583,1312,1312,1312,-598,-601,1312,-608,1312,1312,1312,1312,1312,1312,1312,1312,1312,1312,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1312,886,886,-995,886,1312,886,886,886,1312,-306,-325,-319,-296,-375,-452,-453,-454,-458,886,-443,1312,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1312,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,886,886,886,886,886,886,886,886,1312,-316,-535,-508,-591,-937,-939,-940,-438,1312,-440,-380,-381,-383,-507,-509,-511,1312,-513,-514,-519,-520,1312,-532,-534,-537,-538,-543,-548,-726,1312,-727,1312,-732,1312,-734,1312,-739,-656,-660,-661,1312,-666,1312,-667,1312,-672,-674,1312,-677,1312,1312,1312,-687,-689,1312,-692,1312,1312,-744,1312,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1312,1312,1312,1312,1312,-877,1312,-880,-908,-920,-925,-388,-389,1312,-394,1312,-397,1312,-402,1312,-403,1312,-408,1312,-413,1312,-417,1312,-418,1312,-423,1312,-426,-899,-900,-643,-585,-1894,-901,1312,1312,1312,-800,1312,1312,-804,1312,-807,-833,1312,-818,1312,-820,1312,-822,-808,1312,-824,1312,-851,-852,1312,1312,-811,1312,-646,-902,-904,-648,-649,-645,1312,-705,-706,1312,-642,-903,-647,-650,-603,-714,1312,1312,-605,-586,1312,1312,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1312,1312,-709,-710,1312,-716,1312,886,886,886,1312,1312,-938,886,-439,-441,-747,1312,-891,1312,-715,-1894,1312,1312,886,886,1312,-442,-512,-523,1312,-728,-733,1312,-735,1312,-740,1312,-662,-668,1312,-678,-680,-682,-683,-690,-693,-697,-745,1312,1312,-874,1312,1312,-878,1312,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1312,-812,1312,-814,-801,1312,-802,-805,1312,-816,-819,-821,-823,-825,1312,-826,1312,-809,1312,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,886,-282,886,1312,886,1312,-455,1312,1312,-729,1312,-736,1312,-741,1312,-663,-671,1312,1312,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1312,-836,-53,886,1312,-730,1312,-737,1312,-742,-664,1312,-873,-54,886,886,-731,-738,-743,1312,886,1312,-872,]),'WEIGHT_STRING':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[887,887,887,1313,-1894,887,887,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,887,887,887,887,-275,-276,1313,-1425,1313,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1313,1313,1313,-490,1313,1313,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1313,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1313,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1313,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,887,-172,-173,-174,-175,-993,887,887,887,887,887,887,887,887,887,887,1313,1313,1313,1313,1313,-290,-291,-281,887,1313,1313,1313,1313,-328,-318,-332,-333,-334,1313,1313,-982,-983,-984,-985,-986,-987,-988,887,887,1313,1313,1313,1313,1313,1313,1313,1313,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1313,1313,1313,-353,-356,887,-323,-324,-141,1313,-142,1313,-143,1313,-430,-935,-936,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1894,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1894,1313,-1894,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1894,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-1894,887,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1313,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1313,887,887,-191,-192,887,-994,1313,887,887,887,887,-277,-278,-279,-280,-365,1313,-308,1313,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1313,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1313,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1313,1313,1313,1313,1313,1313,-573,1313,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1313,1313,-723,-724,-725,1313,1313,887,887,887,887,-994,887,1313,-91,-92,887,887,887,1313,-309,-310,-320,1313,-307,-293,-294,-295,1313,887,1313,1313,-618,-633,-590,1313,887,-436,887,-437,1313,-444,-445,-446,-378,-379,1313,1313,1313,-506,1313,1313,-510,1313,1313,1313,1313,-515,-516,-517,-518,1313,1313,-521,-522,1313,-524,-525,-526,-527,-528,-529,-530,-531,1313,-533,1313,1313,1313,-539,-541,-542,1313,-544,-545,-546,-547,1313,1313,1313,1313,1313,1313,-652,-653,-654,-655,887,-657,-658,-659,1313,1313,1313,-665,1313,1313,-669,-670,1313,1313,-673,1313,-675,-676,1313,-679,1313,-681,1313,1313,-684,-685,-686,1313,-688,1313,1313,-691,1313,1313,-694,-695,-696,1313,-698,-699,-700,-701,1313,1313,-746,1313,-749,-750,-751,-752,-753,1313,-755,-756,-757,-758,-759,1313,-766,-767,-769,1313,-771,-772,-773,-782,-856,-858,-860,-862,1313,1313,1313,1313,-868,1313,-870,1313,1313,1313,1313,1313,1313,1313,-906,-907,1313,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1313,-921,-924,1313,-934,1313,-385,-386,-387,1313,1313,-390,-391,-392,-393,1313,-396,1313,-399,-400,1313,-401,1313,-406,-407,1313,-410,-411,-412,1313,-415,1313,-416,1313,-421,-422,1313,-425,1313,-428,-429,-1894,-1894,1313,-619,-620,-621,-622,-623,-634,-584,-624,-797,1313,1313,1313,1313,1313,-831,1313,1313,-806,1313,-832,1313,1313,1313,1313,-798,1313,-853,-799,1313,1313,1313,1313,1313,1313,-854,-855,1313,-834,-830,-835,1313,-625,1313,-626,-627,-628,-629,-574,1313,1313,-630,-631,-632,1313,1313,1313,1313,1313,1313,-635,-636,-637,-592,-1894,-602,1313,-638,-639,-713,-640,-604,1313,-572,-577,-580,-583,1313,1313,1313,-598,-601,1313,-608,1313,1313,1313,1313,1313,1313,1313,1313,1313,1313,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1313,887,887,-995,887,1313,887,887,887,1313,-306,-325,-319,-296,-375,-452,-453,-454,-458,887,-443,1313,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1313,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,887,887,887,887,887,887,887,887,1313,-316,-535,-508,-591,-937,-939,-940,-438,1313,-440,-380,-381,-383,-507,-509,-511,1313,-513,-514,-519,-520,1313,-532,-534,-537,-538,-543,-548,-726,1313,-727,1313,-732,1313,-734,1313,-739,-656,-660,-661,1313,-666,1313,-667,1313,-672,-674,1313,-677,1313,1313,1313,-687,-689,1313,-692,1313,1313,-744,1313,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1313,1313,1313,1313,1313,-877,1313,-880,-908,-920,-925,-388,-389,1313,-394,1313,-397,1313,-402,1313,-403,1313,-408,1313,-413,1313,-417,1313,-418,1313,-423,1313,-426,-899,-900,-643,-585,-1894,-901,1313,1313,1313,-800,1313,1313,-804,1313,-807,-833,1313,-818,1313,-820,1313,-822,-808,1313,-824,1313,-851,-852,1313,1313,-811,1313,-646,-902,-904,-648,-649,-645,1313,-705,-706,1313,-642,-903,-647,-650,-603,-714,1313,1313,-605,-586,1313,1313,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1313,1313,-709,-710,1313,-716,1313,887,887,887,1313,1313,-938,887,-439,-441,-747,1313,-891,1313,-715,-1894,1313,1313,887,887,1313,-442,-512,-523,1313,-728,-733,1313,-735,1313,-740,1313,-662,-668,1313,-678,-680,-682,-683,-690,-693,-697,-745,1313,1313,-874,1313,1313,-878,1313,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1313,-812,1313,-814,-801,1313,-802,-805,1313,-816,-819,-821,-823,-825,1313,-826,1313,-809,1313,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,887,-282,887,1313,887,1313,-455,1313,1313,-729,1313,-736,1313,-741,1313,-663,-671,1313,1313,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1313,-836,-53,887,1313,-730,1313,-737,1313,-742,-664,1313,-873,-54,887,887,-731,-738,-743,1313,887,1313,-872,]),'WITH_ROWID':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[889,889,889,889,-1894,889,889,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,889,889,889,889,-275,-276,889,-1425,889,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,889,889,889,-490,889,889,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,889,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,889,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,889,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,889,-172,-173,-174,-175,-993,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-290,-291,-281,889,889,889,889,889,-328,-318,-332,-333,-334,889,889,-982,-983,-984,-985,-986,-987,-988,889,889,889,889,889,889,889,889,889,889,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,889,889,889,-353,-356,889,-323,-324,-141,889,-142,889,-143,889,-430,-935,-936,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-1894,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-1894,889,-1894,889,889,889,889,889,889,889,889,889,889,889,889,-1894,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,889,-1894,889,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,889,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,889,889,889,-191,-192,889,-994,889,889,889,889,889,-277,-278,-279,-280,-365,889,-308,889,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,889,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,889,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,889,889,889,889,889,889,-573,889,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,889,889,-723,-724,-725,889,889,889,889,889,889,-994,889,889,-91,-92,889,889,889,889,-309,-310,-320,889,-307,-293,-294,-295,889,889,889,889,-618,-633,-590,889,889,-436,889,-437,889,-444,-445,-446,-378,-379,889,889,889,-506,889,889,-510,889,889,889,889,-515,-516,-517,-518,889,889,-521,-522,889,-524,-525,-526,-527,-528,-529,-530,-531,889,-533,889,889,889,-539,-541,-542,889,-544,-545,-546,-547,889,889,889,889,889,889,-652,-653,-654,-655,889,-657,-658,-659,889,889,889,-665,889,889,-669,-670,889,889,-673,889,-675,-676,889,-679,889,-681,889,889,-684,-685,-686,889,-688,889,889,-691,889,889,-694,-695,-696,889,-698,-699,-700,-701,889,889,-746,889,-749,-750,-751,-752,-753,889,-755,-756,-757,-758,-759,889,-766,-767,-769,889,-771,-772,-773,-782,-856,-858,-860,-862,889,889,889,889,-868,889,-870,889,889,889,889,889,889,889,-906,-907,889,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,889,-921,-924,889,-934,889,-385,-386,-387,889,889,-390,-391,-392,-393,889,-396,889,-399,-400,889,-401,889,-406,-407,889,-410,-411,-412,889,-415,889,-416,889,-421,-422,889,-425,889,-428,-429,-1894,-1894,889,-619,-620,-621,-622,-623,-634,-584,-624,-797,889,889,889,889,889,-831,889,889,-806,889,-832,889,889,889,889,-798,889,-853,-799,889,889,889,889,889,889,-854,-855,889,-834,-830,-835,889,-625,889,-626,-627,-628,-629,-574,889,889,-630,-631,-632,889,889,889,889,889,889,-635,-636,-637,-592,-1894,-602,889,-638,-639,-713,-640,-604,889,-572,-577,-580,-583,889,889,889,-598,-601,889,-608,889,889,889,889,889,889,889,889,889,889,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,889,889,889,-995,889,889,889,889,889,889,-306,-325,-319,-296,-375,-452,-453,-454,-458,889,-443,889,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,889,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,889,889,889,889,889,889,889,889,889,-316,-535,-508,-591,-937,-939,-940,-438,889,-440,-380,-381,-383,-507,-509,-511,889,-513,-514,-519,-520,889,-532,-534,-537,-538,-543,-548,-726,889,-727,889,-732,889,-734,889,-739,-656,-660,-661,889,-666,889,-667,889,-672,-674,889,-677,889,889,889,-687,-689,889,-692,889,889,-744,889,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,889,889,889,889,889,-877,889,-880,-908,-920,-925,-388,-389,889,-394,889,-397,889,-402,889,-403,889,-408,889,-413,889,-417,889,-418,889,-423,889,-426,-899,-900,-643,-585,-1894,-901,889,889,889,-800,889,889,-804,889,-807,-833,889,-818,889,-820,889,-822,-808,889,-824,889,-851,-852,889,889,-811,889,-646,-902,-904,-648,-649,-645,889,-705,-706,889,-642,-903,-647,-650,-603,-714,889,889,-605,-586,889,889,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,889,889,-709,-710,889,-716,889,889,889,889,889,889,-938,889,-439,-441,-747,889,-891,889,-715,-1894,889,889,889,889,889,-442,-512,-523,889,-728,-733,889,-735,889,-740,889,-662,-668,889,-678,-680,-682,-683,-690,-693,-697,-745,889,889,-874,889,889,-878,889,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,889,-812,889,-814,-801,889,-802,-805,889,-816,-819,-821,-823,-825,889,-826,889,-809,889,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,889,-282,889,889,889,889,-455,889,889,-729,889,-736,889,-741,889,-663,-671,889,889,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,889,-836,-53,889,889,-730,889,-737,889,-742,-664,889,-873,-54,889,889,-731,-738,-743,889,889,889,-872,]),'WORK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[890,890,890,890,-1894,890,890,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,890,890,890,890,-275,-276,890,-1425,890,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,890,890,890,-490,890,890,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,890,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,890,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,890,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,890,-172,-173,-174,-175,-993,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-290,-291,-281,890,890,890,890,890,-328,-318,-332,-333,-334,890,890,-982,-983,-984,-985,-986,-987,-988,890,890,890,890,890,890,890,890,890,890,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,890,890,890,-353,-356,890,-323,-324,-141,890,-142,890,-143,890,-430,-935,-936,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-1894,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-1894,890,-1894,890,890,890,890,890,890,890,890,890,890,890,890,-1894,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,890,-1894,890,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,890,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,890,890,890,-191,-192,890,-994,890,890,890,890,890,-277,-278,-279,-280,-365,890,-308,890,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,890,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,890,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,890,890,890,890,890,890,-573,890,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,890,890,-723,-724,-725,890,890,890,890,890,890,-994,890,890,-91,-92,890,890,890,890,-309,-310,-320,890,-307,-293,-294,-295,890,890,890,890,-618,-633,-590,890,890,-436,890,-437,890,-444,-445,-446,-378,-379,890,890,890,-506,890,890,-510,890,890,890,890,-515,-516,-517,-518,890,890,-521,-522,890,-524,-525,-526,-527,-528,-529,-530,-531,890,-533,890,890,890,-539,-541,-542,890,-544,-545,-546,-547,890,890,890,890,890,890,-652,-653,-654,-655,890,-657,-658,-659,890,890,890,-665,890,890,-669,-670,890,890,-673,890,-675,-676,890,-679,890,-681,890,890,-684,-685,-686,890,-688,890,890,-691,890,890,-694,-695,-696,890,-698,-699,-700,-701,890,890,-746,890,-749,-750,-751,-752,-753,890,-755,-756,-757,-758,-759,890,-766,-767,-769,890,-771,-772,-773,-782,-856,-858,-860,-862,890,890,890,890,-868,890,-870,890,890,890,890,890,890,890,-906,-907,890,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,890,-921,-924,890,-934,890,-385,-386,-387,890,890,-390,-391,-392,-393,890,-396,890,-399,-400,890,-401,890,-406,-407,890,-410,-411,-412,890,-415,890,-416,890,-421,-422,890,-425,890,-428,-429,-1894,-1894,890,-619,-620,-621,-622,-623,-634,-584,-624,-797,890,890,890,890,890,-831,890,890,-806,890,-832,890,890,890,890,-798,890,-853,-799,890,890,890,890,890,890,-854,-855,890,-834,-830,-835,890,-625,890,-626,-627,-628,-629,-574,890,890,-630,-631,-632,890,890,890,890,890,890,-635,-636,-637,-592,-1894,-602,890,-638,-639,-713,-640,-604,890,-572,-577,-580,-583,890,890,890,-598,-601,890,-608,890,890,890,890,890,890,890,890,890,890,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,890,890,890,-995,890,890,890,890,890,890,-306,-325,-319,-296,-375,-452,-453,-454,-458,890,-443,890,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,890,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,890,890,890,890,890,890,890,890,890,-316,-535,-508,-591,-937,-939,-940,-438,890,-440,-380,-381,-383,-507,-509,-511,890,-513,-514,-519,-520,890,-532,-534,-537,-538,-543,-548,-726,890,-727,890,-732,890,-734,890,-739,-656,-660,-661,890,-666,890,-667,890,-672,-674,890,-677,890,890,890,-687,-689,890,-692,890,890,-744,890,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,890,890,890,890,890,-877,890,-880,-908,-920,-925,-388,-389,890,-394,890,-397,890,-402,890,-403,890,-408,890,-413,890,-417,890,-418,890,-423,890,-426,-899,-900,-643,-585,-1894,-901,890,890,890,-800,890,890,-804,890,-807,-833,890,-818,890,-820,890,-822,-808,890,-824,890,-851,-852,890,890,-811,890,-646,-902,-904,-648,-649,-645,890,-705,-706,890,-642,-903,-647,-650,-603,-714,890,890,-605,-586,890,890,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,890,890,-709,-710,890,-716,890,890,890,890,890,890,-938,890,-439,-441,-747,890,-891,890,-715,-1894,890,890,890,890,890,-442,-512,-523,890,-728,-733,890,-735,890,-740,890,-662,-668,890,-678,-680,-682,-683,-690,-693,-697,-745,890,890,-874,890,890,-878,890,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,890,-812,890,-814,-801,890,-802,-805,890,-816,-819,-821,-823,-825,890,-826,890,-809,890,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,890,-282,890,890,890,890,-455,890,890,-729,890,-736,890,-741,890,-663,-671,890,890,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,890,-836,-53,890,890,-730,890,-737,890,-742,-664,890,-873,-54,890,890,-731,-738,-743,890,890,890,-872,]),'WRAPPER':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[891,891,891,891,-1894,891,891,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,891,891,891,891,-275,-276,891,-1425,891,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,891,891,891,-490,891,891,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,891,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,891,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,891,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,891,-172,-173,-174,-175,-993,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-290,-291,-281,891,891,891,891,891,-328,-318,-332,-333,-334,891,891,-982,-983,-984,-985,-986,-987,-988,891,891,891,891,891,891,891,891,891,891,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,891,891,891,-353,-356,891,-323,-324,-141,891,-142,891,-143,891,-430,-935,-936,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-1894,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-1894,891,-1894,891,891,891,891,891,891,891,891,891,891,891,891,-1894,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,891,-1894,891,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,891,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,891,891,891,-191,-192,891,-994,891,891,891,891,891,-277,-278,-279,-280,-365,891,-308,891,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,891,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,891,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,891,891,891,891,891,891,-573,891,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,891,891,-723,-724,-725,891,891,891,891,891,891,-994,891,891,-91,-92,891,891,891,891,-309,-310,-320,891,-307,-293,-294,-295,891,891,891,891,-618,-633,-590,891,891,-436,891,-437,891,-444,-445,-446,-378,-379,891,891,891,-506,891,891,-510,891,891,891,891,-515,-516,-517,-518,891,891,-521,-522,891,-524,-525,-526,-527,-528,-529,-530,-531,891,-533,891,891,891,-539,-541,-542,891,-544,-545,-546,-547,891,891,891,891,891,891,-652,-653,-654,-655,891,-657,-658,-659,891,891,891,-665,891,891,-669,-670,891,891,-673,891,-675,-676,891,-679,891,-681,891,891,-684,-685,-686,891,-688,891,891,-691,891,891,-694,-695,-696,891,-698,-699,-700,-701,891,891,-746,891,-749,-750,-751,-752,-753,891,-755,-756,-757,-758,-759,891,-766,-767,-769,891,-771,-772,-773,-782,-856,-858,-860,-862,891,891,891,891,-868,891,-870,891,891,891,891,891,891,891,-906,-907,891,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,891,-921,-924,891,-934,891,-385,-386,-387,891,891,-390,-391,-392,-393,891,-396,891,-399,-400,891,-401,891,-406,-407,891,-410,-411,-412,891,-415,891,-416,891,-421,-422,891,-425,891,-428,-429,-1894,-1894,891,-619,-620,-621,-622,-623,-634,-584,-624,-797,891,891,891,891,891,-831,891,891,-806,891,-832,891,891,891,891,-798,891,-853,-799,891,891,891,891,891,891,-854,-855,891,-834,-830,-835,891,-625,891,-626,-627,-628,-629,-574,891,891,-630,-631,-632,891,891,891,891,891,891,-635,-636,-637,-592,-1894,-602,891,-638,-639,-713,-640,-604,891,-572,-577,-580,-583,891,891,891,-598,-601,891,-608,891,891,891,891,891,891,891,891,891,891,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,891,891,891,-995,891,891,891,891,891,891,-306,-325,-319,-296,-375,-452,-453,-454,-458,891,-443,891,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,891,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,891,891,891,891,891,891,891,891,891,-316,-535,-508,-591,-937,-939,-940,-438,891,-440,-380,-381,-383,-507,-509,-511,891,-513,-514,-519,-520,891,-532,-534,-537,-538,-543,-548,-726,891,-727,891,-732,891,-734,891,-739,-656,-660,-661,891,-666,891,-667,891,-672,-674,891,-677,891,891,891,-687,-689,891,-692,891,891,-744,891,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,891,891,891,891,891,-877,891,-880,-908,-920,-925,-388,-389,891,-394,891,-397,891,-402,891,-403,891,-408,891,-413,891,-417,891,-418,891,-423,891,-426,-899,-900,-643,-585,-1894,-901,891,891,891,-800,891,891,-804,891,-807,-833,891,-818,891,-820,891,-822,-808,891,-824,891,-851,-852,891,891,-811,891,-646,-902,-904,-648,-649,-645,891,-705,-706,891,-642,-903,-647,-650,-603,-714,891,891,-605,-586,891,891,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,891,891,-709,-710,891,-716,891,891,891,891,891,891,-938,891,-439,-441,-747,891,-891,891,-715,-1894,891,891,891,891,891,-442,-512,-523,891,-728,-733,891,-735,891,-740,891,-662,-668,891,-678,-680,-682,-683,-690,-693,-697,-745,891,891,-874,891,891,-878,891,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,891,-812,891,-814,-801,891,-802,-805,891,-816,-819,-821,-823,-825,891,-826,891,-809,891,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,891,-282,891,891,891,891,-455,891,891,-729,891,-736,891,-741,891,-663,-671,891,891,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,891,-836,-53,891,891,-730,891,-737,891,-742,-664,891,-873,-54,891,891,-731,-738,-743,891,891,891,-872,]),'WRITE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[892,892,892,892,-1894,892,892,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,892,892,892,892,-275,-276,892,-1425,892,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,892,892,892,-490,892,892,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,892,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,892,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,892,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,892,-172,-173,-174,-175,-993,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-290,-291,-281,892,892,892,892,892,-328,-318,-332,-333,-334,892,892,-982,-983,-984,-985,-986,-987,-988,892,892,892,892,892,892,892,892,892,892,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,892,892,892,-353,-356,892,-323,-324,-141,892,-142,892,-143,892,-430,-935,-936,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-1894,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-1894,892,-1894,892,892,892,892,892,892,892,892,892,892,892,892,-1894,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,892,-1894,892,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,892,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,892,892,892,-191,-192,892,-994,892,892,892,892,892,-277,-278,-279,-280,-365,892,-308,892,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,892,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,892,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,892,892,892,892,892,892,-573,892,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,892,892,-723,-724,-725,892,892,892,892,892,892,-994,892,892,-91,-92,892,892,892,892,-309,-310,-320,892,-307,-293,-294,-295,892,892,892,892,-618,-633,-590,892,892,-436,892,-437,892,-444,-445,-446,-378,-379,892,892,892,-506,892,892,-510,892,892,892,892,-515,-516,-517,-518,892,892,-521,-522,892,-524,-525,-526,-527,-528,-529,-530,-531,892,-533,892,892,892,-539,-541,-542,892,-544,-545,-546,-547,892,892,892,892,892,892,-652,-653,-654,-655,892,-657,-658,-659,892,892,892,-665,892,892,-669,-670,892,892,-673,892,-675,-676,892,-679,892,-681,892,892,-684,-685,-686,892,-688,892,892,-691,892,892,-694,-695,-696,892,-698,-699,-700,-701,892,892,-746,892,-749,-750,-751,-752,-753,892,-755,-756,-757,-758,-759,892,-766,-767,-769,892,-771,-772,-773,-782,-856,-858,-860,-862,892,892,892,892,-868,892,-870,892,892,892,892,892,892,892,-906,-907,892,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,892,-921,-924,892,-934,892,-385,-386,-387,892,892,-390,-391,-392,-393,892,-396,892,-399,-400,892,-401,892,-406,-407,892,-410,-411,-412,892,-415,892,-416,892,-421,-422,892,-425,892,-428,-429,-1894,-1894,892,-619,-620,-621,-622,-623,-634,-584,-624,-797,892,892,892,892,892,-831,892,892,-806,892,-832,892,892,892,892,-798,892,-853,-799,892,892,892,892,892,892,-854,-855,892,-834,-830,-835,892,-625,892,-626,-627,-628,-629,-574,892,892,-630,-631,-632,892,892,892,892,892,892,-635,-636,-637,-592,-1894,-602,892,-638,-639,-713,-640,-604,892,-572,-577,-580,-583,892,892,892,-598,-601,892,-608,892,892,892,892,892,892,892,892,892,892,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,892,892,892,-995,892,892,892,892,892,892,-306,-325,-319,-296,-375,-452,-453,-454,-458,892,-443,892,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,892,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,892,892,892,892,892,892,892,892,892,-316,-535,-508,-591,-937,-939,-940,-438,892,-440,-380,-381,-383,-507,-509,-511,892,-513,-514,-519,-520,892,-532,-534,-537,-538,-543,-548,-726,892,-727,892,-732,892,-734,892,-739,-656,-660,-661,892,-666,892,-667,892,-672,-674,892,-677,892,892,892,-687,-689,892,-692,892,892,-744,892,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,892,892,892,892,892,-877,892,-880,-908,-920,-925,-388,-389,892,-394,892,-397,892,-402,892,-403,892,-408,892,-413,892,-417,892,-418,892,-423,892,-426,-899,-900,-643,-585,-1894,-901,892,892,892,-800,892,892,-804,892,-807,-833,892,-818,892,-820,892,-822,-808,892,-824,892,-851,-852,892,892,-811,892,-646,-902,-904,-648,-649,-645,892,-705,-706,892,-642,-903,-647,-650,-603,-714,892,892,-605,-586,892,892,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,892,892,-709,-710,892,-716,892,892,892,892,892,892,-938,892,-439,-441,-747,892,-891,892,-715,-1894,892,892,892,892,892,-442,-512,-523,892,-728,-733,892,-735,892,-740,892,-662,-668,892,-678,-680,-682,-683,-690,-693,-697,-745,892,892,-874,892,892,-878,892,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,892,-812,892,-814,-801,892,-802,-805,892,-816,-819,-821,-823,-825,892,-826,892,-809,892,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,892,-282,892,892,892,892,-455,892,892,-729,892,-736,892,-741,892,-663,-671,892,892,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,892,-836,-53,892,892,-730,892,-737,892,-742,-664,892,-873,-54,892,892,-731,-738,-743,892,892,892,-872,]),'X509':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[893,893,893,893,-1894,893,893,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,893,893,893,893,-275,-276,893,-1425,893,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,893,893,893,-490,893,893,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,893,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,893,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,893,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,893,-172,-173,-174,-175,-993,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-290,-291,-281,893,893,893,893,893,-328,-318,-332,-333,-334,893,893,-982,-983,-984,-985,-986,-987,-988,893,893,893,893,893,893,893,893,893,893,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,893,893,893,-353,-356,893,-323,-324,-141,893,-142,893,-143,893,-430,-935,-936,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-1894,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-1894,893,-1894,893,893,893,893,893,893,893,893,893,893,893,893,-1894,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,893,-1894,893,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,893,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,893,893,893,-191,-192,893,-994,893,893,893,893,893,-277,-278,-279,-280,-365,893,-308,893,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,893,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,893,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,893,893,893,893,893,893,-573,893,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,893,893,-723,-724,-725,893,893,893,893,893,893,-994,893,893,-91,-92,893,893,893,893,-309,-310,-320,893,-307,-293,-294,-295,893,893,893,893,-618,-633,-590,893,893,-436,893,-437,893,-444,-445,-446,-378,-379,893,893,893,-506,893,893,-510,893,893,893,893,-515,-516,-517,-518,893,893,-521,-522,893,-524,-525,-526,-527,-528,-529,-530,-531,893,-533,893,893,893,-539,-541,-542,893,-544,-545,-546,-547,893,893,893,893,893,893,-652,-653,-654,-655,893,-657,-658,-659,893,893,893,-665,893,893,-669,-670,893,893,-673,893,-675,-676,893,-679,893,-681,893,893,-684,-685,-686,893,-688,893,893,-691,893,893,-694,-695,-696,893,-698,-699,-700,-701,893,893,-746,893,-749,-750,-751,-752,-753,893,-755,-756,-757,-758,-759,893,-766,-767,-769,893,-771,-772,-773,-782,-856,-858,-860,-862,893,893,893,893,-868,893,-870,893,893,893,893,893,893,893,-906,-907,893,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,893,-921,-924,893,-934,893,-385,-386,-387,893,893,-390,-391,-392,-393,893,-396,893,-399,-400,893,-401,893,-406,-407,893,-410,-411,-412,893,-415,893,-416,893,-421,-422,893,-425,893,-428,-429,-1894,-1894,893,-619,-620,-621,-622,-623,-634,-584,-624,-797,893,893,893,893,893,-831,893,893,-806,893,-832,893,893,893,893,-798,893,-853,-799,893,893,893,893,893,893,-854,-855,893,-834,-830,-835,893,-625,893,-626,-627,-628,-629,-574,893,893,-630,-631,-632,893,893,893,893,893,893,-635,-636,-637,-592,-1894,-602,893,-638,-639,-713,-640,-604,893,-572,-577,-580,-583,893,893,893,-598,-601,893,-608,893,893,893,893,893,893,893,893,893,893,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,893,893,893,-995,893,893,893,893,893,893,-306,-325,-319,-296,-375,-452,-453,-454,-458,893,-443,893,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,893,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,893,893,893,893,893,893,893,893,893,-316,-535,-508,-591,-937,-939,-940,-438,893,-440,-380,-381,-383,-507,-509,-511,893,-513,-514,-519,-520,893,-532,-534,-537,-538,-543,-548,-726,893,-727,893,-732,893,-734,893,-739,-656,-660,-661,893,-666,893,-667,893,-672,-674,893,-677,893,893,893,-687,-689,893,-692,893,893,-744,893,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,893,893,893,893,893,-877,893,-880,-908,-920,-925,-388,-389,893,-394,893,-397,893,-402,893,-403,893,-408,893,-413,893,-417,893,-418,893,-423,893,-426,-899,-900,-643,-585,-1894,-901,893,893,893,-800,893,893,-804,893,-807,-833,893,-818,893,-820,893,-822,-808,893,-824,893,-851,-852,893,893,-811,893,-646,-902,-904,-648,-649,-645,893,-705,-706,893,-642,-903,-647,-650,-603,-714,893,893,-605,-586,893,893,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,893,893,-709,-710,893,-716,893,893,893,893,893,893,-938,893,-439,-441,-747,893,-891,893,-715,-1894,893,893,893,893,893,-442,-512,-523,893,-728,-733,893,-735,893,-740,893,-662,-668,893,-678,-680,-682,-683,-690,-693,-697,-745,893,893,-874,893,893,-878,893,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,893,-812,893,-814,-801,893,-802,-805,893,-816,-819,-821,-823,-825,893,-826,893,-809,893,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,893,-282,893,893,893,893,-455,893,893,-729,893,-736,893,-741,893,-663,-671,893,893,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,893,-836,-53,893,893,-730,893,-737,893,-742,-664,893,-873,-54,893,893,-731,-738,-743,893,893,893,-872,]),'XA':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[894,894,894,894,-1894,894,894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,894,894,894,894,-275,-276,894,-1425,894,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,894,894,894,-490,894,894,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,894,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,894,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,894,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,894,-172,-173,-174,-175,-993,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-290,-291,-281,894,894,894,894,894,-328,-318,-332,-333,-334,894,894,-982,-983,-984,-985,-986,-987,-988,894,894,894,894,894,894,894,894,894,894,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,894,894,894,-353,-356,894,-323,-324,-141,894,-142,894,-143,894,-430,-935,-936,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-1894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-1894,894,-1894,894,894,894,894,894,894,894,894,894,894,894,894,-1894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,894,-1894,894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,894,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,894,894,894,-191,-192,894,-994,894,894,894,894,894,-277,-278,-279,-280,-365,894,-308,894,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,894,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,894,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,894,894,894,894,894,894,-573,894,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,894,894,-723,-724,-725,894,894,894,894,894,894,-994,894,894,-91,-92,894,894,894,894,-309,-310,-320,894,-307,-293,-294,-295,894,894,894,894,-618,-633,-590,894,894,-436,894,-437,894,-444,-445,-446,-378,-379,894,894,894,-506,894,894,-510,894,894,894,894,-515,-516,-517,-518,894,894,-521,-522,894,-524,-525,-526,-527,-528,-529,-530,-531,894,-533,894,894,894,-539,-541,-542,894,-544,-545,-546,-547,894,894,894,894,894,894,-652,-653,-654,-655,894,-657,-658,-659,894,894,894,-665,894,894,-669,-670,894,894,-673,894,-675,-676,894,-679,894,-681,894,894,-684,-685,-686,894,-688,894,894,-691,894,894,-694,-695,-696,894,-698,-699,-700,-701,894,894,-746,894,-749,-750,-751,-752,-753,894,-755,-756,-757,-758,-759,894,-766,-767,-769,894,-771,-772,-773,-782,-856,-858,-860,-862,894,894,894,894,-868,894,-870,894,894,894,894,894,894,894,-906,-907,894,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,894,-921,-924,894,-934,894,-385,-386,-387,894,894,-390,-391,-392,-393,894,-396,894,-399,-400,894,-401,894,-406,-407,894,-410,-411,-412,894,-415,894,-416,894,-421,-422,894,-425,894,-428,-429,-1894,-1894,894,-619,-620,-621,-622,-623,-634,-584,-624,-797,894,894,894,894,894,-831,894,894,-806,894,-832,894,894,894,894,-798,894,-853,-799,894,894,894,894,894,894,-854,-855,894,-834,-830,-835,894,-625,894,-626,-627,-628,-629,-574,894,894,-630,-631,-632,894,894,894,894,894,894,-635,-636,-637,-592,-1894,-602,894,-638,-639,-713,-640,-604,894,-572,-577,-580,-583,894,894,894,-598,-601,894,-608,894,894,894,894,894,894,894,894,894,894,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,894,894,894,-995,894,894,894,894,894,894,-306,-325,-319,-296,-375,-452,-453,-454,-458,894,-443,894,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,894,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,894,894,894,894,894,894,894,894,894,-316,-535,-508,-591,-937,-939,-940,-438,894,-440,-380,-381,-383,-507,-509,-511,894,-513,-514,-519,-520,894,-532,-534,-537,-538,-543,-548,-726,894,-727,894,-732,894,-734,894,-739,-656,-660,-661,894,-666,894,-667,894,-672,-674,894,-677,894,894,894,-687,-689,894,-692,894,894,-744,894,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,894,894,894,894,894,-877,894,-880,-908,-920,-925,-388,-389,894,-394,894,-397,894,-402,894,-403,894,-408,894,-413,894,-417,894,-418,894,-423,894,-426,-899,-900,-643,-585,-1894,-901,894,894,894,-800,894,894,-804,894,-807,-833,894,-818,894,-820,894,-822,-808,894,-824,894,-851,-852,894,894,-811,894,-646,-902,-904,-648,-649,-645,894,-705,-706,894,-642,-903,-647,-650,-603,-714,894,894,-605,-586,894,894,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,894,894,-709,-710,894,-716,894,894,894,894,894,894,-938,894,-439,-441,-747,894,-891,894,-715,-1894,894,894,894,894,894,-442,-512,-523,894,-728,-733,894,-735,894,-740,894,-662,-668,894,-678,-680,-682,-683,-690,-693,-697,-745,894,894,-874,894,894,-878,894,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,894,-812,894,-814,-801,894,-802,-805,894,-816,-819,-821,-823,-825,894,-826,894,-809,894,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,894,-282,894,894,894,894,-455,894,894,-729,894,-736,894,-741,894,-663,-671,894,894,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,894,-836,-53,894,894,-730,894,-737,894,-742,-664,894,-873,-54,894,894,-731,-738,-743,894,894,894,-872,]),'XML':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[895,895,895,895,-1894,895,895,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,895,895,895,895,-275,-276,895,-1425,895,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,895,895,895,-490,895,895,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,895,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,895,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,895,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,895,-172,-173,-174,-175,-993,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-290,-291,-281,895,895,895,895,895,-328,-318,-332,-333,-334,895,895,-982,-983,-984,-985,-986,-987,-988,895,895,895,895,895,895,895,895,895,895,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,895,895,895,-353,-356,895,-323,-324,-141,895,-142,895,-143,895,-430,-935,-936,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-1894,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-1894,895,-1894,895,895,895,895,895,895,895,895,895,895,895,895,-1894,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,895,-1894,895,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,895,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,895,895,895,-191,-192,895,-994,895,895,895,895,895,-277,-278,-279,-280,-365,895,-308,895,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,895,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,895,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,895,895,895,895,895,895,-573,895,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,895,895,-723,-724,-725,895,895,895,895,895,895,-994,895,895,-91,-92,895,895,895,895,-309,-310,-320,895,-307,-293,-294,-295,895,895,895,895,-618,-633,-590,895,895,-436,895,-437,895,-444,-445,-446,-378,-379,895,895,895,-506,895,895,-510,895,895,895,895,-515,-516,-517,-518,895,895,-521,-522,895,-524,-525,-526,-527,-528,-529,-530,-531,895,-533,895,895,895,-539,-541,-542,895,-544,-545,-546,-547,895,895,895,895,895,895,-652,-653,-654,-655,895,-657,-658,-659,895,895,895,-665,895,895,-669,-670,895,895,-673,895,-675,-676,895,-679,895,-681,895,895,-684,-685,-686,895,-688,895,895,-691,895,895,-694,-695,-696,895,-698,-699,-700,-701,895,895,-746,895,-749,-750,-751,-752,-753,895,-755,-756,-757,-758,-759,895,-766,-767,-769,895,-771,-772,-773,-782,-856,-858,-860,-862,895,895,895,895,-868,895,-870,895,895,895,895,895,895,895,-906,-907,895,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,895,-921,-924,895,-934,895,-385,-386,-387,895,895,-390,-391,-392,-393,895,-396,895,-399,-400,895,-401,895,-406,-407,895,-410,-411,-412,895,-415,895,-416,895,-421,-422,895,-425,895,-428,-429,-1894,-1894,895,-619,-620,-621,-622,-623,-634,-584,-624,-797,895,895,895,895,895,-831,895,895,-806,895,-832,895,895,895,895,-798,895,-853,-799,895,895,895,895,895,895,-854,-855,895,-834,-830,-835,895,-625,895,-626,-627,-628,-629,-574,895,895,-630,-631,-632,895,895,895,895,895,895,-635,-636,-637,-592,-1894,-602,895,-638,-639,-713,-640,-604,895,-572,-577,-580,-583,895,895,895,-598,-601,895,-608,895,895,895,895,895,895,895,895,895,895,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,895,895,895,-995,895,895,895,895,895,895,-306,-325,-319,-296,-375,-452,-453,-454,-458,895,-443,895,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,895,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,895,895,895,895,895,895,895,895,895,-316,-535,-508,-591,-937,-939,-940,-438,895,-440,-380,-381,-383,-507,-509,-511,895,-513,-514,-519,-520,895,-532,-534,-537,-538,-543,-548,-726,895,-727,895,-732,895,-734,895,-739,-656,-660,-661,895,-666,895,-667,895,-672,-674,895,-677,895,895,895,-687,-689,895,-692,895,895,-744,895,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,895,895,895,895,895,-877,895,-880,-908,-920,-925,-388,-389,895,-394,895,-397,895,-402,895,-403,895,-408,895,-413,895,-417,895,-418,895,-423,895,-426,-899,-900,-643,-585,-1894,-901,895,895,895,-800,895,895,-804,895,-807,-833,895,-818,895,-820,895,-822,-808,895,-824,895,-851,-852,895,895,-811,895,-646,-902,-904,-648,-649,-645,895,-705,-706,895,-642,-903,-647,-650,-603,-714,895,895,-605,-586,895,895,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,895,895,-709,-710,895,-716,895,895,895,895,895,895,-938,895,-439,-441,-747,895,-891,895,-715,-1894,895,895,895,895,895,-442,-512,-523,895,-728,-733,895,-735,895,-740,895,-662,-668,895,-678,-680,-682,-683,-690,-693,-697,-745,895,895,-874,895,895,-878,895,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,895,-812,895,-814,-801,895,-802,-805,895,-816,-819,-821,-823,-825,895,-826,895,-809,895,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,895,-282,895,895,895,895,-455,895,895,-729,895,-736,895,-741,895,-663,-671,895,895,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,895,-836,-53,895,895,-730,895,-737,895,-742,-664,895,-873,-54,895,895,-731,-738,-743,895,895,895,-872,]),'XOR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2502,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3210,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3705,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[896,896,896,896,-1894,896,896,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,896,896,896,896,1429,-276,896,-1425,896,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,896,896,896,-490,896,896,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,896,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,896,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,896,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,896,-172,-173,-174,-175,-993,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-290,-291,-281,896,896,-363,896,896,896,-328,-318,-332,-333,-334,896,896,-982,-983,-984,-985,-986,-987,-988,896,896,896,896,896,896,896,896,896,896,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,896,896,896,-353,-356,896,-323,-324,-141,896,-142,896,-143,896,-430,-935,-936,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-1894,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-1894,896,-1894,896,896,896,896,896,896,896,896,896,896,896,896,-1894,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,896,-1894,896,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,896,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,896,896,896,-191,-192,896,-994,896,896,896,896,896,-277,-278,-279,-280,-365,896,-308,896,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,896,1429,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,896,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,896,896,896,896,896,896,-573,896,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,896,896,-723,-724,-725,896,896,896,896,896,1429,896,-994,896,896,-91,-92,896,896,896,896,-309,-310,-320,896,-307,-293,-294,-295,896,896,896,896,-618,-633,-590,896,896,-436,896,-437,896,-444,-445,-446,-378,-379,896,896,896,-506,896,896,-510,896,896,896,896,-515,-516,-517,-518,896,896,-521,-522,896,-524,-525,-526,-527,-528,-529,-530,-531,896,-533,896,896,896,-539,-541,-542,896,-544,-545,-546,-547,896,896,896,896,896,896,-652,-653,-654,-655,896,-657,-658,-659,896,896,896,-665,896,896,-669,-670,896,896,-673,896,-675,-676,896,-679,896,-681,896,896,-684,-685,-686,896,-688,896,896,-691,896,896,-694,-695,-696,896,-698,-699,-700,-701,896,896,-746,896,-749,-750,-751,-752,-753,896,-755,-756,-757,-758,-759,896,-766,-767,-769,896,-771,-772,-773,-782,-856,-858,-860,-862,896,896,896,896,-868,896,-870,896,896,896,896,896,896,896,-906,-907,896,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,896,-921,-924,896,-934,896,-385,-386,-387,896,896,-390,-391,-392,-393,896,-396,896,-399,-400,896,-401,896,-406,-407,896,-410,-411,-412,896,-415,896,-416,896,-421,-422,896,-425,896,-428,-429,-1894,-1894,896,-619,-620,-621,-622,-623,-634,-584,-624,-797,896,896,896,896,896,-831,896,896,-806,896,-832,896,896,896,896,-798,896,-853,-799,896,896,896,896,896,896,-854,-855,896,-834,-830,-835,896,-625,896,-626,-627,-628,-629,-574,896,896,-630,-631,-632,896,896,896,896,896,896,-635,-636,-637,-592,-1894,-602,896,-638,-639,-713,-640,-604,896,-572,-577,-580,-583,896,896,896,-598,-601,896,-608,896,896,896,896,896,896,896,896,896,896,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,896,896,896,-995,896,896,896,896,896,896,-306,-325,-319,-296,-375,-452,-453,-454,-458,896,-443,896,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,896,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,896,896,896,1429,896,896,896,896,896,896,-316,-535,-508,-591,-937,-939,-940,-438,896,-440,-380,-381,-383,-507,-509,-511,896,-513,-514,-519,-520,896,-532,-534,-537,-538,-543,-548,-726,896,-727,896,-732,896,-734,896,-739,-656,-660,-661,896,-666,896,-667,896,-672,-674,896,-677,896,896,896,-687,-689,896,-692,896,896,-744,896,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,896,896,896,896,896,-877,896,-880,-908,-920,-925,-388,-389,896,-394,896,-397,896,-402,896,-403,896,-408,896,-413,896,-417,896,-418,896,-423,896,-426,-899,-900,-643,-585,-1894,-901,896,896,896,-800,896,896,-804,896,-807,-833,896,-818,896,-820,896,-822,-808,896,-824,896,-851,-852,896,896,-811,896,-646,-902,-904,-648,-649,-645,896,-705,-706,896,-642,-903,-647,-650,-603,-714,896,896,-605,-586,896,896,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,896,896,-709,-710,896,-716,896,896,896,896,896,896,-938,896,-439,-441,-747,896,-891,896,-715,-1894,896,896,896,896,896,-442,-512,-523,896,-728,-733,896,-735,896,-740,896,-662,-668,896,-678,-680,-682,-683,-690,-693,-697,-745,896,896,-874,896,896,-878,896,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,896,-812,896,-814,-801,896,-802,-805,896,-816,-819,-821,-823,-825,896,-826,896,-809,896,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,896,1429,-282,896,896,896,896,-455,896,896,-729,896,-736,896,-741,896,-663,-671,896,896,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,896,-836,-53,896,896,-730,896,-737,896,-742,-664,896,-873,-54,896,896,-731,-738,-743,896,896,896,-872,]),'XTRACTVALUE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[897,897,897,897,-1894,897,897,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,897,897,897,897,-275,-276,897,-1425,897,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,897,897,897,-490,897,897,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,897,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,897,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,897,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,897,-172,-173,-174,-175,-993,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-290,-291,-281,897,897,897,897,897,-328,-318,-332,-333,-334,897,897,-982,-983,-984,-985,-986,-987,-988,897,897,897,897,897,897,897,897,897,897,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,897,897,897,-353,-356,897,-323,-324,-141,897,-142,897,-143,897,-430,-935,-936,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-1894,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-1894,897,-1894,897,897,897,897,897,897,897,897,897,897,897,897,-1894,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,897,-1894,897,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,897,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,897,897,897,-191,-192,897,-994,897,897,897,897,897,-277,-278,-279,-280,-365,897,-308,897,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,897,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,897,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,897,897,897,897,897,897,-573,897,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,897,897,-723,-724,-725,897,897,897,897,897,897,-994,897,897,-91,-92,897,897,897,897,-309,-310,-320,897,-307,-293,-294,-295,897,897,897,897,-618,-633,-590,897,897,-436,897,-437,897,-444,-445,-446,-378,-379,897,897,897,-506,897,897,-510,897,897,897,897,-515,-516,-517,-518,897,897,-521,-522,897,-524,-525,-526,-527,-528,-529,-530,-531,897,-533,897,897,897,-539,-541,-542,897,-544,-545,-546,-547,897,897,897,897,897,897,-652,-653,-654,-655,897,-657,-658,-659,897,897,897,-665,897,897,-669,-670,897,897,-673,897,-675,-676,897,-679,897,-681,897,897,-684,-685,-686,897,-688,897,897,-691,897,897,-694,-695,-696,897,-698,-699,-700,-701,897,897,-746,897,-749,-750,-751,-752,-753,897,-755,-756,-757,-758,-759,897,-766,-767,-769,897,-771,-772,-773,-782,-856,-858,-860,-862,897,897,897,897,-868,897,-870,897,897,897,897,897,897,897,-906,-907,897,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,897,-921,-924,897,-934,897,-385,-386,-387,897,897,-390,-391,-392,-393,897,-396,897,-399,-400,897,-401,897,-406,-407,897,-410,-411,-412,897,-415,897,-416,897,-421,-422,897,-425,897,-428,-429,-1894,-1894,897,-619,-620,-621,-622,-623,-634,-584,-624,-797,897,897,897,897,897,-831,897,897,-806,897,-832,897,897,897,897,-798,897,-853,-799,897,897,897,897,897,897,-854,-855,897,-834,-830,-835,897,-625,897,-626,-627,-628,-629,-574,897,897,-630,-631,-632,897,897,897,897,897,897,-635,-636,-637,-592,-1894,-602,897,-638,-639,-713,-640,-604,897,-572,-577,-580,-583,897,897,897,-598,-601,897,-608,897,897,897,897,897,897,897,897,897,897,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,897,897,897,-995,897,897,897,897,897,897,-306,-325,-319,-296,-375,-452,-453,-454,-458,897,-443,897,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,897,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,897,897,897,897,897,897,897,897,897,-316,-535,-508,-591,-937,-939,-940,-438,897,-440,-380,-381,-383,-507,-509,-511,897,-513,-514,-519,-520,897,-532,-534,-537,-538,-543,-548,-726,897,-727,897,-732,897,-734,897,-739,-656,-660,-661,897,-666,897,-667,897,-672,-674,897,-677,897,897,897,-687,-689,897,-692,897,897,-744,897,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,897,897,897,897,897,-877,897,-880,-908,-920,-925,-388,-389,897,-394,897,-397,897,-402,897,-403,897,-408,897,-413,897,-417,897,-418,897,-423,897,-426,-899,-900,-643,-585,-1894,-901,897,897,897,-800,897,897,-804,897,-807,-833,897,-818,897,-820,897,-822,-808,897,-824,897,-851,-852,897,897,-811,897,-646,-902,-904,-648,-649,-645,897,-705,-706,897,-642,-903,-647,-650,-603,-714,897,897,-605,-586,897,897,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,897,897,-709,-710,897,-716,897,897,897,897,897,897,-938,897,-439,-441,-747,897,-891,897,-715,-1894,897,897,897,897,897,-442,-512,-523,897,-728,-733,897,-735,897,-740,897,-662,-668,897,-678,-680,-682,-683,-690,-693,-697,-745,897,897,-874,897,897,-878,897,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,897,-812,897,-814,-801,897,-802,-805,897,-816,-819,-821,-823,-825,897,-826,897,-809,897,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,897,-282,897,897,897,897,-455,897,897,-729,897,-736,897,-741,897,-663,-671,897,897,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,897,-836,-53,897,897,-730,897,-737,897,-742,-664,897,-873,-54,897,897,-731,-738,-743,897,897,897,-872,]),'YEAR':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1483,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1791,1792,1794,1795,1796,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2550,2551,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[898,898,898,1314,-1894,898,898,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,898,898,898,898,-275,-276,1314,-1425,1314,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1314,1314,1314,-490,1314,1314,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1314,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1314,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1314,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,898,-172,-173,-174,-175,-993,898,898,898,898,898,898,898,898,898,898,1314,1314,1314,1314,1314,-290,-291,-281,898,1314,1314,1314,1314,-328,-318,-332,-333,-334,1314,1314,-982,-983,-984,-985,-986,-987,-988,898,898,1314,1314,1314,1314,1314,1314,1314,1314,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1314,1314,2112,1314,-353,-356,898,-323,-324,-141,1314,-142,1314,-143,1314,-430,-935,-936,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1894,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1894,1314,-1894,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1894,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,2112,2112,1314,1314,2112,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-1894,898,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1314,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1314,898,898,-191,-192,898,-994,1314,898,898,898,898,-277,-278,-279,-280,-365,1314,-308,1314,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1314,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1314,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1314,1314,1314,1314,1314,1314,-573,1314,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1314,1314,-723,-724,-725,1314,1314,898,898,898,898,-994,898,1314,-91,-92,898,898,898,1314,-309,-310,-320,1314,-307,-293,-294,-295,1314,898,1314,1314,-618,-633,-590,1314,2962,2962,898,-436,898,-437,1314,-444,-445,-446,-378,-379,1314,1314,1314,-506,1314,1314,-510,1314,1314,1314,1314,-515,-516,-517,-518,1314,1314,-521,-522,1314,-524,-525,-526,-527,-528,-529,-530,-531,1314,-533,1314,1314,1314,-539,-541,-542,1314,-544,-545,-546,-547,1314,1314,1314,1314,1314,1314,-652,-653,-654,-655,898,-657,-658,-659,1314,1314,1314,-665,1314,1314,-669,-670,1314,1314,-673,1314,-675,-676,1314,-679,1314,-681,1314,1314,-684,-685,-686,1314,-688,1314,1314,-691,1314,1314,-694,-695,-696,1314,-698,-699,-700,-701,1314,1314,-746,1314,-749,-750,-751,-752,-753,1314,-755,-756,-757,-758,-759,1314,-766,-767,-769,1314,-771,-772,-773,-782,-856,-858,-860,-862,1314,1314,1314,1314,-868,1314,-870,1314,1314,1314,1314,1314,1314,1314,-906,-907,1314,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1314,-921,-924,1314,-934,1314,-385,-386,-387,1314,1314,-390,-391,-392,-393,1314,-396,1314,-399,-400,1314,-401,1314,-406,-407,1314,-410,-411,-412,1314,-415,1314,-416,1314,-421,-422,1314,-425,1314,-428,-429,-1894,-1894,1314,-619,-620,-621,-622,-623,-634,-584,-624,-797,1314,1314,1314,1314,1314,-831,1314,1314,-806,1314,-832,1314,1314,1314,1314,-798,1314,-853,-799,1314,1314,1314,1314,1314,1314,-854,-855,1314,-834,-830,-835,1314,-625,1314,-626,-627,-628,-629,-574,1314,1314,-630,-631,-632,1314,1314,1314,1314,1314,1314,-635,-636,-637,-592,-1894,-602,1314,-638,-639,-713,-640,-604,1314,-572,-577,-580,-583,1314,1314,1314,-598,-601,1314,-608,1314,1314,1314,1314,1314,1314,1314,1314,1314,1314,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1314,898,898,-995,898,1314,898,898,898,1314,-306,-325,-319,-296,-375,-452,-453,-454,-458,898,-443,1314,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1314,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,898,898,898,898,898,898,898,898,1314,-316,-535,-508,-591,-937,-939,-940,-438,1314,-440,-380,-381,-383,-507,-509,-511,1314,-513,-514,-519,-520,1314,-532,-534,-537,-538,-543,-548,-726,1314,-727,1314,-732,1314,-734,1314,-739,-656,-660,-661,1314,-666,1314,-667,1314,-672,-674,1314,-677,1314,1314,1314,-687,-689,1314,-692,1314,1314,-744,1314,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1314,1314,1314,1314,1314,-877,1314,-880,-908,-920,-925,-388,-389,1314,-394,1314,-397,1314,-402,1314,-403,1314,-408,1314,-413,1314,-417,1314,-418,1314,-423,1314,-426,-899,-900,-643,-585,-1894,-901,1314,1314,1314,-800,1314,1314,-804,1314,-807,-833,1314,-818,1314,-820,1314,-822,-808,1314,-824,1314,-851,-852,1314,1314,-811,1314,-646,-902,-904,-648,-649,-645,1314,-705,-706,1314,-642,-903,-647,-650,-603,-714,1314,1314,-605,-586,1314,1314,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1314,1314,-709,-710,1314,-716,1314,898,898,898,1314,1314,-938,898,-439,-441,-747,1314,-891,1314,-715,-1894,1314,1314,898,898,1314,-442,-512,-523,1314,-728,-733,1314,-735,1314,-740,1314,-662,-668,1314,-678,-680,-682,-683,-690,-693,-697,-745,1314,1314,-874,1314,1314,-878,1314,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1314,-812,1314,-814,-801,1314,-802,-805,1314,-816,-819,-821,-823,-825,1314,-826,1314,-809,1314,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,898,-282,898,1314,898,1314,-455,1314,1314,-729,1314,-736,1314,-741,1314,-663,-671,1314,1314,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1314,-836,-53,898,1314,-730,1314,-737,1314,-742,-664,1314,-873,-54,898,898,-731,-738,-743,1314,898,1314,-872,]),'YEARWEEK':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[899,899,899,1315,-1894,899,899,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,899,899,899,899,-275,-276,1315,-1425,1315,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1315,1315,1315,-490,1315,1315,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1315,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1315,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1315,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,899,-172,-173,-174,-175,-993,899,899,899,899,899,899,899,899,899,899,1315,1315,1315,1315,1315,-290,-291,-281,899,1315,1315,1315,1315,-328,-318,-332,-333,-334,1315,1315,-982,-983,-984,-985,-986,-987,-988,899,899,1315,1315,1315,1315,1315,1315,1315,1315,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1315,1315,1315,-353,-356,899,-323,-324,-141,1315,-142,1315,-143,1315,-430,-935,-936,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1894,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1894,1315,-1894,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1894,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-1894,899,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1315,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1315,899,899,-191,-192,899,-994,1315,899,899,899,899,-277,-278,-279,-280,-365,1315,-308,1315,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1315,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1315,1315,1315,1315,1315,1315,-573,1315,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1315,1315,-723,-724,-725,1315,1315,899,899,899,899,-994,899,1315,-91,-92,899,899,899,1315,-309,-310,-320,1315,-307,-293,-294,-295,1315,899,1315,1315,-618,-633,-590,1315,899,-436,899,-437,1315,-444,-445,-446,-378,-379,1315,1315,1315,-506,1315,1315,-510,1315,1315,1315,1315,-515,-516,-517,-518,1315,1315,-521,-522,1315,-524,-525,-526,-527,-528,-529,-530,-531,1315,-533,1315,1315,1315,-539,-541,-542,1315,-544,-545,-546,-547,1315,1315,1315,1315,1315,1315,-652,-653,-654,-655,899,-657,-658,-659,1315,1315,1315,-665,1315,1315,-669,-670,1315,1315,-673,1315,-675,-676,1315,-679,1315,-681,1315,1315,-684,-685,-686,1315,-688,1315,1315,-691,1315,1315,-694,-695,-696,1315,-698,-699,-700,-701,1315,1315,-746,1315,-749,-750,-751,-752,-753,1315,-755,-756,-757,-758,-759,1315,-766,-767,-769,1315,-771,-772,-773,-782,-856,-858,-860,-862,1315,1315,1315,1315,-868,1315,-870,1315,1315,1315,1315,1315,1315,1315,-906,-907,1315,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1315,-921,-924,1315,-934,1315,-385,-386,-387,1315,1315,-390,-391,-392,-393,1315,-396,1315,-399,-400,1315,-401,1315,-406,-407,1315,-410,-411,-412,1315,-415,1315,-416,1315,-421,-422,1315,-425,1315,-428,-429,-1894,-1894,1315,-619,-620,-621,-622,-623,-634,-584,-624,-797,1315,1315,1315,1315,1315,-831,1315,1315,-806,1315,-832,1315,1315,1315,1315,-798,1315,-853,-799,1315,1315,1315,1315,1315,1315,-854,-855,1315,-834,-830,-835,1315,-625,1315,-626,-627,-628,-629,-574,1315,1315,-630,-631,-632,1315,1315,1315,1315,1315,1315,-635,-636,-637,-592,-1894,-602,1315,-638,-639,-713,-640,-604,1315,-572,-577,-580,-583,1315,1315,1315,-598,-601,1315,-608,1315,1315,1315,1315,1315,1315,1315,1315,1315,1315,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1315,899,899,-995,899,1315,899,899,899,1315,-306,-325,-319,-296,-375,-452,-453,-454,-458,899,-443,1315,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1315,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,899,899,899,899,899,899,899,899,1315,-316,-535,-508,-591,-937,-939,-940,-438,1315,-440,-380,-381,-383,-507,-509,-511,1315,-513,-514,-519,-520,1315,-532,-534,-537,-538,-543,-548,-726,1315,-727,1315,-732,1315,-734,1315,-739,-656,-660,-661,1315,-666,1315,-667,1315,-672,-674,1315,-677,1315,1315,1315,-687,-689,1315,-692,1315,1315,-744,1315,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1315,1315,1315,1315,1315,-877,1315,-880,-908,-920,-925,-388,-389,1315,-394,1315,-397,1315,-402,1315,-403,1315,-408,1315,-413,1315,-417,1315,-418,1315,-423,1315,-426,-899,-900,-643,-585,-1894,-901,1315,1315,1315,-800,1315,1315,-804,1315,-807,-833,1315,-818,1315,-820,1315,-822,-808,1315,-824,1315,-851,-852,1315,1315,-811,1315,-646,-902,-904,-648,-649,-645,1315,-705,-706,1315,-642,-903,-647,-650,-603,-714,1315,1315,-605,-586,1315,1315,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1315,1315,-709,-710,1315,-716,1315,899,899,899,1315,1315,-938,899,-439,-441,-747,1315,-891,1315,-715,-1894,1315,1315,899,899,1315,-442,-512,-523,1315,-728,-733,1315,-735,1315,-740,1315,-662,-668,1315,-678,-680,-682,-683,-690,-693,-697,-745,1315,1315,-874,1315,1315,-878,1315,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1315,-812,1315,-814,-801,1315,-802,-805,1315,-816,-819,-821,-823,-825,1315,-826,1315,-809,1315,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,899,-282,899,1315,899,1315,-455,1315,1315,-729,1315,-736,1315,-741,1315,-663,-671,1315,1315,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1315,-836,-53,899,1315,-730,1315,-737,1315,-742,-664,1315,-873,-54,899,899,-731,-738,-743,1315,899,1315,-872,]),'ZEROFILL':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[900,900,900,900,-1894,900,900,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,900,900,900,900,-275,-276,900,-1425,900,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,900,900,900,-490,900,900,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,900,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,900,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,900,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,900,-172,-173,-174,-175,-993,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-290,-291,-281,900,900,900,900,900,-328,-318,-332,-333,-334,900,900,-982,-983,-984,-985,-986,-987,-988,900,900,900,900,900,900,900,900,900,900,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,900,900,900,-353,-356,900,-323,-324,-141,900,-142,900,-143,900,-430,-935,-936,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-1894,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-1894,900,-1894,900,900,900,900,900,900,900,900,900,900,900,900,-1894,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,900,-1894,900,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,900,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,900,900,900,-191,-192,900,-994,900,900,900,900,900,-277,-278,-279,-280,-365,900,-308,900,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,900,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,900,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,900,900,900,900,900,900,-573,900,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,900,900,-723,-724,-725,900,900,900,900,900,900,-994,900,900,-91,-92,900,900,900,900,-309,-310,-320,900,-307,-293,-294,-295,900,900,900,900,-618,-633,-590,900,900,-436,900,-437,900,-444,-445,-446,-378,-379,900,900,900,-506,900,900,-510,900,900,900,900,-515,-516,-517,-518,900,900,-521,-522,900,-524,-525,-526,-527,-528,-529,-530,-531,900,-533,900,900,900,-539,-541,-542,900,-544,-545,-546,-547,900,900,900,900,900,900,-652,-653,-654,-655,900,-657,-658,-659,900,900,900,-665,900,900,-669,-670,900,900,-673,900,-675,-676,900,-679,900,-681,900,900,-684,-685,-686,900,-688,900,900,-691,900,900,-694,-695,-696,900,-698,-699,-700,-701,900,900,-746,900,-749,-750,-751,-752,-753,900,-755,-756,-757,-758,-759,900,-766,-767,-769,900,-771,-772,-773,-782,-856,-858,-860,-862,900,900,900,900,-868,900,-870,900,900,900,900,900,900,900,-906,-907,900,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,900,-921,-924,900,-934,900,-385,-386,-387,900,900,-390,-391,-392,-393,900,-396,900,-399,-400,900,-401,900,-406,-407,900,-410,-411,-412,900,-415,900,-416,900,-421,-422,900,-425,900,-428,-429,-1894,-1894,900,-619,-620,-621,-622,-623,-634,-584,-624,-797,900,900,900,900,900,-831,900,900,-806,900,-832,900,900,900,900,-798,900,-853,-799,900,900,900,900,900,900,-854,-855,900,-834,-830,-835,900,-625,900,-626,-627,-628,-629,-574,900,900,-630,-631,-632,900,900,900,900,900,900,-635,-636,-637,-592,-1894,-602,900,-638,-639,-713,-640,-604,900,-572,-577,-580,-583,900,900,900,-598,-601,900,-608,900,900,900,900,900,900,900,900,900,900,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,900,900,900,-995,900,900,900,900,900,900,-306,-325,-319,-296,-375,-452,-453,-454,-458,900,-443,900,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,900,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,900,900,900,900,900,900,900,900,900,-316,-535,-508,-591,-937,-939,-940,-438,900,-440,-380,-381,-383,-507,-509,-511,900,-513,-514,-519,-520,900,-532,-534,-537,-538,-543,-548,-726,900,-727,900,-732,900,-734,900,-739,-656,-660,-661,900,-666,900,-667,900,-672,-674,900,-677,900,900,900,-687,-689,900,-692,900,900,-744,900,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,900,900,900,900,900,-877,900,-880,-908,-920,-925,-388,-389,900,-394,900,-397,900,-402,900,-403,900,-408,900,-413,900,-417,900,-418,900,-423,900,-426,-899,-900,-643,-585,-1894,-901,900,900,900,-800,900,900,-804,900,-807,-833,900,-818,900,-820,900,-822,-808,900,-824,900,-851,-852,900,900,-811,900,-646,-902,-904,-648,-649,-645,900,-705,-706,900,-642,-903,-647,-650,-603,-714,900,900,-605,-586,900,900,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,900,900,-709,-710,900,-716,900,900,900,900,900,900,-938,900,-439,-441,-747,900,-891,900,-715,-1894,900,900,900,900,900,-442,-512,-523,900,-728,-733,900,-735,900,-740,900,-662,-668,900,-678,-680,-682,-683,-690,-693,-697,-745,900,900,-874,900,900,-878,900,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,900,-812,900,-814,-801,900,-802,-805,900,-816,-819,-821,-823,-825,900,-826,900,-809,900,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,900,-282,900,900,900,900,-455,900,900,-729,900,-736,900,-741,900,-663,-671,900,900,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,900,-836,-53,900,900,-730,900,-737,900,-742,-664,900,-873,-54,900,900,-731,-738,-743,900,900,900,-872,]),'ZONE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[901,901,901,901,-1894,901,901,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,901,901,901,901,-275,-276,901,-1425,901,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,901,901,901,-490,901,901,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,901,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,901,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,901,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,901,-172,-173,-174,-175,-993,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-290,-291,-281,901,901,901,901,901,-328,-318,-332,-333,-334,901,901,-982,-983,-984,-985,-986,-987,-988,901,901,901,901,901,901,901,901,901,901,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,901,901,901,-353,-356,901,-323,-324,-141,901,-142,901,-143,901,-430,-935,-936,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-1894,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-1894,901,-1894,901,901,901,901,901,901,901,901,901,901,901,901,-1894,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,901,-1894,901,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,901,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,901,901,901,-191,-192,901,-994,901,901,901,901,901,-277,-278,-279,-280,-365,901,-308,901,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,901,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,901,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,901,901,901,901,901,901,-573,901,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,901,901,-723,-724,-725,901,901,901,901,901,901,-994,901,901,-91,-92,901,901,901,901,-309,-310,-320,901,-307,-293,-294,-295,901,901,901,901,-618,-633,-590,901,901,-436,901,-437,901,-444,-445,-446,-378,-379,901,901,901,-506,901,901,-510,901,901,901,901,-515,-516,-517,-518,901,901,-521,-522,901,-524,-525,-526,-527,-528,-529,-530,-531,901,-533,901,901,901,-539,-541,-542,901,-544,-545,-546,-547,901,901,901,901,901,901,-652,-653,-654,-655,901,-657,-658,-659,901,901,901,-665,901,901,-669,-670,901,901,-673,901,-675,-676,901,-679,901,-681,901,901,-684,-685,-686,901,-688,901,901,-691,901,901,-694,-695,-696,901,-698,-699,-700,-701,901,901,-746,901,-749,-750,-751,-752,-753,901,-755,-756,-757,-758,-759,901,-766,-767,-769,901,-771,-772,-773,-782,-856,-858,-860,-862,901,901,901,901,-868,901,-870,901,901,901,901,901,901,901,-906,-907,901,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,901,-921,-924,901,-934,901,-385,-386,-387,901,901,-390,-391,-392,-393,901,-396,901,-399,-400,901,-401,901,-406,-407,901,-410,-411,-412,901,-415,901,-416,901,-421,-422,901,-425,901,-428,-429,-1894,-1894,901,-619,-620,-621,-622,-623,-634,-584,-624,-797,901,901,901,901,901,-831,901,901,-806,901,-832,901,901,901,901,-798,901,-853,-799,901,901,901,901,901,901,-854,-855,901,-834,-830,-835,901,-625,901,-626,-627,-628,-629,-574,901,901,-630,-631,-632,901,901,901,901,901,901,-635,-636,-637,-592,-1894,-602,901,-638,-639,-713,-640,-604,901,-572,-577,-580,-583,901,901,901,-598,-601,901,-608,901,901,901,901,901,901,901,901,901,901,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,901,901,901,-995,901,901,901,901,901,901,-306,-325,-319,-296,-375,-452,-453,-454,-458,901,-443,901,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,901,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,901,901,901,901,901,901,901,901,901,-316,-535,-508,-591,-937,-939,-940,-438,901,-440,-380,-381,-383,-507,-509,-511,901,-513,-514,-519,-520,901,-532,-534,-537,-538,-543,-548,-726,901,-727,901,-732,901,-734,901,-739,-656,-660,-661,901,-666,901,-667,901,-672,-674,901,-677,901,901,901,-687,-689,901,-692,901,901,-744,901,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,901,901,901,901,901,-877,901,-880,-908,-920,-925,-388,-389,901,-394,901,-397,901,-402,901,-403,901,-408,901,-413,901,-417,901,-418,901,-423,901,-426,-899,-900,-643,-585,-1894,-901,901,901,901,-800,901,901,-804,901,-807,-833,901,-818,901,-820,901,-822,-808,901,-824,901,-851,-852,901,901,-811,901,-646,-902,-904,-648,-649,-645,901,-705,-706,901,-642,-903,-647,-650,-603,-714,901,901,-605,-586,901,901,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,901,901,-709,-710,901,-716,901,901,901,901,901,901,-938,901,-439,-441,-747,901,-891,901,-715,-1894,901,901,901,901,901,-442,-512,-523,901,-728,-733,901,-735,901,-740,901,-662,-668,901,-678,-680,-682,-683,-690,-693,-697,-745,901,901,-874,901,901,-878,901,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,901,-812,901,-814,-801,901,-802,-805,901,-816,-819,-821,-823,-825,901,-826,901,-809,901,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,901,-282,901,901,901,901,-455,901,901,-729,901,-736,901,-741,901,-663,-671,901,901,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,901,-836,-53,901,901,-730,901,-737,901,-742,-664,901,-873,-54,901,901,-731,-738,-743,901,901,901,-872,]),'ZONE_LIST':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[902,902,902,902,-1894,902,902,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,902,902,902,902,-275,-276,902,-1425,902,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,902,902,902,-490,902,902,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,902,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,902,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,902,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,902,-172,-173,-174,-175,-993,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-290,-291,-281,902,902,902,902,902,-328,-318,-332,-333,-334,902,902,-982,-983,-984,-985,-986,-987,-988,902,902,902,902,902,902,902,902,902,902,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,902,902,902,-353,-356,902,-323,-324,-141,902,-142,902,-143,902,-430,-935,-936,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-1894,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-1894,902,-1894,902,902,902,902,902,902,902,902,902,902,902,902,-1894,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,902,-1894,902,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,902,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,902,902,902,-191,-192,902,-994,902,902,902,902,902,-277,-278,-279,-280,-365,902,-308,902,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,902,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,902,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,902,902,902,902,902,902,-573,902,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,902,902,-723,-724,-725,902,902,902,902,902,902,-994,902,902,-91,-92,902,902,902,902,-309,-310,-320,902,-307,-293,-294,-295,902,902,902,902,-618,-633,-590,902,902,-436,902,-437,902,-444,-445,-446,-378,-379,902,902,902,-506,902,902,-510,902,902,902,902,-515,-516,-517,-518,902,902,-521,-522,902,-524,-525,-526,-527,-528,-529,-530,-531,902,-533,902,902,902,-539,-541,-542,902,-544,-545,-546,-547,902,902,902,902,902,902,-652,-653,-654,-655,902,-657,-658,-659,902,902,902,-665,902,902,-669,-670,902,902,-673,902,-675,-676,902,-679,902,-681,902,902,-684,-685,-686,902,-688,902,902,-691,902,902,-694,-695,-696,902,-698,-699,-700,-701,902,902,-746,902,-749,-750,-751,-752,-753,902,-755,-756,-757,-758,-759,902,-766,-767,-769,902,-771,-772,-773,-782,-856,-858,-860,-862,902,902,902,902,-868,902,-870,902,902,902,902,902,902,902,-906,-907,902,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,902,-921,-924,902,-934,902,-385,-386,-387,902,902,-390,-391,-392,-393,902,-396,902,-399,-400,902,-401,902,-406,-407,902,-410,-411,-412,902,-415,902,-416,902,-421,-422,902,-425,902,-428,-429,-1894,-1894,902,-619,-620,-621,-622,-623,-634,-584,-624,-797,902,902,902,902,902,-831,902,902,-806,902,-832,902,902,902,902,-798,902,-853,-799,902,902,902,902,902,902,-854,-855,902,-834,-830,-835,902,-625,902,-626,-627,-628,-629,-574,902,902,-630,-631,-632,902,902,902,902,902,902,-635,-636,-637,-592,-1894,-602,902,-638,-639,-713,-640,-604,902,-572,-577,-580,-583,902,902,902,-598,-601,902,-608,902,902,902,902,902,902,902,902,902,902,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,902,902,902,-995,902,902,902,902,902,902,-306,-325,-319,-296,-375,-452,-453,-454,-458,902,-443,902,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,902,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,902,902,902,902,902,902,902,902,902,-316,-535,-508,-591,-937,-939,-940,-438,902,-440,-380,-381,-383,-507,-509,-511,902,-513,-514,-519,-520,902,-532,-534,-537,-538,-543,-548,-726,902,-727,902,-732,902,-734,902,-739,-656,-660,-661,902,-666,902,-667,902,-672,-674,902,-677,902,902,902,-687,-689,902,-692,902,902,-744,902,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,902,902,902,902,902,-877,902,-880,-908,-920,-925,-388,-389,902,-394,902,-397,902,-402,902,-403,902,-408,902,-413,902,-417,902,-418,902,-423,902,-426,-899,-900,-643,-585,-1894,-901,902,902,902,-800,902,902,-804,902,-807,-833,902,-818,902,-820,902,-822,-808,902,-824,902,-851,-852,902,902,-811,902,-646,-902,-904,-648,-649,-645,902,-705,-706,902,-642,-903,-647,-650,-603,-714,902,902,-605,-586,902,902,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,902,902,-709,-710,902,-716,902,902,902,902,902,902,-938,902,-439,-441,-747,902,-891,902,-715,-1894,902,902,902,902,902,-442,-512,-523,902,-728,-733,902,-735,902,-740,902,-662,-668,902,-678,-680,-682,-683,-690,-693,-697,-745,902,902,-874,902,902,-878,902,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,902,-812,902,-814,-801,902,-802,-805,902,-816,-819,-821,-823,-825,902,-826,902,-809,902,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,902,-282,902,902,902,902,-455,902,902,-729,902,-736,902,-741,902,-663,-671,902,902,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,902,-836,-53,902,902,-730,902,-737,902,-742,-664,902,-873,-54,902,902,-731,-738,-743,902,902,902,-872,]),'ZONE_TYPE':([7,16,17,19,21,29,36,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,910,921,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1391,1392,1393,1394,1395,1398,1399,1400,1401,1402,1403,1412,1414,1415,1419,1423,1425,1426,1427,1428,1429,1430,1431,1432,1433,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1461,1462,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1487,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,1995,1997,2001,2002,2003,2007,2010,2013,2014,2023,2024,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2473,2476,2499,2503,2505,2510,2511,2512,2513,2516,2524,2528,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2542,2544,2545,2546,2547,2548,2549,2552,2553,2554,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2898,2910,2913,2920,2930,2936,2939,2941,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3170,3204,3211,3216,3221,3223,3228,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3440,3460,3462,3489,3491,3496,3499,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3595,3606,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3702,3738,3743,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3846,3848,3852,3853,3854,3855,3856,3857,3858,3860,3861,3865,3874,3875,3877,3878,3879,3880,3884,3886,3894,],[903,903,903,903,-1894,903,903,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,903,903,903,903,-275,-276,903,-1425,903,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,903,903,903,-490,903,903,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,903,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,903,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,903,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,903,-172,-173,-174,-175,-993,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-290,-291,-281,903,903,903,903,903,-328,-318,-332,-333,-334,903,903,-982,-983,-984,-985,-986,-987,-988,903,903,903,903,903,903,903,903,903,903,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,903,903,903,-353,-356,903,-323,-324,-141,903,-142,903,-143,903,-430,-935,-936,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-1894,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-1894,903,-1894,903,903,903,903,903,903,903,903,903,903,903,903,-1894,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,903,-1894,903,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,903,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,903,903,903,-191,-192,903,-994,903,903,903,903,903,-277,-278,-279,-280,-365,903,-308,903,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,903,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,903,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,903,903,903,903,903,903,-573,903,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,903,903,-723,-724,-725,903,903,903,903,903,903,-994,903,903,-91,-92,903,903,903,903,-309,-310,-320,903,-307,-293,-294,-295,903,903,903,903,-618,-633,-590,903,903,-436,903,-437,903,-444,-445,-446,-378,-379,903,903,903,-506,903,903,-510,903,903,903,903,-515,-516,-517,-518,903,903,-521,-522,903,-524,-525,-526,-527,-528,-529,-530,-531,903,-533,903,903,903,-539,-541,-542,903,-544,-545,-546,-547,903,903,903,903,903,903,-652,-653,-654,-655,903,-657,-658,-659,903,903,903,-665,903,903,-669,-670,903,903,-673,903,-675,-676,903,-679,903,-681,903,903,-684,-685,-686,903,-688,903,903,-691,903,903,-694,-695,-696,903,-698,-699,-700,-701,903,903,-746,903,-749,-750,-751,-752,-753,903,-755,-756,-757,-758,-759,903,-766,-767,-769,903,-771,-772,-773,-782,-856,-858,-860,-862,903,903,903,903,-868,903,-870,903,903,903,903,903,903,903,-906,-907,903,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,903,-921,-924,903,-934,903,-385,-386,-387,903,903,-390,-391,-392,-393,903,-396,903,-399,-400,903,-401,903,-406,-407,903,-410,-411,-412,903,-415,903,-416,903,-421,-422,903,-425,903,-428,-429,-1894,-1894,903,-619,-620,-621,-622,-623,-634,-584,-624,-797,903,903,903,903,903,-831,903,903,-806,903,-832,903,903,903,903,-798,903,-853,-799,903,903,903,903,903,903,-854,-855,903,-834,-830,-835,903,-625,903,-626,-627,-628,-629,-574,903,903,-630,-631,-632,903,903,903,903,903,903,-635,-636,-637,-592,-1894,-602,903,-638,-639,-713,-640,-604,903,-572,-577,-580,-583,903,903,903,-598,-601,903,-608,903,903,903,903,903,903,903,903,903,903,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,903,903,903,-995,903,903,903,903,903,903,-306,-325,-319,-296,-375,-452,-453,-454,-458,903,-443,903,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,903,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,903,903,903,903,903,903,903,903,903,-316,-535,-508,-591,-937,-939,-940,-438,903,-440,-380,-381,-383,-507,-509,-511,903,-513,-514,-519,-520,903,-532,-534,-537,-538,-543,-548,-726,903,-727,903,-732,903,-734,903,-739,-656,-660,-661,903,-666,903,-667,903,-672,-674,903,-677,903,903,903,-687,-689,903,-692,903,903,-744,903,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,903,903,903,903,903,-877,903,-880,-908,-920,-925,-388,-389,903,-394,903,-397,903,-402,903,-403,903,-408,903,-413,903,-417,903,-418,903,-423,903,-426,-899,-900,-643,-585,-1894,-901,903,903,903,-800,903,903,-804,903,-807,-833,903,-818,903,-820,903,-822,-808,903,-824,903,-851,-852,903,903,-811,903,-646,-902,-904,-648,-649,-645,903,-705,-706,903,-642,-903,-647,-650,-603,-714,903,903,-605,-586,903,903,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,903,903,-709,-710,903,-716,903,903,903,903,903,903,-938,903,-439,-441,-747,903,-891,903,-715,-1894,903,903,903,903,903,-442,-512,-523,903,-728,-733,903,-735,903,-740,903,-662,-668,903,-678,-680,-682,-683,-690,-693,-697,-745,903,903,-874,903,903,-878,903,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,903,-812,903,-814,-801,903,-802,-805,903,-816,-819,-821,-823,-825,903,-826,903,-809,903,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,903,-282,903,903,903,903,-455,903,903,-729,903,-736,903,-741,903,-663,-671,903,903,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,903,-836,-53,903,903,-730,903,-737,903,-742,-664,903,-873,-54,903,903,-731,-738,-743,903,903,903,-872,]),'UNION':([14,23,24,32,33,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1388,1389,1390,1392,1393,1394,1395,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2491,2495,2498,2502,2514,2515,2517,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2911,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3197,3198,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3473,3474,3475,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-176,-170,-171,1384,-165,-177,-178,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-170,-171,-176,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-170,-171,-1894,-134,-135,-172,-173,-174,-175,-171,-1894,-269,-270,-272,-274,-268,-1894,-281,-171,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-151,-154,-156,-157,-1894,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-1894,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-171,-170,-166,-179,-114,-184,-1894,-1894,-251,-180,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-108,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-138,-140,-146,-147,-155,-109,-110,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-432,-1894,-1894,-188,-216,-111,-112,-113,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-183,-431,-433,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-434,-435,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'EXCEPT':([14,23,24,32,33,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1388,1389,1390,1392,1393,1394,1395,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2491,2495,2498,2502,2514,2515,2517,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2911,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3197,3198,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3473,3474,3475,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-176,-170,-171,1385,-165,-177,-178,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-170,-171,-176,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-170,-171,-1894,-134,-135,-172,-173,-174,-175,-171,-1894,-269,-270,-272,-274,-268,-1894,-281,-171,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-151,-154,-156,-157,-1894,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-1894,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-171,-170,-166,-179,-114,-184,-1894,-1894,-251,-180,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-108,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-138,-140,-146,-147,-155,-109,-110,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-432,-1894,-1894,-188,-216,-111,-112,-113,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-183,-431,-433,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-434,-435,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'INTERSECT':([14,23,24,32,33,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1388,1389,1390,1392,1393,1394,1395,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2490,2491,2495,2498,2502,2514,2515,2517,2526,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2911,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3197,3198,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3473,3474,3475,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3573,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-176,-170,-171,1386,-165,-177,-178,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-170,-171,-176,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-170,-171,-1894,-134,-135,-172,-173,-174,-175,-171,-1894,-269,-270,-272,-274,-268,-1894,-281,-171,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-151,-154,-156,-157,-1894,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-1894,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-171,-170,-166,-179,-114,-184,-1894,-1894,-251,-180,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-108,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-138,-140,-146,-147,-155,-109,-110,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-432,-1894,-1894,-188,-216,-111,-112,-113,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-183,-431,-433,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-434,-435,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'FROM':([16,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,911,912,913,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1417,1418,1420,1421,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1806,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2016,2017,2018,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2404,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2444,2445,2454,2456,2475,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2865,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2880,2882,2883,2913,2923,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3446,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[910,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1399,-82,-83,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-269,-270,-272,-274,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2457,2473,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-81,-84,-85,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,2826,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,2854,-607,2864,2866,-213,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,3141,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-994,-215,-995,-86,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-216,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DUAL':([17,910,921,1399,1403,1412,1423,2013,2024,2473,],[918,918,918,918,918,918,918,918,918,918,]),'IGNORE':([18,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,1020,1021,1398,1415,1416,1417,1418,1420,1421,1488,1489,2007,2031,2033,2034,2035,2039,2040,2505,2517,2556,2560,2913,2989,2993,3267,3481,3485,3487,3609,3610,3611,],[928,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1894,-321,-322,-993,-1844,2038,-269,-270,-272,-274,-323,-324,-994,2038,-252,-253,-254,-271,-273,-994,-251,2987,2987,-995,2987,2987,2987,-255,-257,-259,-256,-258,-260,]),'NOT':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1449,1452,1476,1477,1478,1479,1480,1481,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2532,2533,2535,2537,2538,2539,2540,2544,2545,2546,2547,2548,2549,2553,2555,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2900,2901,2902,2904,2907,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3167,3169,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3453,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3582,3587,3588,3589,3590,3591,3592,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3780,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[934,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,934,-1425,934,1440,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,934,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,934,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,934,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,934,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,934,934,934,934,934,-290,-291,-281,934,-363,2068,934,-355,-360,-490,-1292,-354,934,934,-353,-356,-323,-324,-141,934,-142,934,-143,934,-430,-935,-936,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,-1894,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,-1894,934,-1894,934,934,934,934,934,934,934,934,934,934,934,934,-1894,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,934,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,934,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,934,-191,-192,-994,934,-277,-278,-279,-280,-365,934,-308,934,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,934,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,934,934,934,934,934,934,-573,934,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,934,934,-723,-724,-725,934,934,934,-91,-92,-309,-310,-320,-307,-293,-294,-295,934,934,-618,-633,-590,934,-436,-437,-444,-445,-446,-378,-379,934,934,934,-506,934,934,-510,934,934,934,934,-515,-516,-517,-518,934,934,-521,-522,934,-524,-525,-526,-527,-528,-529,-530,-531,934,-533,934,934,934,-539,-541,-542,934,-544,-545,-546,-547,934,934,934,934,934,934,-652,-653,-654,-655,-657,-658,-659,934,934,934,-665,934,934,-669,-670,934,934,-673,934,-675,-676,934,-679,934,-681,934,934,-684,-685,-686,934,-688,934,934,-691,934,934,-694,-695,-696,934,-698,-699,-700,-701,934,934,-746,934,-749,-750,-751,-752,-753,934,-755,-756,-757,-758,-759,934,-766,-767,-769,934,-771,-772,-773,-782,-856,-858,-860,-862,934,934,934,934,-868,934,-870,934,934,934,934,934,934,934,-906,-907,934,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,934,-921,-924,934,-934,934,-385,-386,-387,934,934,-390,-391,-392,-393,934,-396,934,-399,-400,934,-401,934,-406,-407,934,-410,-411,-412,934,-415,934,-416,934,-421,-422,934,-425,934,-428,-429,-1894,-1894,934,-619,-620,-621,-622,-623,-634,-584,-624,-797,934,934,934,934,934,-831,934,934,-806,934,-832,934,934,934,934,-798,934,-853,-799,934,934,934,934,934,934,-854,-855,934,-834,-830,-835,934,-625,934,-626,-627,-628,-629,-574,934,934,-630,-631,-632,934,934,934,934,934,934,-635,-636,-637,-592,-1894,-602,934,-638,-639,-713,-640,-604,934,-572,-577,-580,-583,934,934,934,-598,-601,934,-608,934,934,934,934,934,934,934,934,934,934,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,934,-1894,-1894,-1894,-1894,-1894,-995,934,934,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,934,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,934,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,3448,-46,-316,-535,-508,-591,-937,-939,-940,-438,934,-440,-380,-381,-383,-507,-509,-511,934,-513,-514,-519,-520,934,-532,-534,-537,-538,-543,-548,-726,934,-727,934,-732,934,-734,934,-739,-656,-660,-661,934,-666,934,-667,934,-672,-674,934,-677,934,934,934,-687,-689,934,-692,934,934,-744,934,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,934,934,934,934,934,-877,934,-880,-908,-920,-925,-388,-389,934,-394,934,-397,934,-402,934,-403,934,-408,934,-413,934,-417,934,-418,934,-423,934,-426,-899,-900,-643,-585,-1894,-901,934,934,934,-800,934,934,-804,934,-807,-833,934,-818,934,-820,934,-822,-808,934,-824,934,-851,-852,934,934,-811,934,-646,-902,-904,-648,-649,-645,934,-705,-706,934,-642,-903,-647,-650,-603,-714,934,934,-605,-586,934,934,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,934,934,-709,-710,934,-716,934,-45,934,934,-938,-439,-441,-747,934,-891,934,-715,-1894,934,934,-1894,-1894,-1894,-1894,-1894,-1894,-1894,934,-442,-512,-523,934,-728,-733,934,-735,934,-740,934,-662,-668,934,-678,-680,-682,-683,-690,-693,-697,-745,934,934,-874,934,934,-878,934,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,934,-812,934,-814,-801,934,-802,-805,934,-816,-819,-821,-823,-825,934,-826,934,-809,934,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,934,934,-1894,-455,934,934,-729,934,-736,934,-741,934,-663,-671,934,934,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,934,-836,934,-730,934,-737,934,-742,-664,934,-873,-731,-738,-743,934,934,-872,]),'SINGLE_AT_IDENTIFIER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[940,-1894,940,940,940,940,940,940,940,940,940,940,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,940,940,940,940,940,-290,-291,940,940,940,940,-328,-318,-332,-333,-334,940,940,-982,-983,-984,-985,-986,-987,-988,940,940,940,940,940,940,940,940,-348,-349,-350,-351,-352,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,-1894,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,-1894,940,-1894,940,940,940,940,940,940,940,940,940,940,940,940,-1894,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,-1894,940,-195,940,-191,-192,940,940,940,-317,-327,-331,940,940,940,940,940,940,940,940,940,940,940,-723,-724,-725,940,940,940,-91,-92,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,940,]),'DOUBLE_AT_IDENTIFIER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[941,-1894,941,941,941,941,941,941,941,941,941,941,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,941,941,941,941,941,-290,-291,941,941,941,941,-328,-318,-332,-333,-334,941,941,-982,-983,-984,-985,-986,-987,-988,941,941,941,941,941,941,941,941,-348,-349,-350,-351,-352,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,-1894,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,-1894,941,-1894,941,941,941,941,941,941,941,941,941,941,941,941,-1894,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,-1894,941,-195,941,-191,-192,941,941,941,-317,-327,-331,941,941,941,941,941,941,941,941,941,941,941,-723,-724,-725,941,941,941,-91,-92,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,941,]),'QM':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1376,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,1992,1993,1994,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2480,2481,2511,2512,2513,2530,2536,2541,2544,2545,2549,2558,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3746,3748,3749,3756,3773,3795,3798,3800,3802,3804,3806,3810,3811,3841,3851,3852,3854,3856,3860,3880,3886,],[961,-1894,961,961,1478,1478,961,1478,1478,961,961,961,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1991,961,961,961,961,961,-290,-291,961,961,961,961,-328,-318,-332,-333,-334,961,961,-982,-983,-984,-985,-986,-987,-988,961,961,961,961,961,961,961,961,-348,-349,-350,-351,-352,961,961,961,961,961,961,961,961,961,961,961,961,961,1478,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,-1894,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,-1894,961,-1894,961,961,961,961,961,961,961,961,961,961,961,961,-1894,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,-1894,961,-195,961,1991,-158,-159,-191,-192,961,961,961,-317,-327,-331,1478,961,961,961,961,961,961,961,961,961,961,-723,-724,-725,961,961,1991,1991,961,-91,-92,961,1478,961,961,961,961,2991,1478,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,961,3799,-468,-469,961,961,3799,961,961,961,961,961,961,961,961,3799,961,961,961,961,961,961,]),'BIT_OPPOSITE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[962,-1894,962,962,962,962,962,962,962,962,962,962,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,962,962,962,962,962,-290,-291,962,962,962,962,-328,-318,-332,-333,-334,962,962,-982,-983,-984,-985,-986,-987,-988,962,962,962,962,962,962,962,962,-348,-349,-350,-351,-352,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,-1894,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,-1894,962,-1894,962,962,962,962,962,962,962,962,962,962,962,962,-1894,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,-1894,962,-195,962,-191,-192,962,962,962,-317,-327,-331,962,962,962,962,962,962,962,962,962,962,962,-723,-724,-725,962,962,962,-91,-92,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,962,]),'MINUS':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[957,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,957,-1425,957,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1464,957,957,957,-490,957,957,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,957,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,957,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,957,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,957,957,957,957,957,-290,-291,-281,957,-363,957,957,957,-328,-318,-332,-333,-334,957,957,-982,-983,-984,-985,-986,-987,-988,957,957,957,957,957,957,957,957,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,957,957,957,-353,-356,-323,-324,-141,957,-142,957,-143,957,-430,-935,-936,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,-1894,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,-1894,957,-1894,957,957,957,957,957,957,957,957,957,957,957,957,-1894,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,957,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,957,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,957,-191,-192,-994,957,-277,-278,-279,-280,-365,957,-308,957,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,957,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,1464,957,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,957,957,957,957,957,957,-573,957,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,957,957,-723,-724,-725,957,957,957,-91,-92,957,-309,-310,-320,957,-307,-293,-294,-295,957,957,957,-618,-633,-590,957,-436,-437,-444,-445,-446,-378,-379,957,957,957,-506,957,957,-510,957,957,957,957,-515,-516,-517,-518,957,957,-521,-522,957,-524,-525,-526,-527,-528,-529,-530,-531,957,-533,957,957,957,-539,-541,-542,957,-544,-545,-546,-547,957,957,957,957,957,957,-652,-653,-654,-655,-657,-658,-659,957,957,957,-665,957,957,-669,-670,957,957,-673,957,-675,-676,957,-679,957,-681,957,957,-684,-685,-686,957,-688,957,957,-691,957,957,-694,-695,-696,957,-698,-699,-700,-701,957,957,-746,957,-749,-750,-751,-752,-753,957,-755,-756,-757,-758,-759,957,-766,-767,-769,957,-771,-772,-773,-782,-856,-858,-860,-862,957,957,957,957,-868,957,-870,957,957,957,957,957,957,957,-906,-907,957,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,957,-921,-924,957,-934,957,-385,-386,-387,957,957,-390,-391,-392,-393,957,-396,957,-399,-400,957,-401,957,-406,-407,957,-410,-411,-412,957,-415,957,-416,957,-421,-422,957,-425,957,-428,-429,-1894,-1894,957,-619,-620,-621,-622,-623,-634,-584,-624,-797,957,957,957,957,957,-831,957,957,-806,957,-832,957,957,957,957,-798,957,-853,-799,957,957,957,957,957,957,-854,-855,957,-834,-830,-835,957,-625,957,-626,-627,-628,-629,-574,957,957,-630,-631,-632,957,957,957,957,957,957,-635,-636,-637,-592,-1894,-602,957,-638,-639,-713,-640,-604,957,-572,-577,-580,-583,957,957,957,-598,-601,957,-608,957,957,957,957,957,957,957,957,957,957,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,957,-995,957,957,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,957,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,957,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,957,-316,-535,-508,-591,-937,-939,-940,-438,957,-440,-380,-381,-383,-507,-509,-511,957,-513,-514,-519,-520,957,-532,-534,-537,-538,-543,-548,-726,957,-727,957,-732,957,-734,957,-739,-656,-660,-661,957,-666,957,-667,957,-672,-674,957,-677,957,957,957,-687,-689,957,-692,957,957,-744,957,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,957,957,957,957,957,-877,957,-880,-908,-920,-925,-388,-389,957,-394,957,-397,957,-402,957,-403,957,-408,957,-413,957,-417,957,-418,957,-423,957,-426,-899,-900,-643,-585,-1894,-901,957,957,957,-800,957,957,-804,957,-807,-833,957,-818,957,-820,957,-822,-808,957,-824,957,-851,-852,957,957,-811,957,-646,-902,-904,-648,-649,-645,957,-705,-706,957,-642,-903,-647,-650,-603,-714,957,957,-605,-586,957,957,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,957,957,-709,-710,957,-716,957,957,957,-938,-439,-441,-747,957,-891,957,-715,-1894,957,957,957,-442,-512,-523,957,-728,-733,957,-735,957,-740,957,-662,-668,957,-678,-680,-682,-683,-690,-693,-697,-745,957,957,-874,957,957,-878,957,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,957,-812,957,-814,-801,957,-802,-805,957,-816,-819,-821,-823,-825,957,-826,957,-809,957,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,957,957,-455,957,957,-729,957,-736,957,-741,957,-663,-671,957,957,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,957,-836,957,-730,957,-737,957,-742,-664,957,-873,-731,-738,-743,957,957,-872,]),'PLUS':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,959,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2330,2337,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3129,3131,3133,3135,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[956,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,956,-1425,956,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1463,956,956,1482,956,-490,956,956,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,956,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,956,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,956,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,956,956,956,956,956,-290,-291,-281,956,-363,956,956,956,-328,-318,-332,-333,-334,956,956,-982,-983,-984,-985,-986,-987,-988,956,956,956,956,956,956,956,956,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,956,956,956,-353,-356,-323,-324,-141,956,-142,956,-143,956,-430,-935,-936,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,-1894,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,-1894,956,-1894,956,956,956,956,956,956,956,956,956,956,956,956,-1894,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,956,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,956,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,956,-191,-192,-994,956,-277,-278,-279,-280,-365,956,-308,956,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,956,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,1463,956,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,956,1482,1482,956,956,956,956,956,-573,956,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,956,956,-723,-724,-725,956,956,956,-91,-92,956,-309,-310,-320,956,-307,-293,-294,-295,956,956,956,-618,-633,-590,956,-436,-437,-444,-445,-446,-378,-379,956,956,956,-506,956,956,-510,956,956,956,956,-515,-516,-517,-518,956,956,-521,-522,956,-524,-525,-526,-527,-528,-529,-530,-531,956,-533,956,956,956,-539,-541,-542,956,-544,-545,-546,-547,956,956,956,956,956,956,-652,-653,-654,-655,-657,-658,-659,956,956,956,-665,956,956,-669,-670,956,956,-673,956,-675,-676,956,-679,956,-681,956,956,-684,-685,-686,956,-688,956,956,-691,956,956,-694,-695,-696,956,-698,-699,-700,-701,956,956,-746,956,-749,-750,-751,-752,-753,956,-755,-756,-757,-758,-759,956,-766,-767,-769,956,-771,-772,-773,-782,-856,-858,-860,-862,956,956,956,956,-868,956,-870,956,956,956,956,956,956,956,-906,-907,956,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,956,-921,-924,956,-934,956,-385,-386,-387,956,956,-390,-391,-392,-393,956,-396,956,-399,-400,956,-401,956,-406,-407,956,-410,-411,-412,956,-415,956,-416,956,-421,-422,956,-425,956,-428,-429,-1894,-1894,956,-619,-620,-621,-622,-623,-634,-584,-624,-797,956,956,956,956,956,-831,956,956,-806,956,-832,956,956,956,956,-798,956,-853,-799,956,956,956,956,956,956,-854,-855,956,-834,-830,-835,956,-625,956,-626,-627,-628,-629,-574,956,956,-630,-631,-632,956,956,956,956,956,956,-635,-636,-637,-592,-1894,-602,956,-638,-639,-713,-640,-604,956,-572,-577,-580,-583,956,956,956,-598,-601,956,-608,956,956,956,956,956,956,956,956,956,956,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,956,-995,956,956,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,956,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1482,1482,1482,1482,956,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,956,-316,-535,-508,-591,-937,-939,-940,-438,956,-440,-380,-381,-383,-507,-509,-511,956,-513,-514,-519,-520,956,-532,-534,-537,-538,-543,-548,-726,956,-727,956,-732,956,-734,956,-739,-656,-660,-661,956,-666,956,-667,956,-672,-674,956,-677,956,956,956,-687,-689,956,-692,956,956,-744,956,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,956,956,956,956,956,-877,956,-880,-908,-920,-925,-388,-389,956,-394,956,-397,956,-402,956,-403,956,-408,956,-413,956,-417,956,-418,956,-423,956,-426,-899,-900,-643,-585,-1894,-901,956,956,956,-800,956,956,-804,956,-807,-833,956,-818,956,-820,956,-822,-808,956,-824,956,-851,-852,956,956,-811,956,-646,-902,-904,-648,-649,-645,956,-705,-706,956,-642,-903,-647,-650,-603,-714,956,956,-605,-586,956,956,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,956,956,-709,-710,956,-716,956,956,956,-938,-439,-441,-747,956,-891,956,-715,-1894,956,956,956,-442,-512,-523,956,-728,-733,956,-735,956,-740,956,-662,-668,956,-678,-680,-682,-683,-690,-693,-697,-745,956,956,-874,956,956,-878,956,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,956,-812,956,-814,-801,956,-802,-805,956,-816,-819,-821,-823,-825,956,-826,956,-809,956,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,956,956,-455,956,956,-729,956,-736,956,-741,956,-663,-671,956,956,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,956,-836,956,-730,956,-737,956,-742,-664,956,-873,-731,-738,-743,956,956,-872,]),'EXCLA_MARK':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[963,-1894,963,963,963,963,963,963,963,963,963,963,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,963,963,963,963,963,-290,-291,963,963,963,963,-328,-318,-332,-333,-334,963,963,-982,-983,-984,-985,-986,-987,-988,963,963,963,963,963,963,963,963,-348,-349,-350,-351,-352,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,-1894,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,-1894,963,-1894,963,963,963,963,963,963,963,963,963,963,963,963,-1894,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,-1894,963,-195,963,-191,-192,963,963,963,-317,-327,-331,963,963,963,963,963,963,963,963,963,963,963,-723,-724,-725,963,963,963,-91,-92,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,963,]),'NULL':([19,21,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2068,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2900,2901,2902,2904,2907,2930,2944,3041,3141,3167,3169,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3448,3450,3453,3489,3491,3528,3559,3579,3581,3582,3584,3587,3588,3589,3590,3591,3592,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3780,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[951,-1894,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,951,951,951,951,951,951,951,951,951,951,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,951,951,951,951,951,-290,-291,951,951,951,951,2062,-328,-318,-332,-330,-333,-334,951,951,-982,-983,-984,-985,-986,-987,-988,951,951,951,951,951,951,951,951,-348,-349,-350,-351,-352,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1894,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1894,951,-1894,951,951,951,951,951,951,951,951,951,951,951,951,-1894,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1894,951,-195,951,-191,-192,951,951,951,-317,-327,-331,951,-329,951,951,951,951,951,951,951,951,951,951,-723,-724,-725,951,951,951,-91,-92,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1894,-1894,-1894,-1894,-1894,951,951,951,951,3449,-46,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,3583,3585,-45,951,951,951,951,951,951,-1894,3715,-1894,-1894,-1894,-1894,-1894,-1894,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,951,-1894,951,951,951,951,951,951,951,951,951,951,951,951,951,951,]),'EXISTS':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[995,-1894,995,995,995,995,995,995,995,995,995,995,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,995,995,995,995,995,-290,-291,995,995,995,995,-328,-318,-332,-333,-334,995,995,-982,-983,-984,-985,-986,-987,-988,995,995,995,995,995,995,995,995,-348,-349,-350,-351,-352,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,-1894,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,-1894,995,-1894,995,995,995,995,995,995,995,995,995,995,995,995,-1894,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,-1894,995,-195,995,-191,-192,995,995,995,-317,-327,-331,995,995,995,995,995,995,995,995,995,995,995,-723,-724,-725,995,995,995,-91,-92,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,995,]),'BINARY':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2550,2551,2552,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2620,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2841,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[997,-1894,997,997,997,997,997,997,997,997,997,997,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,997,997,997,997,997,-290,-291,997,997,997,997,-328,-318,-332,-333,-334,997,997,-982,-983,-984,-985,-986,-987,-988,997,997,997,997,997,997,997,997,-348,-349,-350,-351,-352,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,-1894,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,-1894,997,-1894,997,997,997,997,997,997,997,997,997,997,997,997,-1894,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,-1894,997,-195,997,-191,-192,997,997,997,-317,-327,-331,997,997,997,997,997,997,997,997,997,997,997,-723,-724,-725,997,997,997,-91,-92,997,997,997,997,997,997,2959,2959,2979,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,2979,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,3121,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,997,]),'_BINARY':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[998,-1894,998,998,998,998,998,998,998,998,998,998,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,998,998,998,998,998,-290,-291,998,998,998,998,-328,-318,-332,-333,-334,998,998,-982,-983,-984,-985,-986,-987,-988,998,998,998,998,998,998,998,998,-348,-349,-350,-351,-352,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,-1894,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,-1894,998,-1894,998,998,998,998,998,998,998,998,998,998,998,998,-1894,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,-1894,998,-195,998,-191,-192,998,998,998,-317,-327,-331,998,998,998,998,998,998,998,998,998,998,998,-723,-724,-725,998,998,998,-91,-92,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,998,]),'CONVERT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1000,-1894,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1000,1000,1000,1000,1000,-290,-291,1000,1000,1000,1000,-328,-318,-332,-333,-334,1000,1000,-982,-983,-984,-985,-986,-987,-988,1000,1000,1000,1000,1000,1000,1000,1000,-348,-349,-350,-351,-352,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1894,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1894,1000,-1894,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1894,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-1894,1000,-195,1000,-191,-192,1000,1000,1000,-317,-327,-331,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,-723,-724,-725,1000,1000,1000,-91,-92,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,1000,]),'CUME_DIST':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1001,-1894,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1001,1001,1001,1001,1001,-290,-291,1001,1001,1001,1001,-328,-318,-332,-333,-334,1001,1001,-982,-983,-984,-985,-986,-987,-988,1001,1001,1001,1001,1001,1001,1001,1001,-348,-349,-350,-351,-352,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1894,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1894,1001,-1894,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1894,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-1894,1001,-195,1001,-191,-192,1001,1001,1001,-317,-327,-331,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,-723,-724,-725,1001,1001,1001,-91,-92,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,1001,]),'DENSE_RANK':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1002,-1894,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1002,1002,1002,1002,1002,-290,-291,1002,1002,1002,1002,-328,-318,-332,-333,-334,1002,1002,-982,-983,-984,-985,-986,-987,-988,1002,1002,1002,1002,1002,1002,1002,1002,-348,-349,-350,-351,-352,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1894,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1894,1002,-1894,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1894,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-1894,1002,-195,1002,-191,-192,1002,1002,1002,-317,-327,-331,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,-723,-724,-725,1002,1002,1002,-91,-92,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,1002,]),'FIRST_VALUE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1003,-1894,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1003,1003,1003,1003,1003,-290,-291,1003,1003,1003,1003,-328,-318,-332,-333,-334,1003,1003,-982,-983,-984,-985,-986,-987,-988,1003,1003,1003,1003,1003,1003,1003,1003,-348,-349,-350,-351,-352,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1894,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1894,1003,-1894,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1894,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-1894,1003,-195,1003,-191,-192,1003,1003,1003,-317,-327,-331,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,-723,-724,-725,1003,1003,1003,-91,-92,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,1003,]),'LEAD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1006,-1894,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1006,1006,1006,1006,1006,-290,-291,1006,1006,1006,1006,-328,-318,-332,-333,-334,1006,1006,-982,-983,-984,-985,-986,-987,-988,1006,1006,1006,1006,1006,1006,1006,1006,-348,-349,-350,-351,-352,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1894,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1894,1006,-1894,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1894,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-1894,1006,-195,1006,-191,-192,1006,1006,1006,-317,-327,-331,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,-723,-724,-725,1006,1006,1006,-91,-92,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,1006,]),'NTH_VALUE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1007,-1894,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1007,1007,1007,1007,1007,-290,-291,1007,1007,1007,1007,-328,-318,-332,-333,-334,1007,1007,-982,-983,-984,-985,-986,-987,-988,1007,1007,1007,1007,1007,1007,1007,1007,-348,-349,-350,-351,-352,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1894,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1894,1007,-1894,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1894,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-1894,1007,-195,1007,-191,-192,1007,1007,1007,-317,-327,-331,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,-723,-724,-725,1007,1007,1007,-91,-92,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,1007,]),'NTILE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1008,-1894,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1008,1008,1008,1008,1008,-290,-291,1008,1008,1008,1008,-328,-318,-332,-333,-334,1008,1008,-982,-983,-984,-985,-986,-987,-988,1008,1008,1008,1008,1008,1008,1008,1008,-348,-349,-350,-351,-352,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1894,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1894,1008,-1894,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1894,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-1894,1008,-195,1008,-191,-192,1008,1008,1008,-317,-327,-331,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,-723,-724,-725,1008,1008,1008,-91,-92,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,1008,]),'PERCENT_RANK':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1009,-1894,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1009,1009,1009,1009,1009,-290,-291,1009,1009,1009,1009,-328,-318,-332,-333,-334,1009,1009,-982,-983,-984,-985,-986,-987,-988,1009,1009,1009,1009,1009,1009,1009,1009,-348,-349,-350,-351,-352,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1894,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1894,1009,-1894,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1894,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-1894,1009,-195,1009,-191,-192,1009,1009,1009,-317,-327,-331,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,-723,-724,-725,1009,1009,1009,-91,-92,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,1009,]),'TIME_TO_USEC':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1014,-1894,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1014,1014,1014,1014,1014,-290,-291,1014,1014,1014,1014,-328,-318,-332,-333,-334,1014,1014,-982,-983,-984,-985,-986,-987,-988,1014,1014,1014,1014,1014,1014,1014,1014,-348,-349,-350,-351,-352,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1894,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1894,1014,-1894,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1894,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-1894,1014,-195,1014,-191,-192,1014,1014,1014,-317,-327,-331,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,-723,-724,-725,1014,1014,1014,-91,-92,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,1014,]),'OB_VERSION':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1017,-1894,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1017,1017,1017,1017,1017,-290,-291,1017,1017,1017,1017,-328,-318,-332,-333,-334,1017,1017,-982,-983,-984,-985,-986,-987,-988,1017,1017,1017,1017,1017,1017,1017,1017,-348,-349,-350,-351,-352,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1894,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1894,1017,-1894,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1894,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-1894,1017,-195,1017,-191,-192,1017,1017,1017,-317,-327,-331,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,-723,-724,-725,1017,1017,1017,-91,-92,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,1017,]),'SCONST':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,998,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1414,1415,1419,1421,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2040,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2530,2532,2533,2534,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2552,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2774,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2977,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3083,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3464,3465,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3711,3713,3738,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1020,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1020,1020,-275,-276,1020,-1425,1020,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1020,1020,1020,-490,1020,1020,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,1488,-488,-489,1020,1020,1020,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1020,1020,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1020,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1020,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-993,1020,-1844,1020,1488,1020,1020,1020,1020,1020,-290,-291,-281,1020,1020,1020,1020,-328,-318,-332,-333,-334,1020,1020,-982,-983,-984,-985,-986,-987,-988,1020,1020,1020,1020,1020,1020,1020,1020,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1020,1020,1020,-353,-356,-323,-324,1488,1020,1488,1020,1488,1020,-430,-935,-936,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1894,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1894,1020,-1894,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1894,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-1894,1020,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,1020,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1020,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,1020,1020,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1020,-191,-192,-994,1020,1488,-277,-278,-279,-280,-365,1020,-308,1020,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1020,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1020,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1020,1020,1020,1020,1020,1020,-573,1020,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1020,1020,-723,-724,-725,1020,1020,-994,1020,-91,-92,1020,-309,-310,1020,-320,1020,-307,-293,-294,-295,1020,1020,1020,-618,-633,-590,1020,1020,-436,-437,1020,-444,-445,-446,-378,-379,1020,1020,1020,-506,1020,1020,-510,1020,1020,1020,1020,-515,-516,-517,-518,1020,1020,-521,-522,1020,-524,-525,-526,-527,-528,-529,-530,-531,1020,-533,1020,1020,1020,-539,-541,-542,1020,-544,-545,-546,-547,1020,1020,1020,1020,1020,1020,-652,-653,-654,-655,1020,-657,-658,-659,1020,1020,1020,-665,1020,1020,-669,-670,1020,1020,-673,1020,-675,-676,1020,-679,1020,-681,1020,1020,-684,-685,-686,1020,-688,1020,1020,-691,1020,1020,-694,-695,-696,1020,-698,-699,-700,-701,1020,1020,-746,1020,-749,-750,-751,-752,-753,1020,-755,-756,-757,-758,-759,1020,-766,-767,-769,1020,-771,-772,-773,-782,-856,-858,-860,-862,1020,1020,1020,1020,-868,1020,-870,1020,1020,1020,1020,1020,1020,1020,-906,-907,1020,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1020,-921,-924,1020,-934,1020,-385,-386,-387,1020,1020,-390,-391,-392,-393,1020,-396,1020,-399,-400,1020,-401,1020,-406,-407,1020,-410,-411,-412,1020,-415,1020,-416,1020,-421,-422,1020,-425,1020,-428,-429,-1894,-1894,1020,-619,-620,-621,-622,-623,-634,-584,1020,-624,-797,1020,1020,1020,1020,1020,-831,1020,1020,-806,1020,-832,1020,1020,1020,1020,-798,1020,-853,-799,1020,1020,1020,1020,1020,1020,-854,-855,1020,-834,-830,-835,1020,-625,1020,-626,-627,-628,-629,-574,1020,1020,-630,-631,-632,1020,1020,1020,1020,1020,1020,-635,-636,-637,-592,-1894,-602,1020,-638,-639,-713,-640,-604,1020,-572,-577,-580,-583,1020,1020,1020,-598,-601,1020,-608,1020,1020,1020,1020,1020,1020,1020,1020,1020,1020,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1020,-995,1020,1020,-306,-325,1488,-296,-375,1488,-452,-453,-454,-458,-443,1020,-933,-1894,-889,-450,-451,-890,-1894,1488,-1894,-1894,-1894,-1894,-898,1020,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1020,-316,-535,-508,-591,-937,-939,-940,-438,1020,-440,-380,-381,-383,-507,-509,-511,1020,-513,-514,-519,-520,1020,-532,-534,-537,-538,-543,-548,-726,1020,-727,1020,-732,1020,-734,1020,-739,-656,-660,-661,1020,-666,1020,-667,1020,-672,-674,1020,-677,1020,1020,1020,-687,-689,1020,-692,1020,1020,-744,1020,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1020,1020,1020,1020,1020,-877,1020,-880,-908,-920,-925,-388,-389,1020,-394,1020,-397,1020,-402,1020,-403,1020,-408,1020,-413,1020,-417,1020,-418,1020,-423,1020,-426,-899,-900,-643,-585,-1894,-901,1020,1020,1020,-800,1020,1020,-804,1020,-807,-833,1020,-818,1020,-820,1020,-822,-808,1020,-824,1020,-851,-852,1020,1020,-811,1020,-646,-902,-904,-648,-649,-645,1020,-705,-706,1020,-642,-903,-647,-650,-603,-714,1020,1020,-605,-586,1020,1020,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1020,1020,-709,-710,1020,-716,1020,3598,3599,1020,1020,-938,-439,-441,-747,1020,-891,1020,-715,-1894,1020,1020,1020,-442,-512,-523,1020,-728,-733,1020,-735,1020,-740,1020,-662,-668,1020,-678,-680,-682,-683,-690,-693,-697,-745,1020,1020,-874,1020,1020,-878,1020,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1020,-812,1020,-814,-801,1020,-802,-805,1020,-816,-819,-821,-823,-825,1020,-826,1020,-809,1020,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,3775,3778,-282,1020,1020,1020,-455,1020,1020,-729,1020,-736,1020,-741,1020,-663,-671,1020,1020,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1020,-836,1020,-730,1020,-737,1020,-742,-664,1020,-873,-731,-738,-743,1020,1020,-872,]),'QUOTED_IDENTIFIER':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,998,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1414,1415,1419,1421,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2040,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2530,2532,2533,2534,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2552,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2620,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2774,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2977,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3083,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3769,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1021,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1021,1021,-275,-276,1021,-1425,1021,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1021,1021,1021,-490,1021,1021,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,1489,-488,-489,1021,1021,1021,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1021,1021,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1021,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1021,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-993,1021,-1844,1021,1489,1021,1021,1021,1021,1021,-290,-291,-281,1021,1021,1021,1021,-328,-318,-332,-333,-334,1021,1021,-982,-983,-984,-985,-986,-987,-988,1021,1021,1021,1021,1021,1021,1021,1021,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1021,1021,1021,-353,-356,-323,-324,1489,1021,1489,1021,1489,1021,-430,-935,-936,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1894,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1894,1021,-1894,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1894,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-1894,1021,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,1021,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1021,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,1021,1021,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1021,-191,-192,-994,1021,1489,-277,-278,-279,-280,-365,1021,-308,1021,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1021,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1021,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1021,1021,1021,1021,1021,1021,-573,1021,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1021,1021,-723,-724,-725,1021,1021,-994,1021,-91,-92,1021,-309,-310,1021,-320,1021,-307,-293,-294,-295,1021,1021,1021,-618,-633,-590,1021,1021,-436,-437,1021,-444,-445,-446,-378,-379,1021,1021,1021,-506,1021,1021,-510,1021,1021,1021,1021,-515,-516,-517,-518,1021,1021,-521,-522,1021,-524,-525,-526,-527,-528,-529,-530,-531,1021,-533,1021,1021,1021,-539,-541,-542,1021,-544,-545,-546,-547,1021,1021,1021,1021,1021,1021,-652,-653,-654,-655,1021,-657,-658,-659,1021,1021,1021,-665,1021,1021,-669,-670,1021,1021,-673,1021,-675,-676,1021,-679,1021,-681,1021,1021,-684,-685,-686,1021,-688,1021,1021,-691,1021,1021,-694,-695,-696,1021,-698,-699,-700,-701,1021,1021,-746,1021,-749,-750,-751,-752,-753,1021,-755,-756,-757,-758,-759,1021,-766,-767,-769,1021,-771,-772,-773,-782,-856,-858,-860,-862,1021,1021,1021,1021,-868,1021,-870,1021,1021,1021,1021,1021,1021,1021,-906,-907,1021,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1021,-921,-924,1021,-934,1021,-385,-386,-387,1021,1021,-390,-391,-392,-393,1021,-396,1021,-399,-400,1021,-401,1021,-406,-407,1021,-410,-411,-412,1021,-415,1021,-416,1021,-421,-422,1021,-425,1021,-428,-429,-1894,-1894,1021,-619,-620,-621,-622,-623,-634,-584,1021,-624,-797,1021,1021,1021,1021,1021,-831,1021,1021,-806,1021,-832,1021,1021,1021,1021,-798,1021,-853,-799,1021,1021,1021,1021,1021,1021,-854,-855,1021,-834,-830,-835,1021,-625,1021,-626,-627,-628,-629,-574,1021,1021,-630,-631,-632,1021,1021,1021,1021,1021,1021,-635,-636,-637,-592,-1894,-602,1021,-638,-639,-713,-640,-604,1021,-572,-577,-580,-583,1021,1021,1021,-598,-601,1021,-608,1021,1021,1021,1021,1021,1021,1021,1021,1021,1021,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1021,-995,1021,1021,-306,-325,1489,-296,-375,1489,-452,-453,-454,-458,-443,1021,-933,-1894,-889,-450,-451,-890,-1894,1489,-1894,-1894,-1894,-1894,-898,1021,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1021,-316,-535,-508,-591,-937,-939,-940,-438,1021,-440,-380,-381,-383,-507,-509,-511,1021,-513,-514,-519,-520,1021,-532,-534,-537,-538,-543,-548,-726,1021,-727,1021,-732,1021,-734,1021,-739,-656,-660,-661,1021,-666,1021,-667,1021,-672,-674,1021,-677,1021,1021,1021,-687,-689,1021,-692,1021,1021,-744,1021,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1021,1021,1021,1021,1021,-877,1021,-880,-908,-920,-925,-388,-389,1021,-394,1021,-397,1021,-402,1021,-403,1021,-408,1021,-413,1021,-417,1021,-418,1021,-423,1021,-426,-899,-900,-643,-585,-1894,-901,1021,1021,1021,-800,1021,1021,-804,1021,-807,-833,1021,-818,1021,-820,1021,-822,-808,1021,-824,1021,-851,-852,1021,1021,-811,1021,-646,-902,-904,-648,-649,-645,1021,-705,-706,1021,-642,-903,-647,-650,-603,-714,1021,1021,-605,-586,1021,1021,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1021,1021,-709,-710,1021,-716,1021,1021,1021,-938,-439,-441,-747,1021,-891,1021,-715,-1894,1021,1021,1021,-442,-512,-523,1021,-728,-733,1021,-735,1021,-740,1021,-662,-668,1021,-678,-680,-682,-683,-690,-693,-697,-745,1021,1021,-874,1021,1021,-878,1021,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1021,-812,1021,-814,-801,1021,-802,-805,1021,-816,-819,-821,-823,-825,1021,-826,1021,-809,1021,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1021,1021,1021,-455,1021,1021,-729,1021,-736,1021,-741,1021,-663,-671,1021,1021,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1021,-836,1021,-730,1021,-737,1021,-742,-664,1021,-873,-731,-738,-743,1021,1021,-872,]),'FRACTION':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2558,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3200,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3746,3748,3749,3756,3773,3795,3798,3800,3802,3804,3806,3810,3811,3841,3851,3852,3854,3856,3860,3880,3886,],[1022,-1894,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1022,1022,1022,1022,1022,-290,-291,1022,1022,1022,1022,-328,-318,-332,-333,-334,1022,1022,-982,-983,-984,-985,-986,-987,-988,1022,1022,1022,1022,1022,1022,1022,1022,-348,-349,-350,-351,-352,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1894,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1894,1022,-1894,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1894,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-1894,1022,-195,1022,-191,-192,1022,1022,1022,-317,-327,-331,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-723,-724,-725,1022,1022,1022,-91,-92,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,-468,-469,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,1022,]),'TRUE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2068,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[952,-1894,952,952,952,952,952,952,952,952,952,952,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,952,952,952,952,952,-290,-291,952,952,952,952,2063,-328,-318,-332,-330,-333,-334,952,952,-982,-983,-984,-985,-986,-987,-988,952,952,952,952,952,952,952,952,-348,-349,-350,-351,-352,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,-1894,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,-1894,952,-1894,952,952,952,952,952,952,952,952,952,952,952,952,-1894,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,-1894,952,-195,952,-191,-192,952,952,952,-317,-327,-331,952,-329,952,952,952,952,952,952,952,952,952,952,-723,-724,-725,952,952,952,-91,-92,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,952,]),'FALSE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1443,1446,1447,1448,1449,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2068,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3468,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[953,-1894,953,953,953,953,953,953,953,953,953,953,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,953,953,953,953,953,-290,-291,953,953,953,953,2065,-328,-318,-332,-330,-333,-334,953,953,-982,-983,-984,-985,-986,-987,-988,953,953,953,953,953,953,953,953,-348,-349,-350,-351,-352,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,-1894,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,-1894,953,-1894,953,953,953,953,953,953,953,953,953,953,953,953,-1894,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,-1894,953,-195,953,-191,-192,953,953,953,-317,-327,-331,953,-329,953,953,953,953,953,953,953,953,953,953,-723,-724,-725,953,953,953,-91,-92,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,3602,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,953,]),'IF':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1045,-1894,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1045,1045,1045,1045,1045,-290,-291,1045,1045,1045,1045,-328,-318,-332,-333,-334,1045,1045,-982,-983,-984,-985,-986,-987,-988,1045,1045,1045,1045,1045,1045,1045,1045,-348,-349,-350,-351,-352,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1894,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1894,1045,-1894,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1894,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-1894,1045,-195,1045,-191,-192,1045,1045,1045,-317,-327,-331,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,-723,-724,-725,1045,1045,1045,-91,-92,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,1045,]),'ATAN2':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1052,-1894,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1052,1052,1052,1052,1052,-290,-291,1052,1052,1052,1052,-328,-318,-332,-333,-334,1052,1052,-982,-983,-984,-985,-986,-987,-988,1052,1052,1052,1052,1052,1052,1052,1052,-348,-349,-350,-351,-352,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1894,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1894,1052,-1894,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1894,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-1894,1052,-195,1052,-191,-192,1052,1052,1052,-317,-327,-331,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,-723,-724,-725,1052,1052,1052,-91,-92,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,1052,]),'MOD':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[958,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,958,-1425,958,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1468,958,958,958,-490,958,958,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,958,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,958,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,958,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,958,958,958,958,958,-290,-291,-281,958,-363,958,958,958,-328,-318,-332,-333,-334,958,958,-982,-983,-984,-985,-986,-987,-988,958,958,958,958,958,958,958,958,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,958,958,958,-353,-356,-323,-324,-141,958,-142,958,-143,958,-430,-935,-936,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,-1894,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,-1894,958,-1894,958,958,958,958,958,958,958,958,958,958,958,958,-1894,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,958,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,958,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,958,-191,-192,-994,958,-277,-278,-279,-280,-365,958,-308,958,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,958,-283,-292,-1015,-1687,-360,-372,-376,-374,1468,-345,1468,-344,-338,-339,-340,-341,-342,1468,958,1468,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,958,958,958,958,958,958,-573,958,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,958,958,-723,-724,-725,958,958,958,-91,-92,958,-309,-310,-320,958,-307,-293,-294,-295,958,958,958,-618,-633,-590,958,-436,-437,958,-444,-445,-446,-378,-379,958,958,958,-506,958,958,-510,958,958,958,958,-515,-516,-517,-518,958,958,-521,-522,958,-524,-525,-526,-527,-528,-529,-530,-531,958,-533,958,958,958,-539,-541,-542,958,-544,-545,-546,-547,958,958,958,958,958,958,-652,-653,-654,-655,-657,-658,-659,958,958,958,-665,958,958,-669,-670,958,958,-673,958,-675,-676,958,-679,958,-681,958,958,-684,-685,-686,958,-688,958,958,-691,958,958,-694,-695,-696,958,-698,-699,-700,-701,958,958,-746,958,-749,-750,-751,-752,-753,958,-755,-756,-757,-758,-759,958,-766,-767,-769,958,-771,-772,-773,-782,-856,-858,-860,-862,958,958,958,958,-868,958,-870,958,958,958,958,958,958,958,-906,-907,958,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,958,-921,-924,958,-934,958,-385,-386,-387,958,958,-390,-391,-392,-393,958,-396,958,-399,-400,958,-401,958,-406,-407,958,-410,-411,-412,958,-415,958,-416,958,-421,-422,958,-425,958,-428,-429,-1894,-1894,958,-619,-620,-621,-622,-623,-634,-584,-624,-797,958,958,958,958,958,-831,958,958,-806,958,-832,958,958,958,958,-798,958,-853,-799,958,958,958,958,958,958,-854,-855,958,-834,-830,-835,958,-625,958,-626,-627,-628,-629,-574,958,958,-630,-631,-632,958,958,958,958,958,958,-635,-636,-637,-592,-1894,-602,958,-638,-639,-713,-640,-604,958,-572,-577,-580,-583,958,958,958,-598,-601,958,-608,958,958,958,958,958,958,958,958,958,958,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,958,-995,958,958,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,958,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,958,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,958,-316,-535,-508,-591,-937,-939,-940,-438,958,-440,-380,-381,-383,-507,-509,-511,958,-513,-514,-519,-520,958,-532,-534,-537,-538,-543,-548,-726,958,-727,958,-732,958,-734,958,-739,-656,-660,-661,958,-666,958,-667,958,-672,-674,958,-677,958,958,958,-687,-689,958,-692,958,958,-744,958,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,958,958,958,958,958,-877,958,-880,-908,-920,-925,-388,-389,958,-394,958,-397,958,-402,958,-403,958,-408,958,-413,958,-417,958,-418,958,-423,958,-426,-899,-900,-643,-585,-1894,-901,958,958,958,-800,958,958,-804,958,-807,-833,958,-818,958,-820,958,-822,-808,958,-824,958,-851,-852,958,958,-811,958,-646,-902,-904,-648,-649,-645,958,-705,-706,958,-642,-903,-647,-650,-603,-714,958,958,-605,-586,958,958,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,958,958,-709,-710,958,-716,958,958,958,-938,-439,-441,-747,958,-891,958,-715,-1894,958,958,958,-442,-512,-523,958,-728,-733,958,-735,958,-740,958,-662,-668,958,-678,-680,-682,-683,-690,-693,-697,-745,958,958,-874,958,958,-878,958,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,958,-812,958,-814,-801,958,-802,-805,958,-816,-819,-821,-823,-825,958,-826,958,-809,958,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,958,958,-455,958,958,-729,958,-736,958,-741,958,-663,-671,958,958,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,958,-836,958,-730,958,-737,958,-742,-664,958,-873,-731,-738,-743,958,958,-872,]),'RADIANS':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1069,-1894,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1069,1069,1069,1069,1069,-290,-291,1069,1069,1069,1069,-328,-318,-332,-333,-334,1069,1069,-982,-983,-984,-985,-986,-987,-988,1069,1069,1069,1069,1069,1069,1069,1069,-348,-349,-350,-351,-352,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1894,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1894,1069,-1894,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1894,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-1894,1069,-195,1069,-191,-192,1069,1069,1069,-317,-327,-331,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,-723,-724,-725,1069,1069,1069,-91,-92,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,1069,]),'RAND':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1070,-1894,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1070,1070,1070,1070,1070,-290,-291,1070,1070,1070,1070,-328,-318,-332,-333,-334,1070,1070,-982,-983,-984,-985,-986,-987,-988,1070,1070,1070,1070,1070,1070,1070,1070,-348,-349,-350,-351,-352,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1894,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1894,1070,-1894,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1894,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-1894,1070,-195,1070,-191,-192,1070,1070,1070,-317,-327,-331,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,-723,-724,-725,1070,1070,1070,-91,-92,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,1070,]),'SIN':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1073,-1894,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1073,1073,1073,1073,1073,-290,-291,1073,1073,1073,1073,-328,-318,-332,-333,-334,1073,1073,-982,-983,-984,-985,-986,-987,-988,1073,1073,1073,1073,1073,1073,1073,1073,-348,-349,-350,-351,-352,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1894,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1894,1073,-1894,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1894,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-1894,1073,-195,1073,-191,-192,1073,1073,1073,-317,-327,-331,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,-723,-724,-725,1073,1073,1073,-91,-92,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,1073,]),'SQRT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1074,-1894,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1074,1074,1074,1074,1074,-290,-291,1074,1074,1074,1074,-328,-318,-332,-333,-334,1074,1074,-982,-983,-984,-985,-986,-987,-988,1074,1074,1074,1074,1074,1074,1074,1074,-348,-349,-350,-351,-352,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1894,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1894,1074,-1894,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1894,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-1894,1074,-195,1074,-191,-192,1074,1074,1074,-317,-327,-331,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,-723,-724,-725,1074,1074,1074,-91,-92,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,1074,]),'TAN':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1075,-1894,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1075,1075,1075,1075,1075,-290,-291,1075,1075,1075,1075,-328,-318,-332,-333,-334,1075,1075,-982,-983,-984,-985,-986,-987,-988,1075,1075,1075,1075,1075,1075,1075,1075,-348,-349,-350,-351,-352,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1894,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1894,1075,-1894,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1894,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-1894,1075,-195,1075,-191,-192,1075,1075,1075,-317,-327,-331,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,-723,-724,-725,1075,1075,1075,-91,-92,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,1075,]),'CHAR':([19,21,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2492,2511,2512,2513,2530,2536,2541,2544,2545,2549,2550,2551,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2841,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1085,-1894,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1085,1085,1085,1085,1085,-290,-291,1085,1085,1085,1085,-328,-318,-332,-333,-334,1085,1085,-982,-983,-984,-985,-986,-987,-988,1085,1085,1085,1085,1085,1085,1085,1085,-348,-349,-350,-351,-352,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1894,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1894,1085,-1894,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1894,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-1894,1085,-195,1085,-191,-192,1085,1085,1085,-317,-327,-331,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,-723,-724,-725,1085,1085,2906,1085,-91,-92,1085,1085,1085,1085,1085,1085,2974,2974,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,3122,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,1085,]),'CONCAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1088,-1894,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1088,1088,1088,1088,1088,-290,-291,1088,1088,1088,1088,-328,-318,-332,-333,-334,1088,1088,-982,-983,-984,-985,-986,-987,-988,1088,1088,1088,1088,1088,1088,1088,1088,-348,-349,-350,-351,-352,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1894,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1894,1088,-1894,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1894,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-1894,1088,-195,1088,-191,-192,1088,1088,1088,-317,-327,-331,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,-723,-724,-725,1088,1088,1088,-91,-92,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,1088,]),'LEFT':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2007,2010,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2514,2515,2517,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2884,2913,2929,2930,2932,2933,2934,2935,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3481,3485,3487,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3608,3609,3610,3611,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1100,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1408,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,1100,-1425,1100,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1100,1100,1100,-490,1100,1100,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1100,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1100,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1100,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-993,1408,-1894,-1844,-1894,-269,-270,-272,-274,-268,1100,1100,1100,1100,1100,-290,-291,-281,1100,1100,1100,1100,-328,-318,-332,-333,-334,1100,1100,-982,-983,-984,-985,-986,-987,-988,1100,1100,1100,1100,1100,1100,1100,1100,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1100,1100,1100,-353,-356,-323,-324,-141,1100,-142,1100,-143,1100,-430,-935,-936,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1894,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1894,1100,-1894,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1894,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-1894,1100,-195,1100,-191,-192,-994,1100,1408,-228,-248,-249,-250,-252,-253,-254,-271,-273,1408,-277,-278,-279,-280,-365,1100,-308,1100,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1100,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1100,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1100,1100,1100,1100,1100,1100,-573,1100,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1100,1100,-723,-724,-725,1100,1100,-994,1100,-91,-92,-1894,1408,-251,1100,-309,-310,-320,1100,-307,-293,-294,-295,1100,1100,1100,-618,-633,-590,1100,-436,-437,1100,-444,-445,-446,-378,-379,1100,1100,1100,-506,1100,1100,-510,1100,1100,1100,1100,-515,-516,-517,-518,1100,1100,-521,-522,1100,-524,-525,-526,-527,-528,-529,-530,-531,1100,-533,1100,1100,1100,-539,-541,-542,1100,-544,-545,-546,-547,1100,1100,1100,1100,1100,1100,-652,-653,-654,-655,-657,-658,-659,1100,1100,1100,-665,1100,1100,-669,-670,1100,1100,-673,1100,-675,-676,1100,-679,1100,-681,1100,1100,-684,-685,-686,1100,-688,1100,1100,-691,1100,1100,-694,-695,-696,1100,-698,-699,-700,-701,1100,1100,-746,1100,-749,-750,-751,-752,-753,1100,-755,-756,-757,-758,-759,1100,-766,-767,-769,1100,-771,-772,-773,-782,-856,-858,-860,-862,1100,1100,1100,1100,-868,1100,-870,1100,1100,1100,1100,1100,1100,1100,-906,-907,1100,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1100,-921,-924,1100,-934,1100,-385,-386,-387,1100,1100,-390,-391,-392,-393,1100,-396,1100,-399,-400,1100,-401,1100,-406,-407,1100,-410,-411,-412,1100,-415,1100,-416,1100,-421,-422,1100,-425,1100,-428,-429,-1894,-1894,1100,-619,-620,-621,-622,-623,-634,-584,-624,-797,1100,1100,1100,1100,1100,-831,1100,1100,-806,1100,-832,1100,1100,1100,1100,-798,1100,-853,-799,1100,1100,1100,1100,1100,1100,-854,-855,1100,-834,-830,-835,1100,-625,1100,-626,-627,-628,-629,-574,1100,1100,-630,-631,-632,1100,1100,1100,1100,1100,1100,-635,-636,-637,-592,-1894,-602,1100,-638,-639,-713,-640,-604,1100,-572,-577,-580,-583,1100,1100,1100,-598,-601,1100,-608,1100,1100,1100,1100,1100,1100,1100,1100,1100,1100,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,1100,-995,-232,1100,-245,-233,-245,-1894,1100,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,1100,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1100,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,1100,-316,-535,-508,-591,-937,-939,-940,-438,1100,-440,-380,-381,-383,-507,-509,-511,1100,-513,-514,-519,-520,1100,-532,-534,-537,-538,-543,-548,-726,1100,-727,1100,-732,1100,-734,1100,-739,-656,-660,-661,1100,-666,1100,-667,1100,-672,-674,1100,-677,1100,1100,1100,-687,-689,1100,-692,1100,1100,-744,1100,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1100,1100,1100,1100,1100,-877,1100,-880,-908,-920,-925,-388,-389,1100,-394,1100,-397,1100,-402,1100,-403,1100,-408,1100,-413,1100,-417,1100,-418,1100,-423,1100,-426,-899,-900,-643,-585,-1894,-901,1100,1100,1100,-800,1100,1100,-804,1100,-807,-833,1100,-818,1100,-820,1100,-822,-808,1100,-824,1100,-851,-852,1100,1100,-811,1100,-646,-902,-904,-648,-649,-645,1100,-705,-706,1100,-642,-903,-647,-650,-603,-714,1100,1100,-605,-586,1100,1100,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1100,1100,-709,-710,1100,-716,1100,-255,-257,-259,1100,1100,-938,-439,-441,-747,1100,-891,1100,-715,-1894,1100,1100,-244,-256,-258,-260,1100,-442,-512,-523,1100,-728,-733,1100,-735,1100,-740,1100,-662,-668,1100,-678,-680,-682,-683,-690,-693,-697,-745,1100,1100,-874,1100,1100,-878,1100,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1100,-812,1100,-814,-801,1100,-802,-805,1100,-816,-819,-821,-823,-825,1100,-826,1100,-809,1100,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1100,1100,-455,1100,1100,-729,1100,-736,1100,-741,1100,-663,-671,1100,1100,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1100,-836,1100,-730,1100,-737,1100,-742,-664,1100,-873,-731,-738,-743,1100,1100,-872,]),'REPEAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1114,-1894,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1114,1114,1114,1114,1114,-290,-291,1114,1114,1114,1114,-328,-318,-332,-333,-334,1114,1114,-982,-983,-984,-985,-986,-987,-988,1114,1114,1114,1114,1114,1114,1114,1114,-348,-349,-350,-351,-352,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1894,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1894,1114,-1894,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1894,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-1894,1114,-195,1114,-191,-192,1114,1114,1114,-317,-327,-331,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,-723,-724,-725,1114,1114,1114,-91,-92,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,1114,]),'RIGHT':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1425,1426,1427,1428,1429,1430,1431,1432,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2007,2010,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2505,2511,2512,2513,2514,2515,2517,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2884,2913,2929,2930,2932,2933,2934,2935,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3481,3485,3487,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3608,3609,3610,3611,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1117,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1409,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,1117,-1425,1117,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,1117,1117,1117,-490,1117,1117,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1117,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1117,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1117,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-993,1409,-1894,-1844,-1894,-269,-270,-272,-274,-268,1117,1117,1117,1117,1117,-290,-291,-281,1117,1117,1117,1117,-328,-318,-332,-333,-334,1117,1117,-982,-983,-984,-985,-986,-987,-988,1117,1117,1117,1117,1117,1117,1117,1117,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1117,1117,1117,-353,-356,-323,-324,-141,1117,-142,1117,-143,1117,-430,-935,-936,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1894,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1894,1117,-1894,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1894,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-1894,1117,-195,1117,-191,-192,-994,1117,1409,-228,-248,-249,-250,-252,-253,-254,-271,-273,1409,-277,-278,-279,-280,-365,1117,-308,1117,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1117,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,1117,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1117,1117,1117,1117,1117,1117,-573,1117,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1117,1117,-723,-724,-725,1117,1117,-994,1117,-91,-92,-1894,1409,-251,1117,-309,-310,-320,1117,-307,-293,-294,-295,1117,1117,1117,-618,-633,-590,1117,-436,-437,1117,-444,-445,-446,-378,-379,1117,1117,1117,-506,1117,1117,-510,1117,1117,1117,1117,-515,-516,-517,-518,1117,1117,-521,-522,1117,-524,-525,-526,-527,-528,-529,-530,-531,1117,-533,1117,1117,1117,-539,-541,-542,1117,-544,-545,-546,-547,1117,1117,1117,1117,1117,1117,-652,-653,-654,-655,-657,-658,-659,1117,1117,1117,-665,1117,1117,-669,-670,1117,1117,-673,1117,-675,-676,1117,-679,1117,-681,1117,1117,-684,-685,-686,1117,-688,1117,1117,-691,1117,1117,-694,-695,-696,1117,-698,-699,-700,-701,1117,1117,-746,1117,-749,-750,-751,-752,-753,1117,-755,-756,-757,-758,-759,1117,-766,-767,-769,1117,-771,-772,-773,-782,-856,-858,-860,-862,1117,1117,1117,1117,-868,1117,-870,1117,1117,1117,1117,1117,1117,1117,-906,-907,1117,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1117,-921,-924,1117,-934,1117,-385,-386,-387,1117,1117,-390,-391,-392,-393,1117,-396,1117,-399,-400,1117,-401,1117,-406,-407,1117,-410,-411,-412,1117,-415,1117,-416,1117,-421,-422,1117,-425,1117,-428,-429,-1894,-1894,1117,-619,-620,-621,-622,-623,-634,-584,-624,-797,1117,1117,1117,1117,1117,-831,1117,1117,-806,1117,-832,1117,1117,1117,1117,-798,1117,-853,-799,1117,1117,1117,1117,1117,1117,-854,-855,1117,-834,-830,-835,1117,-625,1117,-626,-627,-628,-629,-574,1117,1117,-630,-631,-632,1117,1117,1117,1117,1117,1117,-635,-636,-637,-592,-1894,-602,1117,-638,-639,-713,-640,-604,1117,-572,-577,-580,-583,1117,1117,1117,-598,-601,1117,-608,1117,1117,1117,1117,1117,1117,1117,1117,1117,1117,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,1117,-995,-232,1117,-245,-233,-245,-1894,1117,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,1117,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1117,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,1117,-316,-535,-508,-591,-937,-939,-940,-438,1117,-440,-380,-381,-383,-507,-509,-511,1117,-513,-514,-519,-520,1117,-532,-534,-537,-538,-543,-548,-726,1117,-727,1117,-732,1117,-734,1117,-739,-656,-660,-661,1117,-666,1117,-667,1117,-672,-674,1117,-677,1117,1117,1117,-687,-689,1117,-692,1117,1117,-744,1117,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1117,1117,1117,1117,1117,-877,1117,-880,-908,-920,-925,-388,-389,1117,-394,1117,-397,1117,-402,1117,-403,1117,-408,1117,-413,1117,-417,1117,-418,1117,-423,1117,-426,-899,-900,-643,-585,-1894,-901,1117,1117,1117,-800,1117,1117,-804,1117,-807,-833,1117,-818,1117,-820,1117,-822,-808,1117,-824,1117,-851,-852,1117,1117,-811,1117,-646,-902,-904,-648,-649,-645,1117,-705,-706,1117,-642,-903,-647,-650,-603,-714,1117,1117,-605,-586,1117,1117,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1117,1117,-709,-710,1117,-716,1117,-255,-257,-259,1117,1117,-938,-439,-441,-747,1117,-891,1117,-715,-1894,1117,1117,-244,-256,-258,-260,1117,-442,-512,-523,1117,-728,-733,1117,-735,1117,-740,1117,-662,-668,1117,-678,-680,-682,-683,-690,-693,-697,-745,1117,1117,-874,1117,1117,-878,1117,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1117,-812,1117,-814,-801,1117,-802,-805,1117,-816,-819,-821,-823,-825,1117,-826,1117,-809,1117,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1117,1117,-455,1117,1117,-729,1117,-736,1117,-741,1117,-663,-671,1117,1117,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1117,-836,1117,-730,1117,-737,1117,-742,-664,1117,-873,-731,-738,-743,1117,1117,-872,]),'CURRENT_ROLE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1163,-1894,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1163,1163,1163,1163,1163,-290,-291,1163,1163,1163,1163,-328,-318,-332,-333,-334,1163,1163,-982,-983,-984,-985,-986,-987,-988,1163,1163,1163,1163,1163,1163,1163,1163,-348,-349,-350,-351,-352,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1894,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1894,1163,-1894,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1894,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-1894,1163,-195,1163,-191,-192,1163,1163,1163,-317,-327,-331,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,-723,-724,-725,1163,1163,1163,-91,-92,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,1163,]),'CURRENT_USER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1164,-1894,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1164,1164,1164,1164,1164,-290,-291,1164,1164,1164,1164,-328,-318,-332,-333,-334,1164,1164,-982,-983,-984,-985,-986,-987,-988,1164,1164,1164,1164,1164,1164,1164,1164,-348,-349,-350,-351,-352,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1894,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1894,1164,-1894,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1894,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-1894,1164,-195,1164,-191,-192,1164,1164,1164,-317,-327,-331,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,-723,-724,-725,1164,1164,1164,-91,-92,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,1164,]),'DATABASE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1165,-1894,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1165,1165,1165,1165,1165,-290,-291,1165,1165,1165,1165,-328,-318,-332,-333,-334,1165,1165,-982,-983,-984,-985,-986,-987,-988,1165,1165,1165,1165,1165,1165,1165,1165,-348,-349,-350,-351,-352,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1894,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1894,1165,-1894,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1894,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-1894,1165,-195,1165,-191,-192,1165,1165,1165,-317,-327,-331,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,-723,-724,-725,1165,1165,1165,-91,-92,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,1165,]),'DEFAULT':([19,21,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,934,936,956,957,960,962,963,997,1218,1242,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2900,2901,2902,2904,2907,2909,2930,2944,3041,3141,3167,3169,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3449,3453,3471,3489,3491,3528,3559,3579,3581,3582,3583,3587,3588,3589,3590,3591,3592,3594,3596,3597,3598,3599,3600,3601,3602,3603,3604,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3726,3756,3773,3780,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1202,-1894,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1202,1202,1202,1202,1202,1202,1202,1202,1202,-164,1202,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1202,1202,1202,1202,1202,-290,-291,1202,1202,1202,1202,-328,-318,-332,-333,-334,1202,1202,-982,-983,-984,-985,-986,-987,-988,1202,1202,1202,1202,1202,1202,1202,1202,-348,-349,-350,-351,-352,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1894,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1894,1202,-1894,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1894,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1894,1202,-195,1202,-191,-192,1202,1202,1202,-317,-327,-331,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-723,-724,-725,1202,1202,2928,-91,-92,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,-1894,-1894,-1894,-1894,-1894,3183,1202,2928,1202,1202,3450,-46,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,3584,-45,3183,2928,2928,1202,1202,1202,1202,-1894,3711,-1894,-1894,-1894,-1894,-1894,-1894,3183,3183,3183,3183,3183,3183,3183,3183,3183,3183,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,3183,1202,1202,-1894,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,1202,]),'CASE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1218,-1894,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1218,1218,1218,1218,1218,-290,-291,1218,1218,1218,1218,-328,-318,-332,-333,-334,1218,1218,-982,-983,-984,-985,-986,-987,-988,1218,1218,1218,1218,1218,1218,1218,1218,-348,-349,-350,-351,-352,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1894,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1894,1218,-1894,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1894,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-1894,1218,-195,1218,-191,-192,1218,1218,1218,-317,-327,-331,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,-723,-724,-725,1218,1218,1218,-91,-92,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,1218,]),'ASCIISTR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1219,-1894,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1219,1219,1219,1219,1219,-290,-291,1219,1219,1219,1219,-328,-318,-332,-333,-334,1219,1219,-982,-983,-984,-985,-986,-987,-988,1219,1219,1219,1219,1219,1219,1219,1219,-348,-349,-350,-351,-352,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1894,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1894,1219,-1894,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1894,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-1894,1219,-195,1219,-191,-192,1219,1219,1219,-317,-327,-331,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,-723,-724,-725,1219,1219,1219,-91,-92,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,1219,]),'CHARTOROWID':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1220,-1894,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1220,1220,1220,1220,1220,-290,-291,1220,1220,1220,1220,-328,-318,-332,-333,-334,1220,1220,-982,-983,-984,-985,-986,-987,-988,1220,1220,1220,1220,1220,1220,1220,1220,-348,-349,-350,-351,-352,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1894,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1894,1220,-1894,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1894,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-1894,1220,-195,1220,-191,-192,1220,1220,1220,-317,-327,-331,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,-723,-724,-725,1220,1220,1220,-91,-92,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,1220,]),'HEXTORAW':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1221,-1894,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1221,1221,1221,1221,1221,-290,-291,1221,1221,1221,1221,-328,-318,-332,-333,-334,1221,1221,-982,-983,-984,-985,-986,-987,-988,1221,1221,1221,1221,1221,1221,1221,1221,-348,-349,-350,-351,-352,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1894,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1894,1221,-1894,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1894,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-1894,1221,-195,1221,-191,-192,1221,1221,1221,-317,-327,-331,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,-723,-724,-725,1221,1221,1221,-91,-92,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,1221,]),'NUMTODSINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1222,-1894,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1222,1222,1222,1222,1222,-290,-291,1222,1222,1222,1222,-328,-318,-332,-333,-334,1222,1222,-982,-983,-984,-985,-986,-987,-988,1222,1222,1222,1222,1222,1222,1222,1222,-348,-349,-350,-351,-352,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1894,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1894,1222,-1894,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1894,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-1894,1222,-195,1222,-191,-192,1222,1222,1222,-317,-327,-331,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,-723,-724,-725,1222,1222,1222,-91,-92,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,1222,]),'NUMTOYMINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1223,-1894,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1223,1223,1223,1223,1223,-290,-291,1223,1223,1223,1223,-328,-318,-332,-333,-334,1223,1223,-982,-983,-984,-985,-986,-987,-988,1223,1223,1223,1223,1223,1223,1223,1223,-348,-349,-350,-351,-352,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1894,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1894,1223,-1894,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1894,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-1894,1223,-195,1223,-191,-192,1223,1223,1223,-317,-327,-331,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,-723,-724,-725,1223,1223,1223,-91,-92,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,1223,]),'ROWTOHEX':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1224,-1894,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1224,1224,1224,1224,1224,-290,-291,1224,1224,1224,1224,-328,-318,-332,-333,-334,1224,1224,-982,-983,-984,-985,-986,-987,-988,1224,1224,1224,1224,1224,1224,1224,1224,-348,-349,-350,-351,-352,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1894,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1894,1224,-1894,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1894,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-1894,1224,-195,1224,-191,-192,1224,1224,1224,-317,-327,-331,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,-723,-724,-725,1224,1224,1224,-91,-92,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,1224,]),'ROWIDTOCHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1225,-1894,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1225,1225,1225,1225,1225,-290,-291,1225,1225,1225,1225,-328,-318,-332,-333,-334,1225,1225,-982,-983,-984,-985,-986,-987,-988,1225,1225,1225,1225,1225,1225,1225,1225,-348,-349,-350,-351,-352,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1894,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1894,1225,-1894,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1894,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-1894,1225,-195,1225,-191,-192,1225,1225,1225,-317,-327,-331,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,-723,-724,-725,1225,1225,1225,-91,-92,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,1225,]),'ROWIDTONCHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1226,-1894,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1226,1226,1226,1226,1226,-290,-291,1226,1226,1226,1226,-328,-318,-332,-333,-334,1226,1226,-982,-983,-984,-985,-986,-987,-988,1226,1226,1226,1226,1226,1226,1226,1226,-348,-349,-350,-351,-352,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1894,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1894,1226,-1894,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1894,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-1894,1226,-195,1226,-191,-192,1226,1226,1226,-317,-327,-331,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,-723,-724,-725,1226,1226,1226,-91,-92,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,1226,]),'TO_BINARY_DOUBLE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1227,-1894,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1227,1227,1227,1227,1227,-290,-291,1227,1227,1227,1227,-328,-318,-332,-333,-334,1227,1227,-982,-983,-984,-985,-986,-987,-988,1227,1227,1227,1227,1227,1227,1227,1227,-348,-349,-350,-351,-352,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1894,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1894,1227,-1894,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1894,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-1894,1227,-195,1227,-191,-192,1227,1227,1227,-317,-327,-331,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,-723,-724,-725,1227,1227,1227,-91,-92,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,1227,]),'TO_BINARY_FLOAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1228,-1894,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1228,1228,1228,1228,1228,-290,-291,1228,1228,1228,1228,-328,-318,-332,-333,-334,1228,1228,-982,-983,-984,-985,-986,-987,-988,1228,1228,1228,1228,1228,1228,1228,1228,-348,-349,-350,-351,-352,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1894,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1894,1228,-1894,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1894,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-1894,1228,-195,1228,-191,-192,1228,1228,1228,-317,-327,-331,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,-723,-724,-725,1228,1228,1228,-91,-92,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,1228,]),'TO_BLOB':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1229,-1894,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1229,1229,1229,1229,1229,-290,-291,1229,1229,1229,1229,-328,-318,-332,-333,-334,1229,1229,-982,-983,-984,-985,-986,-987,-988,1229,1229,1229,1229,1229,1229,1229,1229,-348,-349,-350,-351,-352,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1894,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1894,1229,-1894,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1894,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-1894,1229,-195,1229,-191,-192,1229,1229,1229,-317,-327,-331,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,-723,-724,-725,1229,1229,1229,-91,-92,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,1229,]),'TO_CHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1230,-1894,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1230,1230,1230,1230,1230,-290,-291,1230,1230,1230,1230,-328,-318,-332,-333,-334,1230,1230,-982,-983,-984,-985,-986,-987,-988,1230,1230,1230,1230,1230,1230,1230,1230,-348,-349,-350,-351,-352,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1894,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1894,1230,-1894,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1894,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-1894,1230,-195,1230,-191,-192,1230,1230,1230,-317,-327,-331,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,-723,-724,-725,1230,1230,1230,-91,-92,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,1230,]),'TO_CLOB':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1231,-1894,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1231,1231,1231,1231,1231,-290,-291,1231,1231,1231,1231,-328,-318,-332,-333,-334,1231,1231,-982,-983,-984,-985,-986,-987,-988,1231,1231,1231,1231,1231,1231,1231,1231,-348,-349,-350,-351,-352,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1894,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1894,1231,-1894,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1894,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-1894,1231,-195,1231,-191,-192,1231,1231,1231,-317,-327,-331,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,-723,-724,-725,1231,1231,1231,-91,-92,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,1231,]),'TO_DATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1232,-1894,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1232,1232,1232,1232,1232,-290,-291,1232,1232,1232,1232,-328,-318,-332,-333,-334,1232,1232,-982,-983,-984,-985,-986,-987,-988,1232,1232,1232,1232,1232,1232,1232,1232,-348,-349,-350,-351,-352,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1894,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1894,1232,-1894,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1894,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-1894,1232,-195,1232,-191,-192,1232,1232,1232,-317,-327,-331,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,-723,-724,-725,1232,1232,1232,-91,-92,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,1232,]),'TO_DSINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1233,-1894,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1233,1233,1233,1233,1233,-290,-291,1233,1233,1233,1233,-328,-318,-332,-333,-334,1233,1233,-982,-983,-984,-985,-986,-987,-988,1233,1233,1233,1233,1233,1233,1233,1233,-348,-349,-350,-351,-352,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1894,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1894,1233,-1894,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1894,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-1894,1233,-195,1233,-191,-192,1233,1233,1233,-317,-327,-331,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,-723,-724,-725,1233,1233,1233,-91,-92,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,1233,]),'TO_MULTI_BYTE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1234,-1894,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1234,1234,1234,1234,1234,-290,-291,1234,1234,1234,1234,-328,-318,-332,-333,-334,1234,1234,-982,-983,-984,-985,-986,-987,-988,1234,1234,1234,1234,1234,1234,1234,1234,-348,-349,-350,-351,-352,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1894,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1894,1234,-1894,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1894,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-1894,1234,-195,1234,-191,-192,1234,1234,1234,-317,-327,-331,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,-723,-724,-725,1234,1234,1234,-91,-92,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,1234,]),'TO_NUMBER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1235,-1894,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1235,1235,1235,1235,1235,-290,-291,1235,1235,1235,1235,-328,-318,-332,-333,-334,1235,1235,-982,-983,-984,-985,-986,-987,-988,1235,1235,1235,1235,1235,1235,1235,1235,-348,-349,-350,-351,-352,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1894,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1894,1235,-1894,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1894,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-1894,1235,-195,1235,-191,-192,1235,1235,1235,-317,-327,-331,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,-723,-724,-725,1235,1235,1235,-91,-92,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,1235,]),'TO_NCHAR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1236,-1894,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1236,1236,1236,1236,1236,-290,-291,1236,1236,1236,1236,-328,-318,-332,-333,-334,1236,1236,-982,-983,-984,-985,-986,-987,-988,1236,1236,1236,1236,1236,1236,1236,1236,-348,-349,-350,-351,-352,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1894,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1894,1236,-1894,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1894,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-1894,1236,-195,1236,-191,-192,1236,1236,1236,-317,-327,-331,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,-723,-724,-725,1236,1236,1236,-91,-92,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,1236,]),'TO_SINGLE_BYTE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1237,-1894,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1237,1237,1237,1237,1237,-290,-291,1237,1237,1237,1237,-328,-318,-332,-333,-334,1237,1237,-982,-983,-984,-985,-986,-987,-988,1237,1237,1237,1237,1237,1237,1237,1237,-348,-349,-350,-351,-352,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1894,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1894,1237,-1894,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1894,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-1894,1237,-195,1237,-191,-192,1237,1237,1237,-317,-327,-331,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,-723,-724,-725,1237,1237,1237,-91,-92,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,1237,]),'TO_TIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1238,-1894,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1238,1238,1238,1238,1238,-290,-291,1238,1238,1238,1238,-328,-318,-332,-333,-334,1238,1238,-982,-983,-984,-985,-986,-987,-988,1238,1238,1238,1238,1238,1238,1238,1238,-348,-349,-350,-351,-352,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1894,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1894,1238,-1894,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1894,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-1894,1238,-195,1238,-191,-192,1238,1238,1238,-317,-327,-331,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,-723,-724,-725,1238,1238,1238,-91,-92,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,1238,]),'TO_TIMESTAMP_TZ':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1239,-1894,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1239,1239,1239,1239,1239,-290,-291,1239,1239,1239,1239,-328,-318,-332,-333,-334,1239,1239,-982,-983,-984,-985,-986,-987,-988,1239,1239,1239,1239,1239,1239,1239,1239,-348,-349,-350,-351,-352,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1894,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1894,1239,-1894,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1894,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-1894,1239,-195,1239,-191,-192,1239,1239,1239,-317,-327,-331,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,-723,-724,-725,1239,1239,1239,-91,-92,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,1239,]),'TO_YMINTERVAL':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1240,-1894,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1240,1240,1240,1240,1240,-290,-291,1240,1240,1240,1240,-328,-318,-332,-333,-334,1240,1240,-982,-983,-984,-985,-986,-987,-988,1240,1240,1240,1240,1240,1240,1240,1240,-348,-349,-350,-351,-352,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1894,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1894,1240,-1894,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1894,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-1894,1240,-195,1240,-191,-192,1240,1240,1240,-317,-327,-331,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,-723,-724,-725,1240,1240,1240,-91,-92,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,1240,]),'UNISTR':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1241,-1894,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1241,1241,1241,1241,1241,-290,-291,1241,1241,1241,1241,-328,-318,-332,-333,-334,1241,1241,-982,-983,-984,-985,-986,-987,-988,1241,1241,1241,1241,1241,1241,1241,1241,-348,-349,-350,-351,-352,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1894,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1894,1241,-1894,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1894,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-1894,1241,-195,1241,-191,-192,1241,1241,1241,-317,-327,-331,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,-723,-724,-725,1241,1241,1241,-91,-92,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,1241,]),'NUMBER':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1376,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,1992,1993,1994,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2480,2481,2511,2512,2513,2530,2536,2541,2544,2545,2549,2558,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3166,3173,3174,3176,3177,3178,3180,3200,3229,3237,3242,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3463,3466,3467,3469,3470,3489,3491,3499,3528,3559,3579,3581,3593,3626,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3743,3746,3748,3749,3756,3773,3795,3798,3800,3802,3804,3806,3810,3811,3841,3851,3852,3854,3856,3860,3880,3886,3889,],[1242,-1894,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1242,1242,1242,1242,1242,1242,-290,-291,1242,1242,1242,1242,-328,-318,-332,-333,-334,1242,1242,-982,-983,-984,-985,-986,-987,-988,1242,1242,1242,1242,1242,1242,1242,1242,-348,-349,-350,-351,-352,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1894,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1894,1242,-1894,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1894,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-1894,1242,-195,1242,1242,-158,-159,-191,-192,1242,1242,1242,-317,-327,-331,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-723,-724,-725,1242,1242,1242,1242,1242,-91,-92,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,3497,3501,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,3744,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,-468,-469,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,1242,]),'CURDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1316,-1894,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1316,1316,1316,1316,1316,-290,-291,1316,1316,1316,1316,-328,-318,-332,-333,-334,1316,1316,-982,-983,-984,-985,-986,-987,-988,1316,1316,1316,1316,1316,1316,1316,1316,-348,-349,-350,-351,-352,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1894,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1894,1316,-1894,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1894,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-1894,1316,-195,1316,-191,-192,1316,1316,1316,-317,-327,-331,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,-723,-724,-725,1316,1316,1316,-91,-92,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,1316,]),'CURRENT_DATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1317,-1894,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1317,1317,1317,1317,1317,-290,-291,1317,1317,1317,1317,-328,-318,-332,-333,-334,1317,1317,-982,-983,-984,-985,-986,-987,-988,1317,1317,1317,1317,1317,1317,1317,1317,-348,-349,-350,-351,-352,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1894,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1894,1317,-1894,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1894,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-1894,1317,-195,1317,-191,-192,1317,1317,1317,-317,-327,-331,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,-723,-724,-725,1317,1317,1317,-91,-92,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,1317,]),'CURTIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1318,-1894,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1318,1318,1318,1318,1318,-290,-291,1318,1318,1318,1318,-328,-318,-332,-333,-334,1318,1318,-982,-983,-984,-985,-986,-987,-988,1318,1318,1318,1318,1318,1318,1318,1318,-348,-349,-350,-351,-352,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1894,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1894,1318,-1894,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1894,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-1894,1318,-195,1318,-191,-192,1318,1318,1318,-317,-327,-331,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,-723,-724,-725,1318,1318,1318,-91,-92,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,1318,]),'CURRENT_TIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1319,-1894,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1319,1319,1319,1319,1319,-290,-291,1319,1319,1319,1319,-328,-318,-332,-333,-334,1319,1319,-982,-983,-984,-985,-986,-987,-988,1319,1319,1319,1319,1319,1319,1319,1319,-348,-349,-350,-351,-352,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1894,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1894,1319,-1894,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1894,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-1894,1319,-195,1319,-191,-192,1319,1319,1319,-317,-327,-331,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,-723,-724,-725,1319,1319,1319,-91,-92,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,1319,]),'CURRENT_TIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3711,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3845,3852,3854,3856,3860,3880,3886,],[1320,-1894,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1320,1320,1320,1320,1320,-290,-291,1320,1320,1320,1320,-328,-318,-332,-333,-334,1320,1320,-982,-983,-984,-985,-986,-987,-988,1320,1320,1320,1320,1320,1320,1320,1320,-348,-349,-350,-351,-352,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1894,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1894,1320,-1894,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1894,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-1894,1320,-195,1320,-191,-192,1320,1320,1320,-317,-327,-331,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,-723,-724,-725,1320,1320,1320,-91,-92,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,3776,1320,1320,1320,1320,1320,1320,1320,1320,1320,1320,3862,1320,1320,1320,1320,1320,1320,]),'LOCALTIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1321,-1894,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1321,1321,1321,1321,1321,-290,-291,1321,1321,1321,1321,-328,-318,-332,-333,-334,1321,1321,-982,-983,-984,-985,-986,-987,-988,1321,1321,1321,1321,1321,1321,1321,1321,-348,-349,-350,-351,-352,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1894,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1894,1321,-1894,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1894,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-1894,1321,-195,1321,-191,-192,1321,1321,1321,-317,-327,-331,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,-723,-724,-725,1321,1321,1321,-91,-92,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,1321,]),'LOCALTIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1322,-1894,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1322,1322,1322,1322,1322,-290,-291,1322,1322,1322,1322,-328,-318,-332,-333,-334,1322,1322,-982,-983,-984,-985,-986,-987,-988,1322,1322,1322,1322,1322,1322,1322,1322,-348,-349,-350,-351,-352,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1894,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1894,1322,-1894,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1894,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-1894,1322,-195,1322,-191,-192,1322,1322,1322,-317,-327,-331,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,-723,-724,-725,1322,1322,1322,-91,-92,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,1322,]),'GET_FORMAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1323,-1894,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1323,1323,1323,1323,1323,-290,-291,1323,1323,1323,1323,-328,-318,-332,-333,-334,1323,1323,-982,-983,-984,-985,-986,-987,-988,1323,1323,1323,1323,1323,1323,1323,1323,-348,-349,-350,-351,-352,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1894,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1894,1323,-1894,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1894,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-1894,1323,-195,1323,-191,-192,1323,1323,1323,-317,-327,-331,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,-723,-724,-725,1323,1323,1323,-91,-92,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,1323,]),'TIMESTAMPADD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1324,-1894,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1324,1324,1324,1324,1324,-290,-291,1324,1324,1324,1324,-328,-318,-332,-333,-334,1324,1324,-982,-983,-984,-985,-986,-987,-988,1324,1324,1324,1324,1324,1324,1324,1324,-348,-349,-350,-351,-352,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1894,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1894,1324,-1894,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1894,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-1894,1324,-195,1324,-191,-192,1324,1324,1324,-317,-327,-331,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,-723,-724,-725,1324,1324,1324,-91,-92,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,1324,]),'TIMESTAMPDIFF':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1325,-1894,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1325,1325,1325,1325,1325,-290,-291,1325,1325,1325,1325,-328,-318,-332,-333,-334,1325,1325,-982,-983,-984,-985,-986,-987,-988,1325,1325,1325,1325,1325,1325,1325,1325,-348,-349,-350,-351,-352,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1894,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1894,1325,-1894,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1894,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-1894,1325,-195,1325,-191,-192,1325,1325,1325,-317,-327,-331,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,-723,-724,-725,1325,1325,1325,-91,-92,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,1325,]),'UTC_DATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1326,-1894,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1326,1326,1326,1326,1326,-290,-291,1326,1326,1326,1326,-328,-318,-332,-333,-334,1326,1326,-982,-983,-984,-985,-986,-987,-988,1326,1326,1326,1326,1326,1326,1326,1326,-348,-349,-350,-351,-352,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1894,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1894,1326,-1894,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1894,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-1894,1326,-195,1326,-191,-192,1326,1326,1326,-317,-327,-331,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,-723,-724,-725,1326,1326,1326,-91,-92,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,1326,]),'UTC_TIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1327,-1894,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1327,1327,1327,1327,1327,-290,-291,1327,1327,1327,1327,-328,-318,-332,-333,-334,1327,1327,-982,-983,-984,-985,-986,-987,-988,1327,1327,1327,1327,1327,1327,1327,1327,-348,-349,-350,-351,-352,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1894,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1894,1327,-1894,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1894,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-1894,1327,-195,1327,-191,-192,1327,1327,1327,-317,-327,-331,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,-723,-724,-725,1327,1327,1327,-91,-92,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,1327,]),'UTC_TIMESTAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1328,-1894,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1328,1328,1328,1328,1328,-290,-291,1328,1328,1328,1328,-328,-318,-332,-333,-334,1328,1328,-982,-983,-984,-985,-986,-987,-988,1328,1328,1328,1328,1328,1328,1328,1328,-348,-349,-350,-351,-352,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1894,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1894,1328,-1894,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1894,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-1894,1328,-195,1328,-191,-192,1328,1328,1328,-317,-327,-331,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,-723,-724,-725,1328,1328,1328,-91,-92,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,1328,]),'EXTRACT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1329,-1894,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1329,1329,1329,1329,1329,-290,-291,1329,1329,1329,1329,-328,-318,-332,-333,-334,1329,1329,-982,-983,-984,-985,-986,-987,-988,1329,1329,1329,1329,1329,1329,1329,1329,-348,-349,-350,-351,-352,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1894,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1894,1329,-1894,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1894,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-1894,1329,-195,1329,-191,-192,1329,1329,1329,-317,-327,-331,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,-723,-724,-725,1329,1329,1329,-91,-92,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,1329,]),'SYSDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1330,-1894,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1330,1330,1330,1330,1330,-290,-291,1330,1330,1330,1330,-328,-318,-332,-333,-334,1330,1330,-982,-983,-984,-985,-986,-987,-988,1330,1330,1330,1330,1330,1330,1330,1330,-348,-349,-350,-351,-352,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1894,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1894,1330,-1894,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1894,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-1894,1330,-195,1330,-191,-192,1330,1330,1330,-317,-327,-331,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,-723,-724,-725,1330,1330,1330,-91,-92,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,1330,]),'ADDDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1331,-1894,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1331,1331,1331,1331,1331,-290,-291,1331,1331,1331,1331,-328,-318,-332,-333,-334,1331,1331,-982,-983,-984,-985,-986,-987,-988,1331,1331,1331,1331,1331,1331,1331,1331,-348,-349,-350,-351,-352,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1894,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1894,1331,-1894,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1894,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-1894,1331,-195,1331,-191,-192,1331,1331,1331,-317,-327,-331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,-723,-724,-725,1331,1331,1331,-91,-92,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,1331,]),'SUBDATE':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1332,-1894,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1332,1332,1332,1332,1332,-290,-291,1332,1332,1332,1332,-328,-318,-332,-333,-334,1332,1332,-982,-983,-984,-985,-986,-987,-988,1332,1332,1332,1332,1332,1332,1332,1332,-348,-349,-350,-351,-352,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1894,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1894,1332,-1894,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1894,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-1894,1332,-195,1332,-191,-192,1332,1332,1332,-317,-327,-331,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,-723,-724,-725,1332,1332,1332,-91,-92,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,1332,]),'DATE_ADD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1333,-1894,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1333,1333,1333,1333,1333,-290,-291,1333,1333,1333,1333,-328,-318,-332,-333,-334,1333,1333,-982,-983,-984,-985,-986,-987,-988,1333,1333,1333,1333,1333,1333,1333,1333,-348,-349,-350,-351,-352,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1894,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1894,1333,-1894,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1894,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-1894,1333,-195,1333,-191,-192,1333,1333,1333,-317,-327,-331,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,-723,-724,-725,1333,1333,1333,-91,-92,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,1333,]),'DATE_SUB':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1334,-1894,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1334,1334,1334,1334,1334,-290,-291,1334,1334,1334,1334,-328,-318,-332,-333,-334,1334,1334,-982,-983,-984,-985,-986,-987,-988,1334,1334,1334,1334,1334,1334,1334,1334,-348,-349,-350,-351,-352,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1894,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1894,1334,-1894,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1894,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-1894,1334,-195,1334,-191,-192,1334,1334,1334,-317,-327,-331,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,-723,-724,-725,1334,1334,1334,-91,-92,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,1334,]),'DATEDIFF':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1335,-1894,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1335,1335,1335,1335,1335,-290,-291,1335,1335,1335,1335,-328,-318,-332,-333,-334,1335,1335,-982,-983,-984,-985,-986,-987,-988,1335,1335,1335,1335,1335,1335,1335,1335,-348,-349,-350,-351,-352,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1894,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1894,1335,-1894,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1894,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-1894,1335,-195,1335,-191,-192,1335,1335,1335,-317,-327,-331,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,-723,-724,-725,1335,1335,1335,-91,-92,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,1335,]),'ADDTIME':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1336,-1894,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1336,1336,1336,1336,1336,-290,-291,1336,1336,1336,1336,-328,-318,-332,-333,-334,1336,1336,-982,-983,-984,-985,-986,-987,-988,1336,1336,1336,1336,1336,1336,1336,1336,-348,-349,-350,-351,-352,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1894,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1894,1336,-1894,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1894,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-1894,1336,-195,1336,-191,-192,1336,1336,1336,-317,-327,-331,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,-723,-724,-725,1336,1336,1336,-91,-92,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,1336,]),'CONVERT_TZ':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1337,-1894,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1337,1337,1337,1337,1337,-290,-291,1337,1337,1337,1337,-328,-318,-332,-333,-334,1337,1337,-982,-983,-984,-985,-986,-987,-988,1337,1337,1337,1337,1337,1337,1337,1337,-348,-349,-350,-351,-352,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1894,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1894,1337,-1894,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1894,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-1894,1337,-195,1337,-191,-192,1337,1337,1337,-317,-327,-331,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,-723,-724,-725,1337,1337,1337,-91,-92,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,1337,]),'SUBSTRING':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1338,-1894,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1338,1338,1338,1338,1338,-290,-291,1338,1338,1338,1338,-328,-318,-332,-333,-334,1338,1338,-982,-983,-984,-985,-986,-987,-988,1338,1338,1338,1338,1338,1338,1338,1338,-348,-349,-350,-351,-352,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1894,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1894,1338,-1894,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1894,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-1894,1338,-195,1338,-191,-192,1338,1338,1338,-317,-327,-331,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,-723,-724,-725,1338,1338,1338,-91,-92,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,1338,]),'TRIM':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1339,-1894,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1339,1339,1339,1339,1339,-290,-291,1339,1339,1339,1339,-328,-318,-332,-333,-334,1339,1339,-982,-983,-984,-985,-986,-987,-988,1339,1339,1339,1339,1339,1339,1339,1339,-348,-349,-350,-351,-352,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1894,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1894,1339,-1894,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1894,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-1894,1339,-195,1339,-191,-192,1339,1339,1339,-317,-327,-331,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,-723,-724,-725,1339,1339,1339,-91,-92,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,1339,]),'BIT_AND':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1340,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,1340,-1425,1340,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1471,1340,1340,1340,-490,1340,1340,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1340,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1340,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1340,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,1340,1340,1340,1340,1340,-290,-291,-281,1340,-363,1340,1340,1340,-328,-318,-332,-333,-334,1340,1340,-982,-983,-984,-985,-986,-987,-988,1340,1340,1340,1340,1340,1340,1340,1340,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1340,1340,1340,-353,-356,-323,-324,-141,1340,-142,1340,-143,1340,-430,-935,-936,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1894,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1894,1340,-1894,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1894,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1340,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1340,-191,-192,-994,1340,-277,-278,-279,-280,-365,1340,-308,1340,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1340,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,1471,1340,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1340,1340,1340,1340,1340,1340,-573,1340,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1340,1340,-723,-724,-725,1340,1340,1340,-91,-92,1340,-309,-310,-320,1340,-307,-293,-294,-295,1340,1340,1340,-618,-633,-590,1340,-436,-437,1340,-444,-445,-446,-378,-379,1340,1340,1340,-506,1340,1340,-510,1340,1340,1340,1340,-515,-516,-517,-518,1340,1340,-521,-522,1340,-524,-525,-526,-527,-528,-529,-530,-531,1340,-533,1340,1340,1340,-539,-541,-542,1340,-544,-545,-546,-547,1340,1340,1340,1340,1340,1340,-652,-653,-654,-655,-657,-658,-659,1340,1340,1340,-665,1340,1340,-669,-670,1340,1340,-673,1340,-675,-676,1340,-679,1340,-681,1340,1340,-684,-685,-686,1340,-688,1340,1340,-691,1340,1340,-694,-695,-696,1340,-698,-699,-700,-701,1340,1340,-746,1340,-749,-750,-751,-752,-753,1340,-755,-756,-757,-758,-759,1340,-766,-767,-769,1340,-771,-772,-773,-782,-856,-858,-860,-862,1340,1340,1340,1340,-868,1340,-870,1340,1340,1340,1340,1340,1340,1340,-906,-907,1340,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1340,-921,-924,1340,-934,1340,-385,-386,-387,1340,1340,-390,-391,-392,-393,1340,-396,1340,-399,-400,1340,-401,1340,-406,-407,1340,-410,-411,-412,1340,-415,1340,-416,1340,-421,-422,1340,-425,1340,-428,-429,-1894,-1894,1340,-619,-620,-621,-622,-623,-634,-584,-624,-797,1340,1340,1340,1340,1340,-831,1340,1340,-806,1340,-832,1340,1340,1340,1340,-798,1340,-853,-799,1340,1340,1340,1340,1340,1340,-854,-855,1340,-834,-830,-835,1340,-625,1340,-626,-627,-628,-629,-574,1340,1340,-630,-631,-632,1340,1340,1340,1340,1340,1340,-635,-636,-637,-592,-1894,-602,1340,-638,-639,-713,-640,-604,1340,-572,-577,-580,-583,1340,1340,1340,-598,-601,1340,-608,1340,1340,1340,1340,1340,1340,1340,1340,1340,1340,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1340,-995,1340,1340,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,1340,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1340,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1340,-316,-535,-508,-591,-937,-939,-940,-438,1340,-440,-380,-381,-383,-507,-509,-511,1340,-513,-514,-519,-520,1340,-532,-534,-537,-538,-543,-548,-726,1340,-727,1340,-732,1340,-734,1340,-739,-656,-660,-661,1340,-666,1340,-667,1340,-672,-674,1340,-677,1340,1340,1340,-687,-689,1340,-692,1340,1340,-744,1340,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1340,1340,1340,1340,1340,-877,1340,-880,-908,-920,-925,-388,-389,1340,-394,1340,-397,1340,-402,1340,-403,1340,-408,1340,-413,1340,-417,1340,-418,1340,-423,1340,-426,-899,-900,-643,-585,-1894,-901,1340,1340,1340,-800,1340,1340,-804,1340,-807,-833,1340,-818,1340,-820,1340,-822,-808,1340,-824,1340,-851,-852,1340,1340,-811,1340,-646,-902,-904,-648,-649,-645,1340,-705,-706,1340,-642,-903,-647,-650,-603,-714,1340,1340,-605,-586,1340,1340,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1340,1340,-709,-710,1340,-716,1340,1340,1340,-938,-439,-441,-747,1340,-891,1340,-715,-1894,1340,1340,1340,-442,-512,-523,1340,-728,-733,1340,-735,1340,-740,1340,-662,-668,1340,-678,-680,-682,-683,-690,-693,-697,-745,1340,1340,-874,1340,1340,-878,1340,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1340,-812,1340,-814,-801,1340,-802,-805,1340,-816,-819,-821,-823,-825,1340,-826,1340,-809,1340,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1340,1340,-455,1340,1340,-729,1340,-736,1340,-741,1340,-663,-671,1340,1340,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1340,-836,1340,-730,1340,-737,1340,-742,-664,1340,-873,-731,-738,-743,1340,1340,-872,]),'BIT_OR':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1341,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,1341,-1425,1341,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1472,1341,1341,1341,-490,1341,1341,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1341,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1341,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1341,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,1341,1341,1341,1341,1341,-290,-291,-281,1341,-363,1341,1341,1341,-328,-318,-332,-333,-334,1341,1341,-982,-983,-984,-985,-986,-987,-988,1341,1341,1341,1341,1341,1341,1341,1341,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1341,1341,1341,-353,-356,-323,-324,-141,1341,-142,1341,-143,1341,-430,-935,-936,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1894,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1894,1341,-1894,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1894,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1341,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1341,-191,-192,-994,1341,-277,-278,-279,-280,-365,1341,-308,1341,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1341,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,1472,1341,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1341,1341,1341,1341,1341,1341,-573,1341,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1341,1341,-723,-724,-725,1341,1341,1341,-91,-92,1341,-309,-310,-320,1341,-307,-293,-294,-295,1341,1341,1341,-618,-633,-590,1341,-436,-437,1341,-444,-445,-446,-378,-379,1341,1341,1341,-506,1341,1341,-510,1341,1341,1341,1341,-515,-516,-517,-518,1341,1341,-521,-522,1341,-524,-525,-526,-527,-528,-529,-530,-531,1341,-533,1341,1341,1341,-539,-541,-542,1341,-544,-545,-546,-547,1341,1341,1341,1341,1341,1341,-652,-653,-654,-655,-657,-658,-659,1341,1341,1341,-665,1341,1341,-669,-670,1341,1341,-673,1341,-675,-676,1341,-679,1341,-681,1341,1341,-684,-685,-686,1341,-688,1341,1341,-691,1341,1341,-694,-695,-696,1341,-698,-699,-700,-701,1341,1341,-746,1341,-749,-750,-751,-752,-753,1341,-755,-756,-757,-758,-759,1341,-766,-767,-769,1341,-771,-772,-773,-782,-856,-858,-860,-862,1341,1341,1341,1341,-868,1341,-870,1341,1341,1341,1341,1341,1341,1341,-906,-907,1341,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1341,-921,-924,1341,-934,1341,-385,-386,-387,1341,1341,-390,-391,-392,-393,1341,-396,1341,-399,-400,1341,-401,1341,-406,-407,1341,-410,-411,-412,1341,-415,1341,-416,1341,-421,-422,1341,-425,1341,-428,-429,-1894,-1894,1341,-619,-620,-621,-622,-623,-634,-584,-624,-797,1341,1341,1341,1341,1341,-831,1341,1341,-806,1341,-832,1341,1341,1341,1341,-798,1341,-853,-799,1341,1341,1341,1341,1341,1341,-854,-855,1341,-834,-830,-835,1341,-625,1341,-626,-627,-628,-629,-574,1341,1341,-630,-631,-632,1341,1341,1341,1341,1341,1341,-635,-636,-637,-592,-1894,-602,1341,-638,-639,-713,-640,-604,1341,-572,-577,-580,-583,1341,1341,1341,-598,-601,1341,-608,1341,1341,1341,1341,1341,1341,1341,1341,1341,1341,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1341,-995,1341,1341,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,1341,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1341,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1341,-316,-535,-508,-591,-937,-939,-940,-438,1341,-440,-380,-381,-383,-507,-509,-511,1341,-513,-514,-519,-520,1341,-532,-534,-537,-538,-543,-548,-726,1341,-727,1341,-732,1341,-734,1341,-739,-656,-660,-661,1341,-666,1341,-667,1341,-672,-674,1341,-677,1341,1341,1341,-687,-689,1341,-692,1341,1341,-744,1341,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1341,1341,1341,1341,1341,-877,1341,-880,-908,-920,-925,-388,-389,1341,-394,1341,-397,1341,-402,1341,-403,1341,-408,1341,-413,1341,-417,1341,-418,1341,-423,1341,-426,-899,-900,-643,-585,-1894,-901,1341,1341,1341,-800,1341,1341,-804,1341,-807,-833,1341,-818,1341,-820,1341,-822,-808,1341,-824,1341,-851,-852,1341,1341,-811,1341,-646,-902,-904,-648,-649,-645,1341,-705,-706,1341,-642,-903,-647,-650,-603,-714,1341,1341,-605,-586,1341,1341,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1341,1341,-709,-710,1341,-716,1341,1341,1341,-938,-439,-441,-747,1341,-891,1341,-715,-1894,1341,1341,1341,-442,-512,-523,1341,-728,-733,1341,-735,1341,-740,1341,-662,-668,1341,-678,-680,-682,-683,-690,-693,-697,-745,1341,1341,-874,1341,1341,-878,1341,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1341,-812,1341,-814,-801,1341,-802,-805,1341,-816,-819,-821,-823,-825,1341,-826,1341,-809,1341,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1341,1341,-455,1341,1341,-729,1341,-736,1341,-741,1341,-663,-671,1341,1341,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1341,-836,1341,-730,1341,-737,1341,-742,-664,1341,-873,-731,-738,-743,1341,1341,-872,]),'BIT_XOR':([19,21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,934,935,936,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,956,957,960,961,962,963,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,997,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1415,1425,1426,1427,1428,1429,1430,1431,1432,1434,1436,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1476,1477,1478,1479,1480,1481,1482,1484,1485,1486,1488,1489,1490,1491,1492,1493,1494,1495,1496,1497,1498,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,1987,2001,2002,2007,2010,2044,2045,2046,2047,2050,2051,2053,2054,2055,2057,2058,2059,2060,2061,2062,2063,2064,2065,2067,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2088,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2315,2343,2346,2358,2390,2392,2396,2406,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2532,2533,2535,2536,2537,2538,2539,2540,2541,2544,2545,2546,2547,2548,2549,2553,2555,2562,2564,2565,2566,2567,2568,2569,2570,2571,2572,2573,2574,2575,2576,2577,2578,2579,2580,2581,2582,2583,2584,2585,2586,2587,2588,2589,2590,2591,2592,2593,2594,2595,2596,2597,2598,2599,2600,2601,2602,2603,2604,2605,2606,2607,2608,2609,2610,2611,2612,2613,2614,2615,2616,2617,2618,2619,2621,2622,2623,2624,2625,2626,2627,2628,2629,2630,2631,2632,2633,2634,2635,2636,2637,2638,2639,2640,2641,2642,2643,2644,2645,2646,2647,2648,2649,2650,2651,2652,2653,2654,2655,2656,2657,2658,2659,2660,2661,2662,2663,2664,2665,2667,2668,2669,2670,2671,2672,2673,2674,2675,2676,2677,2678,2679,2680,2681,2682,2683,2684,2685,2686,2687,2688,2689,2690,2691,2692,2693,2694,2695,2696,2697,2698,2699,2700,2701,2702,2703,2704,2705,2706,2707,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2719,2720,2721,2722,2724,2726,2727,2728,2729,2730,2731,2732,2733,2734,2735,2736,2737,2738,2739,2740,2741,2742,2743,2744,2745,2746,2747,2748,2749,2750,2751,2752,2753,2754,2755,2756,2757,2758,2759,2760,2761,2763,2764,2766,2767,2768,2769,2770,2771,2772,2773,2775,2776,2777,2779,2780,2781,2782,2783,2784,2785,2786,2787,2788,2789,2790,2791,2792,2793,2794,2795,2796,2797,2798,2799,2800,2801,2802,2803,2804,2805,2806,2807,2808,2809,2810,2811,2813,2815,2816,2817,2818,2819,2820,2821,2822,2823,2824,2825,2826,2827,2829,2830,2831,2832,2833,2834,2835,2836,2837,2838,2839,2840,2842,2843,2844,2845,2846,2847,2848,2849,2850,2851,2852,2853,2854,2855,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2884,2913,2930,2944,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3041,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3141,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3229,3230,3231,3232,3233,3234,3252,3253,3257,3261,3265,3268,3269,3270,3271,3272,3273,3274,3275,3276,3277,3278,3279,3280,3281,3282,3283,3284,3285,3286,3287,3288,3289,3290,3291,3292,3293,3294,3295,3296,3297,3298,3299,3300,3301,3302,3303,3304,3305,3306,3307,3308,3309,3310,3311,3312,3313,3314,3315,3316,3317,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3330,3331,3332,3333,3334,3335,3336,3337,3338,3339,3340,3341,3342,3343,3344,3345,3346,3347,3348,3349,3350,3351,3352,3353,3354,3355,3356,3357,3358,3359,3360,3361,3362,3363,3364,3365,3366,3367,3368,3369,3370,3371,3372,3373,3374,3375,3376,3377,3378,3379,3380,3381,3382,3383,3384,3385,3386,3387,3388,3389,3390,3391,3392,3394,3395,3396,3397,3398,3399,3400,3401,3402,3403,3404,3405,3406,3407,3408,3409,3410,3411,3412,3413,3414,3415,3416,3417,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3429,3430,3431,3432,3433,3435,3437,3489,3491,3496,3506,3508,3527,3528,3545,3559,3570,3571,3579,3581,3628,3629,3630,3631,3632,3633,3634,3635,3636,3637,3638,3639,3640,3641,3642,3643,3644,3645,3646,3647,3648,3649,3650,3652,3653,3654,3655,3656,3657,3658,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3670,3671,3672,3673,3674,3675,3676,3677,3678,3679,3680,3681,3682,3683,3684,3685,3686,3687,3688,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3756,3773,3788,3798,3800,3801,3802,3803,3804,3805,3806,3807,3808,3810,3811,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3841,3844,3852,3853,3854,3855,3856,3857,3858,3860,3861,3877,3878,3879,3880,3886,3894,],[1342,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,1342,-1425,1342,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1473,1342,1342,1342,-490,1342,1342,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,1342,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1342,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1342,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,-1844,1342,1342,1342,1342,1342,-290,-291,-281,1342,-363,1342,1342,1342,-328,-318,-332,-333,-334,1342,1342,-982,-983,-984,-985,-986,-987,-988,1342,1342,1342,1342,1342,1342,1342,1342,-348,-349,-350,-351,-352,-355,-360,-490,-1292,-354,1342,1342,1342,-353,-356,-323,-324,-141,1342,-142,1342,-143,1342,-430,-935,-936,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1894,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1894,1342,-1894,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1894,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-1894,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,1342,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,1342,-191,-192,-994,1342,-277,-278,-279,-280,-365,1342,-308,1342,-326,-317,-327,-331,-1894,-311,-312,-313,-314,-315,1342,-283,-292,-1015,-1687,-360,-372,-376,-374,1473,-345,1473,-344,1473,1473,1473,1473,1473,1473,1342,1473,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1342,1342,1342,1342,1342,1342,-573,1342,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1342,1342,-723,-724,-725,1342,1342,1342,-91,-92,1342,-309,-310,-320,1342,-307,-293,-294,-295,1342,1342,1342,-618,-633,-590,1342,-436,-437,1342,-444,-445,-446,-378,-379,1342,1342,1342,-506,1342,1342,-510,1342,1342,1342,1342,-515,-516,-517,-518,1342,1342,-521,-522,1342,-524,-525,-526,-527,-528,-529,-530,-531,1342,-533,1342,1342,1342,-539,-541,-542,1342,-544,-545,-546,-547,1342,1342,1342,1342,1342,1342,-652,-653,-654,-655,-657,-658,-659,1342,1342,1342,-665,1342,1342,-669,-670,1342,1342,-673,1342,-675,-676,1342,-679,1342,-681,1342,1342,-684,-685,-686,1342,-688,1342,1342,-691,1342,1342,-694,-695,-696,1342,-698,-699,-700,-701,1342,1342,-746,1342,-749,-750,-751,-752,-753,1342,-755,-756,-757,-758,-759,1342,-766,-767,-769,1342,-771,-772,-773,-782,-856,-858,-860,-862,1342,1342,1342,1342,-868,1342,-870,1342,1342,1342,1342,1342,1342,1342,-906,-907,1342,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,1342,-921,-924,1342,-934,1342,-385,-386,-387,1342,1342,-390,-391,-392,-393,1342,-396,1342,-399,-400,1342,-401,1342,-406,-407,1342,-410,-411,-412,1342,-415,1342,-416,1342,-421,-422,1342,-425,1342,-428,-429,-1894,-1894,1342,-619,-620,-621,-622,-623,-634,-584,-624,-797,1342,1342,1342,1342,1342,-831,1342,1342,-806,1342,-832,1342,1342,1342,1342,-798,1342,-853,-799,1342,1342,1342,1342,1342,1342,-854,-855,1342,-834,-830,-835,1342,-625,1342,-626,-627,-628,-629,-574,1342,1342,-630,-631,-632,1342,1342,1342,1342,1342,1342,-635,-636,-637,-592,-1894,-602,1342,-638,-639,-713,-640,-604,1342,-572,-577,-580,-583,1342,1342,1342,-598,-601,1342,-608,1342,1342,1342,1342,1342,1342,1342,1342,1342,1342,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,1342,-995,1342,1342,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,1342,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,1342,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1342,-316,-535,-508,-591,-937,-939,-940,-438,1342,-440,-380,-381,-383,-507,-509,-511,1342,-513,-514,-519,-520,1342,-532,-534,-537,-538,-543,-548,-726,1342,-727,1342,-732,1342,-734,1342,-739,-656,-660,-661,1342,-666,1342,-667,1342,-672,-674,1342,-677,1342,1342,1342,-687,-689,1342,-692,1342,1342,-744,1342,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,1342,1342,1342,1342,1342,-877,1342,-880,-908,-920,-925,-388,-389,1342,-394,1342,-397,1342,-402,1342,-403,1342,-408,1342,-413,1342,-417,1342,-418,1342,-423,1342,-426,-899,-900,-643,-585,-1894,-901,1342,1342,1342,-800,1342,1342,-804,1342,-807,-833,1342,-818,1342,-820,1342,-822,-808,1342,-824,1342,-851,-852,1342,1342,-811,1342,-646,-902,-904,-648,-649,-645,1342,-705,-706,1342,-642,-903,-647,-650,-603,-714,1342,1342,-605,-586,1342,1342,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,1342,1342,-709,-710,1342,-716,1342,1342,1342,-938,-439,-441,-747,1342,-891,1342,-715,-1894,1342,1342,1342,-442,-512,-523,1342,-728,-733,1342,-735,1342,-740,1342,-662,-668,1342,-678,-680,-682,-683,-690,-693,-697,-745,1342,1342,-874,1342,1342,-878,1342,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,1342,-812,1342,-814,-801,1342,-802,-805,1342,-816,-819,-821,-823,-825,1342,-826,1342,-809,1342,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1342,1342,-455,1342,1342,-729,1342,-736,1342,-741,1342,-663,-671,1342,1342,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,1342,-836,1342,-730,1342,-737,1342,-742,-664,1342,-873,-731,-738,-743,1342,1342,-872,]),'STD':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1343,-1894,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1343,1343,1343,1343,1343,-290,-291,1343,1343,1343,1343,-328,-318,-332,-333,-334,1343,1343,-982,-983,-984,-985,-986,-987,-988,1343,1343,1343,1343,1343,1343,1343,1343,-348,-349,-350,-351,-352,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1894,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1894,1343,-1894,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1894,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-1894,1343,-195,1343,-191,-192,1343,1343,1343,-317,-327,-331,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,-723,-724,-725,1343,1343,1343,-91,-92,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,1343,]),'STDDEV':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1344,-1894,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1344,1344,1344,1344,1344,-290,-291,1344,1344,1344,1344,-328,-318,-332,-333,-334,1344,1344,-982,-983,-984,-985,-986,-987,-988,1344,1344,1344,1344,1344,1344,1344,1344,-348,-349,-350,-351,-352,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1894,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1894,1344,-1894,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1894,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-1894,1344,-195,1344,-191,-192,1344,1344,1344,-317,-327,-331,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,-723,-724,-725,1344,1344,1344,-91,-92,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,1344,]),'STDDEV_POP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1345,-1894,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1345,1345,1345,1345,1345,-290,-291,1345,1345,1345,1345,-328,-318,-332,-333,-334,1345,1345,-982,-983,-984,-985,-986,-987,-988,1345,1345,1345,1345,1345,1345,1345,1345,-348,-349,-350,-351,-352,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1894,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1894,1345,-1894,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1894,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-1894,1345,-195,1345,-191,-192,1345,1345,1345,-317,-327,-331,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,-723,-724,-725,1345,1345,1345,-91,-92,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,1345,]),'STDDEV_SAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1346,-1894,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1346,1346,1346,1346,1346,-290,-291,1346,1346,1346,1346,-328,-318,-332,-333,-334,1346,1346,-982,-983,-984,-985,-986,-987,-988,1346,1346,1346,1346,1346,1346,1346,1346,-348,-349,-350,-351,-352,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1894,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1894,1346,-1894,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1894,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-1894,1346,-195,1346,-191,-192,1346,1346,1346,-317,-327,-331,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,-723,-724,-725,1346,1346,1346,-91,-92,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,1346,]),'VAR_POP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1347,-1894,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1347,1347,1347,1347,1347,-290,-291,1347,1347,1347,1347,-328,-318,-332,-333,-334,1347,1347,-982,-983,-984,-985,-986,-987,-988,1347,1347,1347,1347,1347,1347,1347,1347,-348,-349,-350,-351,-352,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1894,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1894,1347,-1894,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1894,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-1894,1347,-195,1347,-191,-192,1347,1347,1347,-317,-327,-331,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,-723,-724,-725,1347,1347,1347,-91,-92,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,1347,]),'VAR_SAMP':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1348,-1894,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1348,1348,1348,1348,1348,-290,-291,1348,1348,1348,1348,-328,-318,-332,-333,-334,1348,1348,-982,-983,-984,-985,-986,-987,-988,1348,1348,1348,1348,1348,1348,1348,1348,-348,-349,-350,-351,-352,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1894,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1894,1348,-1894,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1894,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-1894,1348,-195,1348,-191,-192,1348,1348,1348,-317,-327,-331,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,-723,-724,-725,1348,1348,1348,-91,-92,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,1348,]),'GROUP_CONCAT':([19,21,934,936,956,957,960,962,963,997,1218,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1425,1426,1427,1428,1429,1430,1431,1434,1438,1441,1442,1446,1447,1448,1450,1451,1452,1453,1454,1455,1456,1457,1458,1459,1460,1463,1464,1465,1466,1467,1468,1469,1470,1471,1472,1473,1474,1475,1481,1482,1484,1491,1493,1495,1499,1500,1503,1504,1505,1506,1507,1508,1513,1514,1515,1516,1518,1519,1520,1521,1522,1523,1524,1525,1526,1527,1528,1529,1530,1531,1532,1533,1534,1535,1536,1537,1538,1539,1540,1541,1542,1543,1545,1546,1547,1548,1549,1550,1551,1552,1553,1554,1555,1556,1557,1558,1559,1560,1561,1562,1563,1564,1565,1566,1567,1568,1569,1570,1571,1572,1573,1574,1575,1576,1577,1578,1579,1580,1581,1582,1583,1584,1585,1586,1587,1588,1589,1590,1591,1592,1593,1594,1595,1596,1597,1598,1599,1600,1601,1602,1603,1604,1605,1606,1607,1608,1609,1610,1611,1612,1613,1614,1615,1616,1617,1618,1619,1620,1621,1622,1623,1625,1626,1627,1628,1629,1636,1644,1646,1648,1650,1651,1652,1654,1655,1656,1657,1658,1659,1660,1661,1663,1664,1665,1666,1667,1668,1669,1670,1671,1672,1673,1674,1675,1676,1677,1678,1679,1682,1686,1687,1688,1689,1690,1691,1692,1693,1694,1695,1696,1697,1698,1699,1700,1701,1702,1703,1704,1705,1706,1707,1708,1709,1710,1711,1712,1713,1714,1715,1716,1717,1718,1719,1720,1721,1722,1723,1724,1725,1726,1727,1728,1729,1730,1731,1732,1733,1734,1735,1736,1737,1738,1739,1740,1741,1742,1743,1744,1745,1746,1747,1748,1749,1750,1751,1752,1753,1754,1755,1756,1757,1758,1759,1760,1761,1762,1763,1764,1765,1766,1767,1768,1769,1770,1771,1772,1773,1774,1775,1776,1777,1778,1779,1780,1781,1782,1786,1787,1788,1789,1794,1795,1797,1798,1799,1800,1801,1802,1803,1804,1805,1806,1807,1808,1809,1810,1811,1812,1813,1814,1815,1816,1893,1985,1987,2001,2002,2010,2051,2054,2057,2058,2059,2067,2088,2315,2343,2346,2358,2390,2392,2406,2455,2457,2458,2459,2460,2470,2472,2511,2512,2513,2530,2536,2541,2544,2545,2549,2562,2569,2570,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,2600,2601,2605,2610,2611,2612,2613,2614,2615,2624,2625,2626,2628,2629,2632,2633,2635,2638,2640,2642,2643,2647,2649,2650,2652,2653,2657,2662,2663,2665,2672,2678,2682,2691,2692,2693,2694,2696,2698,2699,2700,2701,2702,2703,2704,2707,2719,2722,2726,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,2819,2820,2824,2825,2826,2827,2829,2830,2837,2844,2849,2850,2851,2854,2856,2857,2858,2859,2860,2861,2862,2863,2864,2866,2884,2930,2944,3041,3141,3229,3261,3274,3279,3287,3289,3291,3293,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3330,3331,3332,3333,3334,3336,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,3402,3405,3412,3413,3416,3417,3429,3430,3433,3437,3489,3491,3528,3559,3579,3581,3628,3632,3635,3637,3639,3642,3652,3653,3655,3656,3658,3670,3672,3675,3678,3684,3686,3688,3756,3773,3798,3800,3802,3804,3806,3810,3811,3841,3852,3854,3856,3860,3880,3886,],[1349,-1894,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1349,1349,1349,1349,1349,-290,-291,1349,1349,1349,1349,-328,-318,-332,-333,-334,1349,1349,-982,-983,-984,-985,-986,-987,-988,1349,1349,1349,1349,1349,1349,1349,1349,-348,-349,-350,-351,-352,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1894,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1894,1349,-1894,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1894,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-1894,1349,-195,1349,-191,-192,1349,1349,1349,-317,-327,-331,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,-723,-724,-725,1349,1349,1349,-91,-92,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,1349,]),'ASTERISK':([21,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1350,1351,1352,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1392,1393,1394,1395,1401,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1711,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1985,2007,2014,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2472,2476,2508,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2920,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3157,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3559,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1465,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1821,-193,-194,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-172,-173,-174,-175,2018,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2345,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-195,-994,2018,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,1465,-345,1465,-344,-338,-339,-340,-341,-342,1465,1465,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1821,2883,2923,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,2923,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,3446,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,1821,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'SQL_BIG_RESULT':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1985,],[1357,1357,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-195,]),'ALL':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1376,1383,1384,1385,1386,1453,1454,1455,1456,1457,1458,1459,1460,1710,1722,1754,1756,1769,1816,1985,],[1362,1362,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1989,1362,-167,-168,-169,2073,-982,-983,-984,-985,-986,-987,-988,1362,1362,1362,1362,1362,1362,-195,]),'UNIQUE':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1383,1384,1385,1386,1710,1722,1754,1756,1769,1816,1985,2899,2900,2901,2902,2904,2907,3165,3169,3171,3172,3175,3179,3582,3583,3585,3586,3587,3588,3589,3590,3591,3592,3709,3710,3712,3714,3715,3716,3717,3718,3719,3720,3721,3722,3723,3775,3776,3777,3778,3779,3780,3825,3826,3828,3829,3862,3863,3873,],[1363,1363,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1363,-167,-168,-169,1363,1363,1363,1363,1363,1363,-195,3164,-1894,-1894,-1894,-1894,-1894,-23,-44,-25,-26,-29,-33,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-24,-35,-1894,-48,-1894,-37,-39,-43,-27,-28,-30,-31,-32,-1894,-1894,-40,-47,-38,-1894,-36,-41,-34,3849,-1894,3849,-42,]),'DISTINCT':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1383,1384,1385,1386,1710,1711,1722,1754,1756,1769,1816,1985,],[1364,1364,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1364,-167,-168,-169,1364,2346,1364,1364,1364,1364,1364,-195,]),'DISTINCTROW':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1383,1384,1385,1386,1710,1722,1754,1756,1769,1816,1985,],[1365,1365,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,1365,-167,-168,-169,1365,1365,1365,1365,1365,1365,-195,]),'HIGH_PRIORITY':([21,1351,1353,1354,1355,1356,1357,1358,1359,1360,1361,1362,1363,1364,1365,1366,1985,],[1366,1366,-196,-197,-198,-199,-200,-201,-202,-203,-204,-206,-207,-208,-209,-205,-195,]),'ORDER':([24,30,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,907,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1368,1392,1393,1394,1395,1396,1398,1414,1416,1417,1418,1420,1421,1422,1432,1436,1437,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2489,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2529,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2880,2881,2882,2883,2889,2890,2913,2918,2919,2922,2925,2926,2927,2928,2929,2932,2933,2934,2935,2938,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3203,3206,3210,3212,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3481,3485,3487,3496,3502,3503,3504,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3750,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[1375,1375,1375,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1375,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,1375,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1375,-172,-173,-174,-175,-1894,-993,1375,-1894,-269,-270,-272,-274,-268,-281,1375,-950,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,1375,-1894,-185,-1894,-1894,-88,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1375,-219,-213,-132,1375,-184,-1894,-994,1375,-1894,1375,-1894,-1894,-251,-949,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,1375,-211,-1894,-994,-215,-144,-145,-995,1375,-1894,1375,-89,-90,-93,-94,-232,-245,-233,-245,-1894,3218,-306,-325,-319,-296,-375,-452,-453,-454,-458,-1894,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-220,1375,-243,-234,-316,-535,-508,-591,-937,-939,-940,-1894,-456,-457,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-1894,-188,-216,-255,-257,-259,-938,1375,-459,-460,-439,-441,-747,-891,-715,-1894,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-461,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'LIMIT':([24,30,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,907,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1368,1373,1381,1388,1389,1390,1392,1393,1394,1395,1396,1398,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2500,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2913,2915,2918,2919,2921,2922,2924,2925,2926,2927,2928,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3158,3159,3160,3161,3203,3205,3206,3208,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3478,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[1376,1376,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1376,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1376,1376,1376,1376,-134,-135,-172,-173,-174,-175,-1894,-993,1376,-1894,-269,-270,-272,-274,-268,1376,-281,1376,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-1894,-1894,-185,-1894,-1894,-88,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-132,1376,-1894,-184,-1894,-994,-1894,-1894,-1894,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,1376,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-995,1376,-1894,-1894,1376,-1894,1376,-89,-90,-93,-94,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-138,-140,-146,-147,-220,1376,-1894,1376,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-1894,-188,-216,1376,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'FETCH':([24,30,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,907,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1368,1373,1381,1388,1389,1390,1392,1393,1394,1395,1396,1398,1414,1416,1417,1418,1420,1421,1422,1424,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2008,2009,2011,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2489,2500,2501,2502,2504,2505,2506,2507,2509,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2913,2915,2918,2919,2921,2922,2924,2925,2926,2927,2928,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3158,3159,3160,3161,3203,3205,3206,3208,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3478,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[1377,1377,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1377,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1377,1377,1377,1377,-134,-135,-172,-173,-174,-175,-1894,-993,1377,-1894,-269,-270,-272,-274,-268,1377,-281,1377,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-1894,-1894,-185,-1894,-1894,-88,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-132,1377,-1894,-184,-1894,-994,-1894,-1894,-1894,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,1377,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-995,1377,-1894,-1894,1377,-1894,1377,-89,-90,-93,-94,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-138,-140,-146,-147,-220,1377,-1894,1377,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-1894,-188,-216,1377,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'RPAREN':([25,26,27,28,30,31,34,35,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,904,905,906,907,908,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1367,1368,1369,1370,1371,1372,1373,1374,1381,1382,1388,1389,1390,1392,1393,1394,1395,1413,1414,1415,1416,1417,1418,1420,1421,1422,1424,1432,1435,1436,1437,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1501,1502,1509,1510,1511,1512,1517,1544,1548,1624,1630,1631,1632,1633,1634,1635,1636,1637,1638,1639,1640,1641,1642,1643,1645,1647,1649,1653,1662,1680,1681,1760,1775,1783,1784,1785,1786,1787,1788,1789,1793,1794,1795,1797,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1986,1988,1989,1990,1991,1999,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2048,2049,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2121,2122,2123,2124,2125,2130,2131,2132,2133,2135,2139,2140,2141,2144,2146,2149,2153,2154,2155,2156,2158,2159,2161,2162,2163,2164,2165,2166,2167,2168,2169,2171,2174,2175,2176,2177,2178,2179,2180,2181,2188,2189,2190,2191,2192,2193,2194,2198,2201,2202,2205,2207,2208,2210,2212,2215,2216,2217,2219,2222,2225,2226,2227,2229,2230,2231,2232,2235,2238,2239,2240,2241,2242,2244,2245,2246,2247,2248,2250,2251,2252,2253,2255,2256,2257,2258,2259,2260,2261,2262,2263,2264,2265,2266,2267,2268,2269,2270,2271,2272,2273,2274,2275,2276,2277,2278,2279,2282,2285,2286,2291,2294,2295,2296,2297,2298,2299,2300,2301,2302,2303,2304,2305,2306,2308,2309,2310,2311,2318,2319,2320,2323,2324,2325,2326,2327,2328,2329,2330,2331,2332,2333,2334,2335,2336,2337,2338,2339,2340,2341,2342,2344,2345,2348,2349,2350,2351,2352,2353,2354,2355,2356,2363,2366,2367,2371,2373,2374,2381,2382,2384,2385,2386,2388,2391,2393,2394,2395,2396,2397,2400,2401,2402,2409,2410,2411,2412,2413,2414,2415,2416,2417,2418,2419,2420,2421,2422,2423,2424,2425,2426,2427,2428,2429,2430,2431,2439,2440,2441,2442,2443,2445,2446,2456,2461,2462,2463,2464,2465,2466,2467,2468,2469,2471,2474,2475,2477,2478,2479,2487,2488,2489,2490,2493,2494,2495,2498,2502,2514,2515,2517,2526,2529,2531,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2557,2559,2561,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2666,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2762,2763,2764,2765,2767,2768,2769,2770,2771,2772,2773,2775,2776,2778,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2812,2813,2814,2815,2816,2817,2818,2821,2822,2823,2828,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2868,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2899,2900,2901,2902,2904,2907,2911,2913,2916,2917,2927,2928,2929,2932,2933,2934,2935,2945,2946,2948,2949,2950,2951,2952,2953,2954,2955,2956,2957,2958,2959,2960,2961,2962,2963,2964,2965,2966,2967,2968,2969,2970,2971,2972,2973,2974,2975,2976,2977,2978,2979,2980,2981,2982,2983,2984,2990,2991,2994,2995,2996,2997,2998,2999,3000,3001,3003,3004,3005,3006,3008,3009,3010,3011,3012,3013,3014,3015,3016,3017,3018,3019,3020,3021,3023,3024,3026,3027,3028,3032,3033,3035,3038,3040,3042,3043,3044,3045,3046,3047,3048,3049,3050,3051,3052,3057,3058,3059,3060,3061,3062,3064,3065,3066,3067,3068,3069,3070,3071,3072,3073,3074,3075,3076,3077,3078,3079,3080,3081,3082,3083,3084,3085,3088,3090,3092,3093,3094,3095,3096,3097,3098,3100,3101,3105,3106,3107,3108,3109,3110,3111,3112,3113,3114,3115,3116,3117,3118,3119,3120,3121,3122,3123,3124,3127,3128,3129,3130,3131,3132,3133,3134,3135,3136,3137,3139,3140,3142,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3153,3154,3155,3156,3158,3159,3160,3161,3162,3163,3164,3165,3169,3171,3172,3175,3179,3194,3195,3197,3198,3203,3210,3212,3213,3214,3215,3220,3222,3225,3226,3230,3231,3232,3233,3234,3235,3236,3238,3239,3240,3241,3243,3244,3245,3246,3247,3248,3249,3250,3251,3252,3253,3254,3255,3256,3257,3262,3263,3264,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3318,3319,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3434,3435,3436,3438,3439,3441,3442,3443,3445,3446,3447,3454,3455,3456,3457,3458,3473,3474,3475,3476,3480,3481,3482,3485,3486,3487,3488,3494,3495,3496,3497,3498,3500,3501,3502,3503,3504,3506,3507,3508,3510,3511,3512,3513,3514,3515,3516,3517,3519,3520,3521,3522,3523,3524,3525,3526,3527,3531,3533,3534,3535,3536,3537,3538,3539,3540,3541,3542,3543,3544,3545,3546,3547,3548,3549,3550,3551,3552,3553,3554,3555,3556,3557,3558,3560,3561,3562,3563,3564,3565,3566,3567,3568,3569,3570,3571,3572,3573,3574,3575,3577,3578,3580,3582,3583,3585,3586,3587,3588,3589,3590,3591,3592,3608,3609,3610,3611,3612,3613,3615,3618,3619,3620,3621,3622,3623,3624,3625,3627,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3651,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3690,3691,3692,3693,3694,3695,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3709,3710,3712,3714,3715,3716,3717,3718,3719,3720,3721,3722,3723,3724,3736,3738,3742,3744,3745,3747,3750,3751,3752,3753,3754,3755,3759,3760,3761,3762,3763,3764,3765,3766,3767,3768,3769,3770,3771,3774,3775,3776,3777,3778,3779,3780,3782,3784,3785,3786,3787,3788,3789,3790,3791,3801,3803,3805,3807,3808,3809,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3822,3823,3824,3825,3826,3828,3830,3831,3832,3833,3834,3835,3837,3838,3839,3840,3843,3844,3847,3853,3855,3857,3858,3859,3861,3862,3867,3868,3869,3870,3871,3873,3876,3877,3878,3879,3882,3885,3887,3888,3890,3891,3892,3893,3894,3895,],[-116,-117,-118,-119,-124,-125,-177,-178,-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1392,1393,1394,1395,-176,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-98,-99,-120,-121,-122,-123,-127,-129,-126,-128,-1894,-134,-135,-172,-173,-174,-175,2029,1395,-1844,-1894,-269,-270,-272,-274,-268,-1894,-281,2050,1395,-950,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2128,2129,2136,2137,2138,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-131,-151,-154,-156,-157,-130,-1894,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-1894,-181,-277,-278,-279,-280,2527,-992,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-950,-358,2546,2547,2548,2556,-1894,2560,-1894,2563,-377,2567,2568,-382,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,-536,2602,-540,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,-768,2681,2683,2684,2685,-774,-775,-777,-778,-779,-780,-781,2686,-783,-784,-785,-786,-787,-788,-789,2687,-857,2688,-859,2689,-861,2690,-865,2695,2697,-876,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,-922,-923,2721,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,-573,2818,2821,2822,2823,2831,2832,2833,2834,-593,2835,2836,2838,2839,2840,2842,2843,-566,-567,-569,-571,2845,-576,2846,-579,2847,-582,2848,-595,-597,2852,-600,2853,-607,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,-1894,-219,-213,-136,-137,-1894,2897,-106,-132,-133,2909,-19,-179,-114,-184,-1894,-1894,-251,-180,-949,2950,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,2989,-483,2993,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-1894,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,3076,-1894,-1894,3081,-619,-620,-621,-622,-623,-634,-584,-624,-797,3085,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,3107,-626,3108,-627,-628,-629,-574,-630,-631,-632,3115,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,3143,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-21,-1894,-1894,-1894,-1894,-1894,-108,-995,3203,-246,-93,-94,-232,-245,-233,-245,-1894,3227,-55,-991,-306,-325,-319,3230,-296,-375,3231,3232,3233,3234,-1894,-1894,-953,-954,-1894,-1894,-1894,-1894,-1894,-1894,-961,-962,-1894,-964,-976,-977,3252,3253,-943,-944,-945,-452,-453,-454,-458,-1894,-1894,-1894,3267,-443,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,-1894,3320,-764,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,-933,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,-1894,-889,-450,-451,-890,-1894,3365,3366,3367,-1894,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,-1894,-1894,3399,3400,3401,3403,3404,3406,-1894,3408,3409,-898,3410,3411,-719,-721,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-1894,-138,-140,-146,-147,-155,-107,-22,-23,-44,-25,-26,-29,-33,3471,-20,-109,-110,-220,-243,-234,3481,-266,-267,3485,3487,3490,-69,-316,-535,-508,-591,-937,3496,-951,-966,-1894,-955,-956,-975,-957,-958,-959,-978,-979,-980,-960,-963,-939,-940,-1894,-456,-457,-438,-481,-485,-482,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,3527,-760,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,3570,-716,3571,-931,-1894,-432,-1894,-1894,-188,-216,3582,3588,3589,3590,3591,3592,-111,-112,-113,-247,3608,-255,3609,-257,3610,-259,3611,-56,-1894,-938,3619,-952,-968,3625,-1894,-459,-460,-439,-484,-441,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,-747,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,-891,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3694,3695,3696,3697,3698,3699,3700,-715,-1894,-930,-183,-431,-433,-1894,-218,-190,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-244,-256,-258,-260,3737,-70,3738,-289,-965,3742,-970,-971,-972,-981,-973,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-761,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,3769,-587,-707,-708,-720,-722,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-24,-35,-1894,-48,-1894,-37,-39,-43,-27,-28,-30,-31,-32,3780,3782,-282,-967,3787,3788,-467,-461,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,-1894,-434,-435,-465,-1894,-1894,-40,-47,-38,-1894,-49,-287,-288,-969,-974,-455,-466,-470,-471,-729,-736,-741,-663,-671,-762,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,3844,-187,-463,-36,-41,-34,-285,-472,-473,-474,-475,-476,3853,3855,3857,3858,3861,-836,-50,-730,-737,-742,-664,-763,-873,-1894,-477,-478,3877,3878,3879,-42,-286,-731,-738,-743,3885,-1894,3892,-51,-58,3894,-1894,-57,-872,-52,]),'FOR':([37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1388,1389,1390,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1424,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2502,2514,2515,2517,2518,2519,2520,2521,2522,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3113,3115,3118,3140,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-1894,-134,-135,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-1894,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-151,-154,-156,-157,2496,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,2496,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-184,-1894,-1894,-251,2938,-264,-265,2938,2938,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,3405,-1894,-898,3433,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-138,-140,-146,-147,-155,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,2496,-432,-1894,-1894,-188,-216,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-431,-433,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-434,-435,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'LOCK':([37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1388,1389,1390,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1424,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2004,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2042,2043,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3439,3441,3442,3443,3445,3446,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3574,3575,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3770,3771,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-1894,-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-1894,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-1894,-134,-135,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-1894,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-151,-154,-156,-157,2497,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,2497,-181,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-184,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-1894,-138,-140,-146,-147,-155,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,2497,-432,-1894,-1894,-188,-216,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-431,-433,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-434,-435,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'AS':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1380,1392,1393,1394,1395,1398,1414,1415,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1820,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1996,1998,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2126,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2418,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2897,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3576,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3769,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1419,1419,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-1894,-172,-173,-174,-175,-993,1419,-1844,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,1419,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,2486,-105,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,2550,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,2841,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-994,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-104,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,3703,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,1419,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'USE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,1020,1021,1398,1415,1416,1417,1418,1420,1421,1488,1489,2007,2031,2033,2034,2035,2039,2040,2505,2517,2913,3481,3485,3487,3609,3610,3611,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1894,-321,-322,-993,-1844,2036,-269,-270,-272,-274,-323,-324,-994,2036,-252,-253,-254,-271,-273,-994,-251,-995,-255,-257,-259,-256,-258,-260,]),'FORCE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,925,1020,1021,1398,1415,1416,1417,1418,1420,1421,1488,1489,2007,2031,2033,2034,2035,2039,2040,2505,2517,2913,3481,3485,3487,3609,3610,3611,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1894,-321,-322,-993,-1844,2037,-269,-270,-272,-274,-323,-324,-994,2037,-252,-253,-254,-271,-273,-994,-251,-995,-255,-257,-259,-256,-258,-260,]),'CROSS':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1404,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-993,-1894,-1844,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,1404,-228,-248,-249,-250,-252,-253,-254,-271,-273,1404,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-994,-1894,1404,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'NATURAL':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3616,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1406,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-993,-1894,-1844,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,1406,-228,-248,-249,-250,-252,-253,-254,-271,-273,1406,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-994,-1894,1406,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,3739,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'INNER':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1407,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-993,1407,-1894,-1844,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,1407,-228,-248,-249,-250,-252,-253,-254,-271,-273,1407,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-994,-1894,1407,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'FULL':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1406,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1410,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-993,1410,-1894,-1844,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,1410,-228,-248,-249,-250,-252,-253,-254,-271,-273,1410,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-994,-1894,1410,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'JOIN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1398,1404,1405,1406,1407,1408,1409,1410,1411,1414,1415,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2025,2026,2027,2028,2029,2030,2031,2032,2033,2034,2035,2039,2040,2041,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2938,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-1894,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-993,2023,2024,-1894,-235,-236,-238,-240,-242,-1894,-1844,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-1894,2516,-237,-239,-241,-228,-248,-249,-250,-252,-253,-254,-271,-273,-1894,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-994,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-242,-1894,3217,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'SET':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,914,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3168,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1402,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,3452,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'COMMA':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,911,912,913,914,915,916,917,918,919,920,922,923,924,925,926,930,931,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1378,1379,1392,1393,1394,1395,1396,1397,1398,1413,1414,1415,1416,1417,1418,1420,1421,1422,1432,1435,1436,1437,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1990,1991,2007,2015,2016,2017,2018,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2043,2044,2045,2046,2047,2048,2049,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2089,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2121,2122,2125,2127,2131,2133,2134,2139,2142,2143,2144,2145,2147,2148,2149,2150,2151,2152,2156,2157,2160,2168,2170,2171,2172,2173,2175,2177,2182,2183,2184,2185,2186,2187,2194,2195,2196,2197,2198,2199,2200,2203,2204,2206,2209,2211,2213,2214,2220,2221,2223,2224,2228,2233,2234,2236,2237,2243,2249,2252,2254,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2280,2281,2282,2283,2284,2285,2286,2287,2288,2289,2290,2291,2292,2293,2295,2297,2307,2309,2310,2311,2321,2322,2326,2327,2329,2330,2332,2335,2336,2337,2339,2340,2347,2354,2356,2357,2359,2360,2361,2362,2364,2365,2366,2367,2368,2369,2370,2371,2372,2375,2376,2377,2378,2379,2380,2383,2387,2389,2396,2398,2399,2403,2404,2405,2407,2408,2413,2415,2420,2421,2422,2423,2424,2426,2428,2430,2432,2433,2434,2435,2436,2437,2438,2439,2440,2442,2445,2447,2448,2449,2450,2451,2452,2453,2454,2475,2477,2478,2479,2485,2487,2488,2493,2494,2504,2505,2514,2515,2517,2529,2531,2532,2533,2535,2537,2538,2539,2540,2543,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2666,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2765,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2878,2880,2881,2882,2883,2885,2886,2888,2889,2890,2896,2899,2900,2901,2902,2904,2907,2913,2916,2917,2923,2925,2926,2927,2928,2929,2932,2933,2934,2935,2943,2945,2946,2948,2949,2950,2951,2953,2954,2956,2980,2981,2982,2983,2990,2991,2995,2997,2998,2999,3000,3001,3002,3007,3015,3016,3017,3018,3020,3021,3022,3024,3025,3028,3029,3030,3031,3034,3036,3037,3039,3040,3053,3054,3055,3056,3057,3058,3062,3066,3067,3068,3069,3070,3071,3072,3073,3074,3075,3076,3077,3078,3079,3080,3081,3085,3086,3087,3088,3089,3090,3091,3094,3095,3096,3098,3099,3102,3103,3106,3107,3108,3112,3115,3118,3125,3126,3138,3139,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3158,3159,3160,3161,3163,3164,3165,3169,3171,3172,3175,3179,3195,3210,3212,3215,3225,3226,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3319,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3446,3459,3476,3480,3481,3485,3487,3490,3494,3496,3501,3506,3508,3512,3514,3515,3516,3518,3521,3527,3529,3530,3532,3533,3534,3545,3546,3547,3548,3549,3550,3551,3552,3553,3554,3555,3556,3557,3558,3570,3571,3574,3575,3582,3583,3585,3586,3587,3588,3589,3590,3591,3592,3608,3609,3610,3611,3612,3613,3614,3620,3621,3622,3623,3624,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3651,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3690,3691,3692,3693,3696,3697,3698,3699,3700,3701,3706,3707,3708,3709,3710,3712,3714,3715,3716,3717,3718,3719,3720,3721,3722,3723,3736,3737,3738,3750,3751,3752,3753,3754,3757,3758,3762,3763,3764,3765,3766,3767,3768,3770,3771,3774,3775,3776,3777,3778,3779,3780,3782,3786,3788,3801,3803,3805,3807,3808,3809,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3824,3825,3826,3828,3837,3838,3839,3842,3844,3847,3853,3855,3857,3858,3861,3862,3872,3873,3877,3878,3879,3882,3883,3885,3887,3888,3890,3892,3893,3894,3895,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1400,-82,-83,1403,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,1425,-182,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,1995,-102,-172,-173,-174,-175,1403,1400,-83,1403,-1894,-1844,-1894,-269,-270,-272,-274,-268,-281,2051,-363,-950,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2472,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,2480,-156,-157,-994,1403,-81,-84,-85,2510,-88,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-181,-277,-278,-279,-280,2528,-992,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,2544,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,2545,-358,2549,2551,2558,2558,2562,-377,2569,2570,-382,2571,2573,2574,2576,2577,2578,2579,2584,2585,2588,2597,2599,-536,2600,2601,-540,2605,2610,2611,2612,2613,2614,2615,2051,2624,2625,2626,2051,2628,2629,2632,2633,2635,2638,2640,2642,2643,2649,2650,2652,2653,2657,2662,2663,2665,2666,2672,2678,-768,2682,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,2691,2692,-865,2693,2694,2696,2698,2699,2700,2701,2702,-876,2703,2704,2707,2051,2719,-922,-923,2722,2730,2731,2736,2738,2741,2743,2746,2750,2752,2754,2757,2759,2766,2774,2051,2777,2779,2780,2781,2782,2784,2785,2787,2789,2790,2791,2792,2051,2794,2797,2798,2799,2800,2801,2802,2805,2809,2811,-573,2819,2820,2824,2825,2827,2829,2830,-593,2837,2844,-566,-567,-569,-571,-576,-579,-582,2849,-926,-927,-928,-929,2850,2851,-595,-597,-600,-607,2856,2857,2858,2859,2860,2861,2862,2863,-213,2884,-137,-1894,-101,2898,-106,2910,-19,1403,-84,-1894,-1894,-251,-949,2051,-309,-310,-320,-307,-293,-294,-295,2545,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,3041,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,2051,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,2051,-211,1403,-994,-215,-139,-1894,-148,-144,-145,-103,-21,-1894,-1894,-1894,-1894,-1894,-995,3204,-246,-86,-89,-90,-93,-94,-232,-245,-233,-245,-1894,3224,3228,-55,-991,-306,-325,-319,-296,-375,2051,-452,-453,-454,-458,3261,3261,-443,2051,2051,2051,2051,2051,3274,3279,3287,3289,3291,3293,2051,2051,3298,3300,3302,3305,3307,3308,3309,3312,3314,3315,3317,3041,3330,3331,3332,3333,3334,3336,-933,3343,3345,3347,3349,3351,3353,3355,3357,3359,3361,-1894,-889,-450,-451,-890,-1894,-1894,3369,3370,3371,3373,3374,3376,3379,3381,3383,3386,3388,3391,3392,3395,-1894,-1894,3402,-1894,-898,3416,3417,3429,3430,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-138,-140,-146,-147,-107,-22,-23,-44,-25,-26,-29,-33,-20,-243,-234,3204,3491,-69,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,3528,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-216,3593,-247,3204,-255,-257,-259,-67,-56,-938,3626,-439,-441,3632,3635,3637,3639,3642,2051,-747,3652,3653,3655,3656,3658,-891,3670,3672,2051,3675,2051,3678,2051,2051,2051,2051,3684,3686,3688,-715,-1894,3702,-433,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-244,-256,-258,-260,3491,-70,3224,3743,-970,-971,-972,-981,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,3756,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,2472,-587,-707,-708,-588,-589,-651,-711,-712,-905,3773,-462,-464,-24,-35,-1894,-48,-1894,-37,-39,-43,-27,-28,-30,-31,-32,3228,-68,-282,3773,3800,3802,3804,3806,3810,3811,2051,2051,2051,2051,2051,2051,2051,-434,-435,-465,-1894,-1894,-40,-47,-38,-1894,3829,-969,-455,-729,-736,-741,-663,-671,3841,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-463,-36,-41,-34,3852,3854,3856,3860,-836,3863,-730,-737,-742,-664,-873,-1894,3880,-42,-731,-738,-743,3228,3886,-1894,3228,-51,-58,-1894,-57,-872,-52,]),'COLLATE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2900,2901,2902,2904,2907,2909,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3471,3496,3506,3508,3527,3545,3570,3571,3582,3587,3588,3589,3590,3591,3592,3594,3596,3597,3598,3599,3600,3601,3602,3603,3604,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3726,3738,3780,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,1487,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,3170,3170,3170,3170,3170,3184,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,3184,-938,-439,-441,-747,-891,-715,-1894,3170,3170,3170,3170,3170,3170,3170,3184,3184,3184,3184,3184,3184,3184,3184,3184,3184,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,3184,-282,3170,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'SLASH':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1466,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,1466,-345,1466,-344,-338,-339,-340,-341,-342,1466,1466,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DIV':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1467,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,1467,-345,1467,-344,-338,-339,-340,-341,-342,1467,1467,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'PERCENT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1469,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,1469,-345,1469,-344,-338,-339,-340,-341,-342,1469,1469,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'BIT_MOVE_LEFT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1474,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,1474,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'BIT_MOVE_RIGHT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,1475,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,1475,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'IN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2218,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2497,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3495,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,1439,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,2056,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,2647,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,2912,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,3616,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'BETWEEN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3746,3748,3749,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,1447,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,2057,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,3795,-468,-469,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'LIKE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1445,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,1446,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,2058,2067,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'REGEXP':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,1450,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,1450,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'RLIKE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1440,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,1451,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,1451,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'EQ':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2021,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3182,3184,3185,3186,3187,3188,3189,3190,3191,3192,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3461,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1454,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,2512,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,3460,3462,3463,3464,3465,3466,3467,3468,3469,3470,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,3595,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'NE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1455,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'LT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1456,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'LE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1457,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'GT':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1458,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'GE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1459,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'NULL_SAFE_EQ':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,1460,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'PIPES':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3705,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1427,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,1427,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1427,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1427,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,1427,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'AND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2052,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3705,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3831,3832,3833,3834,3835,3836,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1430,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,2530,-308,-326,-1894,-311,-312,-313,-314,-315,1430,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1430,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1430,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,1430,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-472,-473,-474,-475,-476,3851,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'ANDAND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1415,1432,1436,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2882,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3705,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1431,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1844,-281,-363,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,1431,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,1431,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-994,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,1431,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,1431,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'SECOND_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2093,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2093,2093,2093,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'MINUTE_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2094,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2094,2094,2094,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'MINUTE_SECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2095,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2095,2095,2095,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'HOUR_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2096,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2096,2096,2096,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'HOUR_SECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2097,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2097,2097,2097,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'HOUR_MINUTE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2098,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2098,2098,2098,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DAY_MICROSECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2099,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2099,2099,2099,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DAY_SECOND':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2100,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2100,2100,2100,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DAY_MINUTE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2101,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2101,2101,2101,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DAY_HOUR':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2102,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2102,2102,2102,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'YEAR_MONTH':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1483,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1791,1792,1796,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,2103,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2103,2103,2103,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'WHEN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1218,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1683,1684,1685,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2312,2314,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3063,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,1686,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,1686,1686,-942,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,1686,-941,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-946,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'WINDOW':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1389,1390,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1817,1818,1819,1820,1821,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,1988,1989,1990,1991,2005,2006,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2471,2474,2475,2477,2478,2479,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2879,2880,2881,2882,2883,2885,2886,2888,2889,2890,2891,2892,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3154,3155,3156,3158,3159,3160,3161,3162,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3446,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3578,3580,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3704,3705,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-134,-135,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-1894,-210,-212,-1894,-214,-993,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,-151,-154,-156,-157,-149,-150,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-1894,-219,-213,-136,-137,-1894,-184,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-211,-1894,-994,-215,-139,-1894,-148,-144,-145,-152,-153,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,3440,-1894,-1894,-138,-140,-146,-147,-155,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,-1894,-188,-216,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-1894,-218,-190,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-217,-189,-186,-462,-464,-282,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'USING':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,912,913,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1397,1398,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2016,2017,2018,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2127,2139,2144,2171,2175,2191,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2923,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-82,-83,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,2013,-83,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-81,-84,-85,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,2552,-377,-382,-536,-540,2620,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-84,2931,2931,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-86,-232,-245,-233,-245,2931,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'THEN':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2317,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,2726,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'ASC':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2479,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3708,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,2889,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,2889,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'DESC':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2479,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3708,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,2890,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,2890,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'GROUP':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2913,2929,2932,2933,2934,2935,2938,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-184,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,-1894,3219,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,3444,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,3444,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'HAVING':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2011,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2502,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2889,2890,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3156,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3442,3443,3445,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3577,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3706,3707,3708,3738,3774,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3823,3824,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-185,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-184,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-144,-145,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-1894,-1894,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-1894,3579,-188,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,3579,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-186,-462,-464,-282,-465,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-187,-463,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'WHERE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1396,1398,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2009,2015,2019,2020,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2504,2505,2507,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2913,2919,2925,2926,2927,2928,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3155,3203,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,2010,-993,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,2010,2010,2010,-88,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,2010,-994,2010,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,2010,-995,2010,-89,-90,-93,-94,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,2010,-220,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'ELSE':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,1684,1685,2007,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2312,2314,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3063,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3496,3506,3508,3527,3545,3570,3571,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,2315,-942,-994,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,2315,-941,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-946,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-938,-439,-441,-747,-891,-715,-1894,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'PARTITION':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,915,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1396,1398,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2015,2022,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2504,2505,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2881,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2984,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3254,3255,3256,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-222,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,2012,-993,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,2012,-221,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,2012,-994,-1894,-1894,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,2012,-995,-232,-245,-233,-245,-1894,-306,-325,-319,-296,-375,-452,-453,-454,-458,-1894,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,3505,-456,-457,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'ON':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,916,917,918,919,920,922,923,924,925,926,932,933,935,937,938,939,940,941,942,943,944,945,946,947,948,949,950,951,952,953,954,955,960,961,964,965,966,967,968,969,970,971,972,973,974,975,976,977,978,979,980,981,982,983,984,985,986,987,988,989,990,991,992,993,994,996,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1019,1020,1021,1022,1023,1024,1025,1026,1027,1028,1029,1030,1031,1032,1033,1034,1035,1036,1037,1038,1039,1040,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1127,1128,1129,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1151,1152,1153,1154,1155,1156,1157,1158,1159,1160,1161,1162,1164,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1197,1198,1199,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1242,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1317,1319,1320,1321,1322,1326,1327,1328,1330,1392,1393,1394,1395,1416,1417,1418,1420,1421,1422,1432,1476,1477,1478,1479,1480,1485,1486,1488,1489,1490,1492,1494,1496,1497,1498,2007,2029,2030,2031,2032,2033,2034,2035,2039,2040,2044,2045,2046,2047,2050,2053,2055,2060,2061,2062,2063,2064,2065,2069,2070,2071,2072,2074,2075,2076,2077,2078,2079,2080,2081,2082,2083,2084,2085,2086,2087,2090,2091,2092,2093,2094,2095,2096,2097,2098,2099,2100,2101,2102,2103,2104,2105,2106,2107,2108,2109,2110,2111,2112,2113,2114,2115,2116,2117,2118,2119,2120,2122,2139,2144,2171,2175,2252,2258,2259,2260,2261,2262,2263,2264,2266,2267,2268,2269,2270,2271,2272,2274,2276,2278,2282,2291,2309,2310,2396,2413,2421,2422,2423,2424,2426,2428,2430,2439,2440,2442,2445,2514,2515,2517,2532,2533,2535,2537,2538,2539,2540,2546,2547,2548,2553,2555,2564,2565,2566,2567,2568,2572,2575,2580,2581,2582,2583,2586,2587,2589,2590,2591,2592,2593,2594,2595,2596,2598,2602,2603,2604,2606,2607,2608,2609,2616,2617,2618,2619,2621,2622,2623,2627,2630,2631,2634,2636,2637,2639,2641,2644,2645,2646,2648,2651,2654,2655,2656,2658,2659,2660,2661,2664,2667,2668,2669,2670,2671,2673,2674,2675,2676,2677,2679,2680,2681,2683,2684,2685,2686,2687,2688,2689,2690,2695,2697,2705,2706,2708,2709,2710,2711,2712,2713,2714,2715,2716,2717,2718,2720,2721,2724,2727,2728,2729,2732,2733,2734,2735,2737,2739,2740,2742,2744,2745,2747,2748,2749,2751,2753,2755,2756,2758,2760,2761,2763,2764,2767,2768,2769,2770,2771,2772,2773,2775,2776,2783,2786,2788,2793,2795,2796,2803,2804,2806,2807,2808,2810,2813,2815,2816,2817,2818,2821,2822,2823,2831,2832,2833,2834,2835,2836,2838,2839,2840,2842,2843,2845,2846,2847,2848,2852,2853,2855,2867,2869,2870,2871,2872,2873,2874,2875,2876,2877,2913,2929,2932,2933,2934,2935,2949,2950,2951,2953,2954,2980,2981,2982,2983,2995,3062,3076,3077,3078,3079,3080,3081,3085,3107,3108,3115,3118,3143,3144,3145,3146,3147,3148,3149,3150,3151,3152,3210,3212,3230,3231,3232,3233,3234,3252,3253,3257,3265,3268,3269,3270,3271,3272,3273,3275,3276,3277,3278,3280,3281,3282,3283,3284,3285,3286,3288,3290,3292,3294,3295,3296,3297,3299,3301,3303,3304,3306,3310,3311,3313,3316,3320,3321,3322,3323,3324,3325,3326,3327,3328,3329,3335,3337,3338,3339,3340,3341,3342,3344,3346,3348,3350,3352,3354,3356,3358,3360,3362,3363,3364,3365,3366,3367,3368,3372,3375,3377,3378,3380,3382,3384,3385,3387,3389,3390,3394,3396,3397,3398,3399,3400,3401,3403,3404,3406,3407,3408,3409,3410,3411,3414,3415,3418,3419,3420,3421,3422,3423,3424,3425,3426,3427,3428,3431,3432,3435,3481,3485,3487,3496,3506,3508,3527,3545,3570,3571,3608,3609,3610,3611,3629,3630,3631,3633,3634,3636,3638,3640,3641,3643,3644,3645,3646,3647,3648,3649,3650,3654,3657,3659,3660,3661,3662,3663,3664,3665,3666,3667,3668,3669,3671,3673,3674,3676,3677,3679,3680,3681,3682,3683,3685,3687,3689,3691,3692,3693,3696,3697,3698,3699,3700,3701,3738,3776,3788,3801,3803,3805,3807,3808,3812,3813,3814,3815,3816,3817,3818,3819,3820,3821,3844,3853,3855,3857,3858,3861,3877,3878,3879,3894,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,-223,-224,-225,-226,-227,-229,-230,-231,-1894,-1894,-275,-276,-1425,-305,-360,-284,-371,-373,-297,-363,-298,-299,-300,-301,-302,-303,-304,-486,-989,-990,-347,-335,-1292,-490,-357,-359,-361,-362,-364,-366,-367,-368,-369,-370,-487,-488,-489,-1142,-1773,-1775,-491,-492,-493,-494,-495,-496,-497,-498,-499,-500,-501,-502,-503,-504,-505,-932,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-384,-321,-322,-1892,-1893,-549,-550,-551,-552,-553,-554,-555,-556,-557,-558,-559,-560,-561,-562,-563,-564,-565,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-702,-703,-704,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-790,-791,-792,-793,-794,-795,-796,-1047,-1081,-1098,-1100,-1116,-776,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-883,-884,-885,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-164,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,-568,-570,-575,-578,-581,-594,-596,-599,-606,-172,-173,-174,-175,-1894,-269,-270,-272,-274,-268,-281,-355,-360,-490,-1292,-354,-353,-356,-323,-324,-141,-142,-143,-430,-935,-936,-994,-228,-248,-249,-250,-252,-253,-254,-271,-273,-277,-278,-279,-280,-365,-308,-326,-1894,-311,-312,-313,-314,-315,-283,-292,-1015,-1687,-360,-372,-376,-374,-336,-345,-337,-344,-338,-339,-340,-341,-342,-343,-346,-1860,-1862,-1863,-1864,-1865,-1866,-1867,-1868,-1869,-1870,-1871,-1872,-1873,-1874,-1875,-1876,-1877,-1878,-1879,-1880,-1881,-1882,-1883,-1884,-1885,-1886,-1887,-1888,-1889,-1890,-358,-377,-382,-536,-540,-768,-774,-775,-777,-778,-779,-780,-781,-783,-784,-785,-786,-787,-788,-789,-857,-859,-861,-865,-876,-922,-923,-573,-593,-566,-567,-569,-571,-576,-579,-582,-595,-597,-600,-607,2930,2930,-251,-309,-310,-320,-307,-293,-294,-295,-618,-633,-590,-436,-437,-444,-445,-446,-378,-379,-506,-510,-515,-516,-517,-518,-521,-522,-524,-525,-526,-527,-528,-529,-530,-531,-533,-539,-541,-542,-544,-545,-546,-547,-652,-653,-654,-655,-657,-658,-659,-665,-669,-670,-673,-675,-676,-679,-681,-684,-685,-686,-688,-691,-694,-695,-696,-698,-699,-700,-701,-746,-749,-750,-751,-752,-753,-755,-756,-757,-758,-759,-766,-767,-769,-771,-772,-773,-782,-856,-858,-860,-862,-868,-870,-906,-907,-909,-910,-911,-912,-913,-914,-915,-916,-917,-918,-919,-921,-924,-934,-385,-386,-387,-390,-391,-392,-393,-396,-399,-400,-401,-406,-407,-410,-411,-412,-415,-416,-421,-422,-425,-428,-429,-1894,-1894,-619,-620,-621,-622,-623,-634,-584,-624,-797,-831,-806,-832,-798,-853,-799,-854,-855,-834,-830,-835,-625,-626,-627,-628,-629,-574,-630,-631,-632,-635,-636,-637,-592,-1894,-602,-638,-639,-713,-640,-604,-572,-577,-580,-583,-598,-601,-608,-718,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-995,-232,-245,-233,-245,2930,-306,-325,-319,-296,-375,-452,-453,-454,-458,-443,-933,-1894,-889,-450,-451,-890,-1894,-1894,-1894,-1894,-1894,-898,-717,-886,-887,-888,-892,-893,-894,-895,-896,-897,-243,-234,-316,-535,-508,-591,-937,-939,-940,-438,-440,-380,-381,-383,-507,-509,-511,-513,-514,-519,-520,-532,-534,-537,-538,-543,-548,-726,-727,-732,-734,-739,-656,-660,-661,-666,-667,-672,-674,-677,-687,-689,-692,-744,-748,-754,-765,-770,-863,-864,-866,-867,-869,-871,-877,-880,-908,-920,-925,-388,-389,-394,-397,-402,-403,-408,-413,-417,-418,-423,-426,-899,-900,-643,-585,-1894,-901,-800,-804,-807,-833,-818,-820,-822,-808,-824,-851,-852,-811,-646,-902,-904,-648,-649,-645,-705,-706,-642,-903,-647,-650,-603,-714,-605,-586,-617,-613,-609,-614,-610,-615,-611,-616,-612,-641,-644,-709,-710,-716,-255,-257,-259,-938,-439,-441,-747,-891,-715,-1894,-244,-256,-258,-260,-442,-512,-523,-728,-733,-735,-740,-662,-668,-678,-680,-682,-683,-690,-693,-697,-745,-874,-878,-881,-395,-398,-404,-405,-409,-414,-419,-420,-424,-427,-812,-814,-801,-802,-805,-816,-819,-821,-823,-825,-826,-809,-828,-587,-707,-708,-588,-589,-651,-711,-712,-905,-282,3827,-455,-729,-736,-741,-663,-671,-875,-879,-882,-813,-815,-803,-817,-827,-810,-829,-836,-730,-737,-742,-664,-873,-731,-738,-743,-872,]),'ASSIGNMENTEQ':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,938,940,941,2007,2021,2074,2075,2076,2077,2913,2954,],[-993,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1452,-371,-373,-994,2513,2541,-372,-376,-374,-995,-375,]),'PERIOD':([38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,913,935,940,941,960,977,978,979,999,1004,1005,1010,1011,1012,1013,1015,1016,1018,1041,1042,1043,1044,1046,1047,1048,1049,1050,1051,1053,1054,1055,1056,1057,1058,1059,1060,1061,1062,1063,1064,1065,1066,1067,1068,1071,1072,1076,1077,1078,1079,1080,1081,1082,1083,1084,1086,1087,1089,1090,1091,1092,1093,1094,1095,1096,1098,1099,1101,1102,1103,1104,1105,1106,1107,1108,1109,1110,1111,1112,1113,1115,1116,1118,1119,1120,1121,1122,1123,1124,1125,1126,1130,1131,1132,1133,1134,1135,1136,1137,1138,1139,1140,1141,1142,1143,1144,1145,1146,1147,1148,1149,1150,1158,1159,1160,1161,1162,1166,1167,1168,1169,1170,1171,1172,1173,1174,1175,1176,1177,1178,1179,1180,1181,1182,1183,1184,1185,1186,1187,1188,1189,1190,1191,1192,1193,1194,1195,1196,1200,1201,1203,1204,1205,1206,1207,1208,1209,1210,1211,1212,1213,1214,1215,1216,1217,1243,1244,1245,1246,1247,1248,1249,1250,1251,1252,1253,1254,1255,1256,1257,1258,1259,1260,1261,1262,1263,1264,1265,1266,1267,1268,1269,1270,1271,1272,1273,1274,1275,1276,1277,1278,1279,1280,1281,1282,1283,1284,1285,1286,1287,1288,1289,1290,1291,1292,1293,1294,1295,1296,1297,1298,1299,1300,1301,1302,1303,1304,1305,1306,1307,1308,1309,1310,1311,1312,1313,1314,1315,1398,1415,1479,1822,1823,1824,1825,1826,1827,1828,1829,1830,1831,1832,1833,1834,1835,1836,1837,1838,1839,1840,1841,1842,1843,1844,1845,1846,1847,1848,1849,1850,1851,1852,1853,1854,1855,1856,1857,1858,1859,1860,1861,1862,1863,1864,1865,1866,1867,1868,1869,1870,1871,1872,1873,1874,1875,1876,1877,1878,1879,1880,1881,1882,1883,1884,1885,1886,1887,1888,1889,1890,1891,1892,1893,1894,1895,1896,1897,1898,1899,1900,1901,1902,1903,1904,1905,1906,1907,1908,1909,1910,1911,1912,1913,1914,1915,1916,1917,1918,1919,1920,1921,1922,1923,1924,1925,1926,1927,1928,1929,1930,1931,1932,1933,1934,1935,1936,1937,1938,1939,1940,1941,1942,1943,1944,1945,1946,1947,1948,1949,1950,1951,1952,1953,1954,1955,1956,1957,1958,1959,1960,1961,1962,1963,1964,1965,1966,1967,1968,1969,1970,1971,1972,1973,1974,1975,1976,1977,1978,1979,1980,1981,1982,1983,1984,2007,2017,2071,2072,2075,2076,2077,2505,2882,2954,],[1391,-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,1401,-1425,1461,1462,-1292,-1142,-1773,-1775,-1071,-1358,-1361,-1575,-1639,-1269,-1815,-1494,-1512,-1153,-1308,-1366,-1246,-1096,-1276,-1492,-1000,-1003,-1023,-1030,-1074,-1075,-1125,-1126,-1127,-1130,-1157,-1200,-1224,-1374,-1384,-1386,-1385,-1537,-1549,-1550,-1634,-1678,-1789,-1733,-1588,-1589,-1590,-1591,-1021,-1048,-1054,-1082,-1080,-1113,-1179,-1206,-1213,-1218,-1228,-1233,-1265,-1299,-1362,-1368,-1375,-1379,-1393,-1394,-1395,-1399,-1450,-1497,-1498,-1513,-1544,-1570,-1605,-1621,-1640,-1642,-1689,-1693,-1740,-1780,-1793,-1802,-1814,-1210,-1812,-1053,-1007,-1008,-1110,-1441,-1573,-1671,-1672,-1673,-1720,-1721,-1796,-1797,-1825,-1241,-1311,-1317,-1597,-1598,-1047,-1081,-1098,-1100,-1116,-1230,-1271,-1360,-1623,-1637,-1648,-1667,-1751,-1816,-1832,-1254,-1257,-1258,-1252,-1256,-1251,-1255,-1249,-1250,-1253,-1259,-1260,-1837,-1838,-1024,-1025,-1026,-1027,-1028,-1412,-1692,-1016,-1051,-1247,-1287,-1288,-1285,-1286,-1312,-1313,-1314,-1315,-1318,-1475,-1682,-1820,-1821,-1822,-1036,-1128,-1144,-1145,-1146,-1147,-1148,-1149,-1234,-1235,-1270,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1359,-1397,-1428,-1449,-1454,-1456,-1465,-1466,-1488,-1533,-1534,-1567,-1653,-1655,-1734,-1739,-1741,-1743,-1774,-1776,-1777,-1781,-1782,-1807,-1830,-1840,-1841,-1842,-1843,-1854,-1855,2014,-1844,-1292,2476,-1000,-1003,-1007,-1008,-1016,-1021,-1023,-1024,-1025,-1026,-1027,-1028,-1030,-1047,-1048,-1051,-1053,-1054,-1071,-1074,-1075,-1080,-1081,-1082,-1096,-1098,-1100,-1110,-1113,-1116,-1125,-1126,-1127,-1130,-1142,-1153,-1157,-1179,-1200,-1206,-1210,-1213,-1218,-1224,-1228,-1230,-1233,-1241,-1246,-1247,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1265,-1269,-1271,-1276,-1285,-1286,-1287,-1288,-1292,-1299,-1308,-1311,-1312,-1313,-1314,-1315,-1317,-1318,-1358,-1360,-1361,-1362,-1366,-1368,-1374,-1375,-1379,-1384,-1385,-1386,-1393,-1394,-1395,-1399,-1412,-1425,-1441,-1450,-1475,-1492,-1494,-1497,-1498,-1512,-1513,-1537,-1544,-1549,-1550,-1570,-1573,-1575,-1588,-1589,-1590,-1591,-1597,-1598,-1605,-1621,-1623,-1634,-1637,-1639,-1640,-1642,-1648,-1667,-1671,-1672,-1673,-1678,-1682,-1689,-1692,-1693,-1720,-1721,-1733,-1740,-1751,-1773,-1775,-1780,-1789,-1793,-1796,-1797,-1802,-1812,-1814,-1815,-1816,-1820,-1821,-1822,-1825,-1832,-1837,-1838,2499,2508,-1015,-1687,2542,-376,2542,2920,3157,-375,]),'INT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,2967,2968,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2900,3248,3248,]),'FLOAT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,2550,2551,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2901,2971,2971,]),'BIGINT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2902,]),'TINYINT':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2903,]),'VARCHAR':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2905,]),'DECIMAL':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2492,2550,2551,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2908,2964,2964,]),'UNSIGNED':([39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,135,136,137,138,139,140,141,142,143,144,145,146,147,148,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171,172,173,174,175,176,177,178,179,180,181,182,183,184,185,186,187,188,189,190,191,192,193,194,195,196,197,198,199,200,201,202,203,204,205,206,207,208,209,210,211,212,213,214,215,216,217,218,219,220,221,222,223,224,225,226,227,228,229,230,231,232,233,234,235,236,237,238,239,240,241,242,243,244,245,246,247,248,249,250,251,252,253,254,255,256,257,258,259,260,261,262,263,264,265,266,267,268,269,270,271,272,273,274,275,276,277,278,279,280,281,282,283,284,285,286,287,288,289,290,291,292,293,294,295,296,297,298,299,300,301,302,303,304,305,306,307,308,309,310,311,312,313,314,315,316,317,318,319,320,321,322,323,324,325,326,327,328,329,330,331,332,333,334,335,336,337,338,339,340,341,342,343,344,345,346,347,348,349,350,351,352,353,354,355,356,357,358,359,360,361,362,363,364,365,366,367,368,369,370,371,372,373,374,375,376,377,378,379,380,381,382,383,384,385,386,387,388,389,390,391,392,393,394,395,396,397,398,399,400,401,402,403,404,405,406,407,408,409,410,411,412,413,414,415,416,417,418,419,420,421,422,423,424,425,426,427,428,429,430,431,432,433,434,435,436,437,438,439,440,441,442,443,444,445,446,447,448,449,450,451,452,453,454,455,456,457,458,459,460,461,462,463,464,465,466,467,468,469,470,471,472,473,474,475,476,477,478,479,480,481,482,483,484,485,486,487,488,489,490,491,492,493,494,495,496,497,498,499,500,501,502,503,504,505,506,507,508,509,510,511,512,513,514,515,516,517,518,519,520,521,522,523,524,525,526,527,528,529,530,531,532,533,534,535,536,537,538,539,540,541,542,543,544,545,546,547,548,549,550,551,552,553,554,555,556,557,558,559,560,561,562,563,564,565,566,567,568,569,570,571,572,573,574,575,576,577,578,579,580,581,582,583,584,585,586,587,588,589,590,591,592,593,594,595,596,597,598,599,600,601,602,603,604,605,606,607,608,609,610,611,612,613,614,615,616,617,618,619,620,621,622,623,624,625,626,627,628,629,630,631,632,633,634,635,636,637,638,639,640,641,642,643,644,645,646,647,648,649,650,651,652,653,654,655,656,657,658,659,660,661,662,663,664,665,666,667,668,669,670,671,672,673,674,675,676,677,678,679,680,681,682,683,684,685,686,687,688,689,690,691,692,693,694,695,696,697,698,699,700,701,702,703,704,705,706,707,708,709,710,711,712,713,714,715,716,717,718,719,720,721,722,723,724,725,726,727,728,729,730,731,732,733,734,735,736,737,738,739,740,741,742,743,744,745,746,747,748,749,750,751,752,753,754,755,756,757,758,759,760,761,762,763,764,765,766,767,768,769,770,771,772,773,774,775,776,777,778,779,780,781,782,783,784,785,786,787,788,789,790,791,792,793,794,795,796,797,798,799,800,801,802,803,804,805,806,807,808,809,810,811,812,813,814,815,816,817,818,819,820,821,822,823,824,825,826,827,828,829,830,831,832,833,834,835,836,837,838,839,840,841,842,843,844,845,846,847,848,849,850,851,852,853,854,855,856,857,858,859,860,861,862,863,864,865,866,867,868,869,870,871,872,873,874,875,876,877,878,879,880,881,882,883,884,885,886,887,888,889,890,891,892,893,894,895,896,897,898,899,900,901,902,903,2550,2551,2900,2901,2902,2904,2907,3167,3169,3453,3582,3587,3588,3589,3590,3591,3592,3780,],[-996,-997,-998,-999,-1891,-1000,-1001,-1002,-1003,-1004,-1005,-1006,-1007,-1008,-1009,-1010,-1011,-1012,-1013,-1014,-1015,-1016,-1017,-1018,-1019,-1020,-1021,-1022,-1023,-1024,-1025,-1026,-1027,-1028,-1029,-1030,-1031,-1032,-1033,-1034,-1035,-1036,-1037,-1038,-1039,-1040,-1041,-1042,-1043,-1044,-1045,-1046,-1047,-1048,-1049,-1050,-1051,-1052,-1053,-1054,-1055,-1056,-1057,-1058,-1059,-1060,-1061,-1062,-1063,-1064,-1065,-1066,-1067,-1068,-1069,-1070,-1071,-1072,-1073,-1074,-1075,-1076,-1077,-1078,-1079,-1080,-1081,-1082,-1083,-1084,-1085,-1086,-1087,-1088,-1089,-1090,-1091,-1092,-1093,-1094,-1095,-1096,-1097,-1098,-1099,-1100,-1101,-1102,-1103,-1104,-1105,-1106,-1107,-1108,-1109,-1110,-1111,-1112,-1113,-1114,-1115,-1116,-1117,-1118,-1119,-1120,-1121,-1122,-1123,-1124,-1125,-1126,-1127,-1128,-1129,-1130,-1131,-1132,-1133,-1134,-1135,-1136,-1137,-1138,-1139,-1140,-1141,-1142,-1143,-1144,-1145,-1146,-1147,-1148,-1149,-1150,-1151,-1152,-1153,-1154,-1155,-1156,-1157,-1158,-1159,-1160,-1161,-1162,-1163,-1164,-1165,-1166,-1167,-1168,-1169,-1170,-1171,-1172,-1173,-1174,-1175,-1176,-1177,-1178,-1179,-1180,-1181,-1182,-1183,-1184,-1185,-1186,-1187,-1188,-1189,-1190,-1191,-1192,-1193,-1194,-1195,-1196,-1197,-1198,-1199,-1200,-1201,-1202,-1203,-1204,-1205,-1206,-1207,-1208,-1209,-1210,-1211,-1212,-1213,-1214,-1215,-1216,-1217,-1218,-1219,-1220,-1221,-1222,-1223,-1224,-1225,-1226,-1227,-1228,-1229,-1230,-1231,-1232,-1233,-1234,-1235,-1236,-1237,-1238,-1239,-1240,-1241,-1242,-1243,-1244,-1245,-1246,-1247,-1248,-1249,-1250,-1251,-1252,-1253,-1254,-1255,-1256,-1257,-1258,-1259,-1260,-1261,-1262,-1263,-1264,-1265,-1266,-1267,-1268,-1269,-1270,-1271,-1272,-1273,-1274,-1275,-1276,-1277,-1278,-1279,-1280,-1281,-1282,-1283,-1284,-1285,-1286,-1287,-1288,-1289,-1290,-1291,-1292,-1293,-1294,-1295,-1296,-1297,-1298,-1299,-1300,-1301,-1302,-1303,-1304,-1305,-1306,-1307,-1308,-1309,-1310,-1311,-1312,-1313,-1314,-1315,-1316,-1317,-1318,-1319,-1320,-1321,-1322,-1323,-1324,-1325,-1326,-1327,-1328,-1329,-1330,-1331,-1332,-1333,-1334,-1335,-1336,-1337,-1338,-1339,-1340,-1341,-1342,-1343,-1344,-1345,-1346,-1347,-1348,-1349,-1350,-1351,-1352,-1353,-1354,-1355,-1356,-1357,-1358,-1359,-1360,-1361,-1362,-1363,-1364,-1365,-1366,-1367,-1368,-1369,-1370,-1371,-1372,-1373,-1374,-1375,-1376,-1377,-1378,-1379,-1380,-1381,-1382,-1383,-1384,-1385,-1386,-1387,-1388,-1389,-1390,-1391,-1392,-1393,-1394,-1395,-1396,-1397,-1398,-1399,-1400,-1401,-1402,-1403,-1404,-1405,-1406,-1407,-1408,-1409,-1410,-1411,-1412,-1413,-1414,-1415,-1416,-1417,-1418,-1419,-1420,-1421,-1422,-1423,-1424,-1425,-1426,-1427,-1428,-1429,-1430,-1431,-1432,-1433,-1434,-1435,-1436,-1437,-1438,-1439,-1440,-1441,-1442,-1443,-1444,-1445,-1446,-1447,-1448,-1449,-1450,-1451,-1452,-1453,-1454,-1455,-1456,-1457,-1458,-1459,-1460,-1461,-1462,-1463,-1464,-1465,-1466,-1467,-1468,-1469,-1470,-1471,-1472,-1473,-1474,-1475,-1476,-1477,-1478,-1479,-1480,-1481,-1482,-1483,-1484,-1485,-1486,-1487,-1488,-1489,-1490,-1491,-1492,-1493,-1494,-1495,-1496,-1497,-1498,-1499,-1500,-1501,-1502,-1503,-1504,-1505,-1506,-1507,-1508,-1509,-1510,-1511,-1512,-1513,-1514,-1515,-1516,-1517,-1518,-1519,-1520,-1521,-1522,-1523,-1524,-1525,-1526,-1527,-1528,-1529,-1530,-1531,-1532,-1533,-1534,-1535,-1536,-1537,-1538,-1539,-1540,-1541,-1542,-1543,-1544,-1545,-1546,-1547,-1548,-1549,-1550,-1551,-1552,-1553,-1554,-1555,-1556,-1557,-1558,-1559,-1560,-1561,-1562,-1563,-1564,-1565,-1566,-1567,-1568,-1569,-1570,-1571,-1572,-1573,-1574,-1575,-1576,-1577,-1578,-1579,-1580,-1581,-1582,-1583,-1584,-1585,-1586,-1587,-1588,-1589,-1590,-1591,-1592,-1593,-1594,-1595,-1596,-1597,-1598,-1599,-1600,-1601,-1602,-1603,-1604,-1605,-1606,-1607,-1608,-1609,-1610,-1611,-1612,-1613,-1614,-1615,-1616,-1617,-1618,-1619,-1620,-1621,-1622,-1623,-1624,-1625,-1626,-1627,-1628,-1629,-1630,-1631,-1632,-1633,-1634,-1635,-1636,-1637,-1638,-1639,-1640,-1641,-1642,-1643,-1644,-1645,-1646,-1647,-1648,-1649,-1650,-1651,-1652,-1653,-1654,-1655,-1656,-1657,-1658,-1659,-1660,-1661,-1662,-1663,-1664,-1665,-1666,-1667,-1668,-1669,-1670,-1671,-1672,-1673,-1674,-1675,-1676,-1677,-1678,-1679,-1680,-1681,-1682,-1683,-1684,-1685,-1686,-1687,-1688,-1689,-1690,-1691,-1692,-1693,-1694,-1695,-1696,-1697,-1698,-1699,-1700,-1701,-1702,-1703,-1704,-1705,-1706,-1707,-1708,-1709,-1710,-1711,-1712,-1713,-1714,-1715,-1716,-1717,-1718,-1719,-1720,-1721,-1722,-1723,-1724,-1725,-1726,-1727,-1728,-1729,-1730,-1731,-1732,-1733,-1734,-1735,-1736,-1737,-1738,-1739,-1740,-1741,-1742,-1743,-1744,-1745,-1746,-1747,-1748,-1749,-1750,-1751,-1752,-1753,-1754,-1755,-1756,-1757,-1758,-1759,-1760,-1761,-1762,-1763,-1764,-1765,-1766,-1767,-1768,-1769,-1770,-1771,-1772,-1773,-1774,-1775,-1776,-1777,-1778,-1779,-1780,-1781,-1782,-1783,-1784,-1785,-1786,-1787,-1788,-1789,-1790,-1791,-1792,-1793,-1794,-1795,-1796,-1797,-1798,-1799,-1800,-1801,-1802,-1803,-1804,-1805,-1806,-1807,-1808,-1809,-1810,-1811,-1812,-1813,-1814,-1815,-1816,-1817,-1818,-1819,-1820,-1821,-1822,-1823,-1824,-1825,-1826,-1827,-1828,-1829,-1830,-1831,-1832,-1833,-1834,-1835,-1836,-1837,-1838,-1839,-1840,-1841,-1842,-1843,-1844,-1845,-1846,-1847,-1848,-1849,-1850,-1851,-1852,-1853,-1854,-1855,-1856,-1857,-1858,-1859,2968,2968,-1894,-1894,-1894,-1894,-1894,3451,-46,-45,-1894,-1894,-1894,-1894,-1894,-1894,-1894,-1894,]),'BY':([1375,3218,3219,3444,3505,],[1987,3483,3484,3581,3628,]),'OUTER':([1408,1409,1410,],[2026,2027,2028,]),'BOTH':([1806,],[2458,]),'LEADING':([1806,],[2459,]),'TRAILING':([1806,],[2460,]),'INDEX':([2036,2037,2038,],[2519,2519,2519,]),'KEY':([2036,2037,2038,3196,3829,3849,3863,],[2520,2520,2520,3472,3846,3865,3846,]),'DOUBLE':([2550,2551,],[2970,2970,]),'REAL':([2550,2551,],[2972,2972,]),'PRIMARY':([2910,2936,2939,2941,3216,3221,3223,],[3196,3214,3214,3214,3214,3214,3214,]),'ARRAY':([2958,2959,2960,2961,2962,2963,2964,2965,2966,2967,2968,2969,2970,2971,2972,2973,2974,3236,3238,3239,3240,3241,3243,3244,3245,3246,3247,3248,3249,3250,3251,3498,3500,3619,3625,3742,3787,],[3235,-1894,-1894,-953,-954,-1894,-1894,-1894,-1894,-1894,-1894,-961,-962,-1894,-964,-976,-977,-951,-966,-1894,-955,-956,-975,-957,-958,-959,-978,-979,-980,-960,-963,-952,-968,-965,-973,-967,-974,]),'INTEGER':([2967,2968,],[3247,3247,]),} _lr_action = {} for _k, _v in _lr_action_items.items(): @@ -113,1814 +113,1812 @@ ('table_name_opt_wild -> identifier PERIOD identifier','table_name_opt_wild',3,'p_table_name_opt_wild','parser.py',405), ('table_name_opt_wild -> identifier PERIOD ASTERISK','table_name_opt_wild',3,'p_table_name_opt_wild','parser.py',406), ('table_name_opt_wild -> identifier PERIOD identifier PERIOD ASTERISK','table_name_opt_wild',5,'p_table_name_opt_wild','parser.py',407), - ('opt_asterisk -> PERIOD ASTERISK','opt_asterisk',2,'p_opt_asterisk','parser.py',415), - ('opt_asterisk -> empty','opt_asterisk',1,'p_opt_asterisk','parser.py',416), - ('update -> UPDATE relations SET assignment_list where_opt order_by_opt limit_opt','update',7,'p_update','parser.py',421), - ('assignment_list -> assignment','assignment_list',1,'p_assignment_list','parser.py',434), - ('assignment_list -> assignment_list COMMA assignment','assignment_list',3,'p_assignment_list','parser.py',435), - ('assignment -> qualified_name eq_or_assignment_eq expr_or_default','assignment',3,'p_assignment','parser.py',440), - ('eq_or_assignment_eq -> EQ','eq_or_assignment_eq',1,'p_eq_or_assignment_eq','parser.py',446), - ('eq_or_assignment_eq -> ASSIGNMENTEQ','eq_or_assignment_eq',1,'p_eq_or_assignment_eq','parser.py',447), - ('expr_or_default -> expression','expr_or_default',1,'p_expr_or_default','parser.py',452), - ('expr_or_default -> DEFAULT','expr_or_default',1,'p_expr_or_default','parser.py',453), - ('cursor_specification -> query_expression','cursor_specification',1,'p_cursor_specification','parser.py',459), - ('cursor_specification -> query_spec','cursor_specification',1,'p_cursor_specification','parser.py',460), - ('cursor_specification -> select_stmt_with_clause','cursor_specification',1,'p_cursor_specification','parser.py',461), - ('select_stmt_with_clause -> with_clause simple_table','select_stmt_with_clause',2,'p_select_stmt_with_clause','parser.py',480), - ('select_stmt_with_clause -> with_clause subquery','select_stmt_with_clause',2,'p_select_stmt_with_clause','parser.py',481), - ('with_clause -> WITH with_list','with_clause',2,'p_with_clause','parser.py',487), - ('with_list -> with_list COMMA common_table_expr','with_list',3,'p_with_list','parser.py',492), - ('with_list -> common_table_expr','with_list',1,'p_with_list','parser.py',493), - ('common_table_expr -> identifier ident_list_opt AS subquery','common_table_expr',4,'p_common_table_expr','parser.py',503), - ('ident_list_opt -> LPAREN ident_list RPAREN','ident_list_opt',3,'p_ident_list_opt','parser.py',510), - ('ident_list_opt -> empty','ident_list_opt',1,'p_ident_list_opt','parser.py',511), - ('ident_list -> identifier','ident_list',1,'p_ident_list','parser.py',516), - ('ident_list -> ident_list COMMA identifier','ident_list',3,'p_ident_list','parser.py',517), - ('for_update_opt -> FOR UPDATE','for_update_opt',2,'p_for_update_opt','parser.py',526), - ('for_update_opt -> FOR UPDATE NOWAIT','for_update_opt',3,'p_for_update_opt','parser.py',527), - ('for_update_opt -> FOR UPDATE NO_WAIT','for_update_opt',3,'p_for_update_opt','parser.py',528), - ('for_update_opt -> FOR UPDATE SKIP LOCKED','for_update_opt',4,'p_for_update_opt','parser.py',529), - ('for_update_opt -> FOR UPDATE WAIT figure','for_update_opt',4,'p_for_update_opt','parser.py',530), - ('for_update_opt -> LOCK IN SHARE MODE','for_update_opt',4,'p_for_update_opt','parser.py',531), - ('for_update_opt -> empty','for_update_opt',1,'p_for_update_opt','parser.py',532), - ('query_expression -> set_operation_stmt','query_expression',1,'p_query_expression','parser.py',542), - ('set_operation_stmt -> set_operation_stmt_wout_order_limit','set_operation_stmt',1,'p_set_operation_stmt','parser.py',547), - ('set_operation_stmt -> set_operation_stmt_w_order','set_operation_stmt',1,'p_set_operation_stmt','parser.py',548), - ('set_operation_stmt -> set_operation_stmt_w_limit','set_operation_stmt',1,'p_set_operation_stmt','parser.py',549), - ('set_operation_stmt -> set_operation_stmt_w_order_limit','set_operation_stmt',1,'p_set_operation_stmt','parser.py',550), - ('set_operation_stmt -> with_clause set_operation_stmt_wout_order_limit','set_operation_stmt',2,'p_set_operation_stmt','parser.py',551), - ('set_operation_stmt -> with_clause set_operation_stmt_w_order','set_operation_stmt',2,'p_set_operation_stmt','parser.py',552), - ('set_operation_stmt -> with_clause set_operation_stmt_w_limit','set_operation_stmt',2,'p_set_operation_stmt','parser.py',553), - ('set_operation_stmt -> with_clause set_operation_stmt_w_order_limit','set_operation_stmt',2,'p_set_operation_stmt','parser.py',554), - ('set_operation_stmt_wout_order_limit -> set_operation_stmt_subquery','set_operation_stmt_wout_order_limit',1,'p_set_operation_stmt_w_order_by_limit','parser.py',563), - ('set_operation_stmt_wout_order_limit -> set_operation_stmt_simple_table','set_operation_stmt_wout_order_limit',1,'p_set_operation_stmt_w_order_by_limit','parser.py',564), - ('set_operation_stmt_w_order -> set_operation_stmt_subquery order_by','set_operation_stmt_w_order',2,'p_set_operation_stmt_w_order','parser.py',592), - ('set_operation_stmt_w_order -> subquery order_by','set_operation_stmt_w_order',2,'p_set_operation_stmt_w_order','parser.py',593), - ('set_operation_stmt_w_limit -> set_operation_stmt_subquery limit_stmt','set_operation_stmt_w_limit',2,'p_set_operation_stmt_w_limit','parser.py',607), - ('set_operation_stmt_w_limit -> subquery limit_stmt','set_operation_stmt_w_limit',2,'p_set_operation_stmt_w_limit','parser.py',608), - ('set_operation_stmt_w_order_limit -> set_operation_stmt_subquery order_by limit_stmt','set_operation_stmt_w_order_limit',3,'p_set_operation_stmt_w_order_limit','parser.py',625), - ('set_operation_stmt_w_order_limit -> subquery order_by limit_stmt','set_operation_stmt_w_order_limit',3,'p_set_operation_stmt_w_order_limit','parser.py',626), - ('set_operation_stmt_subquery -> set_operation_expressions set_operation set_quantifier_opt subquery','set_operation_stmt_subquery',4,'p_set_operation_stmt_subquery','parser.py',643), - ('set_operation_stmt_simple_table -> set_operation_expressions set_operation set_quantifier_opt simple_table','set_operation_stmt_simple_table',4,'p_set_operation_stmt_simple_table','parser.py',650), - ('order_by_opt -> order_by','order_by_opt',1,'p_order_by_opt','parser.py',658), - ('order_by_opt -> empty','order_by_opt',1,'p_order_by_opt','parser.py',659), - ('order_by -> ORDER BY sort_items','order_by',3,'p_order_by','parser.py',664), - ('sort_items -> sort_item','sort_items',1,'p_sort_items','parser.py',669), - ('sort_items -> sort_items COMMA sort_item','sort_items',3,'p_sort_items','parser.py',670), - ('sort_item -> expression null_ordering_opt','sort_item',2,'p_sort_item','parser.py',675), - ('sort_item -> expression order null_ordering_opt','sort_item',3,'p_sort_item','parser.py',676), - ('date_lit -> DATE string_lit','date_lit',2,'p_date_lit','parser.py',688), - ('date_lit -> TIME string_lit','date_lit',2,'p_date_lit','parser.py',689), - ('date_lit -> TIMESTAMP string_lit','date_lit',2,'p_date_lit','parser.py',690), - ('order -> ASC','order',1,'p_order','parser.py',700), - ('order -> DESC','order',1,'p_order','parser.py',701), - ('null_ordering_opt -> NULLS FIRST','null_ordering_opt',2,'p_null_ordering_opt','parser.py',706), - ('null_ordering_opt -> NULLS LAST','null_ordering_opt',2,'p_null_ordering_opt','parser.py',707), - ('null_ordering_opt -> empty','null_ordering_opt',1,'p_null_ordering_opt','parser.py',708), - ('limit_opt -> limit_stmt','limit_opt',1,'p_limit_opt','parser.py',714), - ('limit_opt -> empty','limit_opt',1,'p_limit_opt','parser.py',715), - ('limit_stmt -> LIMIT parameterization','limit_stmt',2,'p_limit_stmt','parser.py',720), - ('limit_stmt -> LIMIT parameterization COMMA parameterization','limit_stmt',4,'p_limit_stmt','parser.py',721), - ('limit_stmt -> LIMIT parameterization OFFSET parameterization','limit_stmt',4,'p_limit_stmt','parser.py',722), - ('limit_stmt -> LIMIT ALL','limit_stmt',2,'p_limit_stmt','parser.py',723), - ('limit_stmt -> FETCH first_or_next fetch_first_opt row_or_rows ONLY','limit_stmt',5,'p_limit_stmt','parser.py',724), - ('parameterization -> number','parameterization',1,'p_parameterization','parser.py',735), - ('parameterization -> QM','parameterization',1,'p_parameterization','parser.py',736), - ('first_or_next -> FIRST','first_or_next',1,'p_first_or_next','parser.py',745), - ('first_or_next -> NEXT','first_or_next',1,'p_first_or_next','parser.py',746), - ('fetch_first_opt -> parameterization','fetch_first_opt',1,'p_fetch_first_opt','parser.py',751), - ('fetch_first_opt -> empty','fetch_first_opt',1,'p_fetch_first_opt','parser.py',752), - ('row_or_rows -> ROW','row_or_rows',1,'p_row_or_rows','parser.py',757), - ('row_or_rows -> ROWS','row_or_rows',1,'p_row_or_rows','parser.py',758), - ('number -> NUMBER','number',1,'p_number','parser.py',763), - ('set_operation_expressions -> set_operation_expression','set_operation_expressions',1,'p_set_operation_expressions','parser.py',768), - ('set_operation_expressions -> set_operation_expressions set_operation set_quantifier_opt set_operation_expression','set_operation_expressions',4,'p_set_operation_expressions','parser.py',769), - ('set_operation -> UNION','set_operation',1,'p_set_operation','parser.py',804), - ('set_operation -> EXCEPT','set_operation',1,'p_set_operation','parser.py',805), - ('set_operation -> INTERSECT','set_operation',1,'p_set_operation','parser.py',806), - ('set_operation_expression -> simple_table','set_operation_expression',1,'p_set_operation_expression','parser.py',812), - ('set_operation_expression -> subquery','set_operation_expression',1,'p_set_operation_expression','parser.py',813), - ('subquery -> LPAREN simple_table RPAREN','subquery',3,'p_subquery','parser.py',818), - ('subquery -> LPAREN set_operation_stmt RPAREN','subquery',3,'p_subquery','parser.py',819), - ('subquery -> LPAREN select_stmt_with_clause RPAREN','subquery',3,'p_subquery','parser.py',820), - ('subquery -> LPAREN subquery RPAREN','subquery',3,'p_subquery','parser.py',821), - ('simple_table -> query_spec','simple_table',1,'p_simple_table','parser.py',826), - ('simple_table -> explicit_table','simple_table',1,'p_simple_table','parser.py',827), - ('simple_table -> table_value_constructor','simple_table',1,'p_simple_table','parser.py',828), - ('explicit_table -> TABLE qualified_name order_by_opt limit_opt for_update_opt','explicit_table',5,'p_explicit_table','parser.py',834), - ('table_value_constructor -> VALUES values_list order_by_opt limit_opt for_update_opt','table_value_constructor',5,'p_table_value_constructor','parser.py',839), - ('values_list -> values_list COMMA expression','values_list',3,'p_values_list','parser.py',844), - ('values_list -> expression','values_list',1,'p_values_list','parser.py',845), - ('query_spec -> SELECT select_stmt_opts select_items table_expression_opt order_by_opt limit_opt window_clause_opt for_update_opt','query_spec',8,'p_query_spec','parser.py',860), - ('where_opt -> WHERE search_condition','where_opt',2,'p_where_opt','parser.py',909), - ('where_opt -> empty','where_opt',1,'p_where_opt','parser.py',910), - ('group_by_opt -> GROUP BY by_list','group_by_opt',3,'p_group_by_opt','parser.py',918), - ('group_by_opt -> GROUP BY by_list WITH ROLLUP','group_by_opt',5,'p_group_by_opt','parser.py',919), - ('group_by_opt -> empty','group_by_opt',1,'p_group_by_opt','parser.py',920), - ('having_opt -> HAVING search_condition','having_opt',2,'p_having_opt','parser.py',925), - ('having_opt -> empty','having_opt',1,'p_having_opt','parser.py',926), - ('set_quantifier_opt -> distinct_opt','set_quantifier_opt',1,'p_set_quantifier_opt','parser.py',931), - ('set_quantifier_opt -> empty','set_quantifier_opt',1,'p_set_quantifier_opt','parser.py',932), - ('select_stmt_opts -> select_stmt_opt_list','select_stmt_opts',1,'p_select_stmt_opts','parser.py',938), - ('select_stmt_opts -> empty','select_stmt_opts',1,'p_select_stmt_opts','parser.py',939), - ('select_stmt_opt_list -> select_stmt_opt_list select_stmt_opt','select_stmt_opt_list',2,'p_select_stmt_opt_list','parser.py',944), - ('select_stmt_opt_list -> select_stmt_opt','select_stmt_opt_list',1,'p_select_stmt_opt_list','parser.py',945), - ('select_stmt_opt -> distinct_opt','select_stmt_opt',1,'p_select_stmt_opt','parser.py',954), - ('select_stmt_opt -> priority','select_stmt_opt',1,'p_select_stmt_opt','parser.py',955), - ('select_stmt_opt -> SQL_SMALL_RESULT','select_stmt_opt',1,'p_select_stmt_opt','parser.py',956), - ('select_stmt_opt -> SQL_BIG_RESULT','select_stmt_opt',1,'p_select_stmt_opt','parser.py',957), - ('select_stmt_opt -> SQL_BUFFER_RESULT','select_stmt_opt',1,'p_select_stmt_opt','parser.py',958), - ('select_stmt_opt -> SQL_NO_CACHE','select_stmt_opt',1,'p_select_stmt_opt','parser.py',959), - ('select_stmt_opt -> SQL_CALC_FOUND_ROWS','select_stmt_opt',1,'p_select_stmt_opt','parser.py',960), - ('select_stmt_opt -> STRAIGHT_JOIN','select_stmt_opt',1,'p_select_stmt_opt','parser.py',961), - ('priority -> HIGH_PRIORITY','priority',1,'p_priority','parser.py',966), - ('distinct_opt -> ALL','distinct_opt',1,'p_distinct_opt','parser.py',971), - ('distinct_opt -> UNIQUE','distinct_opt',1,'p_distinct_opt','parser.py',972), - ('distinct_opt -> DISTINCT','distinct_opt',1,'p_distinct_opt','parser.py',973), - ('distinct_opt -> DISTINCTROW','distinct_opt',1,'p_distinct_opt','parser.py',974), - ('select_items -> select_item','select_items',1,'p_select_items','parser.py',979), - ('select_items -> select_items COMMA select_item','select_items',3,'p_select_items','parser.py',980), - ('select_item -> derived_column','select_item',1,'p_select_item','parser.py',985), - ('derived_column -> expression alias_opt','derived_column',2,'p_derived_column','parser.py',990), - ('derived_column -> ASTERISK','derived_column',1,'p_derived_column','parser.py',991), - ('derived_column -> identifier PERIOD ASTERISK','derived_column',3,'p_derived_column','parser.py',992), - ('derived_column -> identifier PERIOD identifier PERIOD ASTERISK','derived_column',5,'p_derived_column','parser.py',993), - ('table_expression_opt -> FROM relations partition where_opt group_by_opt having_opt','table_expression_opt',6,'p_table_expression_opt','parser.py',1009), - ('table_expression_opt -> FROM relations where_opt group_by_opt having_opt','table_expression_opt',5,'p_table_expression_opt','parser.py',1010), - ('table_expression_opt -> empty','table_expression_opt',1,'p_table_expression_opt','parser.py',1011), - ('partition -> PARTITION LPAREN identifiers RPAREN','partition',4,'p_partition','parser.py',1021), - ('relations -> relations COMMA table_reference','relations',3,'p_relations','parser.py',1026), - ('relations -> table_reference','relations',1,'p_relations','parser.py',1027), - ('table_reference -> table_primary','table_reference',1,'p_table_reference','parser.py',1033), - ('table_reference -> joined_table','table_reference',1,'p_table_reference','parser.py',1034), - ('table_reference -> DUAL','table_reference',1,'p_table_reference','parser.py',1035), - ('table_primary -> aliased_relation','table_primary',1,'p_table_primary','parser.py',1041), - ('table_primary -> derived_table','table_primary',1,'p_table_primary','parser.py',1042), - ('table_primary -> LPAREN relations RPAREN','table_primary',3,'p_table_primary','parser.py',1043), - ('joined_table -> cross_join','joined_table',1,'p_joined_table','parser.py',1052), - ('joined_table -> qualified_join','joined_table',1,'p_joined_table','parser.py',1053), - ('joined_table -> natural_join','joined_table',1,'p_joined_table','parser.py',1054), - ('cross_join -> table_reference CROSS JOIN table_primary join_criteria','cross_join',5,'p_cross_join','parser.py',1059), - ('qualified_join -> table_reference join_type JOIN table_reference join_criteria','qualified_join',5,'p_qualified_join','parser.py',1071), - ('natural_join -> table_reference NATURAL join_type JOIN table_primary join_criteria','natural_join',6,'p_natural_join','parser.py',1086), - ('join_type -> INNER','join_type',1,'p_join_type','parser.py',1101), - ('join_type -> LEFT','join_type',1,'p_join_type','parser.py',1102), - ('join_type -> LEFT OUTER','join_type',2,'p_join_type','parser.py',1103), - ('join_type -> RIGHT','join_type',1,'p_join_type','parser.py',1104), - ('join_type -> RIGHT OUTER','join_type',2,'p_join_type','parser.py',1105), - ('join_type -> FULL','join_type',1,'p_join_type','parser.py',1106), - ('join_type -> FULL OUTER','join_type',2,'p_join_type','parser.py',1107), - ('join_type -> empty','join_type',1,'p_join_type','parser.py',1108), - ('join_criteria -> ON search_condition','join_criteria',2,'p_join_criteria','parser.py',1113), - ('join_criteria -> USING LPAREN identifiers RPAREN','join_criteria',4,'p_join_criteria','parser.py',1114), - ('join_criteria -> empty','join_criteria',1,'p_join_criteria','parser.py',1115), - ('identifiers -> identifier','identifiers',1,'p_identifiers','parser.py',1125), - ('identifiers -> identifiers COMMA identifier','identifiers',3,'p_identifiers','parser.py',1126), - ('aliased_relation -> qualified_name alias_opt index_hint_opt','aliased_relation',3,'p_aliased_relation','parser.py',1132), - ('index_hint_opt -> index_hint_list','index_hint_opt',1,'p_index_hint_opt','parser.py',1141), - ('index_hint_opt -> empty','index_hint_opt',1,'p_index_hint_opt','parser.py',1142), - ('index_hint_list -> index_hint_list index_hint','index_hint_list',2,'p_index_hint_list','parser.py',1147), - ('index_hint_list -> index_hint','index_hint_list',1,'p_index_hint_list','parser.py',1148), - ('index_hint -> use_index','index_hint',1,'p_index_hint','parser.py',1153), - ('index_hint -> force_or_ignore_index','index_hint',1,'p_index_hint','parser.py',1154), - ('use_index -> USE index_or_key LPAREN index_name RPAREN','use_index',5,'p_use_index','parser.py',1159), - ('use_index -> USE index_or_key index_hint_for LPAREN index_name RPAREN','use_index',6,'p_use_index','parser.py',1160), - ('force_or_ignore_index -> FORCE index_or_key LPAREN index_name RPAREN','force_or_ignore_index',5,'p_force_or_ignore_index','parser.py',1165), - ('force_or_ignore_index -> FORCE index_or_key index_hint_for LPAREN index_name RPAREN','force_or_ignore_index',6,'p_force_or_ignore_index','parser.py',1166), - ('force_or_ignore_index -> IGNORE index_or_key LPAREN index_name RPAREN','force_or_ignore_index',5,'p_force_or_ignore_index','parser.py',1167), - ('force_or_ignore_index -> IGNORE index_or_key index_hint_for LPAREN index_name RPAREN','force_or_ignore_index',6,'p_force_or_ignore_index','parser.py',1168), - ('index_hint_for -> FOR JOIN','index_hint_for',2,'p_index_hint_for','parser.py',1174), - ('index_hint_for -> FOR ORDER BY','index_hint_for',3,'p_index_hint_for','parser.py',1175), - ('index_hint_for -> FOR GROUP BY','index_hint_for',3,'p_index_hint_for','parser.py',1176), - ('index_or_key -> INDEX','index_or_key',1,'p_index_or_key','parser.py',1181), - ('index_or_key -> KEY','index_or_key',1,'p_index_or_key','parser.py',1182), - ('index_name -> PRIMARY','index_name',1,'p_index_name','parser.py',1187), - ('index_name -> identifiers','index_name',1,'p_index_name','parser.py',1188), - ('derived_table -> subquery alias_opt','derived_table',2,'p_derived_table','parser.py',1193), - ('alias_opt -> alias','alias_opt',1,'p_alias_opt','parser.py',1201), - ('alias_opt -> empty','alias_opt',1,'p_alias_opt','parser.py',1202), - ('alias -> AS identifier','alias',2,'p_alias','parser.py',1210), - ('alias -> identifier','alias',1,'p_alias','parser.py',1211), - ('alias -> AS string_lit','alias',2,'p_alias','parser.py',1212), - ('alias -> string_lit','alias',1,'p_alias','parser.py',1213), - ('expression -> search_condition','expression',1,'p_expression','parser.py',1221), - ('search_condition -> boolean_term','search_condition',1,'p_search_condition','parser.py',1226), - ('search_condition -> search_condition OR boolean_term','search_condition',3,'p_search_condition','parser.py',1227), - ('search_condition -> search_condition PIPES boolean_term','search_condition',3,'p_search_condition','parser.py',1228), - ('search_condition -> search_condition logical_and boolean_term','search_condition',3,'p_search_condition','parser.py',1229), - ('search_condition -> search_condition XOR boolean_term','search_condition',3,'p_search_condition','parser.py',1230), - ('boolean_term -> NOT search_condition','boolean_term',2,'p_boolean_term','parser.py',1248), - ('boolean_term -> MATCH LPAREN qualified_name_list RPAREN AGAINST LPAREN value_expression full_text_search_modifier_opt RPAREN','boolean_term',9,'p_boolean_term','parser.py',1249), - ('boolean_term -> define_variable ASSIGNMENTEQ search_condition','boolean_term',3,'p_boolean_term','parser.py',1250), - ('boolean_term -> boolean_factor','boolean_term',1,'p_boolean_term','parser.py',1251), - ('full_text_search_modifier_opt -> IN NATURAL LANGUAGE MODE','full_text_search_modifier_opt',4,'p_full_text_search_modifier_opt','parser.py',1267), - ('full_text_search_modifier_opt -> IN NATURAL LANGUAGE MODE WITH QUERY EXPANSION','full_text_search_modifier_opt',7,'p_full_text_search_modifier_opt','parser.py',1268), - ('full_text_search_modifier_opt -> IN BOOLEAN MODE','full_text_search_modifier_opt',3,'p_full_text_search_modifier_opt','parser.py',1269), - ('full_text_search_modifier_opt -> WITH QUERY EXPANSION','full_text_search_modifier_opt',3,'p_full_text_search_modifier_opt','parser.py',1270), - ('full_text_search_modifier_opt -> empty','full_text_search_modifier_opt',1,'p_full_text_search_modifier_opt','parser.py',1271), - ('logical_and -> AND','logical_and',1,'p_logical_and','parser.py',1281), - ('logical_and -> ANDAND','logical_and',1,'p_logical_and','parser.py',1282), - ('boolean_factor -> boolean_factor comparison_operator predicate','boolean_factor',3,'p_boolean_factor','parser.py',1287), - ('boolean_factor -> boolean_factor comparison_operator ANY subquery','boolean_factor',4,'p_boolean_factor','parser.py',1288), - ('boolean_factor -> boolean_factor comparison_operator SOME subquery','boolean_factor',4,'p_boolean_factor','parser.py',1289), - ('boolean_factor -> boolean_factor comparison_operator ALL subquery','boolean_factor',4,'p_boolean_factor','parser.py',1290), - ('boolean_factor -> boolean_factor comparison_operator define_variable ASSIGNMENTEQ predicate','boolean_factor',5,'p_boolean_factor','parser.py',1291), - ('boolean_factor -> predicate','boolean_factor',1,'p_boolean_factor','parser.py',1292), - ('predicate -> between_predicate','predicate',1,'p_predicate','parser.py',1313), - ('predicate -> in_predicate','predicate',1,'p_predicate','parser.py',1314), - ('predicate -> like_predicate','predicate',1,'p_predicate','parser.py',1315), - ('predicate -> regexp_predicate','predicate',1,'p_predicate','parser.py',1316), - ('predicate -> is_predicate','predicate',1,'p_predicate','parser.py',1317), - ('predicate -> member_predicate','predicate',1,'p_predicate','parser.py',1318), - ('predicate -> sounds_predicate','predicate',1,'p_predicate','parser.py',1319), - ('predicate -> value_expression','predicate',1,'p_predicate','parser.py',1320), - ('between_predicate -> value_expression between_opt predicate AND predicate','between_predicate',5,'p_between_predicate','parser.py',1325), - ('sounds_predicate -> value_expression SOUNDS LIKE factor','sounds_predicate',4,'p_sounds_predicate','parser.py',1332), - ('in_predicate -> value_expression IN in_value','in_predicate',3,'p_in_predicate','parser.py',1337), - ('in_predicate -> value_expression NOT IN in_value','in_predicate',4,'p_in_predicate','parser.py',1338), - ('like_predicate -> value_expression like_opt value_expression escape_opt','like_predicate',4,'p_like_predicate','parser.py',1346), - ('regexp_predicate -> value_expression reg_sym_opt value_expression','regexp_predicate',3,'p_regexp_predicate','parser.py',1353), - ('is_predicate -> value_expression is_opt NULL','is_predicate',3,'p_is_predicate','parser.py',1360), - ('is_predicate -> value_expression is_opt TRUE','is_predicate',3,'p_is_predicate','parser.py',1361), - ('is_predicate -> value_expression is_opt UNKNOWN','is_predicate',3,'p_is_predicate','parser.py',1362), - ('is_predicate -> value_expression is_opt FALSE','is_predicate',3,'p_is_predicate','parser.py',1363), - ('member_predicate -> value_expression MEMBER OF LPAREN factor RPAREN','member_predicate',6,'p_member_predicate','parser.py',1368), - ('between_opt -> NOT BETWEEN','between_opt',2,'p_between_opt','parser.py',1373), - ('between_opt -> BETWEEN','between_opt',1,'p_between_opt','parser.py',1374), - ('escape_opt -> ESCAPE string_lit','escape_opt',2,'p_escape_opt','parser.py',1379), - ('escape_opt -> empty','escape_opt',1,'p_escape_opt','parser.py',1380), - ('string_lit -> SCONST','string_lit',1,'p_string_lit','parser.py',1386), - ('string_lit -> QUOTED_IDENTIFIER','string_lit',1,'p_string_lit','parser.py',1387), - ('string_lit -> string_lit SCONST','string_lit',2,'p_string_lit','parser.py',1388), - ('string_lit -> string_lit QUOTED_IDENTIFIER','string_lit',2,'p_string_lit','parser.py',1389), - ('in_value -> LPAREN call_list RPAREN','in_value',3,'p_in_value','parser.py',1397), - ('in_value -> subquery','in_value',1,'p_in_value','parser.py',1398), - ('like_opt -> NOT LIKE','like_opt',2,'p_like_opt','parser.py',1406), - ('like_opt -> LIKE','like_opt',1,'p_like_opt','parser.py',1407), - ('is_opt -> IS NOT','is_opt',2,'p_is_opt','parser.py',1412), - ('is_opt -> IS','is_opt',1,'p_is_opt','parser.py',1413), - ('reg_sym_opt -> NOT regexp_sym','reg_sym_opt',2,'p_reg_sym_opt','parser.py',1418), - ('reg_sym_opt -> regexp_sym','reg_sym_opt',1,'p_reg_sym_opt','parser.py',1419), - ('regexp_sym -> REGEXP','regexp_sym',1,'p_regexp_sym','parser.py',1424), - ('regexp_sym -> RLIKE','regexp_sym',1,'p_regexp_sym','parser.py',1425), - ('value_expression -> numeric_value_expression','value_expression',1,'p_value_expression','parser.py',1430), - ('numeric_value_expression -> numeric_value_expression PLUS numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1435), - ('numeric_value_expression -> numeric_value_expression MINUS numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1436), - ('numeric_value_expression -> numeric_value_expression ASTERISK numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1437), - ('numeric_value_expression -> numeric_value_expression SLASH numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1438), - ('numeric_value_expression -> numeric_value_expression DIV numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1439), - ('numeric_value_expression -> numeric_value_expression MOD numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1440), - ('numeric_value_expression -> numeric_value_expression PERCENT numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1441), - ('numeric_value_expression -> numeric_value_expression bit_opt numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1442), - ('numeric_value_expression -> numeric_value_expression MINUS time_interval','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1443), - ('numeric_value_expression -> numeric_value_expression PLUS time_interval','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1444), - ('numeric_value_expression -> time_interval PLUS numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1445), - ('numeric_value_expression -> factor','numeric_value_expression',1,'p_numeric_value_expression','parser.py',1446), - ('bit_opt -> BIT_AND','bit_opt',1,'p_bit_opt','parser.py',1461), - ('bit_opt -> BIT_OR','bit_opt',1,'p_bit_opt','parser.py',1462), - ('bit_opt -> BIT_XOR','bit_opt',1,'p_bit_opt','parser.py',1463), - ('bit_opt -> BIT_MOVE_LEFT','bit_opt',1,'p_bit_opt','parser.py',1464), - ('bit_opt -> BIT_MOVE_RIGHT','bit_opt',1,'p_bit_opt','parser.py',1465), - ('factor -> BIT_OPPOSITE factor','factor',2,'p_factor','parser.py',1471), - ('factor -> MINUS factor','factor',2,'p_factor','parser.py',1472), - ('factor -> PLUS factor','factor',2,'p_factor','parser.py',1473), - ('factor -> EXCLA_MARK factor','factor',2,'p_factor','parser.py',1474), - ('factor -> base_primary_expression','factor',1,'p_factor','parser.py',1475), - ('factor -> base_primary_expression COLLATE identifier','factor',3,'p_factor','parser.py',1476), - ('base_primary_expression -> value','base_primary_expression',1,'p_base_primary_expression','parser.py',1486), - ('base_primary_expression -> define_variable','base_primary_expression',1,'p_base_primary_expression','parser.py',1487), - ('base_primary_expression -> qualified_name','base_primary_expression',1,'p_base_primary_expression','parser.py',1488), - ('base_primary_expression -> date_lit','base_primary_expression',1,'p_base_primary_expression','parser.py',1489), - ('base_primary_expression -> subquery','base_primary_expression',1,'p_base_primary_expression','parser.py',1490), - ('base_primary_expression -> function_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1491), - ('base_primary_expression -> LPAREN call_list RPAREN','base_primary_expression',3,'p_base_primary_expression','parser.py',1492), - ('base_primary_expression -> exists_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1493), - ('base_primary_expression -> case_specification','base_primary_expression',1,'p_base_primary_expression','parser.py',1494), - ('base_primary_expression -> cast_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1495), - ('base_primary_expression -> window_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1496), - ('base_primary_expression -> oceanbase_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1497), - ('define_variable -> SINGLE_AT_IDENTIFIER','define_variable',1,'p_define_variable','parser.py',1508), - ('define_variable -> SINGLE_AT_IDENTIFIER PERIOD variables','define_variable',3,'p_define_variable','parser.py',1509), - ('define_variable -> DOUBLE_AT_IDENTIFIER','define_variable',1,'p_define_variable','parser.py',1510), - ('define_variable -> DOUBLE_AT_IDENTIFIER PERIOD variables','define_variable',3,'p_define_variable','parser.py',1511), - ('variables -> variables PERIOD identifier','variables',3,'p_variables','parser.py',1522), - ('variables -> identifier','variables',1,'p_variables','parser.py',1523), - ('oceanbase_func_call -> HOST_IP LPAREN RPAREN','oceanbase_func_call',3,'p_oceanbase_func_call','parser.py',1532), - ('oceanbase_func_call -> USEC_TO_TIME LPAREN expression RPAREN','oceanbase_func_call',4,'p_oceanbase_func_call','parser.py',1533), - ('oceanbase_func_call -> TIME_TO_USEC LPAREN expression RPAREN','oceanbase_func_call',4,'p_oceanbase_func_call','parser.py',1534), - ('oceanbase_func_call -> NVL LPAREN expression COMMA expression RPAREN','oceanbase_func_call',6,'p_oceanbase_func_call','parser.py',1535), - ('oceanbase_func_call -> ORA_DECODE LPAREN expression COMMA call_list RPAREN','oceanbase_func_call',6,'p_oceanbase_func_call','parser.py',1536), - ('oceanbase_func_call -> OB_VERSION LPAREN RPAREN','oceanbase_func_call',3,'p_oceanbase_func_call','parser.py',1537), - ('oceanbase_func_call -> DECODE LPAREN expression COMMA call_list RPAREN','oceanbase_func_call',6,'p_oceanbase_func_call','parser.py',1538), - ('oceanbase_func_call -> oceanbase_cast_func_call','oceanbase_func_call',1,'p_oceanbase_func_call','parser.py',1539), - ('oceanbase_cast_func_call -> ASCIISTR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1557), - ('oceanbase_cast_func_call -> CHARTOROWID LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1558), - ('oceanbase_cast_func_call -> HEXTORAW LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1559), - ('oceanbase_cast_func_call -> NUMTODSINTERVAL LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1560), - ('oceanbase_cast_func_call -> NUMTOYMINTERVAL LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1561), - ('oceanbase_cast_func_call -> ROWTOHEX LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1562), - ('oceanbase_cast_func_call -> ROWIDTOCHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1563), - ('oceanbase_cast_func_call -> ROWIDTONCHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1564), - ('oceanbase_cast_func_call -> TO_BINARY_DOUBLE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1565), - ('oceanbase_cast_func_call -> TO_BINARY_DOUBLE LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1566), - ('oceanbase_cast_func_call -> TO_BINARY_DOUBLE LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1567), - ('oceanbase_cast_func_call -> TO_BINARY_FLOAT LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1568), - ('oceanbase_cast_func_call -> TO_BINARY_FLOAT LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1569), - ('oceanbase_cast_func_call -> TO_BINARY_FLOAT LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1570), - ('oceanbase_cast_func_call -> TO_BLOB LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1571), - ('oceanbase_cast_func_call -> TO_CHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1572), - ('oceanbase_cast_func_call -> TO_CHAR LPAREN time_interval RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1573), - ('oceanbase_cast_func_call -> TO_CHAR LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1574), - ('oceanbase_cast_func_call -> TO_CHAR LPAREN time_interval COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1575), - ('oceanbase_cast_func_call -> TO_CHAR LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1576), - ('oceanbase_cast_func_call -> TO_CHAR LPAREN time_interval COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1577), - ('oceanbase_cast_func_call -> TO_CLOB LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1578), - ('oceanbase_cast_func_call -> TO_DATE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1579), - ('oceanbase_cast_func_call -> TO_DATE LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1580), - ('oceanbase_cast_func_call -> TO_DATE LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1581), - ('oceanbase_cast_func_call -> TO_DSINTERVAL LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1582), - ('oceanbase_cast_func_call -> TO_MULTI_BYTE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1583), - ('oceanbase_cast_func_call -> TO_NUMBER LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1584), - ('oceanbase_cast_func_call -> TO_NUMBER LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1585), - ('oceanbase_cast_func_call -> TO_NUMBER LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1586), - ('oceanbase_cast_func_call -> TO_NCHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1587), - ('oceanbase_cast_func_call -> TO_NCHAR LPAREN time_interval RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1588), - ('oceanbase_cast_func_call -> TO_NCHAR LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1589), - ('oceanbase_cast_func_call -> TO_NCHAR LPAREN time_interval COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1590), - ('oceanbase_cast_func_call -> TO_NCHAR LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1591), - ('oceanbase_cast_func_call -> TO_NCHAR LPAREN time_interval COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1592), - ('oceanbase_cast_func_call -> TO_SINGLE_BYTE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1593), - ('oceanbase_cast_func_call -> TO_TIMESTAMP LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1594), - ('oceanbase_cast_func_call -> TO_TIMESTAMP LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1595), - ('oceanbase_cast_func_call -> TO_TIMESTAMP LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1596), - ('oceanbase_cast_func_call -> TO_TIMESTAMP_TZ LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1597), - ('oceanbase_cast_func_call -> TO_TIMESTAMP_TZ LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1598), - ('oceanbase_cast_func_call -> TO_TIMESTAMP_TZ LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1599), - ('oceanbase_cast_func_call -> TO_YMINTERVAL LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1600), - ('oceanbase_cast_func_call -> UNISTR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1601), - ('exists_func_call -> EXISTS subquery','exists_func_call',2,'p_exists_func_call','parser.py',1612), - ('window_clause_opt -> WINDOW window_definition_list','window_clause_opt',2,'p_window_clause_opt','parser.py',1617), - ('window_clause_opt -> empty','window_clause_opt',1,'p_window_clause_opt','parser.py',1618), - ('window_definition_list -> window_definition','window_definition_list',1,'p_window_definition_list','parser.py',1623), - ('window_definition_list -> window_definition_list COMMA window_definition','window_definition_list',3,'p_window_definition_list','parser.py',1624), - ('window_definition -> window_name AS window_spec','window_definition',3,'p_window_definition','parser.py',1633), - ('window_func_call -> CUME_DIST LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1639), - ('window_func_call -> DENSE_RANK LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1640), - ('window_func_call -> FIRST_VALUE LPAREN expression RPAREN null_treat_opt over_clause','window_func_call',6,'p_window_func_call','parser.py',1641), - ('window_func_call -> LAG LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause','window_func_call',7,'p_window_func_call','parser.py',1642), - ('window_func_call -> LAST_VALUE LPAREN expression RPAREN null_treat_opt over_clause','window_func_call',6,'p_window_func_call','parser.py',1643), - ('window_func_call -> LEAD LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause','window_func_call',7,'p_window_func_call','parser.py',1644), - ('window_func_call -> NTH_VALUE LPAREN expression COMMA base_primary_expression RPAREN null_treat_opt over_clause','window_func_call',8,'p_window_func_call','parser.py',1645), - ('window_func_call -> NTILE LPAREN base_primary_expression RPAREN over_clause','window_func_call',5,'p_window_func_call','parser.py',1646), - ('window_func_call -> PERCENT_RANK LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1647), - ('window_func_call -> RANK LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1648), - ('window_func_call -> ROW_NUMBER LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1649), - ('null_treat_opt -> RESPECT NULLS','null_treat_opt',2,'p_null_treat_opt','parser.py',1686), - ('null_treat_opt -> IGNORE NULLS','null_treat_opt',2,'p_null_treat_opt','parser.py',1687), - ('null_treat_opt -> empty','null_treat_opt',1,'p_null_treat_opt','parser.py',1688), - ('over_clause_opt -> over_clause','over_clause_opt',1,'p_over_clause_opt','parser.py',1693), - ('over_clause_opt -> empty','over_clause_opt',1,'p_over_clause_opt','parser.py',1694), - ('over_clause -> OVER window_name_or_spec','over_clause',2,'p_over_clause','parser.py',1700), - ('window_name_or_spec -> window_name','window_name_or_spec',1,'p_window_name_or_spec','parser.py',1705), - ('window_name_or_spec -> window_spec','window_name_or_spec',1,'p_window_name_or_spec','parser.py',1706), - ('window_spec -> LPAREN window_name_opt partition_clause_opt order_by_opt frame_clause_opt RPAREN','window_spec',6,'p_window_spec','parser.py',1711), - ('window_name_opt -> window_name','window_name_opt',1,'p_window_name_opt','parser.py',1723), - ('window_name_opt -> empty','window_name_opt',1,'p_window_name_opt','parser.py',1724), - ('window_name -> identifier','window_name',1,'p_window_name','parser.py',1729), - ('partition_clause_opt -> partition_clause','partition_clause_opt',1,'p_partition_clause_opt','parser.py',1734), - ('partition_clause_opt -> empty','partition_clause_opt',1,'p_partition_clause_opt','parser.py',1735), - ('partition_clause -> PARTITION BY by_list','partition_clause',3,'p_partition_clause','parser.py',1740), - ('by_list -> by_item','by_list',1,'p_by_list','parser.py',1745), - ('by_list -> by_list COMMA by_item','by_list',3,'p_by_list','parser.py',1746), - ('by_item -> expression','by_item',1,'p_by_item','parser.py',1755), - ('by_item -> expression order','by_item',2,'p_by_item','parser.py',1756), - ('frame_clause_opt -> frame_units frame_extent','frame_clause_opt',2,'p_frame_clause_opt','parser.py',1764), - ('frame_clause_opt -> empty','frame_clause_opt',1,'p_frame_clause_opt','parser.py',1765), - ('frame_units -> ROWS','frame_units',1,'p_frame_units','parser.py',1774), - ('frame_units -> RANGE','frame_units',1,'p_frame_units','parser.py',1775), - ('frame_extent -> frame_start','frame_extent',1,'p_frame_extent','parser.py',1781), - ('frame_extent -> frame_between','frame_extent',1,'p_frame_extent','parser.py',1782), - ('frame_start -> CURRENT ROW','frame_start',2,'p_frame_start','parser.py',1787), - ('frame_start -> UNBOUNDED PRECEDING','frame_start',2,'p_frame_start','parser.py',1788), - ('frame_start -> UNBOUNDED FOLLOWING','frame_start',2,'p_frame_start','parser.py',1789), - ('frame_start -> frame_expr PRECEDING','frame_start',2,'p_frame_start','parser.py',1790), - ('frame_start -> frame_expr FOLLOWING','frame_start',2,'p_frame_start','parser.py',1791), - ('frame_end -> frame_start','frame_end',1,'p_frame_end','parser.py',1800), - ('frame_between -> BETWEEN frame_start AND frame_end','frame_between',4,'p_frame_between','parser.py',1805), - ('frame_expr -> figure','frame_expr',1,'p_frame_expr','parser.py',1809), - ('frame_expr -> time_interval','frame_expr',1,'p_frame_expr','parser.py',1810), - ('lead_lag_info_opt -> COMMA figure default_opt','lead_lag_info_opt',3,'p_lead_lag_info_opt','parser.py',1815), - ('lead_lag_info_opt -> COMMA QM default_opt','lead_lag_info_opt',3,'p_lead_lag_info_opt','parser.py',1816), - ('lead_lag_info_opt -> empty','lead_lag_info_opt',1,'p_lead_lag_info_opt','parser.py',1817), - ('default_opt -> COMMA expression','default_opt',2,'p_default_opt','parser.py',1827), - ('default_opt -> empty','default_opt',1,'p_default_opt','parser.py',1828), - ('value -> NULL','value',1,'p_value','parser.py',1833), - ('value -> string_lit','value',1,'p_value','parser.py',1834), - ('value -> figure','value',1,'p_value','parser.py',1835), - ('value -> boolean_value','value',1,'p_value','parser.py',1836), - ('value -> QM','value',1,'p_value','parser.py',1837), - ('function_call -> time_function_call','function_call',1,'p_function_call','parser.py',1845), - ('function_call -> operator_func_call','function_call',1,'p_function_call','parser.py',1846), - ('function_call -> flow_control_func_call','function_call',1,'p_function_call','parser.py',1847), - ('function_call -> mathematical_func_call','function_call',1,'p_function_call','parser.py',1848), - ('function_call -> string_comparsion_func_call','function_call',1,'p_function_call','parser.py',1849), - ('function_call -> string_operator_func_call','function_call',1,'p_function_call','parser.py',1850), - ('function_call -> xml_func_call','function_call',1,'p_function_call','parser.py',1851), - ('function_call -> bit_func_call','function_call',1,'p_function_call','parser.py',1852), - ('function_call -> encry_and_comp_func_call','function_call',1,'p_function_call','parser.py',1853), - ('function_call -> locking_func_call','function_call',1,'p_function_call','parser.py',1854), - ('function_call -> json_func_call','function_call',1,'p_function_call','parser.py',1855), - ('function_call -> information_func_call','function_call',1,'p_function_call','parser.py',1856), - ('function_call -> replication_func_call','function_call',1,'p_function_call','parser.py',1857), - ('function_call -> aggreate_func_call','function_call',1,'p_function_call','parser.py',1858), - ('function_call -> miscellaneous_func_call','function_call',1,'p_function_call','parser.py',1859), - ('operator_func_call -> ISNULL LPAREN expression RPAREN','operator_func_call',4,'p_operator_func_call','parser.py',1864), - ('operator_func_call -> LEAST LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1865), - ('operator_func_call -> INTERVAL LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1866), - ('operator_func_call -> GREATEST LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1867), - ('operator_func_call -> COALESCE LPAREN expression RPAREN','operator_func_call',4,'p_operator_func_call','parser.py',1868), - ('operator_func_call -> COALESCE LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1869), - ('flow_control_func_call -> IF LPAREN expression COMMA expression COMMA expression RPAREN','flow_control_func_call',8,'p_flow_control_func_call','parser.py',1884), - ('flow_control_func_call -> IFNULL LPAREN expression COMMA expression RPAREN','flow_control_func_call',6,'p_flow_control_func_call','parser.py',1885), - ('flow_control_func_call -> NULLIF LPAREN expression COMMA expression RPAREN','flow_control_func_call',6,'p_flow_control_func_call','parser.py',1886), - ('mathematical_func_call -> ABS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1904), - ('mathematical_func_call -> ACOS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1905), - ('mathematical_func_call -> ASIN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1906), - ('mathematical_func_call -> ATAN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1907), - ('mathematical_func_call -> ATAN LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1908), - ('mathematical_func_call -> ATAN2 LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1909), - ('mathematical_func_call -> CEIL LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1910), - ('mathematical_func_call -> CEILING LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1911), - ('mathematical_func_call -> CONY LPAREN expression COMMA expression COMMA expression RPAREN','mathematical_func_call',8,'p_mathematical_func_call','parser.py',1912), - ('mathematical_func_call -> COS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1913), - ('mathematical_func_call -> COT LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1914), - ('mathematical_func_call -> CRC32 LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1915), - ('mathematical_func_call -> DEGREES LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1916), - ('mathematical_func_call -> EXP LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1917), - ('mathematical_func_call -> FLOOR LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1918), - ('mathematical_func_call -> LN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1919), - ('mathematical_func_call -> LOG LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1920), - ('mathematical_func_call -> LOG LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1921), - ('mathematical_func_call -> LOG2 LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1922), - ('mathematical_func_call -> LOG10 LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1923), - ('mathematical_func_call -> MOD LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1924), - ('mathematical_func_call -> PI LPAREN RPAREN','mathematical_func_call',3,'p_mathematical_func_call','parser.py',1925), - ('mathematical_func_call -> POW LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1926), - ('mathematical_func_call -> POWER LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1927), - ('mathematical_func_call -> RADIANS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1928), - ('mathematical_func_call -> RAND LPAREN RPAREN','mathematical_func_call',3,'p_mathematical_func_call','parser.py',1929), - ('mathematical_func_call -> RAND LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1930), - ('mathematical_func_call -> ROUND LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1931), - ('mathematical_func_call -> ROUND LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1932), - ('mathematical_func_call -> SIGN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1933), - ('mathematical_func_call -> SIN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1934), - ('mathematical_func_call -> SQRT LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1935), - ('mathematical_func_call -> TAN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1936), - ('mathematical_func_call -> TRUNCATE LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1937), - ('time_function_call -> curdate_and_synonyms_func','time_function_call',1,'p_time_function_call','parser.py',1958), - ('time_function_call -> curtime_and_synonyms_func','time_function_call',1,'p_time_function_call','parser.py',1959), - ('time_function_call -> now_and_synonyms_func','time_function_call',1,'p_time_function_call','parser.py',1960), - ('time_function_call -> from_unixtime_func','time_function_call',1,'p_time_function_call','parser.py',1961), - ('time_function_call -> get_format_func','time_function_call',1,'p_time_function_call','parser.py',1962), - ('time_function_call -> make_time_func','time_function_call',1,'p_time_function_call','parser.py',1963), - ('time_function_call -> timestamp_add_or_diff_func','time_function_call',1,'p_time_function_call','parser.py',1964), - ('time_function_call -> timestamp_func','time_function_call',1,'p_time_function_call','parser.py',1965), - ('time_function_call -> unix_timestamp_func','time_function_call',1,'p_time_function_call','parser.py',1966), - ('time_function_call -> utc_func','time_function_call',1,'p_time_function_call','parser.py',1967), - ('time_function_call -> week_or_year_func','time_function_call',1,'p_time_function_call','parser.py',1968), - ('time_function_call -> extract_func','time_function_call',1,'p_time_function_call','parser.py',1969), - ('time_function_call -> sys_date_func','time_function_call',1,'p_time_function_call','parser.py',1970), - ('time_function_call -> add_or_sub_date_func','time_function_call',1,'p_time_function_call','parser.py',1971), - ('time_function_call -> date_one_para_func','time_function_call',1,'p_time_function_call','parser.py',1972), - ('time_function_call -> date_two_para_func','time_function_call',1,'p_time_function_call','parser.py',1973), - ('time_function_call -> date_three_para_func','time_function_call',1,'p_time_function_call','parser.py',1974), - ('curdate_and_synonyms_func -> CURDATE LPAREN RPAREN','curdate_and_synonyms_func',3,'p_curdate_and_synonyms_func','parser.py',1979), - ('curdate_and_synonyms_func -> CURRENT_DATE LPAREN RPAREN','curdate_and_synonyms_func',3,'p_curdate_and_synonyms_func','parser.py',1980), - ('curdate_and_synonyms_func -> CURRENT_DATE','curdate_and_synonyms_func',1,'p_curdate_and_synonyms_func','parser.py',1981), - ('curtime_and_synonyms_func -> CURTIME LPAREN RPAREN','curtime_and_synonyms_func',3,'p_curtime_and_synonyms_func','parser.py',1986), - ('curtime_and_synonyms_func -> CURRENT_TIME','curtime_and_synonyms_func',1,'p_curtime_and_synonyms_func','parser.py',1987), - ('curtime_and_synonyms_func -> CURRENT_TIME LPAREN RPAREN','curtime_and_synonyms_func',3,'p_curtime_and_synonyms_func','parser.py',1988), - ('curtime_and_synonyms_func -> CURRENT_TIME LPAREN expression RPAREN','curtime_and_synonyms_func',4,'p_curtime_and_synonyms_func','parser.py',1989), - ('now_and_synonyms_func -> NOW LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',1998), - ('now_and_synonyms_func -> NOW LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',1999), - ('now_and_synonyms_func -> CURRENT_TIMESTAMP','now_and_synonyms_func',1,'p_now_and_synonyms_func','parser.py',2000), - ('now_and_synonyms_func -> CURRENT_TIMESTAMP LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',2001), - ('now_and_synonyms_func -> CURRENT_TIMESTAMP LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',2002), - ('now_and_synonyms_func -> LOCALTIME','now_and_synonyms_func',1,'p_now_and_synonyms_func','parser.py',2003), - ('now_and_synonyms_func -> LOCALTIME LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',2004), - ('now_and_synonyms_func -> LOCALTIME LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',2005), - ('now_and_synonyms_func -> LOCALTIMESTAMP','now_and_synonyms_func',1,'p_now_and_synonyms_func','parser.py',2006), - ('now_and_synonyms_func -> LOCALTIMESTAMP LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',2007), - ('now_and_synonyms_func -> LOCALTIMESTAMP LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',2008), - ('from_unixtime_func -> FROM_UNIXTIME LPAREN expression RPAREN','from_unixtime_func',4,'p_from_unixtime_func','parser.py',2017), - ('from_unixtime_func -> FROM_UNIXTIME LPAREN expression COMMA string_lit RPAREN','from_unixtime_func',6,'p_from_unixtime_func','parser.py',2018), - ('get_format_func -> GET_FORMAT LPAREN format_selector COMMA expression RPAREN','get_format_func',6,'p_get_format_func','parser.py',2026), - ('make_time_func -> MAKEDATE LPAREN expression COMMA expression COMMA expression RPAREN','make_time_func',8,'p_make_time_func','parser.py',2031), - ('timestamp_add_or_diff_func -> TIMESTAMPADD LPAREN time_unit COMMA expression COMMA expression RPAREN','timestamp_add_or_diff_func',8,'p_timestamp_add_or_diff_func','parser.py',2038), - ('timestamp_add_or_diff_func -> TIMESTAMPDIFF LPAREN time_unit COMMA expression COMMA expression RPAREN','timestamp_add_or_diff_func',8,'p_timestamp_add_or_diff_func','parser.py',2039), - ('timestamp_func -> TIMESTAMP LPAREN expression RPAREN','timestamp_func',4,'p_timestamp_func','parser.py',2047), - ('timestamp_func -> TIMESTAMP LPAREN expression COMMA expression RPAREN','timestamp_func',6,'p_timestamp_func','parser.py',2048), - ('unix_timestamp_func -> UNIX_TIMESTAMP LPAREN expression RPAREN','unix_timestamp_func',4,'p_unix_timestamp_func','parser.py',2057), - ('unix_timestamp_func -> UNIX_TIMESTAMP LPAREN RPAREN','unix_timestamp_func',3,'p_unix_timestamp_func','parser.py',2058), - ('utc_func -> UTC_DATE','utc_func',1,'p_utc_func','parser.py',2066), - ('utc_func -> UTC_DATE LPAREN RPAREN','utc_func',3,'p_utc_func','parser.py',2067), - ('utc_func -> UTC_TIME','utc_func',1,'p_utc_func','parser.py',2068), - ('utc_func -> UTC_TIME LPAREN RPAREN','utc_func',3,'p_utc_func','parser.py',2069), - ('utc_func -> UTC_TIME LPAREN expression RPAREN','utc_func',4,'p_utc_func','parser.py',2070), - ('utc_func -> UTC_TIMESTAMP','utc_func',1,'p_utc_func','parser.py',2071), - ('utc_func -> UTC_TIMESTAMP LPAREN RPAREN','utc_func',3,'p_utc_func','parser.py',2072), - ('utc_func -> UTC_TIMESTAMP LPAREN expression RPAREN','utc_func',4,'p_utc_func','parser.py',2073), - ('week_or_year_func -> WEEK LPAREN expression RPAREN','week_or_year_func',4,'p_week_or_year_week_func','parser.py',2082), - ('week_or_year_func -> WEEK LPAREN expression COMMA expression RPAREN','week_or_year_func',6,'p_week_or_year_week_func','parser.py',2083), - ('week_or_year_func -> YEARWEEK LPAREN expression RPAREN','week_or_year_func',4,'p_week_or_year_week_func','parser.py',2084), - ('week_or_year_func -> YEARWEEK LPAREN expression COMMA expression RPAREN','week_or_year_func',6,'p_week_or_year_week_func','parser.py',2085), - ('sys_date_func -> SYSDATE','sys_date_func',1,'p_sys_date_func','parser.py',2094), - ('sys_date_func -> SYSDATE LPAREN RPAREN','sys_date_func',3,'p_sys_date_func','parser.py',2095), - ('sys_date_func -> SYSDATE LPAREN expression RPAREN','sys_date_func',4,'p_sys_date_func','parser.py',2096), - ('add_or_sub_date_func -> ADDDATE LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2104), - ('add_or_sub_date_func -> SUBDATE LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2105), - ('add_or_sub_date_func -> DATE_ADD LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2106), - ('add_or_sub_date_func -> DATE_SUB LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2107), - ('add_or_sub_date_func -> ADDDATE LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2108), - ('add_or_sub_date_func -> SUBDATE LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2109), - ('add_or_sub_date_func -> DATE_ADD LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2110), - ('add_or_sub_date_func -> DATE_SUB LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2111), - ('extract_func -> EXTRACT LPAREN time_unit FROM expression RPAREN','extract_func',6,'p_extract_func','parser.py',2117), - ('date_one_para_func -> DATE LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2122), - ('date_one_para_func -> DAY LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2123), - ('date_one_para_func -> DAYNAME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2124), - ('date_one_para_func -> DAYOFMONTH LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2125), - ('date_one_para_func -> DAYOFWEEK LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2126), - ('date_one_para_func -> DAYOFYEAR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2127), - ('date_one_para_func -> HOUR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2128), - ('date_one_para_func -> LAST_DAY LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2129), - ('date_one_para_func -> MICROSECOND LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2130), - ('date_one_para_func -> MINUTE LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2131), - ('date_one_para_func -> MONTH LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2132), - ('date_one_para_func -> MONTHNAME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2133), - ('date_one_para_func -> QUARTER LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2134), - ('date_one_para_func -> SECOND LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2135), - ('date_one_para_func -> SEC_TO_TIME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2136), - ('date_one_para_func -> TIME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2137), - ('date_one_para_func -> FROM_DAYS LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2138), - ('date_one_para_func -> TIME_TO_SEC LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2139), - ('date_one_para_func -> TO_DAYS LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2140), - ('date_one_para_func -> TO_SECONDS LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2141), - ('date_one_para_func -> WEEKDAY LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2142), - ('date_one_para_func -> WEEKOFYEAR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2143), - ('date_one_para_func -> YEAR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2144), - ('date_two_para_func -> DATEDIFF LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2149), - ('date_two_para_func -> SUBTIME LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2150), - ('date_two_para_func -> DATE_FORMAT LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2151), - ('date_two_para_func -> ADDTIME LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2152), - ('date_two_para_func -> STR_TO_DATE LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2153), - ('date_two_para_func -> MAKEDATE LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2154), - ('date_two_para_func -> TIMEDIFF LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2155), - ('date_two_para_func -> PERIOD_ADD LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2156), - ('date_two_para_func -> PERIOD_DIFF LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2157), - ('date_two_para_func -> TIME_FORMAT LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2158), - ('date_three_para_func -> CONVERT_TZ LPAREN expression COMMA expression COMMA expression RPAREN','date_three_para_func',8,'p_date_three_para_func','parser.py',2163), - ('string_operator_func_call -> ASCII LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2168), - ('string_operator_func_call -> BIN LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2169), - ('string_operator_func_call -> BIT_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2170), - ('string_operator_func_call -> CHAR LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2171), - ('string_operator_func_call -> CHAR LPAREN expression USING charset_name RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2172), - ('string_operator_func_call -> CHAR_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2173), - ('string_operator_func_call -> CHARACTER_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2174), - ('string_operator_func_call -> CONCAT LPAREN call_list RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2175), - ('string_operator_func_call -> CONCAT_WS LPAREN expression COMMA call_list RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2176), - ('string_operator_func_call -> ELT LPAREN expression COMMA call_list RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2177), - ('string_operator_func_call -> EXPORT_SET LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2178), - ('string_operator_func_call -> EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_operator_func_call',10,'p_string_operator_func_call','parser.py',2179), - ('string_operator_func_call -> EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_operator_func_call',12,'p_string_operator_func_call','parser.py',2180), - ('string_operator_func_call -> FIELD LPAREN call_list RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2181), - ('string_operator_func_call -> FIND_IN_SET LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2182), - ('string_operator_func_call -> FORMAT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2183), - ('string_operator_func_call -> FORMAT LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2184), - ('string_operator_func_call -> FROM_BASE64 LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2185), - ('string_operator_func_call -> HEX LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2186), - ('string_operator_func_call -> INSERT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_operator_func_call',10,'p_string_operator_func_call','parser.py',2187), - ('string_operator_func_call -> INSTR LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2188), - ('string_operator_func_call -> LCASE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2189), - ('string_operator_func_call -> LEFT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2190), - ('string_operator_func_call -> LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2191), - ('string_operator_func_call -> LOAD_FILE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2192), - ('string_operator_func_call -> LOCATE LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2193), - ('string_operator_func_call -> LOCATE LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2194), - ('string_operator_func_call -> LOWER LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2195), - ('string_operator_func_call -> LPAD LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2196), - ('string_operator_func_call -> LTRIM LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2197), - ('string_operator_func_call -> MAKE_SET LPAREN expression COMMA expression COMMA call_list RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2198), - ('string_operator_func_call -> MID LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2199), - ('string_operator_func_call -> OCT LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2200), - ('string_operator_func_call -> OCTET_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2201), - ('string_operator_func_call -> ORD LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2202), - ('string_operator_func_call -> POSITION LPAREN value_expression IN expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2203), - ('string_operator_func_call -> QUOTE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2204), - ('string_operator_func_call -> REPEAT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2205), - ('string_operator_func_call -> REPLACE LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2206), - ('string_operator_func_call -> REVERSE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2207), - ('string_operator_func_call -> RIGHT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2208), - ('string_operator_func_call -> RPAD LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2209), - ('string_operator_func_call -> RTRIM LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2210), - ('string_operator_func_call -> SOUNDEX LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2211), - ('string_operator_func_call -> SPACE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2212), - ('string_operator_func_call -> SUBSTRING_INDEX LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2213), - ('string_operator_func_call -> TO_BASE64 LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2214), - ('string_operator_func_call -> UCASE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2215), - ('string_operator_func_call -> UNHEX LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2216), - ('string_operator_func_call -> UPPER LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2217), - ('string_operator_func_call -> substr_and_syn_func_call','string_operator_func_call',1,'p_string_operator_func_call','parser.py',2218), - ('string_operator_func_call -> weight_string_func_call','string_operator_func_call',1,'p_string_operator_func_call','parser.py',2219), - ('string_operator_func_call -> trim_func_call','string_operator_func_call',1,'p_string_operator_func_call','parser.py',2220), - ('substr_and_syn_func_call -> SUBSTR LPAREN expression COMMA expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2239), - ('substr_and_syn_func_call -> SUBSTR LPAREN expression FROM expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2240), - ('substr_and_syn_func_call -> SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2241), - ('substr_and_syn_func_call -> SUBSTR LPAREN expression FROM expression FOR expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2242), - ('substr_and_syn_func_call -> SUBSTRING LPAREN expression COMMA expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2243), - ('substr_and_syn_func_call -> SUBSTRING LPAREN expression FROM expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2244), - ('substr_and_syn_func_call -> SUBSTRING LPAREN expression COMMA expression COMMA expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2245), - ('substr_and_syn_func_call -> SUBSTRING LPAREN expression FROM expression FOR expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2246), - ('weight_string_func_call -> WEIGHT_STRING LPAREN expression RPAREN','weight_string_func_call',4,'p_weight_string_func_call','parser.py',2254), - ('weight_string_func_call -> WEIGHT_STRING LPAREN expression AS binary_or_char RPAREN','weight_string_func_call',6,'p_weight_string_func_call','parser.py',2255), - ('trim_func_call -> TRIM LPAREN remstr_position expression FROM expression RPAREN','trim_func_call',7,'p_trim_func_call','parser.py',2259), - ('trim_func_call -> TRIM LPAREN expression FROM expression RPAREN','trim_func_call',6,'p_trim_func_call','parser.py',2260), - ('trim_func_call -> TRIM LPAREN FROM expression RPAREN','trim_func_call',5,'p_trim_func_call','parser.py',2261), - ('trim_func_call -> TRIM LPAREN expression RPAREN','trim_func_call',4,'p_trim_func_call','parser.py',2262), - ('binary_or_char -> BINARY','binary_or_char',1,'p_binary_or_char','parser.py',2283), - ('binary_or_char -> BINARY LPAREN expression RPAREN','binary_or_char',4,'p_binary_or_char','parser.py',2284), - ('binary_or_char -> CHAR','binary_or_char',1,'p_binary_or_char','parser.py',2285), - ('binary_or_char -> CHAR LPAREN expression RPAREN','binary_or_char',4,'p_binary_or_char','parser.py',2286), - ('remstr_position -> BOTH','remstr_position',1,'p_remstr_position','parser.py',2292), - ('remstr_position -> LEADING','remstr_position',1,'p_remstr_position','parser.py',2293), - ('remstr_position -> TRAILING','remstr_position',1,'p_remstr_position','parser.py',2294), - ('string_comparsion_func_call -> STRCMP LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2299), - ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2300), - ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2301), - ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',10,'p_string_comparsion_func_call','parser.py',2302), - ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',12,'p_string_comparsion_func_call','parser.py',2303), - ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',14,'p_string_comparsion_func_call','parser.py',2304), - ('string_comparsion_func_call -> REGEXP_LIKE LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2305), - ('string_comparsion_func_call -> REGEXP_LIKE LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2306), - ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2307), - ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2308), - ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',10,'p_string_comparsion_func_call','parser.py',2309), - ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',12,'p_string_comparsion_func_call','parser.py',2310), - ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',14,'p_string_comparsion_func_call','parser.py',2311), - ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2312), - ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2313), - ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',10,'p_string_comparsion_func_call','parser.py',2314), - ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',12,'p_string_comparsion_func_call','parser.py',2315), - ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',14,'p_string_comparsion_func_call','parser.py',2316), - ('xml_func_call -> EXTRACTVALUE LPAREN expression COMMA expression RPAREN','xml_func_call',6,'p_xml_func_call','parser.py',2325), - ('xml_func_call -> UPDATEXML LPAREN expression COMMA expression COMMA expression RPAREN','xml_func_call',8,'p_xml_func_call','parser.py',2326), - ('bit_func_call -> BIT_COUNT LPAREN expression RPAREN','bit_func_call',4,'p_bit_func_call','parser.py',2336), - ('encry_and_comp_func_call -> AES_DECRYPT LPAREN expression COMMA expression aes_func_opt RPAREN','encry_and_comp_func_call',7,'p_encry_and_comp_func_call','parser.py',2341), - ('encry_and_comp_func_call -> AES_ENCRYPT LPAREN expression COMMA aes_func_opt RPAREN','encry_and_comp_func_call',6,'p_encry_and_comp_func_call','parser.py',2342), - ('encry_and_comp_func_call -> COMPRESS LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2343), - ('encry_and_comp_func_call -> MD5 LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2344), - ('encry_and_comp_func_call -> RANDOM_BYTES LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2345), - ('encry_and_comp_func_call -> SHA LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2346), - ('encry_and_comp_func_call -> SHA1 LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2347), - ('encry_and_comp_func_call -> SHA2 LPAREN expression COMMA expression RPAREN','encry_and_comp_func_call',6,'p_encry_and_comp_func_call','parser.py',2348), - ('encry_and_comp_func_call -> STATEMENT_DIGEST LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2349), - ('encry_and_comp_func_call -> STATEMENT_DIGEST_TEXT LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2350), - ('encry_and_comp_func_call -> UNCOMPRESS LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2351), - ('encry_and_comp_func_call -> UNCOMPRESSED_LENGTH LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2352), - ('encry_and_comp_func_call -> VALIDATE_PASSWORD_STRENGTH LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2353), - ('aes_func_opt -> COMMA expression','aes_func_opt',2,'p_aes_func_opt','parser.py',2370), - ('aes_func_opt -> COMMA expression COMMA expression','aes_func_opt',4,'p_aes_func_opt','parser.py',2371), - ('aes_func_opt -> COMMA expression COMMA expression COMMA expression','aes_func_opt',6,'p_aes_func_opt','parser.py',2372), - ('aes_func_opt -> COMMA expression COMMA expression COMMA expression COMMA expression','aes_func_opt',8,'p_aes_func_opt','parser.py',2373), - ('aes_func_opt -> empty','aes_func_opt',1,'p_aes_func_opt','parser.py',2374), - ('locking_func_call -> GET_LOCK LPAREN expression COMMA expression RPAREN','locking_func_call',6,'p_locking_func_call','parser.py',2382), - ('locking_func_call -> IS_FREE_LOCK LPAREN expression RPAREN','locking_func_call',4,'p_locking_func_call','parser.py',2383), - ('locking_func_call -> IS_USED_LOCK LPAREN expression RPAREN','locking_func_call',4,'p_locking_func_call','parser.py',2384), - ('locking_func_call -> RELEASE_ALL_LOCKS LPAREN RPAREN','locking_func_call',3,'p_locking_func_call','parser.py',2385), - ('locking_func_call -> RELEASE_LOCK LPAREN expression RPAREN','locking_func_call',4,'p_locking_func_call','parser.py',2386), - ('information_func_call -> BENCHMARK LPAREN expression COMMA expression RPAREN','information_func_call',6,'p_information_func_call','parser.py',2396), - ('information_func_call -> CHARSET LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2397), - ('information_func_call -> COERCIBILITY LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2398), - ('information_func_call -> COLLATION LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2399), - ('information_func_call -> CONNECTION_ID LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2400), - ('information_func_call -> CURRENT_ROLE LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2401), - ('information_func_call -> CURRENT_USER','information_func_call',1,'p_information_func_call','parser.py',2402), - ('information_func_call -> CURRENT_USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2403), - ('information_func_call -> DATABASE LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2404), - ('information_func_call -> FOUND_ROWS LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2405), - ('information_func_call -> ICU_VERSION LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2406), - ('information_func_call -> LAST_INSERT_ID LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2407), - ('information_func_call -> LAST_INSERT_ID LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2408), - ('information_func_call -> ROLES_GRAPHML LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2409), - ('information_func_call -> ROW_COUNT LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2410), - ('information_func_call -> SCHEMA LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2411), - ('information_func_call -> SESSION_USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2412), - ('information_func_call -> SYSTEM_USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2413), - ('information_func_call -> USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2414), - ('information_func_call -> VERSION LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2415), - ('json_func_call -> create_json_func_call','json_func_call',1,'p_json_func_call','parser.py',2425), - ('json_func_call -> search_json_func_call','json_func_call',1,'p_json_func_call','parser.py',2426), - ('json_func_call -> modify_json_func_call','json_func_call',1,'p_json_func_call','parser.py',2427), - ('json_func_call -> json_value_attr_func_call','json_func_call',1,'p_json_func_call','parser.py',2428), - ('json_func_call -> json_table_func_call','json_func_call',1,'p_json_func_call','parser.py',2429), - ('json_func_call -> json_schema_func_call','json_func_call',1,'p_json_func_call','parser.py',2430), - ('json_func_call -> json_untility_func_call','json_func_call',1,'p_json_func_call','parser.py',2431), - ('create_json_func_call -> JSON_ARRAY LPAREN call_list RPAREN','create_json_func_call',4,'p_create_json_func_call','parser.py',2436), - ('create_json_func_call -> JSON_OBJECT LPAREN call_list RPAREN','create_json_func_call',4,'p_create_json_func_call','parser.py',2437), - ('create_json_func_call -> JSON_QUOTE LPAREN expression RPAREN','create_json_func_call',4,'p_create_json_func_call','parser.py',2438), - ('search_json_func_call -> JSON_CONTAINS LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2447), - ('search_json_func_call -> JSON_CONTAINS LPAREN expression COMMA expression COMMA call_list RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2448), - ('search_json_func_call -> JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2449), - ('search_json_func_call -> JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','search_json_func_call',10,'p_search_json_func_call','parser.py',2450), - ('search_json_func_call -> JSON_EXTRACT LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2451), - ('search_json_func_call -> JSON_EXTRACT LPAREN expression COMMA expression COMMA call_list RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2452), - ('search_json_func_call -> JSON_KEYS LPAREN expression RPAREN','search_json_func_call',4,'p_search_json_func_call','parser.py',2453), - ('search_json_func_call -> JSON_KEYS LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2454), - ('search_json_func_call -> JSON_OVERLAPS LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2455), - ('search_json_func_call -> JSON_SEARCH LPAREN expression COMMA expression COMMA expression RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2456), - ('search_json_func_call -> JSON_SEARCH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','search_json_func_call',10,'p_search_json_func_call','parser.py',2457), - ('search_json_func_call -> JSON_VALUE LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2458), - ('modify_json_func_call -> JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2472), - ('modify_json_func_call -> JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2473), - ('modify_json_func_call -> JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2474), - ('modify_json_func_call -> JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2475), - ('modify_json_func_call -> JSON_INSERT LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2476), - ('modify_json_func_call -> JSON_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2477), - ('modify_json_func_call -> JSON_MERGE LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2478), - ('modify_json_func_call -> JSON_MERGE LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2479), - ('modify_json_func_call -> JSON_MERGE_PATCH LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2480), - ('modify_json_func_call -> JSON_MERGE_PATCH LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2481), - ('modify_json_func_call -> JSON_MERGE_PRESERVE LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2482), - ('modify_json_func_call -> JSON_MERGE_PRESERVE LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2483), - ('modify_json_func_call -> JSON_REMOVE LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2484), - ('modify_json_func_call -> JSON_REMOVE LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2485), - ('modify_json_func_call -> JSON_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2486), - ('modify_json_func_call -> JSON_REPLACE LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2487), - ('modify_json_func_call -> JSON_SET LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2488), - ('modify_json_func_call -> JSON_SET LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2489), - ('modify_json_func_call -> JSON_UNQUOTE LPAREN expression RPAREN','modify_json_func_call',4,'p_modify_json_func_call','parser.py',2490), - ('json_value_attr_func_call -> JSON_DEPTH LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2505), - ('json_value_attr_func_call -> JSON_LENGTH LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2506), - ('json_value_attr_func_call -> JSON_LENGTH LPAREN expression COMMA expression RPAREN','json_value_attr_func_call',6,'p_json_value_attr_func_call','parser.py',2507), - ('json_value_attr_func_call -> JSON_TYPE LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2508), - ('json_value_attr_func_call -> JSON_VAILD LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2509), - ('json_table_func_call -> JSON_TABLE LPAREN expression COMMA expression COLUMNS LPAREN select_items RPAREN alias_opt RPAREN','json_table_func_call',11,'p_json_table_func_call','parser.py',2517), - ('json_table_column_list -> json_table_column','json_table_column_list',1,'p_json_table_column_list','parser.py',2524), - ('json_table_column_list -> json_table_column_list COMMA json_table_column','json_table_column_list',3,'p_json_table_column_list','parser.py',2525), - ('json_table_column -> identifier FOR ORDINALITY','json_table_column',3,'p_json_table_column','parser.py',2534), - ('json_table_column -> identifier column_type PATH string_lit','json_table_column',4,'p_json_table_column','parser.py',2535), - ('json_table_column -> identifier column_type PATH string_lit on_empty_or_error_opt','json_table_column',5,'p_json_table_column','parser.py',2536), - ('json_table_column -> identifier column_type EXISTS PATH string_lit','json_table_column',5,'p_json_table_column','parser.py',2537), - ('json_table_column -> NESTED string_lit COLUMNS LPAREN json_table_column_list RPAREN','json_table_column',6,'p_json_table_column','parser.py',2538), - ('json_table_column -> NESTED PATH string_lit COLUMNS LPAREN json_table_column_list RPAREN','json_table_column',7,'p_json_table_column','parser.py',2539), - ('on_empty_or_error_opt -> json_table_value_opt ON EMPTY','on_empty_or_error_opt',3,'p_on_empty_or_error_opt','parser.py',2567), - ('on_empty_or_error_opt -> json_table_value_opt ON ERROR','on_empty_or_error_opt',3,'p_on_empty_or_error_opt','parser.py',2568), - ('on_empty_or_error_opt -> json_table_value_opt ON EMPTY json_table_value_opt ON ERROR','on_empty_or_error_opt',6,'p_on_empty_or_error_opt','parser.py',2569), - ('json_table_value_opt -> NULL','json_table_value_opt',1,'p_json_table_value_opt','parser.py',2580), - ('json_table_value_opt -> DEFAULT string_lit','json_table_value_opt',2,'p_json_table_value_opt','parser.py',2581), - ('json_table_value_opt -> ERROR','json_table_value_opt',1,'p_json_table_value_opt','parser.py',2582), - ('json_schema_func_call -> JSON_SCHEMA_VALID LPAREN expression COMMA expression RPAREN','json_schema_func_call',6,'p_json_schema_func_call','parser.py',2592), - ('json_schema_func_call -> JSON_SCHEMA_VALIDATION_REPORT LPAREN expression COMMA expression RPAREN','json_schema_func_call',6,'p_json_schema_func_call','parser.py',2593), - ('json_untility_func_call -> JSON_PERTTY LPAREN expression RPAREN','json_untility_func_call',4,'p_json_untility_func_call','parser.py',2598), - ('json_untility_func_call -> JSON_STORAGE_FREE LPAREN expression RPAREN','json_untility_func_call',4,'p_json_untility_func_call','parser.py',2599), - ('json_untility_func_call -> JSON_STORAGE_SIZE LPAREN expression RPAREN','json_untility_func_call',4,'p_json_untility_func_call','parser.py',2600), - ('replication_func_call -> GROUP_REPLICATION_SET_AS_PRIMARY LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2605), - ('replication_func_call -> GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2606), - ('replication_func_call -> GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2607), - ('replication_func_call -> GROUP_REPLICATION_GET_WRITE_CONCURRENCY LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2608), - ('replication_func_call -> GROUP_REPLICATION_SET_WRITE_CONCURRENCY LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2609), - ('replication_func_call -> GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2610), - ('replication_func_call -> GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2611), - ('replication_func_call -> GROUP_REPLICATION_DISABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2612), - ('replication_func_call -> GROUP_REPLICATION_ENABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2613), - ('replication_func_call -> GROUP_REPLICATION_RESET_MEMBER_ACTIONS LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2614), - ('replication_func_call -> GTID_SUBSET LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2615), - ('replication_func_call -> GTID_SUBTRACT LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2616), - ('replication_func_call -> WAIT_FOR_EXECUTED_GTID_SET LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2617), - ('replication_func_call -> WAIT_FOR_EXECUTED_GTID_SET LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2618), - ('replication_func_call -> WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2619), - ('replication_func_call -> WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2620), - ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',18,'p_replication_func_call','parser.py',2621), - ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',12,'p_replication_func_call','parser.py',2622), - ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED LPAREN expression COMMA expression COMMA expression RPAREN','replication_func_call',8,'p_replication_func_call','parser.py',2623), - ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',10,'p_replication_func_call','parser.py',2624), - ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_RESET LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2625), - ('replication_func_call -> MASTER_POS_WAIT LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2626), - ('replication_func_call -> MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN','replication_func_call',8,'p_replication_func_call','parser.py',2627), - ('replication_func_call -> MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',10,'p_replication_func_call','parser.py',2628), - ('replication_func_call -> SOURCE_POS_WAIT LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2629), - ('replication_func_call -> SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN','replication_func_call',8,'p_replication_func_call','parser.py',2630), - ('replication_func_call -> SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',10,'p_replication_func_call','parser.py',2631), - ('aggreate_func_call -> aggreate_func_without_distinct','aggreate_func_call',1,'p_aggregate_func_call','parser.py',2639), - ('aggreate_func_call -> aggreate_func_with_distinct','aggreate_func_call',1,'p_aggregate_func_call','parser.py',2640), - ('aggreate_func_call -> group_concat_func_call','aggreate_func_call',1,'p_aggregate_func_call','parser.py',2641), - ('aggreate_func_without_distinct -> BIT_AND LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2647), - ('aggreate_func_without_distinct -> BIT_OR LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2648), - ('aggreate_func_without_distinct -> BIT_XOR LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2649), - ('aggreate_func_without_distinct -> COUNT LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2650), - ('aggreate_func_without_distinct -> COUNT LPAREN ASTERISK RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2651), - ('aggreate_func_without_distinct -> JSON_ARRAYAGG LPAREN expression COMMA expression RPAREN over_clause_opt','aggreate_func_without_distinct',7,'p_aggreate_func_without_distinct','parser.py',2652), - ('aggreate_func_without_distinct -> STD LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2653), - ('aggreate_func_without_distinct -> STDDEV LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2654), - ('aggreate_func_without_distinct -> STDDEV_POP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2655), - ('aggreate_func_without_distinct -> STDDEV_SAMP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2656), - ('aggreate_func_without_distinct -> VAR_POP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2657), - ('aggreate_func_without_distinct -> VAR_SAMP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2658), - ('aggreate_func_without_distinct -> VAR_VARIANCE LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2659), - ('aggreate_func_with_distinct -> AVG LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2680), - ('aggreate_func_with_distinct -> COUNT LPAREN DISTINCT call_list RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2681), - ('aggreate_func_with_distinct -> JSON_ARRAYAGG LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2682), - ('aggreate_func_with_distinct -> MAX LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2683), - ('aggreate_func_with_distinct -> SUM LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2684), - ('aggreate_func_with_distinct -> MIN LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2685), - ('group_concat_func_call -> GROUP_CONCAT LPAREN set_quantifier_opt call_list order_by_opt separator_opt RPAREN over_clause_opt','group_concat_func_call',8,'p_group_concat_func_call','parser.py',2698), - ('miscellaneous_func_call -> ANY_VALUE LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2712), - ('miscellaneous_func_call -> BIN_TO_UUID LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2713), - ('miscellaneous_func_call -> BIN_TO_UUID LPAREN expression COMMA expression RPAREN','miscellaneous_func_call',6,'p_miscellaneous_func_call','parser.py',2714), - ('miscellaneous_func_call -> DEFAULT LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2715), - ('miscellaneous_func_call -> GROUPING LPAREN call_list RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2716), - ('miscellaneous_func_call -> INET_ATON LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2717), - ('miscellaneous_func_call -> INET_NTOA LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2718), - ('miscellaneous_func_call -> INET6_ATON LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2719), - ('miscellaneous_func_call -> INET6_NTOA LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2720), - ('miscellaneous_func_call -> IS_IPV4 LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2721), - ('miscellaneous_func_call -> IS_IPV4_COMPAT LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2722), - ('miscellaneous_func_call -> IS_IPV4_MAPPED LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2723), - ('miscellaneous_func_call -> IS_IPV6 LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2724), - ('miscellaneous_func_call -> IS_UUID LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2725), - ('miscellaneous_func_call -> NAME_CONST LPAREN expression COMMA expression RPAREN','miscellaneous_func_call',6,'p_miscellaneous_func_call','parser.py',2726), - ('miscellaneous_func_call -> SLEEP LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2727), - ('miscellaneous_func_call -> UUID LPAREN RPAREN','miscellaneous_func_call',3,'p_miscellaneous_func_call','parser.py',2728), - ('miscellaneous_func_call -> UUID_SHORT LPAREN RPAREN','miscellaneous_func_call',3,'p_miscellaneous_func_call','parser.py',2729), - ('miscellaneous_func_call -> UUID_TO_BIN LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2730), - ('miscellaneous_func_call -> UUID_TO_BIN LPAREN expression COMMA expression RPAREN','miscellaneous_func_call',6,'p_miscellaneous_func_call','parser.py',2731), - ('format_selector -> DATE','format_selector',1,'p_format_selector','parser.py',2743), - ('format_selector -> DATETIME','format_selector',1,'p_format_selector','parser.py',2744), - ('format_selector -> TIME','format_selector',1,'p_format_selector','parser.py',2745), - ('format_selector -> TIMESTAMP','format_selector',1,'p_format_selector','parser.py',2746), - ('separator_opt -> SEPARATOR expression','separator_opt',2,'p_separator_opt','parser.py',2751), - ('separator_opt -> empty','separator_opt',1,'p_separator_opt','parser.py',2752), - ('case_specification -> simple_case','case_specification',1,'p_case_specification','parser.py',2758), - ('simple_case -> CASE expression when_clauses else_opt END','simple_case',5,'p_simple_case','parser.py',2763), - ('simple_case -> CASE when_clauses else_opt END','simple_case',4,'p_simple_case','parser.py',2764), - ('cast_func_call -> BINARY expression','cast_func_call',2,'p_cast_func_call','parser.py',2780), - ('cast_func_call -> _BINARY string_lit','cast_func_call',2,'p_cast_func_call','parser.py',2781), - ('cast_func_call -> CAST LPAREN expression AS cast_field RPAREN','cast_func_call',6,'p_cast_func_call','parser.py',2782), - ('cast_func_call -> CAST LPAREN expression AS cast_field ARRAY RPAREN','cast_func_call',7,'p_cast_func_call','parser.py',2783), - ('cast_func_call -> CONVERT LPAREN expression COMMA cast_field RPAREN','cast_func_call',6,'p_cast_func_call','parser.py',2784), - ('cast_func_call -> CONVERT LPAREN expression USING charset_name RPAREN','cast_func_call',6,'p_cast_func_call','parser.py',2785), - ('when_clauses -> when_clauses when_clause','when_clauses',2,'p_when_clauses','parser.py',2809), - ('when_clauses -> when_clause','when_clauses',1,'p_when_clauses','parser.py',2810), - ('charset_name -> string_lit','charset_name',1,'p_charset_name','parser.py',2821), - ('charset_name -> identifier','charset_name',1,'p_charset_name','parser.py',2822), - ('charset_name -> BINARY','charset_name',1,'p_charset_name','parser.py',2823), - ('when_clause -> WHEN expression THEN expression','when_clause',4,'p_when_clause','parser.py',2828), - ('else_opt -> ELSE expression','else_opt',2,'p_else_clause','parser.py',2833), - ('else_opt -> empty','else_opt',1,'p_else_clause','parser.py',2834), - ('call_list -> call_list COMMA expression','call_list',3,'p_call_list','parser.py',2839), - ('call_list -> expression','call_list',1,'p_call_list','parser.py',2840), - ('cast_field -> BINARY field_len_opt','cast_field',2,'p_cast_field','parser.py',2845), - ('cast_field -> char_type field_len_opt field_param_list_opt','cast_field',3,'p_cast_field','parser.py',2846), - ('cast_field -> DATE','cast_field',1,'p_cast_field','parser.py',2847), - ('cast_field -> YEAR','cast_field',1,'p_cast_field','parser.py',2848), - ('cast_field -> DATETIME field_len_opt','cast_field',2,'p_cast_field','parser.py',2849), - ('cast_field -> DECIMAL float_opt','cast_field',2,'p_cast_field','parser.py',2850), - ('cast_field -> DEC float_opt','cast_field',2,'p_cast_field','parser.py',2851), - ('cast_field -> TIME field_len_opt','cast_field',2,'p_cast_field','parser.py',2852), - ('cast_field -> SIGNED integer_opt','cast_field',2,'p_cast_field','parser.py',2853), - ('cast_field -> UNSIGNED integer_opt','cast_field',2,'p_cast_field','parser.py',2854), - ('cast_field -> JSON','cast_field',1,'p_cast_field','parser.py',2855), - ('cast_field -> DOUBLE','cast_field',1,'p_cast_field','parser.py',2856), - ('cast_field -> FLOAT float_opt','cast_field',2,'p_cast_field','parser.py',2857), - ('cast_field -> REAL','cast_field',1,'p_cast_field','parser.py',2858), - ('field_len_opt -> LPAREN NUMBER RPAREN','field_len_opt',3,'p_field_len_opt','parser.py',2900), - ('field_len_opt -> empty','field_len_opt',1,'p_field_len_opt','parser.py',2901), - ('field_param_list_opt -> LPAREN field_param_list RPAREN','field_param_list_opt',3,'p_field_param_list_opt','parser.py',2909), - ('field_param_list_opt -> empty','field_param_list_opt',1,'p_field_param_list_opt','parser.py',2910), - ('field_param_list -> field_param_list COMMA field_parameter','field_param_list',3,'p_field_param_list','parser.py',2915), - ('field_param_list -> field_parameter','field_param_list',1,'p_field_param_list','parser.py',2916), - ('field_parameter -> number','field_parameter',1,'p_field_parameter','parser.py',2921), - ('field_parameter -> base_data_type','field_parameter',1,'p_field_parameter','parser.py',2922), - ('float_opt -> LPAREN NUMBER RPAREN','float_opt',3,'p_float_opt','parser.py',2930), - ('float_opt -> LPAREN NUMBER COMMA NUMBER RPAREN','float_opt',5,'p_float_opt','parser.py',2931), - ('float_opt -> empty','float_opt',1,'p_float_opt','parser.py',2932), - ('char_type -> CHARACTER','char_type',1,'p_char_type','parser.py',2943), - ('char_type -> CHAR','char_type',1,'p_char_type','parser.py',2944), - ('integer_opt -> INTEGER','integer_opt',1,'p_integer_opt','parser.py',2949), - ('integer_opt -> INT','integer_opt',1,'p_integer_opt','parser.py',2950), - ('integer_opt -> empty','integer_opt',1,'p_integer_opt','parser.py',2951), - ('base_data_type -> identifier','base_data_type',1,'p_base_data_type','parser.py',2956), - ('comparison_operator -> EQ','comparison_operator',1,'p_comparison_operator','parser.py',2961), - ('comparison_operator -> NE','comparison_operator',1,'p_comparison_operator','parser.py',2962), - ('comparison_operator -> LT','comparison_operator',1,'p_comparison_operator','parser.py',2963), - ('comparison_operator -> LE','comparison_operator',1,'p_comparison_operator','parser.py',2964), - ('comparison_operator -> GT','comparison_operator',1,'p_comparison_operator','parser.py',2965), - ('comparison_operator -> GE','comparison_operator',1,'p_comparison_operator','parser.py',2966), - ('comparison_operator -> NULL_SAFE_EQ','comparison_operator',1,'p_comparison_operator','parser.py',2967), - ('boolean_value -> TRUE','boolean_value',1,'p_boolean_value','parser.py',2972), - ('boolean_value -> FALSE','boolean_value',1,'p_boolean_value','parser.py',2973), - ('qualified_name_list -> qualified_name_list COMMA qualified_name','qualified_name_list',3,'p_qualified_name_list','parser.py',2977), - ('qualified_name_list -> qualified_name','qualified_name_list',1,'p_qualified_name_list','parser.py',2978), - ('qualified_name -> identifier','qualified_name',1,'p_qualified_name','parser.py',2986), - ('qualified_name -> identifier PERIOD identifier','qualified_name',3,'p_qualified_name','parser.py',2987), - ('qualified_name -> identifier PERIOD identifier PERIOD identifier','qualified_name',5,'p_qualified_name','parser.py',2988), - ('identifier -> IDENTIFIER','identifier',1,'p_identifier','parser.py',2999), - ('identifier -> quoted_identifier','identifier',1,'p_identifier','parser.py',3000), - ('identifier -> non_reserved','identifier',1,'p_identifier','parser.py',3001), - ('identifier -> DIGIT_IDENTIFIER','identifier',1,'p_identifier','parser.py',3002), - ('non_reserved -> ABS','non_reserved',1,'p_non_reserved','parser.py',3007), - ('non_reserved -> ACCESSIBLE','non_reserved',1,'p_non_reserved','parser.py',3008), - ('non_reserved -> ACCOUNT','non_reserved',1,'p_non_reserved','parser.py',3009), - ('non_reserved -> ACOS','non_reserved',1,'p_non_reserved','parser.py',3010), - ('non_reserved -> ACTION','non_reserved',1,'p_non_reserved','parser.py',3011), - ('non_reserved -> ACTIVATE','non_reserved',1,'p_non_reserved','parser.py',3012), - ('non_reserved -> ACTIVE','non_reserved',1,'p_non_reserved','parser.py',3013), - ('non_reserved -> AES_DECRYPT','non_reserved',1,'p_non_reserved','parser.py',3014), - ('non_reserved -> AES_ENCRYPT','non_reserved',1,'p_non_reserved','parser.py',3015), - ('non_reserved -> AFTER','non_reserved',1,'p_non_reserved','parser.py',3016), - ('non_reserved -> AGAINST','non_reserved',1,'p_non_reserved','parser.py',3017), - ('non_reserved -> AGGREGATE','non_reserved',1,'p_non_reserved','parser.py',3018), - ('non_reserved -> ALGORITHM','non_reserved',1,'p_non_reserved','parser.py',3019), - ('non_reserved -> ALWAYS','non_reserved',1,'p_non_reserved','parser.py',3020), - ('non_reserved -> ANALYSE','non_reserved',1,'p_non_reserved','parser.py',3021), - ('non_reserved -> ANY','non_reserved',1,'p_non_reserved','parser.py',3022), - ('non_reserved -> ANY_VALUE','non_reserved',1,'p_non_reserved','parser.py',3023), - ('non_reserved -> APPROX_COUNT_DISTINCT','non_reserved',1,'p_non_reserved','parser.py',3024), - ('non_reserved -> APPROX_COUNT_DISTINCT_SYNOPSIS','non_reserved',1,'p_non_reserved','parser.py',3025), - ('non_reserved -> APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE','non_reserved',1,'p_non_reserved','parser.py',3026), - ('non_reserved -> ARCHIVELOG','non_reserved',1,'p_non_reserved','parser.py',3027), - ('non_reserved -> ASCII','non_reserved',1,'p_non_reserved','parser.py',3028), - ('non_reserved -> ASENSITIVE','non_reserved',1,'p_non_reserved','parser.py',3029), - ('non_reserved -> ASIN','non_reserved',1,'p_non_reserved','parser.py',3030), - ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED','non_reserved',1,'p_non_reserved','parser.py',3031), - ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE','non_reserved',1,'p_non_reserved','parser.py',3032), - ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED','non_reserved',1,'p_non_reserved','parser.py',3033), - ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE','non_reserved',1,'p_non_reserved','parser.py',3034), - ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_RESET','non_reserved',1,'p_non_reserved','parser.py',3035), - ('non_reserved -> AT','non_reserved',1,'p_non_reserved','parser.py',3036), - ('non_reserved -> ATAN','non_reserved',1,'p_non_reserved','parser.py',3037), - ('non_reserved -> AUDIT','non_reserved',1,'p_non_reserved','parser.py',3038), - ('non_reserved -> AUTHORS','non_reserved',1,'p_non_reserved','parser.py',3039), - ('non_reserved -> AUTO','non_reserved',1,'p_non_reserved','parser.py',3040), - ('non_reserved -> AUTOEXTEND_SIZE','non_reserved',1,'p_non_reserved','parser.py',3041), - ('non_reserved -> AUTO_INCREMENT','non_reserved',1,'p_non_reserved','parser.py',3042), - ('non_reserved -> AVG','non_reserved',1,'p_non_reserved','parser.py',3043), - ('non_reserved -> AVG_ROW_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3044), - ('non_reserved -> BACKUP','non_reserved',1,'p_non_reserved','parser.py',3045), - ('non_reserved -> BACKUPSET','non_reserved',1,'p_non_reserved','parser.py',3046), - ('non_reserved -> BALANCE','non_reserved',1,'p_non_reserved','parser.py',3047), - ('non_reserved -> BASE','non_reserved',1,'p_non_reserved','parser.py',3048), - ('non_reserved -> BASELINE','non_reserved',1,'p_non_reserved','parser.py',3049), - ('non_reserved -> BASELINE_ID','non_reserved',1,'p_non_reserved','parser.py',3050), - ('non_reserved -> BASIC','non_reserved',1,'p_non_reserved','parser.py',3051), - ('non_reserved -> BEFORE','non_reserved',1,'p_non_reserved','parser.py',3052), - ('non_reserved -> BEGI','non_reserved',1,'p_non_reserved','parser.py',3053), - ('non_reserved -> BENCHMARK','non_reserved',1,'p_non_reserved','parser.py',3054), - ('non_reserved -> BIN','non_reserved',1,'p_non_reserved','parser.py',3055), - ('non_reserved -> BINDING','non_reserved',1,'p_non_reserved','parser.py',3056), - ('non_reserved -> BINLOG','non_reserved',1,'p_non_reserved','parser.py',3057), - ('non_reserved -> BIN_TO_UUID','non_reserved',1,'p_non_reserved','parser.py',3058), - ('non_reserved -> BIT','non_reserved',1,'p_non_reserved','parser.py',3059), - ('non_reserved -> BIT_COUNT','non_reserved',1,'p_non_reserved','parser.py',3060), - ('non_reserved -> BIT_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3061), - ('non_reserved -> BLOCK','non_reserved',1,'p_non_reserved','parser.py',3062), - ('non_reserved -> BLOCK_INDEX','non_reserved',1,'p_non_reserved','parser.py',3063), - ('non_reserved -> BLOCK_SIZE','non_reserved',1,'p_non_reserved','parser.py',3064), - ('non_reserved -> BLOOM_FILTER','non_reserved',1,'p_non_reserved','parser.py',3065), - ('non_reserved -> BOOL','non_reserved',1,'p_non_reserved','parser.py',3066), - ('non_reserved -> BOOLEAN','non_reserved',1,'p_non_reserved','parser.py',3067), - ('non_reserved -> BOOTSTRAP','non_reserved',1,'p_non_reserved','parser.py',3068), - ('non_reserved -> BREADTH','non_reserved',1,'p_non_reserved','parser.py',3069), - ('non_reserved -> BRIEF','non_reserved',1,'p_non_reserved','parser.py',3070), - ('non_reserved -> BTREE','non_reserved',1,'p_non_reserved','parser.py',3071), - ('non_reserved -> BUCKETS','non_reserved',1,'p_non_reserved','parser.py',3072), - ('non_reserved -> BULK','non_reserved',1,'p_non_reserved','parser.py',3073), - ('non_reserved -> BYTE','non_reserved',1,'p_non_reserved','parser.py',3074), - ('non_reserved -> CACHE','non_reserved',1,'p_non_reserved','parser.py',3075), - ('non_reserved -> CALL','non_reserved',1,'p_non_reserved','parser.py',3076), - ('non_reserved -> CANCEL','non_reserved',1,'p_non_reserved','parser.py',3077), - ('non_reserved -> CAST','non_reserved',1,'p_non_reserved','parser.py',3078), - ('non_reserved -> CASCADED','non_reserved',1,'p_non_reserved','parser.py',3079), - ('non_reserved -> CATALOG_NAME','non_reserved',1,'p_non_reserved','parser.py',3080), - ('non_reserved -> CEIL','non_reserved',1,'p_non_reserved','parser.py',3081), - ('non_reserved -> CEILING','non_reserved',1,'p_non_reserved','parser.py',3082), - ('non_reserved -> CHAIN','non_reserved',1,'p_non_reserved','parser.py',3083), - ('non_reserved -> CHANGED','non_reserved',1,'p_non_reserved','parser.py',3084), - ('non_reserved -> CHARACTER','non_reserved',1,'p_non_reserved','parser.py',3085), - ('non_reserved -> CHARACTER_LENGT','non_reserved',1,'p_non_reserved','parser.py',3086), - ('non_reserved -> CHARACTER_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3087), - ('non_reserved -> CHARSET','non_reserved',1,'p_non_reserved','parser.py',3088), - ('non_reserved -> CHAR_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3089), - ('non_reserved -> CHECKPOINT','non_reserved',1,'p_non_reserved','parser.py',3090), - ('non_reserved -> CHECKSUM','non_reserved',1,'p_non_reserved','parser.py',3091), - ('non_reserved -> CHUNK','non_reserved',1,'p_non_reserved','parser.py',3092), - ('non_reserved -> CIPHER','non_reserved',1,'p_non_reserved','parser.py',3093), - ('non_reserved -> CLASS_ORIGIN','non_reserved',1,'p_non_reserved','parser.py',3094), - ('non_reserved -> CLEAN','non_reserved',1,'p_non_reserved','parser.py',3095), - ('non_reserved -> CLEAR','non_reserved',1,'p_non_reserved','parser.py',3096), - ('non_reserved -> CLIENT','non_reserved',1,'p_non_reserved','parser.py',3097), - ('non_reserved -> CLOG','non_reserved',1,'p_non_reserved','parser.py',3098), - ('non_reserved -> CLOSE','non_reserved',1,'p_non_reserved','parser.py',3099), - ('non_reserved -> CLUSTER','non_reserved',1,'p_non_reserved','parser.py',3100), - ('non_reserved -> CLUSTER_ID','non_reserved',1,'p_non_reserved','parser.py',3101), - ('non_reserved -> CLUSTER_NAME','non_reserved',1,'p_non_reserved','parser.py',3102), - ('non_reserved -> COALESCE','non_reserved',1,'p_non_reserved','parser.py',3103), - ('non_reserved -> CODE','non_reserved',1,'p_non_reserved','parser.py',3104), - ('non_reserved -> COERCIBILITY','non_reserved',1,'p_non_reserved','parser.py',3105), - ('non_reserved -> COPY','non_reserved',1,'p_non_reserved','parser.py',3106), - ('non_reserved -> COLLATION','non_reserved',1,'p_non_reserved','parser.py',3107), - ('non_reserved -> COLUMNS','non_reserved',1,'p_non_reserved','parser.py',3108), - ('non_reserved -> COLUMN_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3109), - ('non_reserved -> COLUMN_NAME','non_reserved',1,'p_non_reserved','parser.py',3110), - ('non_reserved -> COLUMN_STAT','non_reserved',1,'p_non_reserved','parser.py',3111), - ('non_reserved -> COMMENT','non_reserved',1,'p_non_reserved','parser.py',3112), - ('non_reserved -> COMMIT','non_reserved',1,'p_non_reserved','parser.py',3113), - ('non_reserved -> COMMITTED','non_reserved',1,'p_non_reserved','parser.py',3114), - ('non_reserved -> COMPACT','non_reserved',1,'p_non_reserved','parser.py',3115), - ('non_reserved -> COMPLETION','non_reserved',1,'p_non_reserved','parser.py',3116), - ('non_reserved -> COMPRESS','non_reserved',1,'p_non_reserved','parser.py',3117), - ('non_reserved -> COMPRESSED','non_reserved',1,'p_non_reserved','parser.py',3118), - ('non_reserved -> COMPRESSION','non_reserved',1,'p_non_reserved','parser.py',3119), - ('non_reserved -> CONCAT_WS','non_reserved',1,'p_non_reserved','parser.py',3120), - ('non_reserved -> CONCURRENT','non_reserved',1,'p_non_reserved','parser.py',3121), - ('non_reserved -> CONNECTION','non_reserved',1,'p_non_reserved','parser.py',3122), - ('non_reserved -> CONNECTION_ID','non_reserved',1,'p_non_reserved','parser.py',3123), - ('non_reserved -> CONSISTENT','non_reserved',1,'p_non_reserved','parser.py',3124), - ('non_reserved -> CONSISTENT_MODE','non_reserved',1,'p_non_reserved','parser.py',3125), - ('non_reserved -> CONSTRAINT_CATALOG','non_reserved',1,'p_non_reserved','parser.py',3126), - ('non_reserved -> CONSTRAINT_NAME','non_reserved',1,'p_non_reserved','parser.py',3127), - ('non_reserved -> CONSTRAINT_SCHEMA','non_reserved',1,'p_non_reserved','parser.py',3128), - ('non_reserved -> CONTAINS','non_reserved',1,'p_non_reserved','parser.py',3129), - ('non_reserved -> CONTEXT','non_reserved',1,'p_non_reserved','parser.py',3130), - ('non_reserved -> CONTRIBUTORS','non_reserved',1,'p_non_reserved','parser.py',3131), - ('non_reserved -> CONY','non_reserved',1,'p_non_reserved','parser.py',3132), - ('non_reserved -> COS','non_reserved',1,'p_non_reserved','parser.py',3133), - ('non_reserved -> COT','non_reserved',1,'p_non_reserved','parser.py',3134), - ('non_reserved -> COUNT','non_reserved',1,'p_non_reserved','parser.py',3135), - ('non_reserved -> CPU','non_reserved',1,'p_non_reserved','parser.py',3136), - ('non_reserved -> CRC32','non_reserved',1,'p_non_reserved','parser.py',3137), - ('non_reserved -> CREATE_TIMESTAMP','non_reserved',1,'p_non_reserved','parser.py',3138), - ('non_reserved -> CTXCAT','non_reserved',1,'p_non_reserved','parser.py',3139), - ('non_reserved -> CTX_ID','non_reserved',1,'p_non_reserved','parser.py',3140), - ('non_reserved -> CUBE','non_reserved',1,'p_non_reserved','parser.py',3141), - ('non_reserved -> CURRENT','non_reserved',1,'p_non_reserved','parser.py',3142), - ('non_reserved -> CURSOR_NAME','non_reserved',1,'p_non_reserved','parser.py',3143), - ('non_reserved -> CYCLE','non_reserved',1,'p_non_reserved','parser.py',3144), - ('non_reserved -> DATA','non_reserved',1,'p_non_reserved','parser.py',3145), - ('non_reserved -> DATABASE_ID','non_reserved',1,'p_non_reserved','parser.py',3146), - ('non_reserved -> DATAFILE','non_reserved',1,'p_non_reserved','parser.py',3147), - ('non_reserved -> DATA_TABLE_ID','non_reserved',1,'p_non_reserved','parser.py',3148), - ('non_reserved -> DATE','non_reserved',1,'p_non_reserved','parser.py',3149), - ('non_reserved -> DATETIME','non_reserved',1,'p_non_reserved','parser.py',3150), - ('non_reserved -> DATE_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3151), - ('non_reserved -> DAY','non_reserved',1,'p_non_reserved','parser.py',3152), - ('non_reserved -> DAYNAME','non_reserved',1,'p_non_reserved','parser.py',3153), - ('non_reserved -> DAYOFMONTH','non_reserved',1,'p_non_reserved','parser.py',3154), - ('non_reserved -> DAYOFWEEK','non_reserved',1,'p_non_reserved','parser.py',3155), - ('non_reserved -> DAYOFYEAR','non_reserved',1,'p_non_reserved','parser.py',3156), - ('non_reserved -> DEALLOCATE','non_reserved',1,'p_non_reserved','parser.py',3157), - ('non_reserved -> DEC','non_reserved',1,'p_non_reserved','parser.py',3158), - ('non_reserved -> DECLARE','non_reserved',1,'p_non_reserved','parser.py',3159), - ('non_reserved -> DECODE','non_reserved',1,'p_non_reserved','parser.py',3160), - ('non_reserved -> DEFAULT_AUTH','non_reserved',1,'p_non_reserved','parser.py',3161), - ('non_reserved -> DEFAULT_TABLEGROUP','non_reserved',1,'p_non_reserved','parser.py',3162), - ('non_reserved -> DEFINER','non_reserved',1,'p_non_reserved','parser.py',3163), - ('non_reserved -> DEGREES','non_reserved',1,'p_non_reserved','parser.py',3164), - ('non_reserved -> DELAY','non_reserved',1,'p_non_reserved','parser.py',3165), - ('non_reserved -> DELAY_KEY_WRITE','non_reserved',1,'p_non_reserved','parser.py',3166), - ('non_reserved -> DEPTH','non_reserved',1,'p_non_reserved','parser.py',3167), - ('non_reserved -> DESTINATION','non_reserved',1,'p_non_reserved','parser.py',3168), - ('non_reserved -> DES_KEY_FILE','non_reserved',1,'p_non_reserved','parser.py',3169), - ('non_reserved -> DETERMINISTIC','non_reserved',1,'p_non_reserved','parser.py',3170), - ('non_reserved -> DIAGNOSTICS','non_reserved',1,'p_non_reserved','parser.py',3171), - ('non_reserved -> DIRECTORY','non_reserved',1,'p_non_reserved','parser.py',3172), - ('non_reserved -> DISABLE','non_reserved',1,'p_non_reserved','parser.py',3173), - ('non_reserved -> DISCARD','non_reserved',1,'p_non_reserved','parser.py',3174), - ('non_reserved -> DISK','non_reserved',1,'p_non_reserved','parser.py',3175), - ('non_reserved -> DISKGROUP','non_reserved',1,'p_non_reserved','parser.py',3176), - ('non_reserved -> DO','non_reserved',1,'p_non_reserved','parser.py',3177), - ('non_reserved -> DUMP','non_reserved',1,'p_non_reserved','parser.py',3178), - ('non_reserved -> DUMPFILE','non_reserved',1,'p_non_reserved','parser.py',3179), - ('non_reserved -> DUPLICATE','non_reserved',1,'p_non_reserved','parser.py',3180), - ('non_reserved -> DUPLICATE_SCOPE','non_reserved',1,'p_non_reserved','parser.py',3181), - ('non_reserved -> DYNAMIC','non_reserved',1,'p_non_reserved','parser.py',3182), - ('non_reserved -> EACH','non_reserved',1,'p_non_reserved','parser.py',3183), - ('non_reserved -> EFFECTIVE','non_reserved',1,'p_non_reserved','parser.py',3184), - ('non_reserved -> EGEXP_INSTR','non_reserved',1,'p_non_reserved','parser.py',3185), - ('non_reserved -> ELT','non_reserved',1,'p_non_reserved','parser.py',3186), - ('non_reserved -> ENABLE','non_reserved',1,'p_non_reserved','parser.py',3187), - ('non_reserved -> ENCRYPTION','non_reserved',1,'p_non_reserved','parser.py',3188), - ('non_reserved -> END','non_reserved',1,'p_non_reserved','parser.py',3189), - ('non_reserved -> ENDS','non_reserved',1,'p_non_reserved','parser.py',3190), - ('non_reserved -> ENGINE','non_reserved',1,'p_non_reserved','parser.py',3191), - ('non_reserved -> ENGINES','non_reserved',1,'p_non_reserved','parser.py',3192), - ('non_reserved -> ENGINE_','non_reserved',1,'p_non_reserved','parser.py',3193), - ('non_reserved -> ENTITY','non_reserved',1,'p_non_reserved','parser.py',3194), - ('non_reserved -> ENUM','non_reserved',1,'p_non_reserved','parser.py',3195), - ('non_reserved -> ERROR','non_reserved',1,'p_non_reserved','parser.py',3196), - ('non_reserved -> ERRORS','non_reserved',1,'p_non_reserved','parser.py',3197), - ('non_reserved -> ERROR_CODE','non_reserved',1,'p_non_reserved','parser.py',3198), - ('non_reserved -> ERROR_P','non_reserved',1,'p_non_reserved','parser.py',3199), - ('non_reserved -> ERSION','non_reserved',1,'p_non_reserved','parser.py',3200), - ('non_reserved -> ESCAPE','non_reserved',1,'p_non_reserved','parser.py',3201), - ('non_reserved -> EVENT','non_reserved',1,'p_non_reserved','parser.py',3202), - ('non_reserved -> EVENTS','non_reserved',1,'p_non_reserved','parser.py',3203), - ('non_reserved -> EVERY','non_reserved',1,'p_non_reserved','parser.py',3204), - ('non_reserved -> EXCHANGE','non_reserved',1,'p_non_reserved','parser.py',3205), - ('non_reserved -> EXECUTE','non_reserved',1,'p_non_reserved','parser.py',3206), - ('non_reserved -> EXP','non_reserved',1,'p_non_reserved','parser.py',3207), - ('non_reserved -> EXPANSION','non_reserved',1,'p_non_reserved','parser.py',3208), - ('non_reserved -> EXPIRE','non_reserved',1,'p_non_reserved','parser.py',3209), - ('non_reserved -> EXPIRED','non_reserved',1,'p_non_reserved','parser.py',3210), - ('non_reserved -> EXPIRE_INFO','non_reserved',1,'p_non_reserved','parser.py',3211), - ('non_reserved -> EXPORT','non_reserved',1,'p_non_reserved','parser.py',3212), - ('non_reserved -> EXPORT_SET','non_reserved',1,'p_non_reserved','parser.py',3213), - ('non_reserved -> EXTENDED','non_reserved',1,'p_non_reserved','parser.py',3214), - ('non_reserved -> EXTENDED_NOADDR','non_reserved',1,'p_non_reserved','parser.py',3215), - ('non_reserved -> EXTENT_SIZE','non_reserved',1,'p_non_reserved','parser.py',3216), - ('non_reserved -> EXTRACTVALUE','non_reserved',1,'p_non_reserved','parser.py',3217), - ('non_reserved -> FAST','non_reserved',1,'p_non_reserved','parser.py',3218), - ('non_reserved -> FAULTS','non_reserved',1,'p_non_reserved','parser.py',3219), - ('non_reserved -> FIELD','non_reserved',1,'p_non_reserved','parser.py',3220), - ('non_reserved -> FIELDS','non_reserved',1,'p_non_reserved','parser.py',3221), - ('non_reserved -> FILEX','non_reserved',1,'p_non_reserved','parser.py',3222), - ('non_reserved -> FILE_ID','non_reserved',1,'p_non_reserved','parser.py',3223), - ('non_reserved -> FINAL_COUNT','non_reserved',1,'p_non_reserved','parser.py',3224), - ('non_reserved -> FIND_IN_SET','non_reserved',1,'p_non_reserved','parser.py',3225), - ('non_reserved -> FIRST','non_reserved',1,'p_non_reserved','parser.py',3226), - ('non_reserved -> FIXED','non_reserved',1,'p_non_reserved','parser.py',3227), - ('non_reserved -> FLASHBACK','non_reserved',1,'p_non_reserved','parser.py',3228), - ('non_reserved -> FLOAT4','non_reserved',1,'p_non_reserved','parser.py',3229), - ('non_reserved -> FLOAT8','non_reserved',1,'p_non_reserved','parser.py',3230), - ('non_reserved -> FLOOR','non_reserved',1,'p_non_reserved','parser.py',3231), - ('non_reserved -> FLUSH','non_reserved',1,'p_non_reserved','parser.py',3232), - ('non_reserved -> FOLLOWER','non_reserved',1,'p_non_reserved','parser.py',3233), - ('non_reserved -> FOLLOWING','non_reserved',1,'p_non_reserved','parser.py',3234), - ('non_reserved -> FORMAT','non_reserved',1,'p_non_reserved','parser.py',3235), - ('non_reserved -> FOUND','non_reserved',1,'p_non_reserved','parser.py',3236), - ('non_reserved -> FOUND_ROWS','non_reserved',1,'p_non_reserved','parser.py',3237), - ('non_reserved -> FREEZE','non_reserved',1,'p_non_reserved','parser.py',3238), - ('non_reserved -> FREQUENCY','non_reserved',1,'p_non_reserved','parser.py',3239), - ('non_reserved -> FROM_BASE64','non_reserved',1,'p_non_reserved','parser.py',3240), - ('non_reserved -> FROM_DAYS','non_reserved',1,'p_non_reserved','parser.py',3241), - ('non_reserved -> FROM_UNIXTIME','non_reserved',1,'p_non_reserved','parser.py',3242), - ('non_reserved -> FUNCTION','non_reserved',1,'p_non_reserved','parser.py',3243), - ('non_reserved -> GENERAL','non_reserved',1,'p_non_reserved','parser.py',3244), - ('non_reserved -> GEOMETRY','non_reserved',1,'p_non_reserved','parser.py',3245), - ('non_reserved -> GEOMETRYCOLLECTION','non_reserved',1,'p_non_reserved','parser.py',3246), - ('non_reserved -> GET','non_reserved',1,'p_non_reserved','parser.py',3247), - ('non_reserved -> GET_LOCK','non_reserved',1,'p_non_reserved','parser.py',3248), - ('non_reserved -> GLOBAL','non_reserved',1,'p_non_reserved','parser.py',3249), - ('non_reserved -> GLOBAL_ALIAS','non_reserved',1,'p_non_reserved','parser.py',3250), - ('non_reserved -> GLOBAL_NAME','non_reserved',1,'p_non_reserved','parser.py',3251), - ('non_reserved -> GRANTS','non_reserved',1,'p_non_reserved','parser.py',3252), - ('non_reserved -> GREATEST','non_reserved',1,'p_non_reserved','parser.py',3253), - ('non_reserved -> GROUPING','non_reserved',1,'p_non_reserved','parser.py',3254), - ('non_reserved -> GROUPS','non_reserved',1,'p_non_reserved','parser.py',3255), - ('non_reserved -> GROUP_REPLICATION_DISABLE_MEMBER_ACTION','non_reserved',1,'p_non_reserved','parser.py',3256), - ('non_reserved -> GROUP_REPLICATION_ENABLE_MEMBER_ACTION','non_reserved',1,'p_non_reserved','parser.py',3257), - ('non_reserved -> GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL','non_reserved',1,'p_non_reserved','parser.py',3258), - ('non_reserved -> GROUP_REPLICATION_GET_WRITE_CONCURRENCY','non_reserved',1,'p_non_reserved','parser.py',3259), - ('non_reserved -> GROUP_REPLICATION_RESET_MEMBER_ACTIONS','non_reserved',1,'p_non_reserved','parser.py',3260), - ('non_reserved -> GROUP_REPLICATION_SET_AS_PRIMARY','non_reserved',1,'p_non_reserved','parser.py',3261), - ('non_reserved -> GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL','non_reserved',1,'p_non_reserved','parser.py',3262), - ('non_reserved -> GROUP_REPLICATION_SET_WRITE_CONCURRENCY','non_reserved',1,'p_non_reserved','parser.py',3263), - ('non_reserved -> GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE','non_reserved',1,'p_non_reserved','parser.py',3264), - ('non_reserved -> GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE','non_reserved',1,'p_non_reserved','parser.py',3265), - ('non_reserved -> GTID_SUBSET','non_reserved',1,'p_non_reserved','parser.py',3266), - ('non_reserved -> GTID_SUBTRACT','non_reserved',1,'p_non_reserved','parser.py',3267), - ('non_reserved -> GTS','non_reserved',1,'p_non_reserved','parser.py',3268), - ('non_reserved -> HANDLER','non_reserved',1,'p_non_reserved','parser.py',3269), - ('non_reserved -> HASH','non_reserved',1,'p_non_reserved','parser.py',3270), - ('non_reserved -> HELP','non_reserved',1,'p_non_reserved','parser.py',3271), - ('non_reserved -> HEX','non_reserved',1,'p_non_reserved','parser.py',3272), - ('non_reserved -> HISTOGRAM','non_reserved',1,'p_non_reserved','parser.py',3273), - ('non_reserved -> HOST','non_reserved',1,'p_non_reserved','parser.py',3274), - ('non_reserved -> HOSTS','non_reserved',1,'p_non_reserved','parser.py',3275), - ('non_reserved -> HOST_IP','non_reserved',1,'p_non_reserved','parser.py',3276), - ('non_reserved -> HOUR','non_reserved',1,'p_non_reserved','parser.py',3277), - ('non_reserved -> ICU_VERSION','non_reserved',1,'p_non_reserved','parser.py',3278), - ('non_reserved -> ID','non_reserved',1,'p_non_reserved','parser.py',3279), - ('non_reserved -> IDC','non_reserved',1,'p_non_reserved','parser.py',3280), - ('non_reserved -> IDENTIFIED','non_reserved',1,'p_non_reserved','parser.py',3281), - ('non_reserved -> IFIGNORE','non_reserved',1,'p_non_reserved','parser.py',3282), - ('non_reserved -> IFNULL','non_reserved',1,'p_non_reserved','parser.py',3283), - ('non_reserved -> IGNORE_SERVER_IDS','non_reserved',1,'p_non_reserved','parser.py',3284), - ('non_reserved -> ILOG','non_reserved',1,'p_non_reserved','parser.py',3285), - ('non_reserved -> ILOGCACHE','non_reserved',1,'p_non_reserved','parser.py',3286), - ('non_reserved -> IMPORT','non_reserved',1,'p_non_reserved','parser.py',3287), - ('non_reserved -> INCR','non_reserved',1,'p_non_reserved','parser.py',3288), - ('non_reserved -> INCREMENTAL','non_reserved',1,'p_non_reserved','parser.py',3289), - ('non_reserved -> INDEXES','non_reserved',1,'p_non_reserved','parser.py',3290), - ('non_reserved -> INDEX_TABLE_ID','non_reserved',1,'p_non_reserved','parser.py',3291), - ('non_reserved -> INET6_ATON','non_reserved',1,'p_non_reserved','parser.py',3292), - ('non_reserved -> INET6_NTOA','non_reserved',1,'p_non_reserved','parser.py',3293), - ('non_reserved -> INET_ATON','non_reserved',1,'p_non_reserved','parser.py',3294), - ('non_reserved -> INET_NTOA','non_reserved',1,'p_non_reserved','parser.py',3295), - ('non_reserved -> INFO','non_reserved',1,'p_non_reserved','parser.py',3296), - ('non_reserved -> INITIAL_SIZE','non_reserved',1,'p_non_reserved','parser.py',3297), - ('non_reserved -> INTO','non_reserved',1,'p_non_reserved','parser.py',3298), - ('non_reserved -> INTERVAL','non_reserved',1,'p_non_reserved','parser.py',3299), - ('non_reserved -> INNER_PARSE','non_reserved',1,'p_non_reserved','parser.py',3300), - ('non_reserved -> INNODB','non_reserved',1,'p_non_reserved','parser.py',3301), - ('non_reserved -> INSENSITIVE','non_reserved',1,'p_non_reserved','parser.py',3302), - ('non_reserved -> INSERT_METHOD','non_reserved',1,'p_non_reserved','parser.py',3303), - ('non_reserved -> INSTALL','non_reserved',1,'p_non_reserved','parser.py',3304), - ('non_reserved -> INSTANCE','non_reserved',1,'p_non_reserved','parser.py',3305), - ('non_reserved -> INSTR','non_reserved',1,'p_non_reserved','parser.py',3306), - ('non_reserved -> INVISIBLE','non_reserved',1,'p_non_reserved','parser.py',3307), - ('non_reserved -> INVOKER','non_reserved',1,'p_non_reserved','parser.py',3308), - ('non_reserved -> IO','non_reserved',1,'p_non_reserved','parser.py',3309), - ('non_reserved -> IO_AFTER_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3310), - ('non_reserved -> IO_BEFORE_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3311), - ('non_reserved -> IO_THREAD','non_reserved',1,'p_non_reserved','parser.py',3312), - ('non_reserved -> IPC','non_reserved',1,'p_non_reserved','parser.py',3313), - ('non_reserved -> IS','non_reserved',1,'p_non_reserved','parser.py',3314), - ('non_reserved -> ISNULL','non_reserved',1,'p_non_reserved','parser.py',3315), - ('non_reserved -> ISOLATION','non_reserved',1,'p_non_reserved','parser.py',3316), - ('non_reserved -> ISSUER','non_reserved',1,'p_non_reserved','parser.py',3317), - ('non_reserved -> IS_FREE_LOCK','non_reserved',1,'p_non_reserved','parser.py',3318), - ('non_reserved -> IS_IPV4','non_reserved',1,'p_non_reserved','parser.py',3319), - ('non_reserved -> IS_IPV4_COMPAT','non_reserved',1,'p_non_reserved','parser.py',3320), - ('non_reserved -> IS_IPV4_MAPPED','non_reserved',1,'p_non_reserved','parser.py',3321), - ('non_reserved -> IS_IPV6','non_reserved',1,'p_non_reserved','parser.py',3322), - ('non_reserved -> IS_TENANT_SYS_POOL','non_reserved',1,'p_non_reserved','parser.py',3323), - ('non_reserved -> IS_USED_LOCK','non_reserved',1,'p_non_reserved','parser.py',3324), - ('non_reserved -> IS_UUID','non_reserved',1,'p_non_reserved','parser.py',3325), - ('non_reserved -> ITERATE','non_reserved',1,'p_non_reserved','parser.py',3326), - ('non_reserved -> JOB','non_reserved',1,'p_non_reserved','parser.py',3327), - ('non_reserved -> JSON','non_reserved',1,'p_non_reserved','parser.py',3328), - ('non_reserved -> JSON_ARRAY','non_reserved',1,'p_non_reserved','parser.py',3329), - ('non_reserved -> JSON_ARRAYAGG','non_reserved',1,'p_non_reserved','parser.py',3330), - ('non_reserved -> JSON_ARRAY_APPEND','non_reserved',1,'p_non_reserved','parser.py',3331), - ('non_reserved -> JSON_ARRAY_INSERT','non_reserved',1,'p_non_reserved','parser.py',3332), - ('non_reserved -> JSON_CONTAINS','non_reserved',1,'p_non_reserved','parser.py',3333), - ('non_reserved -> JSON_CONTAINS_PATH','non_reserved',1,'p_non_reserved','parser.py',3334), - ('non_reserved -> JSON_DEPTH','non_reserved',1,'p_non_reserved','parser.py',3335), - ('non_reserved -> JSON_EXTRACT','non_reserved',1,'p_non_reserved','parser.py',3336), - ('non_reserved -> JSON_INSERT','non_reserved',1,'p_non_reserved','parser.py',3337), - ('non_reserved -> JSON_KEYS','non_reserved',1,'p_non_reserved','parser.py',3338), - ('non_reserved -> JSON_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3339), - ('non_reserved -> JSON_MERGE','non_reserved',1,'p_non_reserved','parser.py',3340), - ('non_reserved -> JSON_MERGE_PATCH','non_reserved',1,'p_non_reserved','parser.py',3341), - ('non_reserved -> JSON_MERGE_PRESERVE','non_reserved',1,'p_non_reserved','parser.py',3342), - ('non_reserved -> JSON_OBJECT','non_reserved',1,'p_non_reserved','parser.py',3343), - ('non_reserved -> JSON_OVERLAPS','non_reserved',1,'p_non_reserved','parser.py',3344), - ('non_reserved -> JSON_PERTTY','non_reserved',1,'p_non_reserved','parser.py',3345), - ('non_reserved -> JSON_QUOTE','non_reserved',1,'p_non_reserved','parser.py',3346), - ('non_reserved -> JSON_REMOVE','non_reserved',1,'p_non_reserved','parser.py',3347), - ('non_reserved -> JSON_REPLACE','non_reserved',1,'p_non_reserved','parser.py',3348), - ('non_reserved -> JSON_SCHEMA_VALID','non_reserved',1,'p_non_reserved','parser.py',3349), - ('non_reserved -> JSON_SCHEMA_VALIDATION_REPORT','non_reserved',1,'p_non_reserved','parser.py',3350), - ('non_reserved -> JSON_SEARCH','non_reserved',1,'p_non_reserved','parser.py',3351), - ('non_reserved -> JSON_SET','non_reserved',1,'p_non_reserved','parser.py',3352), - ('non_reserved -> JSON_STORAGE_FREE','non_reserved',1,'p_non_reserved','parser.py',3353), - ('non_reserved -> JSON_STORAGE_SIZE','non_reserved',1,'p_non_reserved','parser.py',3354), - ('non_reserved -> JSON_TABLE','non_reserved',1,'p_non_reserved','parser.py',3355), - ('non_reserved -> JSON_TYPE','non_reserved',1,'p_non_reserved','parser.py',3356), - ('non_reserved -> JSON_UNQUOTE','non_reserved',1,'p_non_reserved','parser.py',3357), - ('non_reserved -> JSON_VAILD','non_reserved',1,'p_non_reserved','parser.py',3358), - ('non_reserved -> JSON_VALUE','non_reserved',1,'p_non_reserved','parser.py',3359), - ('non_reserved -> KEY_BLOCK_SIZE','non_reserved',1,'p_non_reserved','parser.py',3360), - ('non_reserved -> KEY_VERSION','non_reserved',1,'p_non_reserved','parser.py',3361), - ('non_reserved -> KVCACHE','non_reserved',1,'p_non_reserved','parser.py',3362), - ('non_reserved -> LANGUAGE','non_reserved',1,'p_non_reserved','parser.py',3363), - ('non_reserved -> LAST','non_reserved',1,'p_non_reserved','parser.py',3364), - ('non_reserved -> LAG','non_reserved',1,'p_non_reserved','parser.py',3365), - ('non_reserved -> LAST_DAY','non_reserved',1,'p_non_reserved','parser.py',3366), - ('non_reserved -> LAST_INSERT_ID','non_reserved',1,'p_non_reserved','parser.py',3367), - ('non_reserved -> LAST_VALUE','non_reserved',1,'p_non_reserved','parser.py',3368), - ('non_reserved -> LCASE','non_reserved',1,'p_non_reserved','parser.py',3369), - ('non_reserved -> LEADER','non_reserved',1,'p_non_reserved','parser.py',3370), - ('non_reserved -> LEAK','non_reserved',1,'p_non_reserved','parser.py',3371), - ('non_reserved -> LEAK_MOD','non_reserved',1,'p_non_reserved','parser.py',3372), - ('non_reserved -> LEAST','non_reserved',1,'p_non_reserved','parser.py',3373), - ('non_reserved -> LEAVES','non_reserved',1,'p_non_reserved','parser.py',3374), - ('non_reserved -> LENGTH','non_reserved',1,'p_non_reserved','parser.py',3375), - ('non_reserved -> LESS','non_reserved',1,'p_non_reserved','parser.py',3376), - ('non_reserved -> LEVEL','non_reserved',1,'p_non_reserved','parser.py',3377), - ('non_reserved -> LINESTRING','non_reserved',1,'p_non_reserved','parser.py',3378), - ('non_reserved -> LISTAGG','non_reserved',1,'p_non_reserved','parser.py',3379), - ('non_reserved -> LIST_','non_reserved',1,'p_non_reserved','parser.py',3380), - ('non_reserved -> LN','non_reserved',1,'p_non_reserved','parser.py',3381), - ('non_reserved -> LOAD_FILE','non_reserved',1,'p_non_reserved','parser.py',3382), - ('non_reserved -> LOB','non_reserved',1,'p_non_reserved','parser.py',3383), - ('non_reserved -> LOCAL','non_reserved',1,'p_non_reserved','parser.py',3384), - ('non_reserved -> LOCALITY','non_reserved',1,'p_non_reserved','parser.py',3385), - ('non_reserved -> LOCATE','non_reserved',1,'p_non_reserved','parser.py',3386), - ('non_reserved -> LOCATION','non_reserved',1,'p_non_reserved','parser.py',3387), - ('non_reserved -> LOCKED','non_reserved',1,'p_non_reserved','parser.py',3388), - ('non_reserved -> LOCKS','non_reserved',1,'p_non_reserved','parser.py',3389), - ('non_reserved -> LOCK_','non_reserved',1,'p_non_reserved','parser.py',3390), - ('non_reserved -> LOG','non_reserved',1,'p_non_reserved','parser.py',3391), - ('non_reserved -> LOG10','non_reserved',1,'p_non_reserved','parser.py',3392), - ('non_reserved -> LOG2','non_reserved',1,'p_non_reserved','parser.py',3393), - ('non_reserved -> LOGFILE','non_reserved',1,'p_non_reserved','parser.py',3394), - ('non_reserved -> LOGONLY_REPLICA_NUM','non_reserved',1,'p_non_reserved','parser.py',3395), - ('non_reserved -> LOGS','non_reserved',1,'p_non_reserved','parser.py',3396), - ('non_reserved -> LONG','non_reserved',1,'p_non_reserved','parser.py',3397), - ('non_reserved -> LONGB','non_reserved',1,'p_non_reserved','parser.py',3398), - ('non_reserved -> LOOP','non_reserved',1,'p_non_reserved','parser.py',3399), - ('non_reserved -> LOWER','non_reserved',1,'p_non_reserved','parser.py',3400), - ('non_reserved -> LPAD','non_reserved',1,'p_non_reserved','parser.py',3401), - ('non_reserved -> LTRIM','non_reserved',1,'p_non_reserved','parser.py',3402), - ('non_reserved -> MAJOR','non_reserved',1,'p_non_reserved','parser.py',3403), - ('non_reserved -> MAKEDATE','non_reserved',1,'p_non_reserved','parser.py',3404), - ('non_reserved -> MAKE_SE','non_reserved',1,'p_non_reserved','parser.py',3405), - ('non_reserved -> MAKE_SET','non_reserved',1,'p_non_reserved','parser.py',3406), - ('non_reserved -> MANUAL','non_reserved',1,'p_non_reserved','parser.py',3407), - ('non_reserved -> MASTER','non_reserved',1,'p_non_reserved','parser.py',3408), - ('non_reserved -> MASTER_AUTO_POSITION','non_reserved',1,'p_non_reserved','parser.py',3409), - ('non_reserved -> MASTER_BIND','non_reserved',1,'p_non_reserved','parser.py',3410), - ('non_reserved -> MASTER_CONNECT_RETRY','non_reserved',1,'p_non_reserved','parser.py',3411), - ('non_reserved -> MASTER_DELAY','non_reserved',1,'p_non_reserved','parser.py',3412), - ('non_reserved -> MASTER_HEARTBEAT_PERIOD','non_reserved',1,'p_non_reserved','parser.py',3413), - ('non_reserved -> MASTER_HOST','non_reserved',1,'p_non_reserved','parser.py',3414), - ('non_reserved -> MASTER_LOG_FILE','non_reserved',1,'p_non_reserved','parser.py',3415), - ('non_reserved -> MASTER_LOG_POS','non_reserved',1,'p_non_reserved','parser.py',3416), - ('non_reserved -> MASTER_PASSWORD','non_reserved',1,'p_non_reserved','parser.py',3417), - ('non_reserved -> MASTER_PORT','non_reserved',1,'p_non_reserved','parser.py',3418), - ('non_reserved -> MASTER_POS_WAIT','non_reserved',1,'p_non_reserved','parser.py',3419), - ('non_reserved -> MASTER_RETRY_COUNT','non_reserved',1,'p_non_reserved','parser.py',3420), - ('non_reserved -> MASTER_SERVER_ID','non_reserved',1,'p_non_reserved','parser.py',3421), - ('non_reserved -> MASTER_SSL','non_reserved',1,'p_non_reserved','parser.py',3422), - ('non_reserved -> MASTER_SSL_CA','non_reserved',1,'p_non_reserved','parser.py',3423), - ('non_reserved -> MASTER_SSL_CAPATH','non_reserved',1,'p_non_reserved','parser.py',3424), - ('non_reserved -> MASTER_SSL_CERT','non_reserved',1,'p_non_reserved','parser.py',3425), - ('non_reserved -> MASTER_SSL_CIPHER','non_reserved',1,'p_non_reserved','parser.py',3426), - ('non_reserved -> MASTER_SSL_CRL','non_reserved',1,'p_non_reserved','parser.py',3427), - ('non_reserved -> MASTER_SSL_CRLPATH','non_reserved',1,'p_non_reserved','parser.py',3428), - ('non_reserved -> MASTER_SSL_KEY','non_reserved',1,'p_non_reserved','parser.py',3429), - ('non_reserved -> MASTER_SSL_VERIFY_SERVER_CERT','non_reserved',1,'p_non_reserved','parser.py',3430), - ('non_reserved -> MASTER_USER','non_reserved',1,'p_non_reserved','parser.py',3431), - ('non_reserved -> MATCH','non_reserved',1,'p_non_reserved','parser.py',3432), - ('non_reserved -> MATCHED','non_reserved',1,'p_non_reserved','parser.py',3433), - ('non_reserved -> MATERIALIZED','non_reserved',1,'p_non_reserved','parser.py',3434), - ('non_reserved -> MAX','non_reserved',1,'p_non_reserved','parser.py',3435), - ('non_reserved -> MAX_CONNECTIONS_PER_HOUR','non_reserved',1,'p_non_reserved','parser.py',3436), - ('non_reserved -> MAX_CPU','non_reserved',1,'p_non_reserved','parser.py',3437), - ('non_reserved -> MAX_DISK_SIZE','non_reserved',1,'p_non_reserved','parser.py',3438), - ('non_reserved -> MAX_IOPS','non_reserved',1,'p_non_reserved','parser.py',3439), - ('non_reserved -> MAX_MEMORY','non_reserved',1,'p_non_reserved','parser.py',3440), - ('non_reserved -> MAX_QUERIES_PER_HOUR','non_reserved',1,'p_non_reserved','parser.py',3441), - ('non_reserved -> MAX_ROWS','non_reserved',1,'p_non_reserved','parser.py',3442), - ('non_reserved -> MAX_SESSION_NUM','non_reserved',1,'p_non_reserved','parser.py',3443), - ('non_reserved -> MAX_SIZE','non_reserved',1,'p_non_reserved','parser.py',3444), - ('non_reserved -> MAX_UPDATES_PER_HOUR','non_reserved',1,'p_non_reserved','parser.py',3445), - ('non_reserved -> MAX_USED_PART_ID','non_reserved',1,'p_non_reserved','parser.py',3446), - ('non_reserved -> MAX_USER_CONNECTIONS','non_reserved',1,'p_non_reserved','parser.py',3447), - ('non_reserved -> MD5','non_reserved',1,'p_non_reserved','parser.py',3448), - ('non_reserved -> MEDIUM','non_reserved',1,'p_non_reserved','parser.py',3449), - ('non_reserved -> MEMBER','non_reserved',1,'p_non_reserved','parser.py',3450), - ('non_reserved -> MEMORY','non_reserved',1,'p_non_reserved','parser.py',3451), - ('non_reserved -> MEMTABLE','non_reserved',1,'p_non_reserved','parser.py',3452), - ('non_reserved -> MERGE','non_reserved',1,'p_non_reserved','parser.py',3453), - ('non_reserved -> MESSAGE_TEXT','non_reserved',1,'p_non_reserved','parser.py',3454), - ('non_reserved -> META','non_reserved',1,'p_non_reserved','parser.py',3455), - ('non_reserved -> MICROSECOND','non_reserved',1,'p_non_reserved','parser.py',3456), - ('non_reserved -> MID','non_reserved',1,'p_non_reserved','parser.py',3457), - ('non_reserved -> MIDDLEINT','non_reserved',1,'p_non_reserved','parser.py',3458), - ('non_reserved -> MIGRATE','non_reserved',1,'p_non_reserved','parser.py',3459), - ('non_reserved -> MIGRATION','non_reserved',1,'p_non_reserved','parser.py',3460), - ('non_reserved -> MIN','non_reserved',1,'p_non_reserved','parser.py',3461), - ('non_reserved -> MINOR','non_reserved',1,'p_non_reserved','parser.py',3462), - ('non_reserved -> MINUTE','non_reserved',1,'p_non_reserved','parser.py',3463), - ('non_reserved -> MIN_CPU','non_reserved',1,'p_non_reserved','parser.py',3464), - ('non_reserved -> MIN_IOPS','non_reserved',1,'p_non_reserved','parser.py',3465), - ('non_reserved -> MIN_MEMORY','non_reserved',1,'p_non_reserved','parser.py',3466), - ('non_reserved -> MIN_ROWS','non_reserved',1,'p_non_reserved','parser.py',3467), - ('non_reserved -> MKEDATE','non_reserved',1,'p_non_reserved','parser.py',3468), - ('non_reserved -> MODE','non_reserved',1,'p_non_reserved','parser.py',3469), - ('non_reserved -> MODIFIES','non_reserved',1,'p_non_reserved','parser.py',3470), - ('non_reserved -> MODIFY','non_reserved',1,'p_non_reserved','parser.py',3471), - ('non_reserved -> MONTH','non_reserved',1,'p_non_reserved','parser.py',3472), - ('non_reserved -> MONTHNAME','non_reserved',1,'p_non_reserved','parser.py',3473), - ('non_reserved -> MOVE','non_reserved',1,'p_non_reserved','parser.py',3474), - ('non_reserved -> MULTILINESTRING','non_reserved',1,'p_non_reserved','parser.py',3475), - ('non_reserved -> MULTIPOINT','non_reserved',1,'p_non_reserved','parser.py',3476), - ('non_reserved -> MULTIPOLYGON','non_reserved',1,'p_non_reserved','parser.py',3477), - ('non_reserved -> MUTEX','non_reserved',1,'p_non_reserved','parser.py',3478), - ('non_reserved -> MYSQL_ERRNO','non_reserved',1,'p_non_reserved','parser.py',3479), - ('non_reserved -> NAME','non_reserved',1,'p_non_reserved','parser.py',3480), - ('non_reserved -> NAMES','non_reserved',1,'p_non_reserved','parser.py',3481), - ('non_reserved -> NAME_CONST','non_reserved',1,'p_non_reserved','parser.py',3482), - ('non_reserved -> NATIONAL','non_reserved',1,'p_non_reserved','parser.py',3483), - ('non_reserved -> NCHAR','non_reserved',1,'p_non_reserved','parser.py',3484), - ('non_reserved -> NDB','non_reserved',1,'p_non_reserved','parser.py',3485), - ('non_reserved -> NDBCLUSTER','non_reserved',1,'p_non_reserved','parser.py',3486), - ('non_reserved -> NESTED','non_reserved',1,'p_non_reserved','parser.py',3487), - ('non_reserved -> NEW','non_reserved',1,'p_non_reserved','parser.py',3488), - ('non_reserved -> NEXT','non_reserved',1,'p_non_reserved','parser.py',3489), - ('non_reserved -> NO','non_reserved',1,'p_non_reserved','parser.py',3490), - ('non_reserved -> NOARCHIVELOG','non_reserved',1,'p_non_reserved','parser.py',3491), - ('non_reserved -> NODEGROUP','non_reserved',1,'p_non_reserved','parser.py',3492), - ('non_reserved -> NONE','non_reserved',1,'p_non_reserved','parser.py',3493), - ('non_reserved -> NORMAL','non_reserved',1,'p_non_reserved','parser.py',3494), - ('non_reserved -> NOW','non_reserved',1,'p_non_reserved','parser.py',3495), - ('non_reserved -> NOWAIT','non_reserved',1,'p_non_reserved','parser.py',3496), - ('non_reserved -> NO_WAIT','non_reserved',1,'p_non_reserved','parser.py',3497), - ('non_reserved -> NULLS','non_reserved',1,'p_non_reserved','parser.py',3498), - ('non_reserved -> NULLIF','non_reserved',1,'p_non_reserved','parser.py',3499), - ('non_reserved -> NVARCHAR','non_reserved',1,'p_non_reserved','parser.py',3500), - ('non_reserved -> NVL','non_reserved',1,'p_non_reserved','parser.py',3501), - ('non_reserved -> OAD_FILE','non_reserved',1,'p_non_reserved','parser.py',3502), - ('non_reserved -> OCCUR','non_reserved',1,'p_non_reserved','parser.py',3503), - ('non_reserved -> OCT','non_reserved',1,'p_non_reserved','parser.py',3504), - ('non_reserved -> OCTET_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3505), - ('non_reserved -> OERCIBILITY','non_reserved',1,'p_non_reserved','parser.py',3506), - ('non_reserved -> OF','non_reserved',1,'p_non_reserved','parser.py',3507), - ('non_reserved -> OFF','non_reserved',1,'p_non_reserved','parser.py',3508), - ('non_reserved -> OFFSET','non_reserved',1,'p_non_reserved','parser.py',3509), - ('non_reserved -> OLD_KEY','non_reserved',1,'p_non_reserved','parser.py',3510), - ('non_reserved -> OLD_PASSWORD','non_reserved',1,'p_non_reserved','parser.py',3511), - ('non_reserved -> ONE','non_reserved',1,'p_non_reserved','parser.py',3512), - ('non_reserved -> ONE_SHOT','non_reserved',1,'p_non_reserved','parser.py',3513), - ('non_reserved -> ONLY','non_reserved',1,'p_non_reserved','parser.py',3514), - ('non_reserved -> ONTHNAME','non_reserved',1,'p_non_reserved','parser.py',3515), - ('non_reserved -> OPEN','non_reserved',1,'p_non_reserved','parser.py',3516), - ('non_reserved -> OPTIONS','non_reserved',1,'p_non_reserved','parser.py',3517), - ('non_reserved -> OR','non_reserved',1,'p_non_reserved','parser.py',3518), - ('non_reserved -> ORA_DECODE','non_reserved',1,'p_non_reserved','parser.py',3519), - ('non_reserved -> ORD','non_reserved',1,'p_non_reserved','parser.py',3520), - ('non_reserved -> ORDINALITY','non_reserved',1,'p_non_reserved','parser.py',3521), - ('non_reserved -> ORIG_DEFAULT','non_reserved',1,'p_non_reserved','parser.py',3522), - ('non_reserved -> OUTLINE','non_reserved',1,'p_non_reserved','parser.py',3523), - ('non_reserved -> OVER','non_reserved',1,'p_non_reserved','parser.py',3524), - ('non_reserved -> OWER','non_reserved',1,'p_non_reserved','parser.py',3525), - ('non_reserved -> OWNER','non_reserved',1,'p_non_reserved','parser.py',3526), - ('non_reserved -> PACE','non_reserved',1,'p_non_reserved','parser.py',3527), - ('non_reserved -> PACK_KEYS','non_reserved',1,'p_non_reserved','parser.py',3528), - ('non_reserved -> PAGE','non_reserved',1,'p_non_reserved','parser.py',3529), - ('non_reserved -> PARAMETERS','non_reserved',1,'p_non_reserved','parser.py',3530), - ('non_reserved -> PARSER','non_reserved',1,'p_non_reserved','parser.py',3531), - ('non_reserved -> PARTIAL','non_reserved',1,'p_non_reserved','parser.py',3532), - ('non_reserved -> PARTITIONING','non_reserved',1,'p_non_reserved','parser.py',3533), - ('non_reserved -> PARTITIONS','non_reserved',1,'p_non_reserved','parser.py',3534), - ('non_reserved -> PARTITION_ID','non_reserved',1,'p_non_reserved','parser.py',3535), - ('non_reserved -> PASSWORD','non_reserved',1,'p_non_reserved','parser.py',3536), - ('non_reserved -> PAUSE','non_reserved',1,'p_non_reserved','parser.py',3537), - ('non_reserved -> PATH','non_reserved',1,'p_non_reserved','parser.py',3538), - ('non_reserved -> PCTFREE','non_reserved',1,'p_non_reserved','parser.py',3539), - ('non_reserved -> PERIOD_ADD','non_reserved',1,'p_non_reserved','parser.py',3540), - ('non_reserved -> PERIOD_DIFF','non_reserved',1,'p_non_reserved','parser.py',3541), - ('non_reserved -> PHASE','non_reserved',1,'p_non_reserved','parser.py',3542), - ('non_reserved -> PHYSICAL','non_reserved',1,'p_non_reserved','parser.py',3543), - ('non_reserved -> PI','non_reserved',1,'p_non_reserved','parser.py',3544), - ('non_reserved -> PL','non_reserved',1,'p_non_reserved','parser.py',3545), - ('non_reserved -> PLAN','non_reserved',1,'p_non_reserved','parser.py',3546), - ('non_reserved -> PLANREGRESS','non_reserved',1,'p_non_reserved','parser.py',3547), - ('non_reserved -> PLUGIN','non_reserved',1,'p_non_reserved','parser.py',3548), - ('non_reserved -> PLUGINS','non_reserved',1,'p_non_reserved','parser.py',3549), - ('non_reserved -> PLUGIN_DIR','non_reserved',1,'p_non_reserved','parser.py',3550), - ('non_reserved -> POSITION','non_reserved',1,'p_non_reserved','parser.py',3551), - ('non_reserved -> POINT','non_reserved',1,'p_non_reserved','parser.py',3552), - ('non_reserved -> POLYGON','non_reserved',1,'p_non_reserved','parser.py',3553), - ('non_reserved -> POOL','non_reserved',1,'p_non_reserved','parser.py',3554), - ('non_reserved -> PORT','non_reserved',1,'p_non_reserved','parser.py',3555), - ('non_reserved -> POW','non_reserved',1,'p_non_reserved','parser.py',3556), - ('non_reserved -> POWER','non_reserved',1,'p_non_reserved','parser.py',3557), - ('non_reserved -> PRECEDING','non_reserved',1,'p_non_reserved','parser.py',3558), - ('non_reserved -> PREPARE','non_reserved',1,'p_non_reserved','parser.py',3559), - ('non_reserved -> PRESERVE','non_reserved',1,'p_non_reserved','parser.py',3560), - ('non_reserved -> PREV','non_reserved',1,'p_non_reserved','parser.py',3561), - ('non_reserved -> PREVIEW','non_reserved',1,'p_non_reserved','parser.py',3562), - ('non_reserved -> PRIMARY_ZONE','non_reserved',1,'p_non_reserved','parser.py',3563), - ('non_reserved -> PRIVILEGES','non_reserved',1,'p_non_reserved','parser.py',3564), - ('non_reserved -> PROCESS','non_reserved',1,'p_non_reserved','parser.py',3565), - ('non_reserved -> PROCESSLIST','non_reserved',1,'p_non_reserved','parser.py',3566), - ('non_reserved -> PROFILE','non_reserved',1,'p_non_reserved','parser.py',3567), - ('non_reserved -> PROFILES','non_reserved',1,'p_non_reserved','parser.py',3568), - ('non_reserved -> PROGRESSIVE_MERGE_NUM','non_reserved',1,'p_non_reserved','parser.py',3569), - ('non_reserved -> PROXY','non_reserved',1,'p_non_reserved','parser.py',3570), - ('non_reserved -> PURGE','non_reserved',1,'p_non_reserved','parser.py',3571), - ('non_reserved -> P_CHUNK','non_reserved',1,'p_non_reserved','parser.py',3572), - ('non_reserved -> P_ENTITY','non_reserved',1,'p_non_reserved','parser.py',3573), - ('non_reserved -> QUARTER','non_reserved',1,'p_non_reserved','parser.py',3574), - ('non_reserved -> QUERY','non_reserved',1,'p_non_reserved','parser.py',3575), - ('non_reserved -> QUICK','non_reserved',1,'p_non_reserved','parser.py',3576), - ('non_reserved -> QUOTE','non_reserved',1,'p_non_reserved','parser.py',3577), - ('non_reserved -> R32','non_reserved',1,'p_non_reserved','parser.py',3578), - ('non_reserved -> RANDOM','non_reserved',1,'p_non_reserved','parser.py',3579), - ('non_reserved -> RANDOM_BYTES','non_reserved',1,'p_non_reserved','parser.py',3580), - ('non_reserved -> RANGE','non_reserved',1,'p_non_reserved','parser.py',3581), - ('non_reserved -> RANK','non_reserved',1,'p_non_reserved','parser.py',3582), - ('non_reserved -> READS','non_reserved',1,'p_non_reserved','parser.py',3583), - ('non_reserved -> READ_ONLY','non_reserved',1,'p_non_reserved','parser.py',3584), - ('non_reserved -> READ_WRITE','non_reserved',1,'p_non_reserved','parser.py',3585), - ('non_reserved -> REBUILD','non_reserved',1,'p_non_reserved','parser.py',3586), - ('non_reserved -> RECOVER','non_reserved',1,'p_non_reserved','parser.py',3587), - ('non_reserved -> RECYCLE','non_reserved',1,'p_non_reserved','parser.py',3588), - ('non_reserved -> RECYCLEBIN','non_reserved',1,'p_non_reserved','parser.py',3589), - ('non_reserved -> REDOFILE','non_reserved',1,'p_non_reserved','parser.py',3590), - ('non_reserved -> REDO_BUFFER_SIZE','non_reserved',1,'p_non_reserved','parser.py',3591), - ('non_reserved -> REDUNDANT','non_reserved',1,'p_non_reserved','parser.py',3592), - ('non_reserved -> REFRESH','non_reserved',1,'p_non_reserved','parser.py',3593), - ('non_reserved -> REGION','non_reserved',1,'p_non_reserved','parser.py',3594), - ('non_reserved -> REGEXP_INSTR','non_reserved',1,'p_non_reserved','parser.py',3595), - ('non_reserved -> REGEXP_LIKE','non_reserved',1,'p_non_reserved','parser.py',3596), - ('non_reserved -> REGEXP_REPLACE','non_reserved',1,'p_non_reserved','parser.py',3597), - ('non_reserved -> REGEXP_SUBSTR','non_reserved',1,'p_non_reserved','parser.py',3598), - ('non_reserved -> RELAY','non_reserved',1,'p_non_reserved','parser.py',3599), - ('non_reserved -> RELAYLOG','non_reserved',1,'p_non_reserved','parser.py',3600), - ('non_reserved -> RELAY_LOG_FILE','non_reserved',1,'p_non_reserved','parser.py',3601), - ('non_reserved -> RELAY_LOG_POS','non_reserved',1,'p_non_reserved','parser.py',3602), - ('non_reserved -> RELAY_THREAD','non_reserved',1,'p_non_reserved','parser.py',3603), - ('non_reserved -> RELEASE_ALL_LOCKS','non_reserved',1,'p_non_reserved','parser.py',3604), - ('non_reserved -> RELEASE_LOCK','non_reserved',1,'p_non_reserved','parser.py',3605), - ('non_reserved -> RELOAD','non_reserved',1,'p_non_reserved','parser.py',3606), - ('non_reserved -> REMOTE_OSS','non_reserved',1,'p_non_reserved','parser.py',3607), - ('non_reserved -> REMOVE','non_reserved',1,'p_non_reserved','parser.py',3608), - ('non_reserved -> REORGANIZE','non_reserved',1,'p_non_reserved','parser.py',3609), - ('non_reserved -> REPAIR','non_reserved',1,'p_non_reserved','parser.py',3610), - ('non_reserved -> REPEATABLE','non_reserved',1,'p_non_reserved','parser.py',3611), - ('non_reserved -> REPLACE','non_reserved',1,'p_non_reserved','parser.py',3612), - ('non_reserved -> REPLICA','non_reserved',1,'p_non_reserved','parser.py',3613), - ('non_reserved -> REPLICATION','non_reserved',1,'p_non_reserved','parser.py',3614), - ('non_reserved -> REPLICA_NUM','non_reserved',1,'p_non_reserved','parser.py',3615), - ('non_reserved -> REPLICA_TYPE','non_reserved',1,'p_non_reserved','parser.py',3616), - ('non_reserved -> REPORT','non_reserved',1,'p_non_reserved','parser.py',3617), - ('non_reserved -> RESET','non_reserved',1,'p_non_reserved','parser.py',3618), - ('non_reserved -> RESOURCE','non_reserved',1,'p_non_reserved','parser.py',3619), - ('non_reserved -> RESOURCE_POOL_LIST','non_reserved',1,'p_non_reserved','parser.py',3620), - ('non_reserved -> RESPECT','non_reserved',1,'p_non_reserved','parser.py',3621), - ('non_reserved -> RESTART','non_reserved',1,'p_non_reserved','parser.py',3622), - ('non_reserved -> RESTORE','non_reserved',1,'p_non_reserved','parser.py',3623), - ('non_reserved -> RESUME','non_reserved',1,'p_non_reserved','parser.py',3624), - ('non_reserved -> RETURN','non_reserved',1,'p_non_reserved','parser.py',3625), - ('non_reserved -> RETURNING','non_reserved',1,'p_non_reserved','parser.py',3626), - ('non_reserved -> RETURNS','non_reserved',1,'p_non_reserved','parser.py',3627), - ('non_reserved -> REVERSE','non_reserved',1,'p_non_reserved','parser.py',3628), - ('non_reserved -> REWRITE_MERGE_VERSION','non_reserved',1,'p_non_reserved','parser.py',3629), - ('non_reserved -> ROLES_GRAPHML','non_reserved',1,'p_non_reserved','parser.py',3630), - ('non_reserved -> ROLLBACK','non_reserved',1,'p_non_reserved','parser.py',3631), - ('non_reserved -> ROLLING','non_reserved',1,'p_non_reserved','parser.py',3632), - ('non_reserved -> ROLLUP','non_reserved',1,'p_non_reserved','parser.py',3633), - ('non_reserved -> ROM_BASE64','non_reserved',1,'p_non_reserved','parser.py',3634), - ('non_reserved -> ROM_UNIXTIME','non_reserved',1,'p_non_reserved','parser.py',3635), - ('non_reserved -> ROOT','non_reserved',1,'p_non_reserved','parser.py',3636), - ('non_reserved -> ROOTSERVICE','non_reserved',1,'p_non_reserved','parser.py',3637), - ('non_reserved -> ROOTTABLE','non_reserved',1,'p_non_reserved','parser.py',3638), - ('non_reserved -> ROTATE','non_reserved',1,'p_non_reserved','parser.py',3639), - ('non_reserved -> ROUTINE','non_reserved',1,'p_non_reserved','parser.py',3640), - ('non_reserved -> ROUND','non_reserved',1,'p_non_reserved','parser.py',3641), - ('non_reserved -> ROW','non_reserved',1,'p_non_reserved','parser.py',3642), - ('non_reserved -> ROWS','non_reserved',1,'p_non_reserved','parser.py',3643), - ('non_reserved -> ROW_COUNT','non_reserved',1,'p_non_reserved','parser.py',3644), - ('non_reserved -> ROW_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3645), - ('non_reserved -> ROW_NUMBER','non_reserved',1,'p_non_reserved','parser.py',3646), - ('non_reserved -> RPAD','non_reserved',1,'p_non_reserved','parser.py',3647), - ('non_reserved -> RTREE','non_reserved',1,'p_non_reserved','parser.py',3648), - ('non_reserved -> RTRIM','non_reserved',1,'p_non_reserved','parser.py',3649), - ('non_reserved -> RUDUNDANT','non_reserved',1,'p_non_reserved','parser.py',3650), - ('non_reserved -> RUN','non_reserved',1,'p_non_reserved','parser.py',3651), - ('non_reserved -> SAMPLE','non_reserved',1,'p_non_reserved','parser.py',3652), - ('non_reserved -> SAVEPOINT','non_reserved',1,'p_non_reserved','parser.py',3653), - ('non_reserved -> SCHEDULE','non_reserved',1,'p_non_reserved','parser.py',3654), - ('non_reserved -> SCHEMA','non_reserved',1,'p_non_reserved','parser.py',3655), - ('non_reserved -> SCHEMAS','non_reserved',1,'p_non_reserved','parser.py',3656), - ('non_reserved -> SCHEMA_NAME','non_reserved',1,'p_non_reserved','parser.py',3657), - ('non_reserved -> SCOPE','non_reserved',1,'p_non_reserved','parser.py',3658), - ('non_reserved -> SEARCH','non_reserved',1,'p_non_reserved','parser.py',3659), - ('non_reserved -> SECOND','non_reserved',1,'p_non_reserved','parser.py',3660), - ('non_reserved -> SECURITY','non_reserved',1,'p_non_reserved','parser.py',3661), - ('non_reserved -> SEC_TO_TIME','non_reserved',1,'p_non_reserved','parser.py',3662), - ('non_reserved -> SEED','non_reserved',1,'p_non_reserved','parser.py',3663), - ('non_reserved -> SENSITIVE','non_reserved',1,'p_non_reserved','parser.py',3664), - ('non_reserved -> SEPARATOR','non_reserved',1,'p_non_reserved','parser.py',3665), - ('non_reserved -> SERIAL','non_reserved',1,'p_non_reserved','parser.py',3666), - ('non_reserved -> SERIALIZABLE','non_reserved',1,'p_non_reserved','parser.py',3667), - ('non_reserved -> SERVER','non_reserved',1,'p_non_reserved','parser.py',3668), - ('non_reserved -> SERVER_IP','non_reserved',1,'p_non_reserved','parser.py',3669), - ('non_reserved -> SERVER_PORT','non_reserved',1,'p_non_reserved','parser.py',3670), - ('non_reserved -> SERVER_TYPE','non_reserved',1,'p_non_reserved','parser.py',3671), - ('non_reserved -> SESSION','non_reserved',1,'p_non_reserved','parser.py',3672), - ('non_reserved -> SESSION_ALIAS','non_reserved',1,'p_non_reserved','parser.py',3673), - ('non_reserved -> SESSION_USER','non_reserved',1,'p_non_reserved','parser.py',3674), - ('non_reserved -> SET_MASTER_CLUSTER','non_reserved',1,'p_non_reserved','parser.py',3675), - ('non_reserved -> SET_SLAVE_CLUSTER','non_reserved',1,'p_non_reserved','parser.py',3676), - ('non_reserved -> SET_TP','non_reserved',1,'p_non_reserved','parser.py',3677), - ('non_reserved -> SHA','non_reserved',1,'p_non_reserved','parser.py',3678), - ('non_reserved -> SHA1','non_reserved',1,'p_non_reserved','parser.py',3679), - ('non_reserved -> SHA2','non_reserved',1,'p_non_reserved','parser.py',3680), - ('non_reserved -> SHARE','non_reserved',1,'p_non_reserved','parser.py',3681), - ('non_reserved -> SHOW','non_reserved',1,'p_non_reserved','parser.py',3682), - ('non_reserved -> SHUTDOWN','non_reserved',1,'p_non_reserved','parser.py',3683), - ('non_reserved -> SKIP','non_reserved',1,'p_non_reserved','parser.py',3684), - ('non_reserved -> SIGN','non_reserved',1,'p_non_reserved','parser.py',3685), - ('non_reserved -> SIGNED','non_reserved',1,'p_non_reserved','parser.py',3686), - ('non_reserved -> SIMPLE','non_reserved',1,'p_non_reserved','parser.py',3687), - ('non_reserved -> SLAVE','non_reserved',1,'p_non_reserved','parser.py',3688), - ('non_reserved -> SLEEP','non_reserved',1,'p_non_reserved','parser.py',3689), - ('non_reserved -> SLOT_IDX','non_reserved',1,'p_non_reserved','parser.py',3690), - ('non_reserved -> SLOW','non_reserved',1,'p_non_reserved','parser.py',3691), - ('non_reserved -> SNAPSHOT','non_reserved',1,'p_non_reserved','parser.py',3692), - ('non_reserved -> SOCKET','non_reserved',1,'p_non_reserved','parser.py',3693), - ('non_reserved -> SOME','non_reserved',1,'p_non_reserved','parser.py',3694), - ('non_reserved -> SONAME','non_reserved',1,'p_non_reserved','parser.py',3695), - ('non_reserved -> SOUNDEX','non_reserved',1,'p_non_reserved','parser.py',3696), - ('non_reserved -> SOUNDS','non_reserved',1,'p_non_reserved','parser.py',3697), - ('non_reserved -> SOURCE','non_reserved',1,'p_non_reserved','parser.py',3698), - ('non_reserved -> SOURCE_POS_WAIT','non_reserved',1,'p_non_reserved','parser.py',3699), - ('non_reserved -> SPACE','non_reserved',1,'p_non_reserved','parser.py',3700), - ('non_reserved -> SPATIAL','non_reserved',1,'p_non_reserved','parser.py',3701), - ('non_reserved -> SPECIFIC','non_reserved',1,'p_non_reserved','parser.py',3702), - ('non_reserved -> SPFILE','non_reserved',1,'p_non_reserved','parser.py',3703), - ('non_reserved -> SPLIT','non_reserved',1,'p_non_reserved','parser.py',3704), - ('non_reserved -> SQL_AFTER_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3705), - ('non_reserved -> SQL_AFTER_MTS_GAPS','non_reserved',1,'p_non_reserved','parser.py',3706), - ('non_reserved -> SQL_BEFORE_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3707), - ('non_reserved -> SQL_BUFFER_RESULT','non_reserved',1,'p_non_reserved','parser.py',3708), - ('non_reserved -> SQL_CACHE','non_reserved',1,'p_non_reserved','parser.py',3709), - ('non_reserved -> SQL_CALC_FOUND_ROWS','non_reserved',1,'p_non_reserved','parser.py',3710), - ('non_reserved -> SQL_ID','non_reserved',1,'p_non_reserved','parser.py',3711), - ('non_reserved -> SQL_NO_CACHE','non_reserved',1,'p_non_reserved','parser.py',3712), - ('non_reserved -> SQL_SMALL_RESULT','non_reserved',1,'p_non_reserved','parser.py',3713), - ('non_reserved -> SQL_THREAD','non_reserved',1,'p_non_reserved','parser.py',3714), - ('non_reserved -> SQL_TSI_DAY','non_reserved',1,'p_non_reserved','parser.py',3715), - ('non_reserved -> SQL_TSI_HOUR','non_reserved',1,'p_non_reserved','parser.py',3716), - ('non_reserved -> SQL_TSI_MINUTE','non_reserved',1,'p_non_reserved','parser.py',3717), - ('non_reserved -> SQL_TSI_MONTH','non_reserved',1,'p_non_reserved','parser.py',3718), - ('non_reserved -> SQL_TSI_QUARTER','non_reserved',1,'p_non_reserved','parser.py',3719), - ('non_reserved -> SQL_TSI_SECOND','non_reserved',1,'p_non_reserved','parser.py',3720), - ('non_reserved -> SQL_TSI_WEEK','non_reserved',1,'p_non_reserved','parser.py',3721), - ('non_reserved -> SQL_TSI_YEAR','non_reserved',1,'p_non_reserved','parser.py',3722), - ('non_reserved -> STANDBY','non_reserved',1,'p_non_reserved','parser.py',3723), - ('non_reserved -> START','non_reserved',1,'p_non_reserved','parser.py',3724), - ('non_reserved -> STARTS','non_reserved',1,'p_non_reserved','parser.py',3725), - ('non_reserved -> STAT','non_reserved',1,'p_non_reserved','parser.py',3726), - ('non_reserved -> STATEMENT_DIGEST','non_reserved',1,'p_non_reserved','parser.py',3727), - ('non_reserved -> STATEMENT_DIGEST_TEXT','non_reserved',1,'p_non_reserved','parser.py',3728), - ('non_reserved -> STATS_AUTO_RECALC','non_reserved',1,'p_non_reserved','parser.py',3729), - ('non_reserved -> STATS_PERSISTENT','non_reserved',1,'p_non_reserved','parser.py',3730), - ('non_reserved -> STATS_SAMPLE_PAGES','non_reserved',1,'p_non_reserved','parser.py',3731), - ('non_reserved -> STATUS','non_reserved',1,'p_non_reserved','parser.py',3732), - ('non_reserved -> STOP','non_reserved',1,'p_non_reserved','parser.py',3733), - ('non_reserved -> STORAGE','non_reserved',1,'p_non_reserved','parser.py',3734), - ('non_reserved -> STORAGE_FORMAT_VERSION','non_reserved',1,'p_non_reserved','parser.py',3735), - ('non_reserved -> STORAGE_FORMAT_WORK_VERSION','non_reserved',1,'p_non_reserved','parser.py',3736), - ('non_reserved -> STORED','non_reserved',1,'p_non_reserved','parser.py',3737), - ('non_reserved -> STORING','non_reserved',1,'p_non_reserved','parser.py',3738), - ('non_reserved -> STRAIGHT_JOIN','non_reserved',1,'p_non_reserved','parser.py',3739), - ('non_reserved -> STRCMP','non_reserved',1,'p_non_reserved','parser.py',3740), - ('non_reserved -> STR_TO_DATE','non_reserved',1,'p_non_reserved','parser.py',3741), - ('non_reserved -> SUBCLASS_ORIGIN','non_reserved',1,'p_non_reserved','parser.py',3742), - ('non_reserved -> SUBJECT','non_reserved',1,'p_non_reserved','parser.py',3743), - ('non_reserved -> SUBPARTITION','non_reserved',1,'p_non_reserved','parser.py',3744), - ('non_reserved -> SUBPARTITIONS','non_reserved',1,'p_non_reserved','parser.py',3745), - ('non_reserved -> SUBSTR','non_reserved',1,'p_non_reserved','parser.py',3746), - ('non_reserved -> SUBSTRING_INDEX','non_reserved',1,'p_non_reserved','parser.py',3747), - ('non_reserved -> SUBTIME','non_reserved',1,'p_non_reserved','parser.py',3748), - ('non_reserved -> SUPER','non_reserved',1,'p_non_reserved','parser.py',3749), - ('non_reserved -> SUM','non_reserved',1,'p_non_reserved','parser.py',3750), - ('non_reserved -> SUSPEND','non_reserved',1,'p_non_reserved','parser.py',3751), - ('non_reserved -> SWAPS','non_reserved',1,'p_non_reserved','parser.py',3752), - ('non_reserved -> SWITCH','non_reserved',1,'p_non_reserved','parser.py',3753), - ('non_reserved -> SWITCHES','non_reserved',1,'p_non_reserved','parser.py',3754), - ('non_reserved -> SWITCHOVER','non_reserved',1,'p_non_reserved','parser.py',3755), - ('non_reserved -> SYNCHRONIZATION','non_reserved',1,'p_non_reserved','parser.py',3756), - ('non_reserved -> SYSTEM','non_reserved',1,'p_non_reserved','parser.py',3757), - ('non_reserved -> SYSTEM_USER','non_reserved',1,'p_non_reserved','parser.py',3758), - ('non_reserved -> TABLEGROUP','non_reserved',1,'p_non_reserved','parser.py',3759), - ('non_reserved -> TABLEGROUPS','non_reserved',1,'p_non_reserved','parser.py',3760), - ('non_reserved -> TABLEGROUP_ID','non_reserved',1,'p_non_reserved','parser.py',3761), - ('non_reserved -> TABLES','non_reserved',1,'p_non_reserved','parser.py',3762), - ('non_reserved -> TABLESPACE','non_reserved',1,'p_non_reserved','parser.py',3763), - ('non_reserved -> TABLET','non_reserved',1,'p_non_reserved','parser.py',3764), - ('non_reserved -> TABLET_MAX_SIZE','non_reserved',1,'p_non_reserved','parser.py',3765), - ('non_reserved -> TABLET_SIZE','non_reserved',1,'p_non_reserved','parser.py',3766), - ('non_reserved -> TABLE_CHECKSUM','non_reserved',1,'p_non_reserved','parser.py',3767), - ('non_reserved -> TABLE_ID','non_reserved',1,'p_non_reserved','parser.py',3768), - ('non_reserved -> TABLE_MODE','non_reserved',1,'p_non_reserved','parser.py',3769), - ('non_reserved -> TABLE_NAME','non_reserved',1,'p_non_reserved','parser.py',3770), - ('non_reserved -> TASK','non_reserved',1,'p_non_reserved','parser.py',3771), - ('non_reserved -> TATEMENT_DIGEST','non_reserved',1,'p_non_reserved','parser.py',3772), - ('non_reserved -> TEMPLATE','non_reserved',1,'p_non_reserved','parser.py',3773), - ('non_reserved -> TEMPORARY','non_reserved',1,'p_non_reserved','parser.py',3774), - ('non_reserved -> TEMPTABLE','non_reserved',1,'p_non_reserved','parser.py',3775), - ('non_reserved -> TENANT','non_reserved',1,'p_non_reserved','parser.py',3776), - ('non_reserved -> TENANT_ID','non_reserved',1,'p_non_reserved','parser.py',3777), - ('non_reserved -> TEXT','non_reserved',1,'p_non_reserved','parser.py',3778), - ('non_reserved -> THAN','non_reserved',1,'p_non_reserved','parser.py',3779), - ('non_reserved -> TIME','non_reserved',1,'p_non_reserved','parser.py',3780), - ('non_reserved -> TIMEDIFF','non_reserved',1,'p_non_reserved','parser.py',3781), - ('non_reserved -> TIMESTAMP','non_reserved',1,'p_non_reserved','parser.py',3782), - ('non_reserved -> TIME_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3783), - ('non_reserved -> TIME_TO_SEC','non_reserved',1,'p_non_reserved','parser.py',3784), - ('non_reserved -> TIME_ZONE_INFO','non_reserved',1,'p_non_reserved','parser.py',3785), - ('non_reserved -> TOP','non_reserved',1,'p_non_reserved','parser.py',3786), - ('non_reserved -> TO_BASE64','non_reserved',1,'p_non_reserved','parser.py',3787), - ('non_reserved -> TO_DAYS','non_reserved',1,'p_non_reserved','parser.py',3788), - ('non_reserved -> TO_SECONDS','non_reserved',1,'p_non_reserved','parser.py',3789), - ('non_reserved -> TP_NAME','non_reserved',1,'p_non_reserved','parser.py',3790), - ('non_reserved -> TP_NO','non_reserved',1,'p_non_reserved','parser.py',3791), - ('non_reserved -> TRACE','non_reserved',1,'p_non_reserved','parser.py',3792), - ('non_reserved -> TRADITIONAL','non_reserved',1,'p_non_reserved','parser.py',3793), - ('non_reserved -> TRANSACTION','non_reserved',1,'p_non_reserved','parser.py',3794), - ('non_reserved -> TRIGGERS','non_reserved',1,'p_non_reserved','parser.py',3795), - ('non_reserved -> TRUNCATE','non_reserved',1,'p_non_reserved','parser.py',3796), - ('non_reserved -> TYPE','non_reserved',1,'p_non_reserved','parser.py',3797), - ('non_reserved -> TYPES','non_reserved',1,'p_non_reserved','parser.py',3798), - ('non_reserved -> UBTIME','non_reserved',1,'p_non_reserved','parser.py',3799), - ('non_reserved -> UCASE','non_reserved',1,'p_non_reserved','parser.py',3800), - ('non_reserved -> UNBOUNDED','non_reserved',1,'p_non_reserved','parser.py',3801), - ('non_reserved -> UNCOMMITTED','non_reserved',1,'p_non_reserved','parser.py',3802), - ('non_reserved -> UNCOMPRESS','non_reserved',1,'p_non_reserved','parser.py',3803), - ('non_reserved -> UNCOMPRESSED_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3804), - ('non_reserved -> UNDEFINED','non_reserved',1,'p_non_reserved','parser.py',3805), - ('non_reserved -> UNDO','non_reserved',1,'p_non_reserved','parser.py',3806), - ('non_reserved -> UNDOFILE','non_reserved',1,'p_non_reserved','parser.py',3807), - ('non_reserved -> UNDO_BUFFER_SIZE','non_reserved',1,'p_non_reserved','parser.py',3808), - ('non_reserved -> UNHEX','non_reserved',1,'p_non_reserved','parser.py',3809), - ('non_reserved -> UNICODE','non_reserved',1,'p_non_reserved','parser.py',3810), - ('non_reserved -> UNINSTALL','non_reserved',1,'p_non_reserved','parser.py',3811), - ('non_reserved -> UNIT','non_reserved',1,'p_non_reserved','parser.py',3812), - ('non_reserved -> UNIT_NUM','non_reserved',1,'p_non_reserved','parser.py',3813), - ('non_reserved -> UNIX_TIMESTAMP','non_reserved',1,'p_non_reserved','parser.py',3814), - ('non_reserved -> UNKNOWN','non_reserved',1,'p_non_reserved','parser.py',3815), - ('non_reserved -> UNLOCK','non_reserved',1,'p_non_reserved','parser.py',3816), - ('non_reserved -> UNLOCKED','non_reserved',1,'p_non_reserved','parser.py',3817), - ('non_reserved -> UNUSUAL','non_reserved',1,'p_non_reserved','parser.py',3818), - ('non_reserved -> UPDATEXML','non_reserved',1,'p_non_reserved','parser.py',3819), - ('non_reserved -> UPGRADE','non_reserved',1,'p_non_reserved','parser.py',3820), - ('non_reserved -> UPPER','non_reserved',1,'p_non_reserved','parser.py',3821), - ('non_reserved -> USEC_TO_TIME','non_reserved',1,'p_non_reserved','parser.py',3822), - ('non_reserved -> USER','non_reserved',1,'p_non_reserved','parser.py',3823), - ('non_reserved -> USER_RESOURCES','non_reserved',1,'p_non_reserved','parser.py',3824), - ('non_reserved -> USE_BLOOM_FILTER','non_reserved',1,'p_non_reserved','parser.py',3825), - ('non_reserved -> USE_FRM','non_reserved',1,'p_non_reserved','parser.py',3826), - ('non_reserved -> UUID','non_reserved',1,'p_non_reserved','parser.py',3827), - ('non_reserved -> UUID_SHORT','non_reserved',1,'p_non_reserved','parser.py',3828), - ('non_reserved -> UUID_TO_BIN','non_reserved',1,'p_non_reserved','parser.py',3829), - ('non_reserved -> VALID','non_reserved',1,'p_non_reserved','parser.py',3830), - ('non_reserved -> VALIDATE','non_reserved',1,'p_non_reserved','parser.py',3831), - ('non_reserved -> VALIDATE_PASSWORD_STRENGTH','non_reserved',1,'p_non_reserved','parser.py',3832), - ('non_reserved -> VALUE','non_reserved',1,'p_non_reserved','parser.py',3833), - ('non_reserved -> VARCHARACTER','non_reserved',1,'p_non_reserved','parser.py',3834), - ('non_reserved -> VARIABLES','non_reserved',1,'p_non_reserved','parser.py',3835), - ('non_reserved -> VARIANCE','non_reserved',1,'p_non_reserved','parser.py',3836), - ('non_reserved -> VAR_VARIANCE','non_reserved',1,'p_non_reserved','parser.py',3837), - ('non_reserved -> VERBOSE','non_reserved',1,'p_non_reserved','parser.py',3838), - ('non_reserved -> VERSION','non_reserved',1,'p_non_reserved','parser.py',3839), - ('non_reserved -> VIEW','non_reserved',1,'p_non_reserved','parser.py',3840), - ('non_reserved -> VIRTUAL_COLUMN_ID','non_reserved',1,'p_non_reserved','parser.py',3841), - ('non_reserved -> VISIBLE','non_reserved',1,'p_non_reserved','parser.py',3842), - ('non_reserved -> WAIT','non_reserved',1,'p_non_reserved','parser.py',3843), - ('non_reserved -> WAIT_FOR_EXECUTED_GTID_SET','non_reserved',1,'p_non_reserved','parser.py',3844), - ('non_reserved -> WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3845), - ('non_reserved -> WARNINGS','non_reserved',1,'p_non_reserved','parser.py',3846), - ('non_reserved -> WEEK','non_reserved',1,'p_non_reserved','parser.py',3847), - ('non_reserved -> WEEKDAY','non_reserved',1,'p_non_reserved','parser.py',3848), - ('non_reserved -> WEEKOFYEAR','non_reserved',1,'p_non_reserved','parser.py',3849), - ('non_reserved -> WEIGHT_STRING','non_reserved',1,'p_non_reserved','parser.py',3850), - ('non_reserved -> WITH','non_reserved',1,'p_non_reserved','parser.py',3851), - ('non_reserved -> WITH_ROWID','non_reserved',1,'p_non_reserved','parser.py',3852), - ('non_reserved -> WORK','non_reserved',1,'p_non_reserved','parser.py',3853), - ('non_reserved -> WRAPPER','non_reserved',1,'p_non_reserved','parser.py',3854), - ('non_reserved -> WRITE','non_reserved',1,'p_non_reserved','parser.py',3855), - ('non_reserved -> X509','non_reserved',1,'p_non_reserved','parser.py',3856), - ('non_reserved -> XA','non_reserved',1,'p_non_reserved','parser.py',3857), - ('non_reserved -> XML','non_reserved',1,'p_non_reserved','parser.py',3858), - ('non_reserved -> XOR','non_reserved',1,'p_non_reserved','parser.py',3859), - ('non_reserved -> XTRACTVALUE','non_reserved',1,'p_non_reserved','parser.py',3860), - ('non_reserved -> YEAR','non_reserved',1,'p_non_reserved','parser.py',3861), - ('non_reserved -> YEARWEEK','non_reserved',1,'p_non_reserved','parser.py',3862), - ('non_reserved -> ZEROFILL','non_reserved',1,'p_non_reserved','parser.py',3863), - ('non_reserved -> ZONE','non_reserved',1,'p_non_reserved','parser.py',3864), - ('non_reserved -> ZONE_LIST','non_reserved',1,'p_non_reserved','parser.py',3865), - ('non_reserved -> ZONE_TYPE','non_reserved',1,'p_non_reserved','parser.py',3866), - ('time_interval -> INTERVAL expression time_unit','time_interval',3,'p_time_interval','parser.py',3871), - ('time_interval -> QM','time_interval',1,'p_time_interval','parser.py',3872), - ('time_unit -> timestamp_unit','time_unit',1,'p_time_unit','parser.py',3880), - ('time_unit -> SECOND_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3881), - ('time_unit -> MINUTE_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3882), - ('time_unit -> MINUTE_SECOND','time_unit',1,'p_time_unit','parser.py',3883), - ('time_unit -> HOUR_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3884), - ('time_unit -> HOUR_SECOND','time_unit',1,'p_time_unit','parser.py',3885), - ('time_unit -> HOUR_MINUTE','time_unit',1,'p_time_unit','parser.py',3886), - ('time_unit -> DAY_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3887), - ('time_unit -> DAY_SECOND','time_unit',1,'p_time_unit','parser.py',3888), - ('time_unit -> DAY_MINUTE','time_unit',1,'p_time_unit','parser.py',3889), - ('time_unit -> DAY_HOUR','time_unit',1,'p_time_unit','parser.py',3890), - ('time_unit -> YEAR_MONTH','time_unit',1,'p_time_unit','parser.py',3891), - ('timestamp_unit -> MICROSECOND','timestamp_unit',1,'p_timestamp_unit','parser.py',3896), - ('timestamp_unit -> SECOND','timestamp_unit',1,'p_timestamp_unit','parser.py',3897), - ('timestamp_unit -> MINUTE','timestamp_unit',1,'p_timestamp_unit','parser.py',3898), - ('timestamp_unit -> HOUR','timestamp_unit',1,'p_timestamp_unit','parser.py',3899), - ('timestamp_unit -> DAY','timestamp_unit',1,'p_timestamp_unit','parser.py',3900), - ('timestamp_unit -> WEEK','timestamp_unit',1,'p_timestamp_unit','parser.py',3901), - ('timestamp_unit -> MONTH','timestamp_unit',1,'p_timestamp_unit','parser.py',3902), - ('timestamp_unit -> QUARTER','timestamp_unit',1,'p_timestamp_unit','parser.py',3903), - ('timestamp_unit -> YEAR','timestamp_unit',1,'p_timestamp_unit','parser.py',3904), - ('timestamp_unit -> SQL_TSI_SECOND','timestamp_unit',1,'p_timestamp_unit','parser.py',3905), - ('timestamp_unit -> SQL_TSI_MINUTE','timestamp_unit',1,'p_timestamp_unit','parser.py',3906), - ('timestamp_unit -> SQL_TSI_HOUR','timestamp_unit',1,'p_timestamp_unit','parser.py',3907), - ('timestamp_unit -> SQL_TSI_DAY','timestamp_unit',1,'p_timestamp_unit','parser.py',3908), - ('timestamp_unit -> SQL_TSI_WEEK','timestamp_unit',1,'p_timestamp_unit','parser.py',3909), - ('timestamp_unit -> SQL_TSI_MONTH','timestamp_unit',1,'p_timestamp_unit','parser.py',3910), - ('timestamp_unit -> SQL_TSI_QUARTER','timestamp_unit',1,'p_timestamp_unit','parser.py',3911), - ('timestamp_unit -> SQL_TSI_YEAR','timestamp_unit',1,'p_timestamp_unit','parser.py',3912), - ('quoted_identifier -> BACKQUOTED_IDENTIFIER','quoted_identifier',1,'p_quoted_identifier','parser.py',3917), - ('figure -> FRACTION','figure',1,'p_figure','parser.py',3922), - ('figure -> number','figure',1,'p_figure','parser.py',3923), - ('empty -> ','empty',0,'p_empty','parser.py',3931), + ('update -> UPDATE relations SET assignment_list where_opt order_by_opt limit_opt','update',7,'p_update','parser.py',415), + ('assignment_list -> assignment','assignment_list',1,'p_assignment_list','parser.py',428), + ('assignment_list -> assignment_list COMMA assignment','assignment_list',3,'p_assignment_list','parser.py',429), + ('assignment -> qualified_name eq_or_assignment_eq expr_or_default','assignment',3,'p_assignment','parser.py',434), + ('eq_or_assignment_eq -> EQ','eq_or_assignment_eq',1,'p_eq_or_assignment_eq','parser.py',440), + ('eq_or_assignment_eq -> ASSIGNMENTEQ','eq_or_assignment_eq',1,'p_eq_or_assignment_eq','parser.py',441), + ('expr_or_default -> expression','expr_or_default',1,'p_expr_or_default','parser.py',446), + ('expr_or_default -> DEFAULT','expr_or_default',1,'p_expr_or_default','parser.py',447), + ('cursor_specification -> query_expression','cursor_specification',1,'p_cursor_specification','parser.py',453), + ('cursor_specification -> query_spec','cursor_specification',1,'p_cursor_specification','parser.py',454), + ('cursor_specification -> select_stmt_with_clause','cursor_specification',1,'p_cursor_specification','parser.py',455), + ('select_stmt_with_clause -> with_clause simple_table','select_stmt_with_clause',2,'p_select_stmt_with_clause','parser.py',474), + ('select_stmt_with_clause -> with_clause subquery','select_stmt_with_clause',2,'p_select_stmt_with_clause','parser.py',475), + ('with_clause -> WITH with_list','with_clause',2,'p_with_clause','parser.py',481), + ('with_list -> with_list COMMA common_table_expr','with_list',3,'p_with_list','parser.py',486), + ('with_list -> common_table_expr','with_list',1,'p_with_list','parser.py',487), + ('common_table_expr -> identifier ident_list_opt AS subquery','common_table_expr',4,'p_common_table_expr','parser.py',497), + ('ident_list_opt -> LPAREN ident_list RPAREN','ident_list_opt',3,'p_ident_list_opt','parser.py',504), + ('ident_list_opt -> empty','ident_list_opt',1,'p_ident_list_opt','parser.py',505), + ('ident_list -> identifier','ident_list',1,'p_ident_list','parser.py',510), + ('ident_list -> ident_list COMMA identifier','ident_list',3,'p_ident_list','parser.py',511), + ('for_update_opt -> FOR UPDATE','for_update_opt',2,'p_for_update_opt','parser.py',520), + ('for_update_opt -> FOR UPDATE NOWAIT','for_update_opt',3,'p_for_update_opt','parser.py',521), + ('for_update_opt -> FOR UPDATE NO_WAIT','for_update_opt',3,'p_for_update_opt','parser.py',522), + ('for_update_opt -> FOR UPDATE SKIP LOCKED','for_update_opt',4,'p_for_update_opt','parser.py',523), + ('for_update_opt -> FOR UPDATE WAIT figure','for_update_opt',4,'p_for_update_opt','parser.py',524), + ('for_update_opt -> LOCK IN SHARE MODE','for_update_opt',4,'p_for_update_opt','parser.py',525), + ('for_update_opt -> empty','for_update_opt',1,'p_for_update_opt','parser.py',526), + ('query_expression -> set_operation_stmt','query_expression',1,'p_query_expression','parser.py',536), + ('set_operation_stmt -> set_operation_stmt_wout_order_limit','set_operation_stmt',1,'p_set_operation_stmt','parser.py',541), + ('set_operation_stmt -> set_operation_stmt_w_order','set_operation_stmt',1,'p_set_operation_stmt','parser.py',542), + ('set_operation_stmt -> set_operation_stmt_w_limit','set_operation_stmt',1,'p_set_operation_stmt','parser.py',543), + ('set_operation_stmt -> set_operation_stmt_w_order_limit','set_operation_stmt',1,'p_set_operation_stmt','parser.py',544), + ('set_operation_stmt -> with_clause set_operation_stmt_wout_order_limit','set_operation_stmt',2,'p_set_operation_stmt','parser.py',545), + ('set_operation_stmt -> with_clause set_operation_stmt_w_order','set_operation_stmt',2,'p_set_operation_stmt','parser.py',546), + ('set_operation_stmt -> with_clause set_operation_stmt_w_limit','set_operation_stmt',2,'p_set_operation_stmt','parser.py',547), + ('set_operation_stmt -> with_clause set_operation_stmt_w_order_limit','set_operation_stmt',2,'p_set_operation_stmt','parser.py',548), + ('set_operation_stmt_wout_order_limit -> set_operation_stmt_subquery','set_operation_stmt_wout_order_limit',1,'p_set_operation_stmt_wout_order_limit','parser.py',557), + ('set_operation_stmt_wout_order_limit -> set_operation_stmt_simple_table','set_operation_stmt_wout_order_limit',1,'p_set_operation_stmt_wout_order_limit','parser.py',558), + ('set_operation_stmt_w_order -> set_operation_stmt_subquery order_by','set_operation_stmt_w_order',2,'p_set_operation_stmt_w_order','parser.py',586), + ('set_operation_stmt_w_order -> subquery order_by','set_operation_stmt_w_order',2,'p_set_operation_stmt_w_order','parser.py',587), + ('set_operation_stmt_w_limit -> set_operation_stmt_subquery limit_stmt','set_operation_stmt_w_limit',2,'p_set_operation_stmt_w_limit','parser.py',601), + ('set_operation_stmt_w_limit -> subquery limit_stmt','set_operation_stmt_w_limit',2,'p_set_operation_stmt_w_limit','parser.py',602), + ('set_operation_stmt_w_order_limit -> set_operation_stmt_subquery order_by limit_stmt','set_operation_stmt_w_order_limit',3,'p_set_operation_stmt_w_order_limit','parser.py',619), + ('set_operation_stmt_w_order_limit -> subquery order_by limit_stmt','set_operation_stmt_w_order_limit',3,'p_set_operation_stmt_w_order_limit','parser.py',620), + ('set_operation_stmt_subquery -> set_operation_expressions set_operation set_quantifier_opt subquery','set_operation_stmt_subquery',4,'p_set_operation_stmt_subquery','parser.py',637), + ('set_operation_stmt_simple_table -> set_operation_expressions set_operation set_quantifier_opt simple_table','set_operation_stmt_simple_table',4,'p_set_operation_stmt_simple_table','parser.py',644), + ('order_by_opt -> order_by','order_by_opt',1,'p_order_by_opt','parser.py',652), + ('order_by_opt -> empty','order_by_opt',1,'p_order_by_opt','parser.py',653), + ('order_by -> ORDER BY sort_items','order_by',3,'p_order_by','parser.py',658), + ('sort_items -> sort_item','sort_items',1,'p_sort_items','parser.py',663), + ('sort_items -> sort_items COMMA sort_item','sort_items',3,'p_sort_items','parser.py',664), + ('sort_item -> expression null_ordering_opt','sort_item',2,'p_sort_item','parser.py',669), + ('sort_item -> expression order null_ordering_opt','sort_item',3,'p_sort_item','parser.py',670), + ('date_lit -> DATE string_lit','date_lit',2,'p_date_lit','parser.py',682), + ('date_lit -> TIME string_lit','date_lit',2,'p_date_lit','parser.py',683), + ('date_lit -> TIMESTAMP string_lit','date_lit',2,'p_date_lit','parser.py',684), + ('order -> ASC','order',1,'p_order','parser.py',694), + ('order -> DESC','order',1,'p_order','parser.py',695), + ('null_ordering_opt -> NULLS FIRST','null_ordering_opt',2,'p_null_ordering_opt','parser.py',700), + ('null_ordering_opt -> NULLS LAST','null_ordering_opt',2,'p_null_ordering_opt','parser.py',701), + ('null_ordering_opt -> empty','null_ordering_opt',1,'p_null_ordering_opt','parser.py',702), + ('limit_opt -> limit_stmt','limit_opt',1,'p_limit_opt','parser.py',708), + ('limit_opt -> empty','limit_opt',1,'p_limit_opt','parser.py',709), + ('limit_stmt -> LIMIT parameterization','limit_stmt',2,'p_limit_stmt','parser.py',714), + ('limit_stmt -> LIMIT parameterization COMMA parameterization','limit_stmt',4,'p_limit_stmt','parser.py',715), + ('limit_stmt -> LIMIT parameterization OFFSET parameterization','limit_stmt',4,'p_limit_stmt','parser.py',716), + ('limit_stmt -> LIMIT ALL','limit_stmt',2,'p_limit_stmt','parser.py',717), + ('limit_stmt -> FETCH first_or_next fetch_first_opt row_or_rows ONLY','limit_stmt',5,'p_limit_stmt','parser.py',718), + ('parameterization -> number','parameterization',1,'p_parameterization','parser.py',729), + ('parameterization -> QM','parameterization',1,'p_parameterization','parser.py',730), + ('first_or_next -> FIRST','first_or_next',1,'p_first_or_next','parser.py',739), + ('first_or_next -> NEXT','first_or_next',1,'p_first_or_next','parser.py',740), + ('fetch_first_opt -> parameterization','fetch_first_opt',1,'p_fetch_first_opt','parser.py',745), + ('fetch_first_opt -> empty','fetch_first_opt',1,'p_fetch_first_opt','parser.py',746), + ('row_or_rows -> ROW','row_or_rows',1,'p_row_or_rows','parser.py',751), + ('row_or_rows -> ROWS','row_or_rows',1,'p_row_or_rows','parser.py',752), + ('number -> NUMBER','number',1,'p_number','parser.py',757), + ('set_operation_expressions -> set_operation_expression','set_operation_expressions',1,'p_set_operation_expressions','parser.py',762), + ('set_operation_expressions -> set_operation_expressions set_operation set_quantifier_opt set_operation_expression','set_operation_expressions',4,'p_set_operation_expressions','parser.py',763), + ('set_operation -> UNION','set_operation',1,'p_set_operation','parser.py',798), + ('set_operation -> EXCEPT','set_operation',1,'p_set_operation','parser.py',799), + ('set_operation -> INTERSECT','set_operation',1,'p_set_operation','parser.py',800), + ('set_operation_expression -> simple_table','set_operation_expression',1,'p_set_operation_expression','parser.py',806), + ('set_operation_expression -> subquery','set_operation_expression',1,'p_set_operation_expression','parser.py',807), + ('subquery -> LPAREN simple_table RPAREN','subquery',3,'p_subquery','parser.py',812), + ('subquery -> LPAREN set_operation_stmt RPAREN','subquery',3,'p_subquery','parser.py',813), + ('subquery -> LPAREN select_stmt_with_clause RPAREN','subquery',3,'p_subquery','parser.py',814), + ('subquery -> LPAREN subquery RPAREN','subquery',3,'p_subquery','parser.py',815), + ('simple_table -> query_spec','simple_table',1,'p_simple_table','parser.py',820), + ('simple_table -> explicit_table','simple_table',1,'p_simple_table','parser.py',821), + ('simple_table -> table_value_constructor','simple_table',1,'p_simple_table','parser.py',822), + ('explicit_table -> TABLE qualified_name order_by_opt limit_opt for_update_opt','explicit_table',5,'p_explicit_table','parser.py',828), + ('table_value_constructor -> VALUES values_list order_by_opt limit_opt for_update_opt','table_value_constructor',5,'p_table_value_constructor','parser.py',833), + ('values_list -> values_list COMMA expression','values_list',3,'p_values_list','parser.py',838), + ('values_list -> expression','values_list',1,'p_values_list','parser.py',839), + ('query_spec -> SELECT select_stmt_opts select_items table_expression_opt order_by_opt limit_opt window_clause_opt for_update_opt','query_spec',8,'p_query_spec','parser.py',854), + ('where_opt -> WHERE search_condition','where_opt',2,'p_where_opt','parser.py',903), + ('where_opt -> empty','where_opt',1,'p_where_opt','parser.py',904), + ('group_by_opt -> GROUP BY by_list','group_by_opt',3,'p_group_by_opt','parser.py',912), + ('group_by_opt -> GROUP BY by_list WITH ROLLUP','group_by_opt',5,'p_group_by_opt','parser.py',913), + ('group_by_opt -> empty','group_by_opt',1,'p_group_by_opt','parser.py',914), + ('having_opt -> HAVING search_condition','having_opt',2,'p_having_opt','parser.py',919), + ('having_opt -> empty','having_opt',1,'p_having_opt','parser.py',920), + ('set_quantifier_opt -> distinct_opt','set_quantifier_opt',1,'p_set_quantifier_opt','parser.py',925), + ('set_quantifier_opt -> empty','set_quantifier_opt',1,'p_set_quantifier_opt','parser.py',926), + ('select_stmt_opts -> select_stmt_opt_list','select_stmt_opts',1,'p_select_stmt_opts','parser.py',932), + ('select_stmt_opts -> empty','select_stmt_opts',1,'p_select_stmt_opts','parser.py',933), + ('select_stmt_opt_list -> select_stmt_opt_list select_stmt_opt','select_stmt_opt_list',2,'p_select_stmt_opt_list','parser.py',938), + ('select_stmt_opt_list -> select_stmt_opt','select_stmt_opt_list',1,'p_select_stmt_opt_list','parser.py',939), + ('select_stmt_opt -> distinct_opt','select_stmt_opt',1,'p_select_stmt_opt','parser.py',948), + ('select_stmt_opt -> priority','select_stmt_opt',1,'p_select_stmt_opt','parser.py',949), + ('select_stmt_opt -> SQL_SMALL_RESULT','select_stmt_opt',1,'p_select_stmt_opt','parser.py',950), + ('select_stmt_opt -> SQL_BIG_RESULT','select_stmt_opt',1,'p_select_stmt_opt','parser.py',951), + ('select_stmt_opt -> SQL_BUFFER_RESULT','select_stmt_opt',1,'p_select_stmt_opt','parser.py',952), + ('select_stmt_opt -> SQL_NO_CACHE','select_stmt_opt',1,'p_select_stmt_opt','parser.py',953), + ('select_stmt_opt -> SQL_CALC_FOUND_ROWS','select_stmt_opt',1,'p_select_stmt_opt','parser.py',954), + ('select_stmt_opt -> STRAIGHT_JOIN','select_stmt_opt',1,'p_select_stmt_opt','parser.py',955), + ('priority -> HIGH_PRIORITY','priority',1,'p_priority','parser.py',960), + ('distinct_opt -> ALL','distinct_opt',1,'p_distinct_opt','parser.py',965), + ('distinct_opt -> UNIQUE','distinct_opt',1,'p_distinct_opt','parser.py',966), + ('distinct_opt -> DISTINCT','distinct_opt',1,'p_distinct_opt','parser.py',967), + ('distinct_opt -> DISTINCTROW','distinct_opt',1,'p_distinct_opt','parser.py',968), + ('select_items -> select_item','select_items',1,'p_select_items','parser.py',973), + ('select_items -> select_items COMMA select_item','select_items',3,'p_select_items','parser.py',974), + ('select_item -> derived_column','select_item',1,'p_select_item','parser.py',979), + ('derived_column -> expression alias_opt','derived_column',2,'p_derived_column','parser.py',984), + ('derived_column -> ASTERISK','derived_column',1,'p_derived_column','parser.py',985), + ('derived_column -> identifier PERIOD ASTERISK','derived_column',3,'p_derived_column','parser.py',986), + ('derived_column -> identifier PERIOD identifier PERIOD ASTERISK','derived_column',5,'p_derived_column','parser.py',987), + ('table_expression_opt -> FROM relations partition where_opt group_by_opt having_opt','table_expression_opt',6,'p_table_expression_opt','parser.py',1003), + ('table_expression_opt -> FROM relations where_opt group_by_opt having_opt','table_expression_opt',5,'p_table_expression_opt','parser.py',1004), + ('table_expression_opt -> empty','table_expression_opt',1,'p_table_expression_opt','parser.py',1005), + ('partition -> PARTITION LPAREN identifiers RPAREN','partition',4,'p_partition','parser.py',1015), + ('relations -> relations COMMA table_reference','relations',3,'p_relations','parser.py',1020), + ('relations -> table_reference','relations',1,'p_relations','parser.py',1021), + ('table_reference -> table_primary','table_reference',1,'p_table_reference','parser.py',1027), + ('table_reference -> joined_table','table_reference',1,'p_table_reference','parser.py',1028), + ('table_reference -> DUAL','table_reference',1,'p_table_reference','parser.py',1029), + ('table_primary -> aliased_relation','table_primary',1,'p_table_primary','parser.py',1035), + ('table_primary -> derived_table','table_primary',1,'p_table_primary','parser.py',1036), + ('table_primary -> LPAREN relations RPAREN','table_primary',3,'p_table_primary','parser.py',1037), + ('joined_table -> cross_join','joined_table',1,'p_joined_table','parser.py',1046), + ('joined_table -> qualified_join','joined_table',1,'p_joined_table','parser.py',1047), + ('joined_table -> natural_join','joined_table',1,'p_joined_table','parser.py',1048), + ('cross_join -> table_reference CROSS JOIN table_primary join_criteria','cross_join',5,'p_cross_join','parser.py',1053), + ('qualified_join -> table_reference join_type JOIN table_reference join_criteria','qualified_join',5,'p_qualified_join','parser.py',1065), + ('natural_join -> table_reference NATURAL join_type JOIN table_primary join_criteria','natural_join',6,'p_natural_join','parser.py',1080), + ('join_type -> INNER','join_type',1,'p_join_type','parser.py',1095), + ('join_type -> LEFT','join_type',1,'p_join_type','parser.py',1096), + ('join_type -> LEFT OUTER','join_type',2,'p_join_type','parser.py',1097), + ('join_type -> RIGHT','join_type',1,'p_join_type','parser.py',1098), + ('join_type -> RIGHT OUTER','join_type',2,'p_join_type','parser.py',1099), + ('join_type -> FULL','join_type',1,'p_join_type','parser.py',1100), + ('join_type -> FULL OUTER','join_type',2,'p_join_type','parser.py',1101), + ('join_type -> empty','join_type',1,'p_join_type','parser.py',1102), + ('join_criteria -> ON search_condition','join_criteria',2,'p_join_criteria','parser.py',1107), + ('join_criteria -> USING LPAREN identifiers RPAREN','join_criteria',4,'p_join_criteria','parser.py',1108), + ('join_criteria -> empty','join_criteria',1,'p_join_criteria','parser.py',1109), + ('identifiers -> identifier','identifiers',1,'p_identifiers','parser.py',1119), + ('identifiers -> identifiers COMMA identifier','identifiers',3,'p_identifiers','parser.py',1120), + ('aliased_relation -> qualified_name alias_opt index_hint_opt','aliased_relation',3,'p_aliased_relation','parser.py',1126), + ('index_hint_opt -> index_hint_list','index_hint_opt',1,'p_index_hint_opt','parser.py',1135), + ('index_hint_opt -> empty','index_hint_opt',1,'p_index_hint_opt','parser.py',1136), + ('index_hint_list -> index_hint_list index_hint','index_hint_list',2,'p_index_hint_list','parser.py',1141), + ('index_hint_list -> index_hint','index_hint_list',1,'p_index_hint_list','parser.py',1142), + ('index_hint -> use_index','index_hint',1,'p_index_hint','parser.py',1147), + ('index_hint -> force_or_ignore_index','index_hint',1,'p_index_hint','parser.py',1148), + ('use_index -> USE index_or_key LPAREN index_name RPAREN','use_index',5,'p_use_index','parser.py',1153), + ('use_index -> USE index_or_key index_hint_for LPAREN index_name RPAREN','use_index',6,'p_use_index','parser.py',1154), + ('force_or_ignore_index -> FORCE index_or_key LPAREN index_name RPAREN','force_or_ignore_index',5,'p_force_or_ignore_index','parser.py',1159), + ('force_or_ignore_index -> FORCE index_or_key index_hint_for LPAREN index_name RPAREN','force_or_ignore_index',6,'p_force_or_ignore_index','parser.py',1160), + ('force_or_ignore_index -> IGNORE index_or_key LPAREN index_name RPAREN','force_or_ignore_index',5,'p_force_or_ignore_index','parser.py',1161), + ('force_or_ignore_index -> IGNORE index_or_key index_hint_for LPAREN index_name RPAREN','force_or_ignore_index',6,'p_force_or_ignore_index','parser.py',1162), + ('index_hint_for -> FOR JOIN','index_hint_for',2,'p_index_hint_for','parser.py',1168), + ('index_hint_for -> FOR ORDER BY','index_hint_for',3,'p_index_hint_for','parser.py',1169), + ('index_hint_for -> FOR GROUP BY','index_hint_for',3,'p_index_hint_for','parser.py',1170), + ('index_or_key -> INDEX','index_or_key',1,'p_index_or_key','parser.py',1175), + ('index_or_key -> KEY','index_or_key',1,'p_index_or_key','parser.py',1176), + ('index_name -> PRIMARY','index_name',1,'p_index_name','parser.py',1181), + ('index_name -> identifiers','index_name',1,'p_index_name','parser.py',1182), + ('derived_table -> subquery alias_opt','derived_table',2,'p_derived_table','parser.py',1187), + ('alias_opt -> alias','alias_opt',1,'p_alias_opt','parser.py',1195), + ('alias_opt -> empty','alias_opt',1,'p_alias_opt','parser.py',1196), + ('alias -> AS identifier','alias',2,'p_alias','parser.py',1204), + ('alias -> identifier','alias',1,'p_alias','parser.py',1205), + ('alias -> AS string_lit','alias',2,'p_alias','parser.py',1206), + ('alias -> string_lit','alias',1,'p_alias','parser.py',1207), + ('expression -> search_condition','expression',1,'p_expression','parser.py',1215), + ('search_condition -> boolean_term','search_condition',1,'p_search_condition','parser.py',1220), + ('search_condition -> search_condition OR boolean_term','search_condition',3,'p_search_condition','parser.py',1221), + ('search_condition -> search_condition PIPES boolean_term','search_condition',3,'p_search_condition','parser.py',1222), + ('search_condition -> search_condition logical_and boolean_term','search_condition',3,'p_search_condition','parser.py',1223), + ('search_condition -> search_condition XOR boolean_term','search_condition',3,'p_search_condition','parser.py',1224), + ('boolean_term -> NOT search_condition','boolean_term',2,'p_boolean_term','parser.py',1242), + ('boolean_term -> MATCH LPAREN qualified_name_list RPAREN AGAINST LPAREN value_expression full_text_search_modifier_opt RPAREN','boolean_term',9,'p_boolean_term','parser.py',1243), + ('boolean_term -> define_variable ASSIGNMENTEQ search_condition','boolean_term',3,'p_boolean_term','parser.py',1244), + ('boolean_term -> boolean_factor','boolean_term',1,'p_boolean_term','parser.py',1245), + ('full_text_search_modifier_opt -> IN NATURAL LANGUAGE MODE','full_text_search_modifier_opt',4,'p_full_text_search_modifier_opt','parser.py',1261), + ('full_text_search_modifier_opt -> IN NATURAL LANGUAGE MODE WITH QUERY EXPANSION','full_text_search_modifier_opt',7,'p_full_text_search_modifier_opt','parser.py',1262), + ('full_text_search_modifier_opt -> IN BOOLEAN MODE','full_text_search_modifier_opt',3,'p_full_text_search_modifier_opt','parser.py',1263), + ('full_text_search_modifier_opt -> WITH QUERY EXPANSION','full_text_search_modifier_opt',3,'p_full_text_search_modifier_opt','parser.py',1264), + ('full_text_search_modifier_opt -> empty','full_text_search_modifier_opt',1,'p_full_text_search_modifier_opt','parser.py',1265), + ('logical_and -> AND','logical_and',1,'p_logical_and','parser.py',1275), + ('logical_and -> ANDAND','logical_and',1,'p_logical_and','parser.py',1276), + ('boolean_factor -> boolean_factor comparison_operator predicate','boolean_factor',3,'p_boolean_factor','parser.py',1281), + ('boolean_factor -> boolean_factor comparison_operator ANY subquery','boolean_factor',4,'p_boolean_factor','parser.py',1282), + ('boolean_factor -> boolean_factor comparison_operator SOME subquery','boolean_factor',4,'p_boolean_factor','parser.py',1283), + ('boolean_factor -> boolean_factor comparison_operator ALL subquery','boolean_factor',4,'p_boolean_factor','parser.py',1284), + ('boolean_factor -> boolean_factor comparison_operator define_variable ASSIGNMENTEQ predicate','boolean_factor',5,'p_boolean_factor','parser.py',1285), + ('boolean_factor -> predicate','boolean_factor',1,'p_boolean_factor','parser.py',1286), + ('predicate -> between_predicate','predicate',1,'p_predicate','parser.py',1307), + ('predicate -> in_predicate','predicate',1,'p_predicate','parser.py',1308), + ('predicate -> like_predicate','predicate',1,'p_predicate','parser.py',1309), + ('predicate -> regexp_predicate','predicate',1,'p_predicate','parser.py',1310), + ('predicate -> is_predicate','predicate',1,'p_predicate','parser.py',1311), + ('predicate -> member_predicate','predicate',1,'p_predicate','parser.py',1312), + ('predicate -> sounds_predicate','predicate',1,'p_predicate','parser.py',1313), + ('predicate -> value_expression','predicate',1,'p_predicate','parser.py',1314), + ('between_predicate -> value_expression between_opt predicate AND predicate','between_predicate',5,'p_between_predicate','parser.py',1319), + ('sounds_predicate -> value_expression SOUNDS LIKE factor','sounds_predicate',4,'p_sounds_predicate','parser.py',1326), + ('in_predicate -> value_expression IN in_value','in_predicate',3,'p_in_predicate','parser.py',1331), + ('in_predicate -> value_expression NOT IN in_value','in_predicate',4,'p_in_predicate','parser.py',1332), + ('like_predicate -> value_expression like_opt value_expression escape_opt','like_predicate',4,'p_like_predicate','parser.py',1340), + ('regexp_predicate -> value_expression reg_sym_opt value_expression','regexp_predicate',3,'p_regexp_predicate','parser.py',1347), + ('is_predicate -> value_expression is_opt NULL','is_predicate',3,'p_is_predicate','parser.py',1354), + ('is_predicate -> value_expression is_opt TRUE','is_predicate',3,'p_is_predicate','parser.py',1355), + ('is_predicate -> value_expression is_opt UNKNOWN','is_predicate',3,'p_is_predicate','parser.py',1356), + ('is_predicate -> value_expression is_opt FALSE','is_predicate',3,'p_is_predicate','parser.py',1357), + ('member_predicate -> value_expression MEMBER OF LPAREN factor RPAREN','member_predicate',6,'p_member_predicate','parser.py',1362), + ('between_opt -> NOT BETWEEN','between_opt',2,'p_between_opt','parser.py',1367), + ('between_opt -> BETWEEN','between_opt',1,'p_between_opt','parser.py',1368), + ('escape_opt -> ESCAPE string_lit','escape_opt',2,'p_escape_opt','parser.py',1373), + ('escape_opt -> empty','escape_opt',1,'p_escape_opt','parser.py',1374), + ('string_lit -> SCONST','string_lit',1,'p_string_lit','parser.py',1380), + ('string_lit -> QUOTED_IDENTIFIER','string_lit',1,'p_string_lit','parser.py',1381), + ('string_lit -> string_lit SCONST','string_lit',2,'p_string_lit','parser.py',1382), + ('string_lit -> string_lit QUOTED_IDENTIFIER','string_lit',2,'p_string_lit','parser.py',1383), + ('in_value -> LPAREN call_list RPAREN','in_value',3,'p_in_value','parser.py',1391), + ('in_value -> subquery','in_value',1,'p_in_value','parser.py',1392), + ('like_opt -> NOT LIKE','like_opt',2,'p_like_opt','parser.py',1400), + ('like_opt -> LIKE','like_opt',1,'p_like_opt','parser.py',1401), + ('is_opt -> IS NOT','is_opt',2,'p_is_opt','parser.py',1406), + ('is_opt -> IS','is_opt',1,'p_is_opt','parser.py',1407), + ('reg_sym_opt -> NOT regexp_sym','reg_sym_opt',2,'p_reg_sym_opt','parser.py',1412), + ('reg_sym_opt -> regexp_sym','reg_sym_opt',1,'p_reg_sym_opt','parser.py',1413), + ('regexp_sym -> REGEXP','regexp_sym',1,'p_regexp_sym','parser.py',1418), + ('regexp_sym -> RLIKE','regexp_sym',1,'p_regexp_sym','parser.py',1419), + ('value_expression -> numeric_value_expression','value_expression',1,'p_value_expression','parser.py',1424), + ('numeric_value_expression -> numeric_value_expression PLUS numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1429), + ('numeric_value_expression -> numeric_value_expression MINUS numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1430), + ('numeric_value_expression -> numeric_value_expression ASTERISK numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1431), + ('numeric_value_expression -> numeric_value_expression SLASH numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1432), + ('numeric_value_expression -> numeric_value_expression DIV numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1433), + ('numeric_value_expression -> numeric_value_expression MOD numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1434), + ('numeric_value_expression -> numeric_value_expression PERCENT numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1435), + ('numeric_value_expression -> numeric_value_expression bit_opt numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1436), + ('numeric_value_expression -> numeric_value_expression MINUS time_interval','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1437), + ('numeric_value_expression -> numeric_value_expression PLUS time_interval','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1438), + ('numeric_value_expression -> time_interval PLUS numeric_value_expression','numeric_value_expression',3,'p_numeric_value_expression','parser.py',1439), + ('numeric_value_expression -> factor','numeric_value_expression',1,'p_numeric_value_expression','parser.py',1440), + ('bit_opt -> BIT_AND','bit_opt',1,'p_bit_opt','parser.py',1455), + ('bit_opt -> BIT_OR','bit_opt',1,'p_bit_opt','parser.py',1456), + ('bit_opt -> BIT_XOR','bit_opt',1,'p_bit_opt','parser.py',1457), + ('bit_opt -> BIT_MOVE_LEFT','bit_opt',1,'p_bit_opt','parser.py',1458), + ('bit_opt -> BIT_MOVE_RIGHT','bit_opt',1,'p_bit_opt','parser.py',1459), + ('factor -> BIT_OPPOSITE factor','factor',2,'p_factor','parser.py',1465), + ('factor -> MINUS factor','factor',2,'p_factor','parser.py',1466), + ('factor -> PLUS factor','factor',2,'p_factor','parser.py',1467), + ('factor -> EXCLA_MARK factor','factor',2,'p_factor','parser.py',1468), + ('factor -> base_primary_expression','factor',1,'p_factor','parser.py',1469), + ('factor -> base_primary_expression COLLATE identifier','factor',3,'p_factor','parser.py',1470), + ('base_primary_expression -> value','base_primary_expression',1,'p_base_primary_expression','parser.py',1480), + ('base_primary_expression -> define_variable','base_primary_expression',1,'p_base_primary_expression','parser.py',1481), + ('base_primary_expression -> qualified_name','base_primary_expression',1,'p_base_primary_expression','parser.py',1482), + ('base_primary_expression -> date_lit','base_primary_expression',1,'p_base_primary_expression','parser.py',1483), + ('base_primary_expression -> subquery','base_primary_expression',1,'p_base_primary_expression','parser.py',1484), + ('base_primary_expression -> function_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1485), + ('base_primary_expression -> LPAREN call_list RPAREN','base_primary_expression',3,'p_base_primary_expression','parser.py',1486), + ('base_primary_expression -> exists_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1487), + ('base_primary_expression -> case_specification','base_primary_expression',1,'p_base_primary_expression','parser.py',1488), + ('base_primary_expression -> cast_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1489), + ('base_primary_expression -> window_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1490), + ('base_primary_expression -> oceanbase_func_call','base_primary_expression',1,'p_base_primary_expression','parser.py',1491), + ('define_variable -> SINGLE_AT_IDENTIFIER','define_variable',1,'p_define_variable','parser.py',1502), + ('define_variable -> SINGLE_AT_IDENTIFIER PERIOD variables','define_variable',3,'p_define_variable','parser.py',1503), + ('define_variable -> DOUBLE_AT_IDENTIFIER','define_variable',1,'p_define_variable','parser.py',1504), + ('define_variable -> DOUBLE_AT_IDENTIFIER PERIOD variables','define_variable',3,'p_define_variable','parser.py',1505), + ('variables -> variables PERIOD identifier','variables',3,'p_variables','parser.py',1516), + ('variables -> identifier','variables',1,'p_variables','parser.py',1517), + ('oceanbase_func_call -> HOST_IP LPAREN RPAREN','oceanbase_func_call',3,'p_oceanbase_func_call','parser.py',1526), + ('oceanbase_func_call -> USEC_TO_TIME LPAREN expression RPAREN','oceanbase_func_call',4,'p_oceanbase_func_call','parser.py',1527), + ('oceanbase_func_call -> TIME_TO_USEC LPAREN expression RPAREN','oceanbase_func_call',4,'p_oceanbase_func_call','parser.py',1528), + ('oceanbase_func_call -> NVL LPAREN expression COMMA expression RPAREN','oceanbase_func_call',6,'p_oceanbase_func_call','parser.py',1529), + ('oceanbase_func_call -> ORA_DECODE LPAREN expression COMMA call_list RPAREN','oceanbase_func_call',6,'p_oceanbase_func_call','parser.py',1530), + ('oceanbase_func_call -> OB_VERSION LPAREN RPAREN','oceanbase_func_call',3,'p_oceanbase_func_call','parser.py',1531), + ('oceanbase_func_call -> DECODE LPAREN expression COMMA call_list RPAREN','oceanbase_func_call',6,'p_oceanbase_func_call','parser.py',1532), + ('oceanbase_func_call -> oceanbase_cast_func_call','oceanbase_func_call',1,'p_oceanbase_func_call','parser.py',1533), + ('oceanbase_cast_func_call -> ASCIISTR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1551), + ('oceanbase_cast_func_call -> CHARTOROWID LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1552), + ('oceanbase_cast_func_call -> HEXTORAW LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1553), + ('oceanbase_cast_func_call -> NUMTODSINTERVAL LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1554), + ('oceanbase_cast_func_call -> NUMTOYMINTERVAL LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1555), + ('oceanbase_cast_func_call -> ROWTOHEX LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1556), + ('oceanbase_cast_func_call -> ROWIDTOCHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1557), + ('oceanbase_cast_func_call -> ROWIDTONCHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1558), + ('oceanbase_cast_func_call -> TO_BINARY_DOUBLE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1559), + ('oceanbase_cast_func_call -> TO_BINARY_DOUBLE LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1560), + ('oceanbase_cast_func_call -> TO_BINARY_DOUBLE LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1561), + ('oceanbase_cast_func_call -> TO_BINARY_FLOAT LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1562), + ('oceanbase_cast_func_call -> TO_BINARY_FLOAT LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1563), + ('oceanbase_cast_func_call -> TO_BINARY_FLOAT LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1564), + ('oceanbase_cast_func_call -> TO_BLOB LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1565), + ('oceanbase_cast_func_call -> TO_CHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1566), + ('oceanbase_cast_func_call -> TO_CHAR LPAREN time_interval RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1567), + ('oceanbase_cast_func_call -> TO_CHAR LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1568), + ('oceanbase_cast_func_call -> TO_CHAR LPAREN time_interval COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1569), + ('oceanbase_cast_func_call -> TO_CHAR LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1570), + ('oceanbase_cast_func_call -> TO_CHAR LPAREN time_interval COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1571), + ('oceanbase_cast_func_call -> TO_CLOB LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1572), + ('oceanbase_cast_func_call -> TO_DATE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1573), + ('oceanbase_cast_func_call -> TO_DATE LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1574), + ('oceanbase_cast_func_call -> TO_DATE LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1575), + ('oceanbase_cast_func_call -> TO_DSINTERVAL LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1576), + ('oceanbase_cast_func_call -> TO_MULTI_BYTE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1577), + ('oceanbase_cast_func_call -> TO_NUMBER LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1578), + ('oceanbase_cast_func_call -> TO_NUMBER LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1579), + ('oceanbase_cast_func_call -> TO_NUMBER LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1580), + ('oceanbase_cast_func_call -> TO_NCHAR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1581), + ('oceanbase_cast_func_call -> TO_NCHAR LPAREN time_interval RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1582), + ('oceanbase_cast_func_call -> TO_NCHAR LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1583), + ('oceanbase_cast_func_call -> TO_NCHAR LPAREN time_interval COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1584), + ('oceanbase_cast_func_call -> TO_NCHAR LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1585), + ('oceanbase_cast_func_call -> TO_NCHAR LPAREN time_interval COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1586), + ('oceanbase_cast_func_call -> TO_SINGLE_BYTE LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1587), + ('oceanbase_cast_func_call -> TO_TIMESTAMP LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1588), + ('oceanbase_cast_func_call -> TO_TIMESTAMP LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1589), + ('oceanbase_cast_func_call -> TO_TIMESTAMP LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1590), + ('oceanbase_cast_func_call -> TO_TIMESTAMP_TZ LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1591), + ('oceanbase_cast_func_call -> TO_TIMESTAMP_TZ LPAREN expression COMMA expression RPAREN','oceanbase_cast_func_call',6,'p_oceanbase_cast_func_call','parser.py',1592), + ('oceanbase_cast_func_call -> TO_TIMESTAMP_TZ LPAREN expression COMMA expression COMMA expression RPAREN','oceanbase_cast_func_call',8,'p_oceanbase_cast_func_call','parser.py',1593), + ('oceanbase_cast_func_call -> TO_YMINTERVAL LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1594), + ('oceanbase_cast_func_call -> UNISTR LPAREN expression RPAREN','oceanbase_cast_func_call',4,'p_oceanbase_cast_func_call','parser.py',1595), + ('exists_func_call -> EXISTS subquery','exists_func_call',2,'p_exists_func_call','parser.py',1606), + ('window_clause_opt -> WINDOW window_definition_list','window_clause_opt',2,'p_window_clause_opt','parser.py',1611), + ('window_clause_opt -> empty','window_clause_opt',1,'p_window_clause_opt','parser.py',1612), + ('window_definition_list -> window_definition','window_definition_list',1,'p_window_definition_list','parser.py',1617), + ('window_definition_list -> window_definition_list COMMA window_definition','window_definition_list',3,'p_window_definition_list','parser.py',1618), + ('window_definition -> window_name AS window_spec','window_definition',3,'p_window_definition','parser.py',1627), + ('window_func_call -> CUME_DIST LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1633), + ('window_func_call -> DENSE_RANK LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1634), + ('window_func_call -> FIRST_VALUE LPAREN expression RPAREN null_treat_opt over_clause','window_func_call',6,'p_window_func_call','parser.py',1635), + ('window_func_call -> LAG LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause','window_func_call',7,'p_window_func_call','parser.py',1636), + ('window_func_call -> LAST_VALUE LPAREN expression RPAREN null_treat_opt over_clause','window_func_call',6,'p_window_func_call','parser.py',1637), + ('window_func_call -> LEAD LPAREN expression lead_lag_info_opt RPAREN null_treat_opt over_clause','window_func_call',7,'p_window_func_call','parser.py',1638), + ('window_func_call -> NTH_VALUE LPAREN expression COMMA base_primary_expression RPAREN null_treat_opt over_clause','window_func_call',8,'p_window_func_call','parser.py',1639), + ('window_func_call -> NTILE LPAREN base_primary_expression RPAREN over_clause','window_func_call',5,'p_window_func_call','parser.py',1640), + ('window_func_call -> PERCENT_RANK LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1641), + ('window_func_call -> RANK LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1642), + ('window_func_call -> ROW_NUMBER LPAREN RPAREN over_clause','window_func_call',4,'p_window_func_call','parser.py',1643), + ('null_treat_opt -> RESPECT NULLS','null_treat_opt',2,'p_null_treat_opt','parser.py',1680), + ('null_treat_opt -> IGNORE NULLS','null_treat_opt',2,'p_null_treat_opt','parser.py',1681), + ('null_treat_opt -> empty','null_treat_opt',1,'p_null_treat_opt','parser.py',1682), + ('over_clause_opt -> over_clause','over_clause_opt',1,'p_over_clause_opt','parser.py',1687), + ('over_clause_opt -> empty','over_clause_opt',1,'p_over_clause_opt','parser.py',1688), + ('over_clause -> OVER window_name_or_spec','over_clause',2,'p_over_clause','parser.py',1694), + ('window_name_or_spec -> window_name','window_name_or_spec',1,'p_window_name_or_spec','parser.py',1699), + ('window_name_or_spec -> window_spec','window_name_or_spec',1,'p_window_name_or_spec','parser.py',1700), + ('window_spec -> LPAREN window_name_opt partition_clause_opt order_by_opt frame_clause_opt RPAREN','window_spec',6,'p_window_spec','parser.py',1705), + ('window_name_opt -> window_name','window_name_opt',1,'p_window_name_opt','parser.py',1717), + ('window_name_opt -> empty','window_name_opt',1,'p_window_name_opt','parser.py',1718), + ('window_name -> identifier','window_name',1,'p_window_name','parser.py',1723), + ('partition_clause_opt -> partition_clause','partition_clause_opt',1,'p_partition_clause_opt','parser.py',1728), + ('partition_clause_opt -> empty','partition_clause_opt',1,'p_partition_clause_opt','parser.py',1729), + ('partition_clause -> PARTITION BY by_list','partition_clause',3,'p_partition_clause','parser.py',1734), + ('by_list -> by_item','by_list',1,'p_by_list','parser.py',1739), + ('by_list -> by_list COMMA by_item','by_list',3,'p_by_list','parser.py',1740), + ('by_item -> expression','by_item',1,'p_by_item','parser.py',1749), + ('by_item -> expression order','by_item',2,'p_by_item','parser.py',1750), + ('frame_clause_opt -> frame_units frame_extent','frame_clause_opt',2,'p_frame_clause_opt','parser.py',1758), + ('frame_clause_opt -> empty','frame_clause_opt',1,'p_frame_clause_opt','parser.py',1759), + ('frame_units -> ROWS','frame_units',1,'p_frame_units','parser.py',1768), + ('frame_units -> RANGE','frame_units',1,'p_frame_units','parser.py',1769), + ('frame_extent -> frame_start','frame_extent',1,'p_frame_extent','parser.py',1775), + ('frame_extent -> frame_between','frame_extent',1,'p_frame_extent','parser.py',1776), + ('frame_start -> CURRENT ROW','frame_start',2,'p_frame_start','parser.py',1781), + ('frame_start -> UNBOUNDED PRECEDING','frame_start',2,'p_frame_start','parser.py',1782), + ('frame_start -> UNBOUNDED FOLLOWING','frame_start',2,'p_frame_start','parser.py',1783), + ('frame_start -> frame_expr PRECEDING','frame_start',2,'p_frame_start','parser.py',1784), + ('frame_start -> frame_expr FOLLOWING','frame_start',2,'p_frame_start','parser.py',1785), + ('frame_end -> frame_start','frame_end',1,'p_frame_end','parser.py',1794), + ('frame_between -> BETWEEN frame_start AND frame_end','frame_between',4,'p_frame_between','parser.py',1799), + ('frame_expr -> figure','frame_expr',1,'p_frame_expr','parser.py',1804), + ('frame_expr -> time_interval','frame_expr',1,'p_frame_expr','parser.py',1805), + ('lead_lag_info_opt -> COMMA figure default_opt','lead_lag_info_opt',3,'p_lead_lag_info_opt','parser.py',1810), + ('lead_lag_info_opt -> COMMA QM default_opt','lead_lag_info_opt',3,'p_lead_lag_info_opt','parser.py',1811), + ('lead_lag_info_opt -> empty','lead_lag_info_opt',1,'p_lead_lag_info_opt','parser.py',1812), + ('default_opt -> COMMA expression','default_opt',2,'p_default_opt','parser.py',1822), + ('default_opt -> empty','default_opt',1,'p_default_opt','parser.py',1823), + ('value -> NULL','value',1,'p_value','parser.py',1828), + ('value -> string_lit','value',1,'p_value','parser.py',1829), + ('value -> figure','value',1,'p_value','parser.py',1830), + ('value -> boolean_value','value',1,'p_value','parser.py',1831), + ('value -> QM','value',1,'p_value','parser.py',1832), + ('function_call -> time_function_call','function_call',1,'p_function_call','parser.py',1840), + ('function_call -> operator_func_call','function_call',1,'p_function_call','parser.py',1841), + ('function_call -> flow_control_func_call','function_call',1,'p_function_call','parser.py',1842), + ('function_call -> mathematical_func_call','function_call',1,'p_function_call','parser.py',1843), + ('function_call -> string_comparsion_func_call','function_call',1,'p_function_call','parser.py',1844), + ('function_call -> string_operator_func_call','function_call',1,'p_function_call','parser.py',1845), + ('function_call -> xml_func_call','function_call',1,'p_function_call','parser.py',1846), + ('function_call -> bit_func_call','function_call',1,'p_function_call','parser.py',1847), + ('function_call -> encry_and_comp_func_call','function_call',1,'p_function_call','parser.py',1848), + ('function_call -> locking_func_call','function_call',1,'p_function_call','parser.py',1849), + ('function_call -> json_func_call','function_call',1,'p_function_call','parser.py',1850), + ('function_call -> information_func_call','function_call',1,'p_function_call','parser.py',1851), + ('function_call -> replication_func_call','function_call',1,'p_function_call','parser.py',1852), + ('function_call -> aggreate_func_call','function_call',1,'p_function_call','parser.py',1853), + ('function_call -> miscellaneous_func_call','function_call',1,'p_function_call','parser.py',1854), + ('operator_func_call -> ISNULL LPAREN expression RPAREN','operator_func_call',4,'p_operator_func_call','parser.py',1859), + ('operator_func_call -> LEAST LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1860), + ('operator_func_call -> INTERVAL LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1861), + ('operator_func_call -> GREATEST LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1862), + ('operator_func_call -> COALESCE LPAREN expression RPAREN','operator_func_call',4,'p_operator_func_call','parser.py',1863), + ('operator_func_call -> COALESCE LPAREN expression COMMA call_list RPAREN','operator_func_call',6,'p_operator_func_call','parser.py',1864), + ('flow_control_func_call -> IF LPAREN expression COMMA expression COMMA expression RPAREN','flow_control_func_call',8,'p_flow_control_func_call','parser.py',1879), + ('flow_control_func_call -> IFNULL LPAREN expression COMMA expression RPAREN','flow_control_func_call',6,'p_flow_control_func_call','parser.py',1880), + ('flow_control_func_call -> NULLIF LPAREN expression COMMA expression RPAREN','flow_control_func_call',6,'p_flow_control_func_call','parser.py',1881), + ('mathematical_func_call -> ABS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1899), + ('mathematical_func_call -> ACOS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1900), + ('mathematical_func_call -> ASIN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1901), + ('mathematical_func_call -> ATAN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1902), + ('mathematical_func_call -> ATAN LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1903), + ('mathematical_func_call -> ATAN2 LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1904), + ('mathematical_func_call -> CEIL LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1905), + ('mathematical_func_call -> CEILING LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1906), + ('mathematical_func_call -> CONY LPAREN expression COMMA expression COMMA expression RPAREN','mathematical_func_call',8,'p_mathematical_func_call','parser.py',1907), + ('mathematical_func_call -> COS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1908), + ('mathematical_func_call -> COT LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1909), + ('mathematical_func_call -> CRC32 LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1910), + ('mathematical_func_call -> DEGREES LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1911), + ('mathematical_func_call -> EXP LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1912), + ('mathematical_func_call -> FLOOR LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1913), + ('mathematical_func_call -> LN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1914), + ('mathematical_func_call -> LOG LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1915), + ('mathematical_func_call -> LOG LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1916), + ('mathematical_func_call -> LOG2 LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1917), + ('mathematical_func_call -> LOG10 LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1918), + ('mathematical_func_call -> MOD LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1919), + ('mathematical_func_call -> PI LPAREN RPAREN','mathematical_func_call',3,'p_mathematical_func_call','parser.py',1920), + ('mathematical_func_call -> POW LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1921), + ('mathematical_func_call -> POWER LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1922), + ('mathematical_func_call -> RADIANS LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1923), + ('mathematical_func_call -> RAND LPAREN RPAREN','mathematical_func_call',3,'p_mathematical_func_call','parser.py',1924), + ('mathematical_func_call -> RAND LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1925), + ('mathematical_func_call -> ROUND LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1926), + ('mathematical_func_call -> ROUND LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1927), + ('mathematical_func_call -> SIGN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1928), + ('mathematical_func_call -> SIN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1929), + ('mathematical_func_call -> SQRT LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1930), + ('mathematical_func_call -> TAN LPAREN expression RPAREN','mathematical_func_call',4,'p_mathematical_func_call','parser.py',1931), + ('mathematical_func_call -> TRUNCATE LPAREN expression COMMA expression RPAREN','mathematical_func_call',6,'p_mathematical_func_call','parser.py',1932), + ('time_function_call -> curdate_and_synonyms_func','time_function_call',1,'p_time_function_call','parser.py',1953), + ('time_function_call -> curtime_and_synonyms_func','time_function_call',1,'p_time_function_call','parser.py',1954), + ('time_function_call -> now_and_synonyms_func','time_function_call',1,'p_time_function_call','parser.py',1955), + ('time_function_call -> from_unixtime_func','time_function_call',1,'p_time_function_call','parser.py',1956), + ('time_function_call -> get_format_func','time_function_call',1,'p_time_function_call','parser.py',1957), + ('time_function_call -> make_time_func','time_function_call',1,'p_time_function_call','parser.py',1958), + ('time_function_call -> timestamp_add_or_diff_func','time_function_call',1,'p_time_function_call','parser.py',1959), + ('time_function_call -> timestamp_func','time_function_call',1,'p_time_function_call','parser.py',1960), + ('time_function_call -> unix_timestamp_func','time_function_call',1,'p_time_function_call','parser.py',1961), + ('time_function_call -> utc_func','time_function_call',1,'p_time_function_call','parser.py',1962), + ('time_function_call -> week_or_year_func','time_function_call',1,'p_time_function_call','parser.py',1963), + ('time_function_call -> extract_func','time_function_call',1,'p_time_function_call','parser.py',1964), + ('time_function_call -> sys_date_func','time_function_call',1,'p_time_function_call','parser.py',1965), + ('time_function_call -> add_or_sub_date_func','time_function_call',1,'p_time_function_call','parser.py',1966), + ('time_function_call -> date_one_para_func','time_function_call',1,'p_time_function_call','parser.py',1967), + ('time_function_call -> date_two_para_func','time_function_call',1,'p_time_function_call','parser.py',1968), + ('time_function_call -> date_three_para_func','time_function_call',1,'p_time_function_call','parser.py',1969), + ('curdate_and_synonyms_func -> CURDATE LPAREN RPAREN','curdate_and_synonyms_func',3,'p_curdate_and_synonyms_func','parser.py',1974), + ('curdate_and_synonyms_func -> CURRENT_DATE LPAREN RPAREN','curdate_and_synonyms_func',3,'p_curdate_and_synonyms_func','parser.py',1975), + ('curdate_and_synonyms_func -> CURRENT_DATE','curdate_and_synonyms_func',1,'p_curdate_and_synonyms_func','parser.py',1976), + ('curtime_and_synonyms_func -> CURTIME LPAREN RPAREN','curtime_and_synonyms_func',3,'p_curtime_and_synonyms_func','parser.py',1981), + ('curtime_and_synonyms_func -> CURRENT_TIME','curtime_and_synonyms_func',1,'p_curtime_and_synonyms_func','parser.py',1982), + ('curtime_and_synonyms_func -> CURRENT_TIME LPAREN RPAREN','curtime_and_synonyms_func',3,'p_curtime_and_synonyms_func','parser.py',1983), + ('curtime_and_synonyms_func -> CURRENT_TIME LPAREN expression RPAREN','curtime_and_synonyms_func',4,'p_curtime_and_synonyms_func','parser.py',1984), + ('now_and_synonyms_func -> NOW LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',1993), + ('now_and_synonyms_func -> NOW LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',1994), + ('now_and_synonyms_func -> CURRENT_TIMESTAMP','now_and_synonyms_func',1,'p_now_and_synonyms_func','parser.py',1995), + ('now_and_synonyms_func -> CURRENT_TIMESTAMP LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',1996), + ('now_and_synonyms_func -> CURRENT_TIMESTAMP LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',1997), + ('now_and_synonyms_func -> LOCALTIME','now_and_synonyms_func',1,'p_now_and_synonyms_func','parser.py',1998), + ('now_and_synonyms_func -> LOCALTIME LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',1999), + ('now_and_synonyms_func -> LOCALTIME LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',2000), + ('now_and_synonyms_func -> LOCALTIMESTAMP','now_and_synonyms_func',1,'p_now_and_synonyms_func','parser.py',2001), + ('now_and_synonyms_func -> LOCALTIMESTAMP LPAREN RPAREN','now_and_synonyms_func',3,'p_now_and_synonyms_func','parser.py',2002), + ('now_and_synonyms_func -> LOCALTIMESTAMP LPAREN expression RPAREN','now_and_synonyms_func',4,'p_now_and_synonyms_func','parser.py',2003), + ('from_unixtime_func -> FROM_UNIXTIME LPAREN expression RPAREN','from_unixtime_func',4,'p_from_unixtime_func','parser.py',2012), + ('from_unixtime_func -> FROM_UNIXTIME LPAREN expression COMMA string_lit RPAREN','from_unixtime_func',6,'p_from_unixtime_func','parser.py',2013), + ('get_format_func -> GET_FORMAT LPAREN format_selector COMMA expression RPAREN','get_format_func',6,'p_get_format_func','parser.py',2021), + ('make_time_func -> MAKEDATE LPAREN expression COMMA expression COMMA expression RPAREN','make_time_func',8,'p_make_time_func','parser.py',2026), + ('timestamp_add_or_diff_func -> TIMESTAMPADD LPAREN time_unit COMMA expression COMMA expression RPAREN','timestamp_add_or_diff_func',8,'p_timestamp_add_or_diff_func','parser.py',2033), + ('timestamp_add_or_diff_func -> TIMESTAMPDIFF LPAREN time_unit COMMA expression COMMA expression RPAREN','timestamp_add_or_diff_func',8,'p_timestamp_add_or_diff_func','parser.py',2034), + ('timestamp_func -> TIMESTAMP LPAREN expression RPAREN','timestamp_func',4,'p_timestamp_func','parser.py',2042), + ('timestamp_func -> TIMESTAMP LPAREN expression COMMA expression RPAREN','timestamp_func',6,'p_timestamp_func','parser.py',2043), + ('unix_timestamp_func -> UNIX_TIMESTAMP LPAREN expression RPAREN','unix_timestamp_func',4,'p_unix_timestamp_func','parser.py',2052), + ('unix_timestamp_func -> UNIX_TIMESTAMP LPAREN RPAREN','unix_timestamp_func',3,'p_unix_timestamp_func','parser.py',2053), + ('utc_func -> UTC_DATE','utc_func',1,'p_utc_func','parser.py',2061), + ('utc_func -> UTC_DATE LPAREN RPAREN','utc_func',3,'p_utc_func','parser.py',2062), + ('utc_func -> UTC_TIME','utc_func',1,'p_utc_func','parser.py',2063), + ('utc_func -> UTC_TIME LPAREN RPAREN','utc_func',3,'p_utc_func','parser.py',2064), + ('utc_func -> UTC_TIME LPAREN expression RPAREN','utc_func',4,'p_utc_func','parser.py',2065), + ('utc_func -> UTC_TIMESTAMP','utc_func',1,'p_utc_func','parser.py',2066), + ('utc_func -> UTC_TIMESTAMP LPAREN RPAREN','utc_func',3,'p_utc_func','parser.py',2067), + ('utc_func -> UTC_TIMESTAMP LPAREN expression RPAREN','utc_func',4,'p_utc_func','parser.py',2068), + ('week_or_year_func -> WEEK LPAREN expression RPAREN','week_or_year_func',4,'p_week_or_year_week_func','parser.py',2077), + ('week_or_year_func -> WEEK LPAREN expression COMMA expression RPAREN','week_or_year_func',6,'p_week_or_year_week_func','parser.py',2078), + ('week_or_year_func -> YEARWEEK LPAREN expression RPAREN','week_or_year_func',4,'p_week_or_year_week_func','parser.py',2079), + ('week_or_year_func -> YEARWEEK LPAREN expression COMMA expression RPAREN','week_or_year_func',6,'p_week_or_year_week_func','parser.py',2080), + ('sys_date_func -> SYSDATE','sys_date_func',1,'p_sys_date_func','parser.py',2089), + ('sys_date_func -> SYSDATE LPAREN RPAREN','sys_date_func',3,'p_sys_date_func','parser.py',2090), + ('sys_date_func -> SYSDATE LPAREN expression RPAREN','sys_date_func',4,'p_sys_date_func','parser.py',2091), + ('add_or_sub_date_func -> ADDDATE LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2099), + ('add_or_sub_date_func -> SUBDATE LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2100), + ('add_or_sub_date_func -> DATE_ADD LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2101), + ('add_or_sub_date_func -> DATE_SUB LPAREN expression COMMA time_interval RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2102), + ('add_or_sub_date_func -> ADDDATE LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2103), + ('add_or_sub_date_func -> SUBDATE LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2104), + ('add_or_sub_date_func -> DATE_ADD LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2105), + ('add_or_sub_date_func -> DATE_SUB LPAREN expression COMMA expression RPAREN','add_or_sub_date_func',6,'p_add_or_sub_date_func','parser.py',2106), + ('extract_func -> EXTRACT LPAREN time_unit FROM expression RPAREN','extract_func',6,'p_extract_func','parser.py',2112), + ('date_one_para_func -> DATE LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2117), + ('date_one_para_func -> DAY LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2118), + ('date_one_para_func -> DAYNAME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2119), + ('date_one_para_func -> DAYOFMONTH LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2120), + ('date_one_para_func -> DAYOFWEEK LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2121), + ('date_one_para_func -> DAYOFYEAR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2122), + ('date_one_para_func -> HOUR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2123), + ('date_one_para_func -> LAST_DAY LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2124), + ('date_one_para_func -> MICROSECOND LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2125), + ('date_one_para_func -> MINUTE LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2126), + ('date_one_para_func -> MONTH LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2127), + ('date_one_para_func -> MONTHNAME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2128), + ('date_one_para_func -> QUARTER LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2129), + ('date_one_para_func -> SECOND LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2130), + ('date_one_para_func -> SEC_TO_TIME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2131), + ('date_one_para_func -> TIME LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2132), + ('date_one_para_func -> FROM_DAYS LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2133), + ('date_one_para_func -> TIME_TO_SEC LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2134), + ('date_one_para_func -> TO_DAYS LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2135), + ('date_one_para_func -> TO_SECONDS LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2136), + ('date_one_para_func -> WEEKDAY LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2137), + ('date_one_para_func -> WEEKOFYEAR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2138), + ('date_one_para_func -> YEAR LPAREN expression RPAREN','date_one_para_func',4,'p_date_one_para_func','parser.py',2139), + ('date_two_para_func -> DATEDIFF LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2144), + ('date_two_para_func -> SUBTIME LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2145), + ('date_two_para_func -> DATE_FORMAT LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2146), + ('date_two_para_func -> ADDTIME LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2147), + ('date_two_para_func -> STR_TO_DATE LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2148), + ('date_two_para_func -> MAKEDATE LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2149), + ('date_two_para_func -> TIMEDIFF LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2150), + ('date_two_para_func -> PERIOD_ADD LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2151), + ('date_two_para_func -> PERIOD_DIFF LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2152), + ('date_two_para_func -> TIME_FORMAT LPAREN expression COMMA expression RPAREN','date_two_para_func',6,'p_date_two_para_func','parser.py',2153), + ('date_three_para_func -> CONVERT_TZ LPAREN expression COMMA expression COMMA expression RPAREN','date_three_para_func',8,'p_date_three_para_func','parser.py',2158), + ('string_operator_func_call -> ASCII LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2163), + ('string_operator_func_call -> BIN LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2164), + ('string_operator_func_call -> BIT_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2165), + ('string_operator_func_call -> CHAR LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2166), + ('string_operator_func_call -> CHAR LPAREN expression USING charset_name RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2167), + ('string_operator_func_call -> CHAR_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2168), + ('string_operator_func_call -> CHARACTER_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2169), + ('string_operator_func_call -> CONCAT LPAREN call_list RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2170), + ('string_operator_func_call -> CONCAT_WS LPAREN expression COMMA call_list RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2171), + ('string_operator_func_call -> ELT LPAREN expression COMMA call_list RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2172), + ('string_operator_func_call -> EXPORT_SET LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2173), + ('string_operator_func_call -> EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_operator_func_call',10,'p_string_operator_func_call','parser.py',2174), + ('string_operator_func_call -> EXPORT_SET LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_operator_func_call',12,'p_string_operator_func_call','parser.py',2175), + ('string_operator_func_call -> FIELD LPAREN call_list RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2176), + ('string_operator_func_call -> FIND_IN_SET LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2177), + ('string_operator_func_call -> FORMAT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2178), + ('string_operator_func_call -> FORMAT LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2179), + ('string_operator_func_call -> FROM_BASE64 LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2180), + ('string_operator_func_call -> HEX LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2181), + ('string_operator_func_call -> INSERT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_operator_func_call',10,'p_string_operator_func_call','parser.py',2182), + ('string_operator_func_call -> INSTR LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2183), + ('string_operator_func_call -> LCASE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2184), + ('string_operator_func_call -> LEFT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2185), + ('string_operator_func_call -> LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2186), + ('string_operator_func_call -> LOAD_FILE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2187), + ('string_operator_func_call -> LOCATE LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2188), + ('string_operator_func_call -> LOCATE LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2189), + ('string_operator_func_call -> LOWER LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2190), + ('string_operator_func_call -> LPAD LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2191), + ('string_operator_func_call -> LTRIM LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2192), + ('string_operator_func_call -> MAKE_SET LPAREN expression COMMA expression COMMA call_list RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2193), + ('string_operator_func_call -> MID LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2194), + ('string_operator_func_call -> OCT LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2195), + ('string_operator_func_call -> OCTET_LENGTH LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2196), + ('string_operator_func_call -> ORD LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2197), + ('string_operator_func_call -> POSITION LPAREN value_expression IN expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2198), + ('string_operator_func_call -> QUOTE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2199), + ('string_operator_func_call -> REPEAT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2200), + ('string_operator_func_call -> REPLACE LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2201), + ('string_operator_func_call -> REVERSE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2202), + ('string_operator_func_call -> RIGHT LPAREN expression COMMA expression RPAREN','string_operator_func_call',6,'p_string_operator_func_call','parser.py',2203), + ('string_operator_func_call -> RPAD LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2204), + ('string_operator_func_call -> RTRIM LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2205), + ('string_operator_func_call -> SOUNDEX LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2206), + ('string_operator_func_call -> SPACE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2207), + ('string_operator_func_call -> SUBSTRING_INDEX LPAREN expression COMMA expression COMMA expression RPAREN','string_operator_func_call',8,'p_string_operator_func_call','parser.py',2208), + ('string_operator_func_call -> TO_BASE64 LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2209), + ('string_operator_func_call -> UCASE LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2210), + ('string_operator_func_call -> UNHEX LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2211), + ('string_operator_func_call -> UPPER LPAREN expression RPAREN','string_operator_func_call',4,'p_string_operator_func_call','parser.py',2212), + ('string_operator_func_call -> substr_and_syn_func_call','string_operator_func_call',1,'p_string_operator_func_call','parser.py',2213), + ('string_operator_func_call -> weight_string_func_call','string_operator_func_call',1,'p_string_operator_func_call','parser.py',2214), + ('string_operator_func_call -> trim_func_call','string_operator_func_call',1,'p_string_operator_func_call','parser.py',2215), + ('substr_and_syn_func_call -> SUBSTR LPAREN expression COMMA expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2234), + ('substr_and_syn_func_call -> SUBSTR LPAREN expression FROM expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2235), + ('substr_and_syn_func_call -> SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2236), + ('substr_and_syn_func_call -> SUBSTR LPAREN expression FROM expression FOR expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2237), + ('substr_and_syn_func_call -> SUBSTRING LPAREN expression COMMA expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2238), + ('substr_and_syn_func_call -> SUBSTRING LPAREN expression FROM expression RPAREN','substr_and_syn_func_call',6,'p_substr_and_syn_func_call','parser.py',2239), + ('substr_and_syn_func_call -> SUBSTRING LPAREN expression COMMA expression COMMA expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2240), + ('substr_and_syn_func_call -> SUBSTRING LPAREN expression FROM expression FOR expression RPAREN','substr_and_syn_func_call',8,'p_substr_and_syn_func_call','parser.py',2241), + ('weight_string_func_call -> WEIGHT_STRING LPAREN expression RPAREN','weight_string_func_call',4,'p_weight_string_func_call','parser.py',2249), + ('weight_string_func_call -> WEIGHT_STRING LPAREN expression AS binary_or_char RPAREN','weight_string_func_call',6,'p_weight_string_func_call','parser.py',2250), + ('trim_func_call -> TRIM LPAREN remstr_position expression FROM expression RPAREN','trim_func_call',7,'p_trim_func_call','parser.py',2254), + ('trim_func_call -> TRIM LPAREN expression FROM expression RPAREN','trim_func_call',6,'p_trim_func_call','parser.py',2255), + ('trim_func_call -> TRIM LPAREN FROM expression RPAREN','trim_func_call',5,'p_trim_func_call','parser.py',2256), + ('trim_func_call -> TRIM LPAREN expression RPAREN','trim_func_call',4,'p_trim_func_call','parser.py',2257), + ('binary_or_char -> BINARY','binary_or_char',1,'p_binary_or_char','parser.py',2278), + ('binary_or_char -> BINARY LPAREN expression RPAREN','binary_or_char',4,'p_binary_or_char','parser.py',2279), + ('binary_or_char -> CHAR','binary_or_char',1,'p_binary_or_char','parser.py',2280), + ('binary_or_char -> CHAR LPAREN expression RPAREN','binary_or_char',4,'p_binary_or_char','parser.py',2281), + ('remstr_position -> BOTH','remstr_position',1,'p_remstr_position','parser.py',2287), + ('remstr_position -> LEADING','remstr_position',1,'p_remstr_position','parser.py',2288), + ('remstr_position -> TRAILING','remstr_position',1,'p_remstr_position','parser.py',2289), + ('string_comparsion_func_call -> STRCMP LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2294), + ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2295), + ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2296), + ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',10,'p_string_comparsion_func_call','parser.py',2297), + ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',12,'p_string_comparsion_func_call','parser.py',2298), + ('string_comparsion_func_call -> REGEXP_INSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',14,'p_string_comparsion_func_call','parser.py',2299), + ('string_comparsion_func_call -> REGEXP_LIKE LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2300), + ('string_comparsion_func_call -> REGEXP_LIKE LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2301), + ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2302), + ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2303), + ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',10,'p_string_comparsion_func_call','parser.py',2304), + ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',12,'p_string_comparsion_func_call','parser.py',2305), + ('string_comparsion_func_call -> REGEXP_REPLACE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',14,'p_string_comparsion_func_call','parser.py',2306), + ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression RPAREN','string_comparsion_func_call',6,'p_string_comparsion_func_call','parser.py',2307), + ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',8,'p_string_comparsion_func_call','parser.py',2308), + ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',10,'p_string_comparsion_func_call','parser.py',2309), + ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',12,'p_string_comparsion_func_call','parser.py',2310), + ('string_comparsion_func_call -> REGEXP_SUBSTR LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','string_comparsion_func_call',14,'p_string_comparsion_func_call','parser.py',2311), + ('xml_func_call -> EXTRACTVALUE LPAREN expression COMMA expression RPAREN','xml_func_call',6,'p_xml_func_call','parser.py',2320), + ('xml_func_call -> UPDATEXML LPAREN expression COMMA expression COMMA expression RPAREN','xml_func_call',8,'p_xml_func_call','parser.py',2321), + ('bit_func_call -> BIT_COUNT LPAREN expression RPAREN','bit_func_call',4,'p_bit_func_call','parser.py',2331), + ('encry_and_comp_func_call -> AES_DECRYPT LPAREN expression COMMA expression aes_func_opt RPAREN','encry_and_comp_func_call',7,'p_encry_and_comp_func_call','parser.py',2336), + ('encry_and_comp_func_call -> AES_ENCRYPT LPAREN expression COMMA aes_func_opt RPAREN','encry_and_comp_func_call',6,'p_encry_and_comp_func_call','parser.py',2337), + ('encry_and_comp_func_call -> COMPRESS LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2338), + ('encry_and_comp_func_call -> MD5 LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2339), + ('encry_and_comp_func_call -> RANDOM_BYTES LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2340), + ('encry_and_comp_func_call -> SHA LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2341), + ('encry_and_comp_func_call -> SHA1 LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2342), + ('encry_and_comp_func_call -> SHA2 LPAREN expression COMMA expression RPAREN','encry_and_comp_func_call',6,'p_encry_and_comp_func_call','parser.py',2343), + ('encry_and_comp_func_call -> STATEMENT_DIGEST LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2344), + ('encry_and_comp_func_call -> STATEMENT_DIGEST_TEXT LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2345), + ('encry_and_comp_func_call -> UNCOMPRESS LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2346), + ('encry_and_comp_func_call -> UNCOMPRESSED_LENGTH LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2347), + ('encry_and_comp_func_call -> VALIDATE_PASSWORD_STRENGTH LPAREN expression RPAREN','encry_and_comp_func_call',4,'p_encry_and_comp_func_call','parser.py',2348), + ('aes_func_opt -> COMMA expression','aes_func_opt',2,'p_aes_func_opt','parser.py',2365), + ('aes_func_opt -> COMMA expression COMMA expression','aes_func_opt',4,'p_aes_func_opt','parser.py',2366), + ('aes_func_opt -> COMMA expression COMMA expression COMMA expression','aes_func_opt',6,'p_aes_func_opt','parser.py',2367), + ('aes_func_opt -> COMMA expression COMMA expression COMMA expression COMMA expression','aes_func_opt',8,'p_aes_func_opt','parser.py',2368), + ('aes_func_opt -> empty','aes_func_opt',1,'p_aes_func_opt','parser.py',2369), + ('locking_func_call -> GET_LOCK LPAREN expression COMMA expression RPAREN','locking_func_call',6,'p_locking_func_call','parser.py',2377), + ('locking_func_call -> IS_FREE_LOCK LPAREN expression RPAREN','locking_func_call',4,'p_locking_func_call','parser.py',2378), + ('locking_func_call -> IS_USED_LOCK LPAREN expression RPAREN','locking_func_call',4,'p_locking_func_call','parser.py',2379), + ('locking_func_call -> RELEASE_ALL_LOCKS LPAREN RPAREN','locking_func_call',3,'p_locking_func_call','parser.py',2380), + ('locking_func_call -> RELEASE_LOCK LPAREN expression RPAREN','locking_func_call',4,'p_locking_func_call','parser.py',2381), + ('information_func_call -> BENCHMARK LPAREN expression COMMA expression RPAREN','information_func_call',6,'p_information_func_call','parser.py',2391), + ('information_func_call -> CHARSET LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2392), + ('information_func_call -> COERCIBILITY LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2393), + ('information_func_call -> COLLATION LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2394), + ('information_func_call -> CONNECTION_ID LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2395), + ('information_func_call -> CURRENT_ROLE LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2396), + ('information_func_call -> CURRENT_USER','information_func_call',1,'p_information_func_call','parser.py',2397), + ('information_func_call -> CURRENT_USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2398), + ('information_func_call -> DATABASE LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2399), + ('information_func_call -> FOUND_ROWS LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2400), + ('information_func_call -> ICU_VERSION LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2401), + ('information_func_call -> LAST_INSERT_ID LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2402), + ('information_func_call -> LAST_INSERT_ID LPAREN expression RPAREN','information_func_call',4,'p_information_func_call','parser.py',2403), + ('information_func_call -> ROLES_GRAPHML LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2404), + ('information_func_call -> ROW_COUNT LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2405), + ('information_func_call -> SCHEMA LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2406), + ('information_func_call -> SESSION_USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2407), + ('information_func_call -> SYSTEM_USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2408), + ('information_func_call -> USER LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2409), + ('information_func_call -> VERSION LPAREN RPAREN','information_func_call',3,'p_information_func_call','parser.py',2410), + ('json_func_call -> create_json_func_call','json_func_call',1,'p_json_func_call','parser.py',2420), + ('json_func_call -> search_json_func_call','json_func_call',1,'p_json_func_call','parser.py',2421), + ('json_func_call -> modify_json_func_call','json_func_call',1,'p_json_func_call','parser.py',2422), + ('json_func_call -> json_value_attr_func_call','json_func_call',1,'p_json_func_call','parser.py',2423), + ('json_func_call -> json_table_func_call','json_func_call',1,'p_json_func_call','parser.py',2424), + ('json_func_call -> json_schema_func_call','json_func_call',1,'p_json_func_call','parser.py',2425), + ('json_func_call -> json_untility_func_call','json_func_call',1,'p_json_func_call','parser.py',2426), + ('create_json_func_call -> JSON_ARRAY LPAREN call_list RPAREN','create_json_func_call',4,'p_create_json_func_call','parser.py',2431), + ('create_json_func_call -> JSON_OBJECT LPAREN call_list RPAREN','create_json_func_call',4,'p_create_json_func_call','parser.py',2432), + ('create_json_func_call -> JSON_QUOTE LPAREN expression RPAREN','create_json_func_call',4,'p_create_json_func_call','parser.py',2433), + ('search_json_func_call -> JSON_CONTAINS LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2442), + ('search_json_func_call -> JSON_CONTAINS LPAREN expression COMMA expression COMMA call_list RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2443), + ('search_json_func_call -> JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2444), + ('search_json_func_call -> JSON_CONTAINS_PATH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','search_json_func_call',10,'p_search_json_func_call','parser.py',2445), + ('search_json_func_call -> JSON_EXTRACT LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2446), + ('search_json_func_call -> JSON_EXTRACT LPAREN expression COMMA expression COMMA call_list RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2447), + ('search_json_func_call -> JSON_KEYS LPAREN expression RPAREN','search_json_func_call',4,'p_search_json_func_call','parser.py',2448), + ('search_json_func_call -> JSON_KEYS LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2449), + ('search_json_func_call -> JSON_OVERLAPS LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2450), + ('search_json_func_call -> JSON_SEARCH LPAREN expression COMMA expression COMMA expression RPAREN','search_json_func_call',8,'p_search_json_func_call','parser.py',2451), + ('search_json_func_call -> JSON_SEARCH LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','search_json_func_call',10,'p_search_json_func_call','parser.py',2452), + ('search_json_func_call -> JSON_VALUE LPAREN expression COMMA expression RPAREN','search_json_func_call',6,'p_search_json_func_call','parser.py',2453), + ('modify_json_func_call -> JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2467), + ('modify_json_func_call -> JSON_ARRAY_APPEND LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2468), + ('modify_json_func_call -> JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2469), + ('modify_json_func_call -> JSON_ARRAY_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2470), + ('modify_json_func_call -> JSON_INSERT LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2471), + ('modify_json_func_call -> JSON_INSERT LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2472), + ('modify_json_func_call -> JSON_MERGE LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2473), + ('modify_json_func_call -> JSON_MERGE LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2474), + ('modify_json_func_call -> JSON_MERGE_PATCH LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2475), + ('modify_json_func_call -> JSON_MERGE_PATCH LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2476), + ('modify_json_func_call -> JSON_MERGE_PRESERVE LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2477), + ('modify_json_func_call -> JSON_MERGE_PRESERVE LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2478), + ('modify_json_func_call -> JSON_REMOVE LPAREN expression COMMA expression RPAREN','modify_json_func_call',6,'p_modify_json_func_call','parser.py',2479), + ('modify_json_func_call -> JSON_REMOVE LPAREN expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2480), + ('modify_json_func_call -> JSON_REPLACE LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2481), + ('modify_json_func_call -> JSON_REPLACE LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2482), + ('modify_json_func_call -> JSON_SET LPAREN expression COMMA expression COMMA expression RPAREN','modify_json_func_call',8,'p_modify_json_func_call','parser.py',2483), + ('modify_json_func_call -> JSON_SET LPAREN expression COMMA expression COMMA expression COMMA call_list RPAREN','modify_json_func_call',10,'p_modify_json_func_call','parser.py',2484), + ('modify_json_func_call -> JSON_UNQUOTE LPAREN expression RPAREN','modify_json_func_call',4,'p_modify_json_func_call','parser.py',2485), + ('json_value_attr_func_call -> JSON_DEPTH LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2500), + ('json_value_attr_func_call -> JSON_LENGTH LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2501), + ('json_value_attr_func_call -> JSON_LENGTH LPAREN expression COMMA expression RPAREN','json_value_attr_func_call',6,'p_json_value_attr_func_call','parser.py',2502), + ('json_value_attr_func_call -> JSON_TYPE LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2503), + ('json_value_attr_func_call -> JSON_VAILD LPAREN expression RPAREN','json_value_attr_func_call',4,'p_json_value_attr_func_call','parser.py',2504), + ('json_table_func_call -> JSON_TABLE LPAREN expression COMMA expression COLUMNS LPAREN select_items RPAREN alias_opt RPAREN','json_table_func_call',11,'p_json_table_func_call','parser.py',2512), + ('json_table_column_list -> json_table_column','json_table_column_list',1,'p_json_table_column_list','parser.py',2519), + ('json_table_column_list -> json_table_column_list COMMA json_table_column','json_table_column_list',3,'p_json_table_column_list','parser.py',2520), + ('json_table_column -> identifier FOR ORDINALITY','json_table_column',3,'p_json_table_column','parser.py',2529), + ('json_table_column -> identifier column_type PATH string_lit','json_table_column',4,'p_json_table_column','parser.py',2530), + ('json_table_column -> identifier column_type PATH string_lit on_empty_or_error_opt','json_table_column',5,'p_json_table_column','parser.py',2531), + ('json_table_column -> identifier column_type EXISTS PATH string_lit','json_table_column',5,'p_json_table_column','parser.py',2532), + ('json_table_column -> NESTED string_lit COLUMNS LPAREN json_table_column_list RPAREN','json_table_column',6,'p_json_table_column','parser.py',2533), + ('json_table_column -> NESTED PATH string_lit COLUMNS LPAREN json_table_column_list RPAREN','json_table_column',7,'p_json_table_column','parser.py',2534), + ('on_empty_or_error_opt -> json_table_value_opt ON EMPTY','on_empty_or_error_opt',3,'p_on_empty_or_error_opt','parser.py',2563), + ('on_empty_or_error_opt -> json_table_value_opt ON ERROR','on_empty_or_error_opt',3,'p_on_empty_or_error_opt','parser.py',2564), + ('on_empty_or_error_opt -> json_table_value_opt ON EMPTY json_table_value_opt ON ERROR','on_empty_or_error_opt',6,'p_on_empty_or_error_opt','parser.py',2565), + ('json_table_value_opt -> NULL','json_table_value_opt',1,'p_json_table_value_opt','parser.py',2576), + ('json_table_value_opt -> DEFAULT string_lit','json_table_value_opt',2,'p_json_table_value_opt','parser.py',2577), + ('json_table_value_opt -> ERROR','json_table_value_opt',1,'p_json_table_value_opt','parser.py',2578), + ('json_schema_func_call -> JSON_SCHEMA_VALID LPAREN expression COMMA expression RPAREN','json_schema_func_call',6,'p_json_schema_func_call','parser.py',2588), + ('json_schema_func_call -> JSON_SCHEMA_VALIDATION_REPORT LPAREN expression COMMA expression RPAREN','json_schema_func_call',6,'p_json_schema_func_call','parser.py',2589), + ('json_untility_func_call -> JSON_PERTTY LPAREN expression RPAREN','json_untility_func_call',4,'p_json_untility_func_call','parser.py',2594), + ('json_untility_func_call -> JSON_STORAGE_FREE LPAREN expression RPAREN','json_untility_func_call',4,'p_json_untility_func_call','parser.py',2595), + ('json_untility_func_call -> JSON_STORAGE_SIZE LPAREN expression RPAREN','json_untility_func_call',4,'p_json_untility_func_call','parser.py',2596), + ('replication_func_call -> GROUP_REPLICATION_SET_AS_PRIMARY LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2601), + ('replication_func_call -> GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2602), + ('replication_func_call -> GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2603), + ('replication_func_call -> GROUP_REPLICATION_GET_WRITE_CONCURRENCY LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2604), + ('replication_func_call -> GROUP_REPLICATION_SET_WRITE_CONCURRENCY LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2605), + ('replication_func_call -> GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2606), + ('replication_func_call -> GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2607), + ('replication_func_call -> GROUP_REPLICATION_DISABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2608), + ('replication_func_call -> GROUP_REPLICATION_ENABLE_MEMBER_ACTION LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2609), + ('replication_func_call -> GROUP_REPLICATION_RESET_MEMBER_ACTIONS LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2610), + ('replication_func_call -> GTID_SUBSET LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2611), + ('replication_func_call -> GTID_SUBTRACT LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2612), + ('replication_func_call -> WAIT_FOR_EXECUTED_GTID_SET LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2613), + ('replication_func_call -> WAIT_FOR_EXECUTED_GTID_SET LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2614), + ('replication_func_call -> WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression RPAREN','replication_func_call',4,'p_replication_func_call','parser.py',2615), + ('replication_func_call -> WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2616), + ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',18,'p_replication_func_call','parser.py',2617), + ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',12,'p_replication_func_call','parser.py',2618), + ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED LPAREN expression COMMA expression COMMA expression RPAREN','replication_func_call',8,'p_replication_func_call','parser.py',2619), + ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',10,'p_replication_func_call','parser.py',2620), + ('replication_func_call -> ASYNCHRONOUS_CONNECTION_FAILOVER_RESET LPAREN RPAREN','replication_func_call',3,'p_replication_func_call','parser.py',2621), + ('replication_func_call -> MASTER_POS_WAIT LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2622), + ('replication_func_call -> MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN','replication_func_call',8,'p_replication_func_call','parser.py',2623), + ('replication_func_call -> MASTER_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',10,'p_replication_func_call','parser.py',2624), + ('replication_func_call -> SOURCE_POS_WAIT LPAREN expression COMMA expression RPAREN','replication_func_call',6,'p_replication_func_call','parser.py',2625), + ('replication_func_call -> SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression RPAREN','replication_func_call',8,'p_replication_func_call','parser.py',2626), + ('replication_func_call -> SOURCE_POS_WAIT LPAREN expression COMMA expression COMMA expression COMMA expression RPAREN','replication_func_call',10,'p_replication_func_call','parser.py',2627), + ('aggreate_func_call -> aggreate_func_without_distinct','aggreate_func_call',1,'p_aggregate_func_call','parser.py',2635), + ('aggreate_func_call -> aggreate_func_with_distinct','aggreate_func_call',1,'p_aggregate_func_call','parser.py',2636), + ('aggreate_func_call -> group_concat_func_call','aggreate_func_call',1,'p_aggregate_func_call','parser.py',2637), + ('aggreate_func_without_distinct -> BIT_AND LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2643), + ('aggreate_func_without_distinct -> BIT_OR LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2644), + ('aggreate_func_without_distinct -> BIT_XOR LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2645), + ('aggreate_func_without_distinct -> COUNT LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2646), + ('aggreate_func_without_distinct -> COUNT LPAREN ASTERISK RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2647), + ('aggreate_func_without_distinct -> JSON_ARRAYAGG LPAREN expression COMMA expression RPAREN over_clause_opt','aggreate_func_without_distinct',7,'p_aggreate_func_without_distinct','parser.py',2648), + ('aggreate_func_without_distinct -> STD LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2649), + ('aggreate_func_without_distinct -> STDDEV LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2650), + ('aggreate_func_without_distinct -> STDDEV_POP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2651), + ('aggreate_func_without_distinct -> STDDEV_SAMP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2652), + ('aggreate_func_without_distinct -> VAR_POP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2653), + ('aggreate_func_without_distinct -> VAR_SAMP LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2654), + ('aggreate_func_without_distinct -> VAR_VARIANCE LPAREN expression RPAREN over_clause_opt','aggreate_func_without_distinct',5,'p_aggreate_func_without_distinct','parser.py',2655), + ('aggreate_func_with_distinct -> AVG LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2676), + ('aggreate_func_with_distinct -> COUNT LPAREN DISTINCT call_list RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2677), + ('aggreate_func_with_distinct -> JSON_ARRAYAGG LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2678), + ('aggreate_func_with_distinct -> MAX LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2679), + ('aggreate_func_with_distinct -> SUM LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2680), + ('aggreate_func_with_distinct -> MIN LPAREN set_quantifier_opt expression RPAREN over_clause_opt','aggreate_func_with_distinct',6,'p_aggreate_func_with_distinct','parser.py',2681), + ('group_concat_func_call -> GROUP_CONCAT LPAREN set_quantifier_opt call_list order_by_opt separator_opt RPAREN over_clause_opt','group_concat_func_call',8,'p_group_concat_func_call','parser.py',2694), + ('miscellaneous_func_call -> ANY_VALUE LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2708), + ('miscellaneous_func_call -> BIN_TO_UUID LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2709), + ('miscellaneous_func_call -> BIN_TO_UUID LPAREN expression COMMA expression RPAREN','miscellaneous_func_call',6,'p_miscellaneous_func_call','parser.py',2710), + ('miscellaneous_func_call -> DEFAULT LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2711), + ('miscellaneous_func_call -> GROUPING LPAREN call_list RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2712), + ('miscellaneous_func_call -> INET_ATON LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2713), + ('miscellaneous_func_call -> INET_NTOA LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2714), + ('miscellaneous_func_call -> INET6_ATON LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2715), + ('miscellaneous_func_call -> INET6_NTOA LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2716), + ('miscellaneous_func_call -> IS_IPV4 LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2717), + ('miscellaneous_func_call -> IS_IPV4_COMPAT LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2718), + ('miscellaneous_func_call -> IS_IPV4_MAPPED LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2719), + ('miscellaneous_func_call -> IS_IPV6 LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2720), + ('miscellaneous_func_call -> IS_UUID LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2721), + ('miscellaneous_func_call -> NAME_CONST LPAREN expression COMMA expression RPAREN','miscellaneous_func_call',6,'p_miscellaneous_func_call','parser.py',2722), + ('miscellaneous_func_call -> SLEEP LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2723), + ('miscellaneous_func_call -> UUID LPAREN RPAREN','miscellaneous_func_call',3,'p_miscellaneous_func_call','parser.py',2724), + ('miscellaneous_func_call -> UUID_SHORT LPAREN RPAREN','miscellaneous_func_call',3,'p_miscellaneous_func_call','parser.py',2725), + ('miscellaneous_func_call -> UUID_TO_BIN LPAREN expression RPAREN','miscellaneous_func_call',4,'p_miscellaneous_func_call','parser.py',2726), + ('miscellaneous_func_call -> UUID_TO_BIN LPAREN expression COMMA expression RPAREN','miscellaneous_func_call',6,'p_miscellaneous_func_call','parser.py',2727), + ('format_selector -> DATE','format_selector',1,'p_format_selector','parser.py',2739), + ('format_selector -> DATETIME','format_selector',1,'p_format_selector','parser.py',2740), + ('format_selector -> TIME','format_selector',1,'p_format_selector','parser.py',2741), + ('format_selector -> TIMESTAMP','format_selector',1,'p_format_selector','parser.py',2742), + ('separator_opt -> SEPARATOR expression','separator_opt',2,'p_separator_opt','parser.py',2747), + ('separator_opt -> empty','separator_opt',1,'p_separator_opt','parser.py',2748), + ('case_specification -> simple_case','case_specification',1,'p_case_specification','parser.py',2754), + ('simple_case -> CASE expression when_clauses else_opt END','simple_case',5,'p_simple_case','parser.py',2759), + ('simple_case -> CASE when_clauses else_opt END','simple_case',4,'p_simple_case','parser.py',2760), + ('cast_func_call -> BINARY expression','cast_func_call',2,'p_cast_func_call','parser.py',2776), + ('cast_func_call -> _BINARY string_lit','cast_func_call',2,'p_cast_func_call','parser.py',2777), + ('cast_func_call -> CAST LPAREN expression AS cast_field RPAREN','cast_func_call',6,'p_cast_func_call','parser.py',2778), + ('cast_func_call -> CAST LPAREN expression AS cast_field ARRAY RPAREN','cast_func_call',7,'p_cast_func_call','parser.py',2779), + ('cast_func_call -> CONVERT LPAREN expression COMMA cast_field RPAREN','cast_func_call',6,'p_cast_func_call','parser.py',2780), + ('cast_func_call -> CONVERT LPAREN expression USING charset_name RPAREN','cast_func_call',6,'p_cast_func_call','parser.py',2781), + ('when_clauses -> when_clauses when_clause','when_clauses',2,'p_when_clauses','parser.py',2805), + ('when_clauses -> when_clause','when_clauses',1,'p_when_clauses','parser.py',2806), + ('charset_name -> string_lit','charset_name',1,'p_charset_name','parser.py',2817), + ('charset_name -> identifier','charset_name',1,'p_charset_name','parser.py',2818), + ('charset_name -> BINARY','charset_name',1,'p_charset_name','parser.py',2819), + ('when_clause -> WHEN expression THEN expression','when_clause',4,'p_when_clause','parser.py',2824), + ('else_opt -> ELSE expression','else_opt',2,'p_else_clause','parser.py',2829), + ('else_opt -> empty','else_opt',1,'p_else_clause','parser.py',2830), + ('call_list -> call_list COMMA expression','call_list',3,'p_call_list','parser.py',2835), + ('call_list -> expression','call_list',1,'p_call_list','parser.py',2836), + ('cast_field -> BINARY field_len_opt','cast_field',2,'p_cast_field','parser.py',2841), + ('cast_field -> char_type field_len_opt field_param_list_opt','cast_field',3,'p_cast_field','parser.py',2842), + ('cast_field -> DATE','cast_field',1,'p_cast_field','parser.py',2843), + ('cast_field -> YEAR','cast_field',1,'p_cast_field','parser.py',2844), + ('cast_field -> DATETIME field_len_opt','cast_field',2,'p_cast_field','parser.py',2845), + ('cast_field -> DECIMAL float_opt','cast_field',2,'p_cast_field','parser.py',2846), + ('cast_field -> DEC float_opt','cast_field',2,'p_cast_field','parser.py',2847), + ('cast_field -> TIME field_len_opt','cast_field',2,'p_cast_field','parser.py',2848), + ('cast_field -> SIGNED integer_opt','cast_field',2,'p_cast_field','parser.py',2849), + ('cast_field -> UNSIGNED integer_opt','cast_field',2,'p_cast_field','parser.py',2850), + ('cast_field -> JSON','cast_field',1,'p_cast_field','parser.py',2851), + ('cast_field -> DOUBLE','cast_field',1,'p_cast_field','parser.py',2852), + ('cast_field -> FLOAT float_opt','cast_field',2,'p_cast_field','parser.py',2853), + ('cast_field -> REAL','cast_field',1,'p_cast_field','parser.py',2854), + ('field_len_opt -> LPAREN NUMBER RPAREN','field_len_opt',3,'p_field_len_opt','parser.py',2896), + ('field_len_opt -> empty','field_len_opt',1,'p_field_len_opt','parser.py',2897), + ('field_param_list_opt -> LPAREN field_param_list RPAREN','field_param_list_opt',3,'p_field_param_list_opt','parser.py',2905), + ('field_param_list_opt -> empty','field_param_list_opt',1,'p_field_param_list_opt','parser.py',2906), + ('field_param_list -> field_param_list COMMA field_parameter','field_param_list',3,'p_field_param_list','parser.py',2911), + ('field_param_list -> field_parameter','field_param_list',1,'p_field_param_list','parser.py',2912), + ('field_parameter -> number','field_parameter',1,'p_field_parameter','parser.py',2917), + ('field_parameter -> base_data_type','field_parameter',1,'p_field_parameter','parser.py',2918), + ('float_opt -> LPAREN NUMBER RPAREN','float_opt',3,'p_float_opt','parser.py',2926), + ('float_opt -> LPAREN NUMBER COMMA NUMBER RPAREN','float_opt',5,'p_float_opt','parser.py',2927), + ('float_opt -> empty','float_opt',1,'p_float_opt','parser.py',2928), + ('char_type -> CHARACTER','char_type',1,'p_char_type','parser.py',2939), + ('char_type -> CHAR','char_type',1,'p_char_type','parser.py',2940), + ('integer_opt -> INTEGER','integer_opt',1,'p_integer_opt','parser.py',2945), + ('integer_opt -> INT','integer_opt',1,'p_integer_opt','parser.py',2946), + ('integer_opt -> empty','integer_opt',1,'p_integer_opt','parser.py',2947), + ('base_data_type -> identifier','base_data_type',1,'p_base_data_type','parser.py',2952), + ('comparison_operator -> EQ','comparison_operator',1,'p_comparison_operator','parser.py',2957), + ('comparison_operator -> NE','comparison_operator',1,'p_comparison_operator','parser.py',2958), + ('comparison_operator -> LT','comparison_operator',1,'p_comparison_operator','parser.py',2959), + ('comparison_operator -> LE','comparison_operator',1,'p_comparison_operator','parser.py',2960), + ('comparison_operator -> GT','comparison_operator',1,'p_comparison_operator','parser.py',2961), + ('comparison_operator -> GE','comparison_operator',1,'p_comparison_operator','parser.py',2962), + ('comparison_operator -> NULL_SAFE_EQ','comparison_operator',1,'p_comparison_operator','parser.py',2963), + ('boolean_value -> TRUE','boolean_value',1,'p_boolean_value','parser.py',2968), + ('boolean_value -> FALSE','boolean_value',1,'p_boolean_value','parser.py',2969), + ('qualified_name_list -> qualified_name_list COMMA qualified_name','qualified_name_list',3,'p_qualified_name_list','parser.py',2974), + ('qualified_name_list -> qualified_name','qualified_name_list',1,'p_qualified_name_list','parser.py',2975), + ('qualified_name -> identifier','qualified_name',1,'p_qualified_name','parser.py',2984), + ('qualified_name -> identifier PERIOD identifier','qualified_name',3,'p_qualified_name','parser.py',2985), + ('qualified_name -> identifier PERIOD identifier PERIOD identifier','qualified_name',5,'p_qualified_name','parser.py',2986), + ('identifier -> IDENTIFIER','identifier',1,'p_identifier','parser.py',2997), + ('identifier -> quoted_identifier','identifier',1,'p_identifier','parser.py',2998), + ('identifier -> non_reserved','identifier',1,'p_identifier','parser.py',2999), + ('identifier -> DIGIT_IDENTIFIER','identifier',1,'p_identifier','parser.py',3000), + ('non_reserved -> ABS','non_reserved',1,'p_non_reserved','parser.py',3005), + ('non_reserved -> ACCESSIBLE','non_reserved',1,'p_non_reserved','parser.py',3006), + ('non_reserved -> ACCOUNT','non_reserved',1,'p_non_reserved','parser.py',3007), + ('non_reserved -> ACOS','non_reserved',1,'p_non_reserved','parser.py',3008), + ('non_reserved -> ACTION','non_reserved',1,'p_non_reserved','parser.py',3009), + ('non_reserved -> ACTIVATE','non_reserved',1,'p_non_reserved','parser.py',3010), + ('non_reserved -> ACTIVE','non_reserved',1,'p_non_reserved','parser.py',3011), + ('non_reserved -> AES_DECRYPT','non_reserved',1,'p_non_reserved','parser.py',3012), + ('non_reserved -> AES_ENCRYPT','non_reserved',1,'p_non_reserved','parser.py',3013), + ('non_reserved -> AFTER','non_reserved',1,'p_non_reserved','parser.py',3014), + ('non_reserved -> AGAINST','non_reserved',1,'p_non_reserved','parser.py',3015), + ('non_reserved -> AGGREGATE','non_reserved',1,'p_non_reserved','parser.py',3016), + ('non_reserved -> ALGORITHM','non_reserved',1,'p_non_reserved','parser.py',3017), + ('non_reserved -> ALWAYS','non_reserved',1,'p_non_reserved','parser.py',3018), + ('non_reserved -> ANALYSE','non_reserved',1,'p_non_reserved','parser.py',3019), + ('non_reserved -> ANY','non_reserved',1,'p_non_reserved','parser.py',3020), + ('non_reserved -> ANY_VALUE','non_reserved',1,'p_non_reserved','parser.py',3021), + ('non_reserved -> APPROX_COUNT_DISTINCT','non_reserved',1,'p_non_reserved','parser.py',3022), + ('non_reserved -> APPROX_COUNT_DISTINCT_SYNOPSIS','non_reserved',1,'p_non_reserved','parser.py',3023), + ('non_reserved -> APPROX_COUNT_DISTINCT_SYNOPSIS_MERGE','non_reserved',1,'p_non_reserved','parser.py',3024), + ('non_reserved -> ARCHIVELOG','non_reserved',1,'p_non_reserved','parser.py',3025), + ('non_reserved -> ASCII','non_reserved',1,'p_non_reserved','parser.py',3026), + ('non_reserved -> ASENSITIVE','non_reserved',1,'p_non_reserved','parser.py',3027), + ('non_reserved -> ASIN','non_reserved',1,'p_non_reserved','parser.py',3028), + ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_MANAGED','non_reserved',1,'p_non_reserved','parser.py',3029), + ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_ADD_SOURCE','non_reserved',1,'p_non_reserved','parser.py',3030), + ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_MANAGED','non_reserved',1,'p_non_reserved','parser.py',3031), + ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_DELETE_SOURCE','non_reserved',1,'p_non_reserved','parser.py',3032), + ('non_reserved -> ASYNCHRONOUS_CONNECTION_FAILOVER_RESET','non_reserved',1,'p_non_reserved','parser.py',3033), + ('non_reserved -> AT','non_reserved',1,'p_non_reserved','parser.py',3034), + ('non_reserved -> ATAN','non_reserved',1,'p_non_reserved','parser.py',3035), + ('non_reserved -> AUDIT','non_reserved',1,'p_non_reserved','parser.py',3036), + ('non_reserved -> AUTHORS','non_reserved',1,'p_non_reserved','parser.py',3037), + ('non_reserved -> AUTO','non_reserved',1,'p_non_reserved','parser.py',3038), + ('non_reserved -> AUTOEXTEND_SIZE','non_reserved',1,'p_non_reserved','parser.py',3039), + ('non_reserved -> AUTO_INCREMENT','non_reserved',1,'p_non_reserved','parser.py',3040), + ('non_reserved -> AVG','non_reserved',1,'p_non_reserved','parser.py',3041), + ('non_reserved -> AVG_ROW_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3042), + ('non_reserved -> BACKUP','non_reserved',1,'p_non_reserved','parser.py',3043), + ('non_reserved -> BACKUPSET','non_reserved',1,'p_non_reserved','parser.py',3044), + ('non_reserved -> BALANCE','non_reserved',1,'p_non_reserved','parser.py',3045), + ('non_reserved -> BASE','non_reserved',1,'p_non_reserved','parser.py',3046), + ('non_reserved -> BASELINE','non_reserved',1,'p_non_reserved','parser.py',3047), + ('non_reserved -> BASELINE_ID','non_reserved',1,'p_non_reserved','parser.py',3048), + ('non_reserved -> BASIC','non_reserved',1,'p_non_reserved','parser.py',3049), + ('non_reserved -> BEFORE','non_reserved',1,'p_non_reserved','parser.py',3050), + ('non_reserved -> BEGI','non_reserved',1,'p_non_reserved','parser.py',3051), + ('non_reserved -> BENCHMARK','non_reserved',1,'p_non_reserved','parser.py',3052), + ('non_reserved -> BIN','non_reserved',1,'p_non_reserved','parser.py',3053), + ('non_reserved -> BINDING','non_reserved',1,'p_non_reserved','parser.py',3054), + ('non_reserved -> BINLOG','non_reserved',1,'p_non_reserved','parser.py',3055), + ('non_reserved -> BIN_TO_UUID','non_reserved',1,'p_non_reserved','parser.py',3056), + ('non_reserved -> BIT','non_reserved',1,'p_non_reserved','parser.py',3057), + ('non_reserved -> BIT_COUNT','non_reserved',1,'p_non_reserved','parser.py',3058), + ('non_reserved -> BIT_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3059), + ('non_reserved -> BLOCK','non_reserved',1,'p_non_reserved','parser.py',3060), + ('non_reserved -> BLOCK_INDEX','non_reserved',1,'p_non_reserved','parser.py',3061), + ('non_reserved -> BLOCK_SIZE','non_reserved',1,'p_non_reserved','parser.py',3062), + ('non_reserved -> BLOOM_FILTER','non_reserved',1,'p_non_reserved','parser.py',3063), + ('non_reserved -> BOOL','non_reserved',1,'p_non_reserved','parser.py',3064), + ('non_reserved -> BOOLEAN','non_reserved',1,'p_non_reserved','parser.py',3065), + ('non_reserved -> BOOTSTRAP','non_reserved',1,'p_non_reserved','parser.py',3066), + ('non_reserved -> BREADTH','non_reserved',1,'p_non_reserved','parser.py',3067), + ('non_reserved -> BRIEF','non_reserved',1,'p_non_reserved','parser.py',3068), + ('non_reserved -> BTREE','non_reserved',1,'p_non_reserved','parser.py',3069), + ('non_reserved -> BUCKETS','non_reserved',1,'p_non_reserved','parser.py',3070), + ('non_reserved -> BULK','non_reserved',1,'p_non_reserved','parser.py',3071), + ('non_reserved -> BYTE','non_reserved',1,'p_non_reserved','parser.py',3072), + ('non_reserved -> CACHE','non_reserved',1,'p_non_reserved','parser.py',3073), + ('non_reserved -> CALL','non_reserved',1,'p_non_reserved','parser.py',3074), + ('non_reserved -> CANCEL','non_reserved',1,'p_non_reserved','parser.py',3075), + ('non_reserved -> CAST','non_reserved',1,'p_non_reserved','parser.py',3076), + ('non_reserved -> CASCADED','non_reserved',1,'p_non_reserved','parser.py',3077), + ('non_reserved -> CATALOG_NAME','non_reserved',1,'p_non_reserved','parser.py',3078), + ('non_reserved -> CEIL','non_reserved',1,'p_non_reserved','parser.py',3079), + ('non_reserved -> CEILING','non_reserved',1,'p_non_reserved','parser.py',3080), + ('non_reserved -> CHAIN','non_reserved',1,'p_non_reserved','parser.py',3081), + ('non_reserved -> CHANGED','non_reserved',1,'p_non_reserved','parser.py',3082), + ('non_reserved -> CHARACTER','non_reserved',1,'p_non_reserved','parser.py',3083), + ('non_reserved -> CHARACTER_LENGT','non_reserved',1,'p_non_reserved','parser.py',3084), + ('non_reserved -> CHARACTER_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3085), + ('non_reserved -> CHARSET','non_reserved',1,'p_non_reserved','parser.py',3086), + ('non_reserved -> CHAR_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3087), + ('non_reserved -> CHECKPOINT','non_reserved',1,'p_non_reserved','parser.py',3088), + ('non_reserved -> CHECKSUM','non_reserved',1,'p_non_reserved','parser.py',3089), + ('non_reserved -> CHUNK','non_reserved',1,'p_non_reserved','parser.py',3090), + ('non_reserved -> CIPHER','non_reserved',1,'p_non_reserved','parser.py',3091), + ('non_reserved -> CLASS_ORIGIN','non_reserved',1,'p_non_reserved','parser.py',3092), + ('non_reserved -> CLEAN','non_reserved',1,'p_non_reserved','parser.py',3093), + ('non_reserved -> CLEAR','non_reserved',1,'p_non_reserved','parser.py',3094), + ('non_reserved -> CLIENT','non_reserved',1,'p_non_reserved','parser.py',3095), + ('non_reserved -> CLOG','non_reserved',1,'p_non_reserved','parser.py',3096), + ('non_reserved -> CLOSE','non_reserved',1,'p_non_reserved','parser.py',3097), + ('non_reserved -> CLUSTER','non_reserved',1,'p_non_reserved','parser.py',3098), + ('non_reserved -> CLUSTER_ID','non_reserved',1,'p_non_reserved','parser.py',3099), + ('non_reserved -> CLUSTER_NAME','non_reserved',1,'p_non_reserved','parser.py',3100), + ('non_reserved -> COALESCE','non_reserved',1,'p_non_reserved','parser.py',3101), + ('non_reserved -> CODE','non_reserved',1,'p_non_reserved','parser.py',3102), + ('non_reserved -> COERCIBILITY','non_reserved',1,'p_non_reserved','parser.py',3103), + ('non_reserved -> COPY','non_reserved',1,'p_non_reserved','parser.py',3104), + ('non_reserved -> COLLATION','non_reserved',1,'p_non_reserved','parser.py',3105), + ('non_reserved -> COLUMNS','non_reserved',1,'p_non_reserved','parser.py',3106), + ('non_reserved -> COLUMN_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3107), + ('non_reserved -> COLUMN_NAME','non_reserved',1,'p_non_reserved','parser.py',3108), + ('non_reserved -> COLUMN_STAT','non_reserved',1,'p_non_reserved','parser.py',3109), + ('non_reserved -> COMMENT','non_reserved',1,'p_non_reserved','parser.py',3110), + ('non_reserved -> COMMIT','non_reserved',1,'p_non_reserved','parser.py',3111), + ('non_reserved -> COMMITTED','non_reserved',1,'p_non_reserved','parser.py',3112), + ('non_reserved -> COMPACT','non_reserved',1,'p_non_reserved','parser.py',3113), + ('non_reserved -> COMPLETION','non_reserved',1,'p_non_reserved','parser.py',3114), + ('non_reserved -> COMPRESS','non_reserved',1,'p_non_reserved','parser.py',3115), + ('non_reserved -> COMPRESSED','non_reserved',1,'p_non_reserved','parser.py',3116), + ('non_reserved -> COMPRESSION','non_reserved',1,'p_non_reserved','parser.py',3117), + ('non_reserved -> CONCAT_WS','non_reserved',1,'p_non_reserved','parser.py',3118), + ('non_reserved -> CONCURRENT','non_reserved',1,'p_non_reserved','parser.py',3119), + ('non_reserved -> CONNECTION','non_reserved',1,'p_non_reserved','parser.py',3120), + ('non_reserved -> CONNECTION_ID','non_reserved',1,'p_non_reserved','parser.py',3121), + ('non_reserved -> CONSISTENT','non_reserved',1,'p_non_reserved','parser.py',3122), + ('non_reserved -> CONSISTENT_MODE','non_reserved',1,'p_non_reserved','parser.py',3123), + ('non_reserved -> CONSTRAINT_CATALOG','non_reserved',1,'p_non_reserved','parser.py',3124), + ('non_reserved -> CONSTRAINT_NAME','non_reserved',1,'p_non_reserved','parser.py',3125), + ('non_reserved -> CONSTRAINT_SCHEMA','non_reserved',1,'p_non_reserved','parser.py',3126), + ('non_reserved -> CONTAINS','non_reserved',1,'p_non_reserved','parser.py',3127), + ('non_reserved -> CONTEXT','non_reserved',1,'p_non_reserved','parser.py',3128), + ('non_reserved -> CONTRIBUTORS','non_reserved',1,'p_non_reserved','parser.py',3129), + ('non_reserved -> CONY','non_reserved',1,'p_non_reserved','parser.py',3130), + ('non_reserved -> COS','non_reserved',1,'p_non_reserved','parser.py',3131), + ('non_reserved -> COT','non_reserved',1,'p_non_reserved','parser.py',3132), + ('non_reserved -> COUNT','non_reserved',1,'p_non_reserved','parser.py',3133), + ('non_reserved -> CPU','non_reserved',1,'p_non_reserved','parser.py',3134), + ('non_reserved -> CRC32','non_reserved',1,'p_non_reserved','parser.py',3135), + ('non_reserved -> CREATE_TIMESTAMP','non_reserved',1,'p_non_reserved','parser.py',3136), + ('non_reserved -> CTXCAT','non_reserved',1,'p_non_reserved','parser.py',3137), + ('non_reserved -> CTX_ID','non_reserved',1,'p_non_reserved','parser.py',3138), + ('non_reserved -> CUBE','non_reserved',1,'p_non_reserved','parser.py',3139), + ('non_reserved -> CURRENT','non_reserved',1,'p_non_reserved','parser.py',3140), + ('non_reserved -> CURSOR_NAME','non_reserved',1,'p_non_reserved','parser.py',3141), + ('non_reserved -> CYCLE','non_reserved',1,'p_non_reserved','parser.py',3142), + ('non_reserved -> DATA','non_reserved',1,'p_non_reserved','parser.py',3143), + ('non_reserved -> DATABASE_ID','non_reserved',1,'p_non_reserved','parser.py',3144), + ('non_reserved -> DATAFILE','non_reserved',1,'p_non_reserved','parser.py',3145), + ('non_reserved -> DATA_TABLE_ID','non_reserved',1,'p_non_reserved','parser.py',3146), + ('non_reserved -> DATE','non_reserved',1,'p_non_reserved','parser.py',3147), + ('non_reserved -> DATETIME','non_reserved',1,'p_non_reserved','parser.py',3148), + ('non_reserved -> DATE_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3149), + ('non_reserved -> DAY','non_reserved',1,'p_non_reserved','parser.py',3150), + ('non_reserved -> DAYNAME','non_reserved',1,'p_non_reserved','parser.py',3151), + ('non_reserved -> DAYOFMONTH','non_reserved',1,'p_non_reserved','parser.py',3152), + ('non_reserved -> DAYOFWEEK','non_reserved',1,'p_non_reserved','parser.py',3153), + ('non_reserved -> DAYOFYEAR','non_reserved',1,'p_non_reserved','parser.py',3154), + ('non_reserved -> DEALLOCATE','non_reserved',1,'p_non_reserved','parser.py',3155), + ('non_reserved -> DEC','non_reserved',1,'p_non_reserved','parser.py',3156), + ('non_reserved -> DECLARE','non_reserved',1,'p_non_reserved','parser.py',3157), + ('non_reserved -> DECODE','non_reserved',1,'p_non_reserved','parser.py',3158), + ('non_reserved -> DEFAULT_AUTH','non_reserved',1,'p_non_reserved','parser.py',3159), + ('non_reserved -> DEFAULT_TABLEGROUP','non_reserved',1,'p_non_reserved','parser.py',3160), + ('non_reserved -> DEFINER','non_reserved',1,'p_non_reserved','parser.py',3161), + ('non_reserved -> DEGREES','non_reserved',1,'p_non_reserved','parser.py',3162), + ('non_reserved -> DELAY','non_reserved',1,'p_non_reserved','parser.py',3163), + ('non_reserved -> DELAY_KEY_WRITE','non_reserved',1,'p_non_reserved','parser.py',3164), + ('non_reserved -> DEPTH','non_reserved',1,'p_non_reserved','parser.py',3165), + ('non_reserved -> DESTINATION','non_reserved',1,'p_non_reserved','parser.py',3166), + ('non_reserved -> DES_KEY_FILE','non_reserved',1,'p_non_reserved','parser.py',3167), + ('non_reserved -> DETERMINISTIC','non_reserved',1,'p_non_reserved','parser.py',3168), + ('non_reserved -> DIAGNOSTICS','non_reserved',1,'p_non_reserved','parser.py',3169), + ('non_reserved -> DIRECTORY','non_reserved',1,'p_non_reserved','parser.py',3170), + ('non_reserved -> DISABLE','non_reserved',1,'p_non_reserved','parser.py',3171), + ('non_reserved -> DISCARD','non_reserved',1,'p_non_reserved','parser.py',3172), + ('non_reserved -> DISK','non_reserved',1,'p_non_reserved','parser.py',3173), + ('non_reserved -> DISKGROUP','non_reserved',1,'p_non_reserved','parser.py',3174), + ('non_reserved -> DO','non_reserved',1,'p_non_reserved','parser.py',3175), + ('non_reserved -> DUMP','non_reserved',1,'p_non_reserved','parser.py',3176), + ('non_reserved -> DUMPFILE','non_reserved',1,'p_non_reserved','parser.py',3177), + ('non_reserved -> DUPLICATE','non_reserved',1,'p_non_reserved','parser.py',3178), + ('non_reserved -> DUPLICATE_SCOPE','non_reserved',1,'p_non_reserved','parser.py',3179), + ('non_reserved -> DYNAMIC','non_reserved',1,'p_non_reserved','parser.py',3180), + ('non_reserved -> EACH','non_reserved',1,'p_non_reserved','parser.py',3181), + ('non_reserved -> EFFECTIVE','non_reserved',1,'p_non_reserved','parser.py',3182), + ('non_reserved -> EGEXP_INSTR','non_reserved',1,'p_non_reserved','parser.py',3183), + ('non_reserved -> ELT','non_reserved',1,'p_non_reserved','parser.py',3184), + ('non_reserved -> ENABLE','non_reserved',1,'p_non_reserved','parser.py',3185), + ('non_reserved -> ENCRYPTION','non_reserved',1,'p_non_reserved','parser.py',3186), + ('non_reserved -> END','non_reserved',1,'p_non_reserved','parser.py',3187), + ('non_reserved -> ENDS','non_reserved',1,'p_non_reserved','parser.py',3188), + ('non_reserved -> ENGINE','non_reserved',1,'p_non_reserved','parser.py',3189), + ('non_reserved -> ENGINES','non_reserved',1,'p_non_reserved','parser.py',3190), + ('non_reserved -> ENGINE_','non_reserved',1,'p_non_reserved','parser.py',3191), + ('non_reserved -> ENTITY','non_reserved',1,'p_non_reserved','parser.py',3192), + ('non_reserved -> ENUM','non_reserved',1,'p_non_reserved','parser.py',3193), + ('non_reserved -> ERROR','non_reserved',1,'p_non_reserved','parser.py',3194), + ('non_reserved -> ERRORS','non_reserved',1,'p_non_reserved','parser.py',3195), + ('non_reserved -> ERROR_CODE','non_reserved',1,'p_non_reserved','parser.py',3196), + ('non_reserved -> ERROR_P','non_reserved',1,'p_non_reserved','parser.py',3197), + ('non_reserved -> ERSION','non_reserved',1,'p_non_reserved','parser.py',3198), + ('non_reserved -> ESCAPE','non_reserved',1,'p_non_reserved','parser.py',3199), + ('non_reserved -> EVENT','non_reserved',1,'p_non_reserved','parser.py',3200), + ('non_reserved -> EVENTS','non_reserved',1,'p_non_reserved','parser.py',3201), + ('non_reserved -> EVERY','non_reserved',1,'p_non_reserved','parser.py',3202), + ('non_reserved -> EXCHANGE','non_reserved',1,'p_non_reserved','parser.py',3203), + ('non_reserved -> EXECUTE','non_reserved',1,'p_non_reserved','parser.py',3204), + ('non_reserved -> EXP','non_reserved',1,'p_non_reserved','parser.py',3205), + ('non_reserved -> EXPANSION','non_reserved',1,'p_non_reserved','parser.py',3206), + ('non_reserved -> EXPIRE','non_reserved',1,'p_non_reserved','parser.py',3207), + ('non_reserved -> EXPIRED','non_reserved',1,'p_non_reserved','parser.py',3208), + ('non_reserved -> EXPIRE_INFO','non_reserved',1,'p_non_reserved','parser.py',3209), + ('non_reserved -> EXPORT','non_reserved',1,'p_non_reserved','parser.py',3210), + ('non_reserved -> EXPORT_SET','non_reserved',1,'p_non_reserved','parser.py',3211), + ('non_reserved -> EXTENDED','non_reserved',1,'p_non_reserved','parser.py',3212), + ('non_reserved -> EXTENDED_NOADDR','non_reserved',1,'p_non_reserved','parser.py',3213), + ('non_reserved -> EXTENT_SIZE','non_reserved',1,'p_non_reserved','parser.py',3214), + ('non_reserved -> EXTRACTVALUE','non_reserved',1,'p_non_reserved','parser.py',3215), + ('non_reserved -> FAST','non_reserved',1,'p_non_reserved','parser.py',3216), + ('non_reserved -> FAULTS','non_reserved',1,'p_non_reserved','parser.py',3217), + ('non_reserved -> FIELD','non_reserved',1,'p_non_reserved','parser.py',3218), + ('non_reserved -> FIELDS','non_reserved',1,'p_non_reserved','parser.py',3219), + ('non_reserved -> FILEX','non_reserved',1,'p_non_reserved','parser.py',3220), + ('non_reserved -> FILE_ID','non_reserved',1,'p_non_reserved','parser.py',3221), + ('non_reserved -> FINAL_COUNT','non_reserved',1,'p_non_reserved','parser.py',3222), + ('non_reserved -> FIND_IN_SET','non_reserved',1,'p_non_reserved','parser.py',3223), + ('non_reserved -> FIRST','non_reserved',1,'p_non_reserved','parser.py',3224), + ('non_reserved -> FIXED','non_reserved',1,'p_non_reserved','parser.py',3225), + ('non_reserved -> FLASHBACK','non_reserved',1,'p_non_reserved','parser.py',3226), + ('non_reserved -> FLOAT4','non_reserved',1,'p_non_reserved','parser.py',3227), + ('non_reserved -> FLOAT8','non_reserved',1,'p_non_reserved','parser.py',3228), + ('non_reserved -> FLOOR','non_reserved',1,'p_non_reserved','parser.py',3229), + ('non_reserved -> FLUSH','non_reserved',1,'p_non_reserved','parser.py',3230), + ('non_reserved -> FOLLOWER','non_reserved',1,'p_non_reserved','parser.py',3231), + ('non_reserved -> FOLLOWING','non_reserved',1,'p_non_reserved','parser.py',3232), + ('non_reserved -> FORMAT','non_reserved',1,'p_non_reserved','parser.py',3233), + ('non_reserved -> FOUND','non_reserved',1,'p_non_reserved','parser.py',3234), + ('non_reserved -> FOUND_ROWS','non_reserved',1,'p_non_reserved','parser.py',3235), + ('non_reserved -> FREEZE','non_reserved',1,'p_non_reserved','parser.py',3236), + ('non_reserved -> FREQUENCY','non_reserved',1,'p_non_reserved','parser.py',3237), + ('non_reserved -> FROM_BASE64','non_reserved',1,'p_non_reserved','parser.py',3238), + ('non_reserved -> FROM_DAYS','non_reserved',1,'p_non_reserved','parser.py',3239), + ('non_reserved -> FROM_UNIXTIME','non_reserved',1,'p_non_reserved','parser.py',3240), + ('non_reserved -> FUNCTION','non_reserved',1,'p_non_reserved','parser.py',3241), + ('non_reserved -> GENERAL','non_reserved',1,'p_non_reserved','parser.py',3242), + ('non_reserved -> GEOMETRY','non_reserved',1,'p_non_reserved','parser.py',3243), + ('non_reserved -> GEOMETRYCOLLECTION','non_reserved',1,'p_non_reserved','parser.py',3244), + ('non_reserved -> GET','non_reserved',1,'p_non_reserved','parser.py',3245), + ('non_reserved -> GET_LOCK','non_reserved',1,'p_non_reserved','parser.py',3246), + ('non_reserved -> GLOBAL','non_reserved',1,'p_non_reserved','parser.py',3247), + ('non_reserved -> GLOBAL_ALIAS','non_reserved',1,'p_non_reserved','parser.py',3248), + ('non_reserved -> GLOBAL_NAME','non_reserved',1,'p_non_reserved','parser.py',3249), + ('non_reserved -> GRANTS','non_reserved',1,'p_non_reserved','parser.py',3250), + ('non_reserved -> GREATEST','non_reserved',1,'p_non_reserved','parser.py',3251), + ('non_reserved -> GROUPING','non_reserved',1,'p_non_reserved','parser.py',3252), + ('non_reserved -> GROUPS','non_reserved',1,'p_non_reserved','parser.py',3253), + ('non_reserved -> GROUP_REPLICATION_DISABLE_MEMBER_ACTION','non_reserved',1,'p_non_reserved','parser.py',3254), + ('non_reserved -> GROUP_REPLICATION_ENABLE_MEMBER_ACTION','non_reserved',1,'p_non_reserved','parser.py',3255), + ('non_reserved -> GROUP_REPLICATION_GET_COMMUNICATION_PROTOCOL','non_reserved',1,'p_non_reserved','parser.py',3256), + ('non_reserved -> GROUP_REPLICATION_GET_WRITE_CONCURRENCY','non_reserved',1,'p_non_reserved','parser.py',3257), + ('non_reserved -> GROUP_REPLICATION_RESET_MEMBER_ACTIONS','non_reserved',1,'p_non_reserved','parser.py',3258), + ('non_reserved -> GROUP_REPLICATION_SET_AS_PRIMARY','non_reserved',1,'p_non_reserved','parser.py',3259), + ('non_reserved -> GROUP_REPLICATION_SET_COMMUNICATION_PROTOCOL','non_reserved',1,'p_non_reserved','parser.py',3260), + ('non_reserved -> GROUP_REPLICATION_SET_WRITE_CONCURRENCY','non_reserved',1,'p_non_reserved','parser.py',3261), + ('non_reserved -> GROUP_REPLICATION_SWITCH_TO_MULTI_PRIMARY_MODE','non_reserved',1,'p_non_reserved','parser.py',3262), + ('non_reserved -> GROUP_REPLICATION_SWITCH_TO_SINGLE_PRIMARY_MODE','non_reserved',1,'p_non_reserved','parser.py',3263), + ('non_reserved -> GTID_SUBSET','non_reserved',1,'p_non_reserved','parser.py',3264), + ('non_reserved -> GTID_SUBTRACT','non_reserved',1,'p_non_reserved','parser.py',3265), + ('non_reserved -> GTS','non_reserved',1,'p_non_reserved','parser.py',3266), + ('non_reserved -> HANDLER','non_reserved',1,'p_non_reserved','parser.py',3267), + ('non_reserved -> HASH','non_reserved',1,'p_non_reserved','parser.py',3268), + ('non_reserved -> HELP','non_reserved',1,'p_non_reserved','parser.py',3269), + ('non_reserved -> HEX','non_reserved',1,'p_non_reserved','parser.py',3270), + ('non_reserved -> HISTOGRAM','non_reserved',1,'p_non_reserved','parser.py',3271), + ('non_reserved -> HOST','non_reserved',1,'p_non_reserved','parser.py',3272), + ('non_reserved -> HOSTS','non_reserved',1,'p_non_reserved','parser.py',3273), + ('non_reserved -> HOST_IP','non_reserved',1,'p_non_reserved','parser.py',3274), + ('non_reserved -> HOUR','non_reserved',1,'p_non_reserved','parser.py',3275), + ('non_reserved -> ICU_VERSION','non_reserved',1,'p_non_reserved','parser.py',3276), + ('non_reserved -> ID','non_reserved',1,'p_non_reserved','parser.py',3277), + ('non_reserved -> IDC','non_reserved',1,'p_non_reserved','parser.py',3278), + ('non_reserved -> IDENTIFIED','non_reserved',1,'p_non_reserved','parser.py',3279), + ('non_reserved -> IFIGNORE','non_reserved',1,'p_non_reserved','parser.py',3280), + ('non_reserved -> IFNULL','non_reserved',1,'p_non_reserved','parser.py',3281), + ('non_reserved -> IGNORE_SERVER_IDS','non_reserved',1,'p_non_reserved','parser.py',3282), + ('non_reserved -> ILOG','non_reserved',1,'p_non_reserved','parser.py',3283), + ('non_reserved -> ILOGCACHE','non_reserved',1,'p_non_reserved','parser.py',3284), + ('non_reserved -> IMPORT','non_reserved',1,'p_non_reserved','parser.py',3285), + ('non_reserved -> INCR','non_reserved',1,'p_non_reserved','parser.py',3286), + ('non_reserved -> INCREMENTAL','non_reserved',1,'p_non_reserved','parser.py',3287), + ('non_reserved -> INDEXES','non_reserved',1,'p_non_reserved','parser.py',3288), + ('non_reserved -> INDEX_TABLE_ID','non_reserved',1,'p_non_reserved','parser.py',3289), + ('non_reserved -> INET6_ATON','non_reserved',1,'p_non_reserved','parser.py',3290), + ('non_reserved -> INET6_NTOA','non_reserved',1,'p_non_reserved','parser.py',3291), + ('non_reserved -> INET_ATON','non_reserved',1,'p_non_reserved','parser.py',3292), + ('non_reserved -> INET_NTOA','non_reserved',1,'p_non_reserved','parser.py',3293), + ('non_reserved -> INFO','non_reserved',1,'p_non_reserved','parser.py',3294), + ('non_reserved -> INITIAL_SIZE','non_reserved',1,'p_non_reserved','parser.py',3295), + ('non_reserved -> INTO','non_reserved',1,'p_non_reserved','parser.py',3296), + ('non_reserved -> INTERVAL','non_reserved',1,'p_non_reserved','parser.py',3297), + ('non_reserved -> INNER_PARSE','non_reserved',1,'p_non_reserved','parser.py',3298), + ('non_reserved -> INNODB','non_reserved',1,'p_non_reserved','parser.py',3299), + ('non_reserved -> INSENSITIVE','non_reserved',1,'p_non_reserved','parser.py',3300), + ('non_reserved -> INSERT_METHOD','non_reserved',1,'p_non_reserved','parser.py',3301), + ('non_reserved -> INSTALL','non_reserved',1,'p_non_reserved','parser.py',3302), + ('non_reserved -> INSTANCE','non_reserved',1,'p_non_reserved','parser.py',3303), + ('non_reserved -> INSTR','non_reserved',1,'p_non_reserved','parser.py',3304), + ('non_reserved -> INVISIBLE','non_reserved',1,'p_non_reserved','parser.py',3305), + ('non_reserved -> INVOKER','non_reserved',1,'p_non_reserved','parser.py',3306), + ('non_reserved -> IO','non_reserved',1,'p_non_reserved','parser.py',3307), + ('non_reserved -> IO_AFTER_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3308), + ('non_reserved -> IO_BEFORE_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3309), + ('non_reserved -> IO_THREAD','non_reserved',1,'p_non_reserved','parser.py',3310), + ('non_reserved -> IPC','non_reserved',1,'p_non_reserved','parser.py',3311), + ('non_reserved -> IS','non_reserved',1,'p_non_reserved','parser.py',3312), + ('non_reserved -> ISNULL','non_reserved',1,'p_non_reserved','parser.py',3313), + ('non_reserved -> ISOLATION','non_reserved',1,'p_non_reserved','parser.py',3314), + ('non_reserved -> ISSUER','non_reserved',1,'p_non_reserved','parser.py',3315), + ('non_reserved -> IS_FREE_LOCK','non_reserved',1,'p_non_reserved','parser.py',3316), + ('non_reserved -> IS_IPV4','non_reserved',1,'p_non_reserved','parser.py',3317), + ('non_reserved -> IS_IPV4_COMPAT','non_reserved',1,'p_non_reserved','parser.py',3318), + ('non_reserved -> IS_IPV4_MAPPED','non_reserved',1,'p_non_reserved','parser.py',3319), + ('non_reserved -> IS_IPV6','non_reserved',1,'p_non_reserved','parser.py',3320), + ('non_reserved -> IS_TENANT_SYS_POOL','non_reserved',1,'p_non_reserved','parser.py',3321), + ('non_reserved -> IS_USED_LOCK','non_reserved',1,'p_non_reserved','parser.py',3322), + ('non_reserved -> IS_UUID','non_reserved',1,'p_non_reserved','parser.py',3323), + ('non_reserved -> ITERATE','non_reserved',1,'p_non_reserved','parser.py',3324), + ('non_reserved -> JOB','non_reserved',1,'p_non_reserved','parser.py',3325), + ('non_reserved -> JSON','non_reserved',1,'p_non_reserved','parser.py',3326), + ('non_reserved -> JSON_ARRAY','non_reserved',1,'p_non_reserved','parser.py',3327), + ('non_reserved -> JSON_ARRAYAGG','non_reserved',1,'p_non_reserved','parser.py',3328), + ('non_reserved -> JSON_ARRAY_APPEND','non_reserved',1,'p_non_reserved','parser.py',3329), + ('non_reserved -> JSON_ARRAY_INSERT','non_reserved',1,'p_non_reserved','parser.py',3330), + ('non_reserved -> JSON_CONTAINS','non_reserved',1,'p_non_reserved','parser.py',3331), + ('non_reserved -> JSON_CONTAINS_PATH','non_reserved',1,'p_non_reserved','parser.py',3332), + ('non_reserved -> JSON_DEPTH','non_reserved',1,'p_non_reserved','parser.py',3333), + ('non_reserved -> JSON_EXTRACT','non_reserved',1,'p_non_reserved','parser.py',3334), + ('non_reserved -> JSON_INSERT','non_reserved',1,'p_non_reserved','parser.py',3335), + ('non_reserved -> JSON_KEYS','non_reserved',1,'p_non_reserved','parser.py',3336), + ('non_reserved -> JSON_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3337), + ('non_reserved -> JSON_MERGE','non_reserved',1,'p_non_reserved','parser.py',3338), + ('non_reserved -> JSON_MERGE_PATCH','non_reserved',1,'p_non_reserved','parser.py',3339), + ('non_reserved -> JSON_MERGE_PRESERVE','non_reserved',1,'p_non_reserved','parser.py',3340), + ('non_reserved -> JSON_OBJECT','non_reserved',1,'p_non_reserved','parser.py',3341), + ('non_reserved -> JSON_OVERLAPS','non_reserved',1,'p_non_reserved','parser.py',3342), + ('non_reserved -> JSON_PERTTY','non_reserved',1,'p_non_reserved','parser.py',3343), + ('non_reserved -> JSON_QUOTE','non_reserved',1,'p_non_reserved','parser.py',3344), + ('non_reserved -> JSON_REMOVE','non_reserved',1,'p_non_reserved','parser.py',3345), + ('non_reserved -> JSON_REPLACE','non_reserved',1,'p_non_reserved','parser.py',3346), + ('non_reserved -> JSON_SCHEMA_VALID','non_reserved',1,'p_non_reserved','parser.py',3347), + ('non_reserved -> JSON_SCHEMA_VALIDATION_REPORT','non_reserved',1,'p_non_reserved','parser.py',3348), + ('non_reserved -> JSON_SEARCH','non_reserved',1,'p_non_reserved','parser.py',3349), + ('non_reserved -> JSON_SET','non_reserved',1,'p_non_reserved','parser.py',3350), + ('non_reserved -> JSON_STORAGE_FREE','non_reserved',1,'p_non_reserved','parser.py',3351), + ('non_reserved -> JSON_STORAGE_SIZE','non_reserved',1,'p_non_reserved','parser.py',3352), + ('non_reserved -> JSON_TABLE','non_reserved',1,'p_non_reserved','parser.py',3353), + ('non_reserved -> JSON_TYPE','non_reserved',1,'p_non_reserved','parser.py',3354), + ('non_reserved -> JSON_UNQUOTE','non_reserved',1,'p_non_reserved','parser.py',3355), + ('non_reserved -> JSON_VAILD','non_reserved',1,'p_non_reserved','parser.py',3356), + ('non_reserved -> JSON_VALUE','non_reserved',1,'p_non_reserved','parser.py',3357), + ('non_reserved -> KEY_BLOCK_SIZE','non_reserved',1,'p_non_reserved','parser.py',3358), + ('non_reserved -> KEY_VERSION','non_reserved',1,'p_non_reserved','parser.py',3359), + ('non_reserved -> KVCACHE','non_reserved',1,'p_non_reserved','parser.py',3360), + ('non_reserved -> LANGUAGE','non_reserved',1,'p_non_reserved','parser.py',3361), + ('non_reserved -> LAST','non_reserved',1,'p_non_reserved','parser.py',3362), + ('non_reserved -> LAG','non_reserved',1,'p_non_reserved','parser.py',3363), + ('non_reserved -> LAST_DAY','non_reserved',1,'p_non_reserved','parser.py',3364), + ('non_reserved -> LAST_INSERT_ID','non_reserved',1,'p_non_reserved','parser.py',3365), + ('non_reserved -> LAST_VALUE','non_reserved',1,'p_non_reserved','parser.py',3366), + ('non_reserved -> LCASE','non_reserved',1,'p_non_reserved','parser.py',3367), + ('non_reserved -> LEADER','non_reserved',1,'p_non_reserved','parser.py',3368), + ('non_reserved -> LEAK','non_reserved',1,'p_non_reserved','parser.py',3369), + ('non_reserved -> LEAK_MOD','non_reserved',1,'p_non_reserved','parser.py',3370), + ('non_reserved -> LEAST','non_reserved',1,'p_non_reserved','parser.py',3371), + ('non_reserved -> LEAVES','non_reserved',1,'p_non_reserved','parser.py',3372), + ('non_reserved -> LENGTH','non_reserved',1,'p_non_reserved','parser.py',3373), + ('non_reserved -> LESS','non_reserved',1,'p_non_reserved','parser.py',3374), + ('non_reserved -> LEVEL','non_reserved',1,'p_non_reserved','parser.py',3375), + ('non_reserved -> LINESTRING','non_reserved',1,'p_non_reserved','parser.py',3376), + ('non_reserved -> LISTAGG','non_reserved',1,'p_non_reserved','parser.py',3377), + ('non_reserved -> LIST_','non_reserved',1,'p_non_reserved','parser.py',3378), + ('non_reserved -> LN','non_reserved',1,'p_non_reserved','parser.py',3379), + ('non_reserved -> LOAD_FILE','non_reserved',1,'p_non_reserved','parser.py',3380), + ('non_reserved -> LOB','non_reserved',1,'p_non_reserved','parser.py',3381), + ('non_reserved -> LOCAL','non_reserved',1,'p_non_reserved','parser.py',3382), + ('non_reserved -> LOCALITY','non_reserved',1,'p_non_reserved','parser.py',3383), + ('non_reserved -> LOCATE','non_reserved',1,'p_non_reserved','parser.py',3384), + ('non_reserved -> LOCATION','non_reserved',1,'p_non_reserved','parser.py',3385), + ('non_reserved -> LOCKED','non_reserved',1,'p_non_reserved','parser.py',3386), + ('non_reserved -> LOCKS','non_reserved',1,'p_non_reserved','parser.py',3387), + ('non_reserved -> LOCK_','non_reserved',1,'p_non_reserved','parser.py',3388), + ('non_reserved -> LOG','non_reserved',1,'p_non_reserved','parser.py',3389), + ('non_reserved -> LOG10','non_reserved',1,'p_non_reserved','parser.py',3390), + ('non_reserved -> LOG2','non_reserved',1,'p_non_reserved','parser.py',3391), + ('non_reserved -> LOGFILE','non_reserved',1,'p_non_reserved','parser.py',3392), + ('non_reserved -> LOGONLY_REPLICA_NUM','non_reserved',1,'p_non_reserved','parser.py',3393), + ('non_reserved -> LOGS','non_reserved',1,'p_non_reserved','parser.py',3394), + ('non_reserved -> LONG','non_reserved',1,'p_non_reserved','parser.py',3395), + ('non_reserved -> LONGB','non_reserved',1,'p_non_reserved','parser.py',3396), + ('non_reserved -> LOOP','non_reserved',1,'p_non_reserved','parser.py',3397), + ('non_reserved -> LOWER','non_reserved',1,'p_non_reserved','parser.py',3398), + ('non_reserved -> LPAD','non_reserved',1,'p_non_reserved','parser.py',3399), + ('non_reserved -> LTRIM','non_reserved',1,'p_non_reserved','parser.py',3400), + ('non_reserved -> MAJOR','non_reserved',1,'p_non_reserved','parser.py',3401), + ('non_reserved -> MAKEDATE','non_reserved',1,'p_non_reserved','parser.py',3402), + ('non_reserved -> MAKE_SE','non_reserved',1,'p_non_reserved','parser.py',3403), + ('non_reserved -> MAKE_SET','non_reserved',1,'p_non_reserved','parser.py',3404), + ('non_reserved -> MANUAL','non_reserved',1,'p_non_reserved','parser.py',3405), + ('non_reserved -> MASTER','non_reserved',1,'p_non_reserved','parser.py',3406), + ('non_reserved -> MASTER_AUTO_POSITION','non_reserved',1,'p_non_reserved','parser.py',3407), + ('non_reserved -> MASTER_BIND','non_reserved',1,'p_non_reserved','parser.py',3408), + ('non_reserved -> MASTER_CONNECT_RETRY','non_reserved',1,'p_non_reserved','parser.py',3409), + ('non_reserved -> MASTER_DELAY','non_reserved',1,'p_non_reserved','parser.py',3410), + ('non_reserved -> MASTER_HEARTBEAT_PERIOD','non_reserved',1,'p_non_reserved','parser.py',3411), + ('non_reserved -> MASTER_HOST','non_reserved',1,'p_non_reserved','parser.py',3412), + ('non_reserved -> MASTER_LOG_FILE','non_reserved',1,'p_non_reserved','parser.py',3413), + ('non_reserved -> MASTER_LOG_POS','non_reserved',1,'p_non_reserved','parser.py',3414), + ('non_reserved -> MASTER_PASSWORD','non_reserved',1,'p_non_reserved','parser.py',3415), + ('non_reserved -> MASTER_PORT','non_reserved',1,'p_non_reserved','parser.py',3416), + ('non_reserved -> MASTER_POS_WAIT','non_reserved',1,'p_non_reserved','parser.py',3417), + ('non_reserved -> MASTER_RETRY_COUNT','non_reserved',1,'p_non_reserved','parser.py',3418), + ('non_reserved -> MASTER_SERVER_ID','non_reserved',1,'p_non_reserved','parser.py',3419), + ('non_reserved -> MASTER_SSL','non_reserved',1,'p_non_reserved','parser.py',3420), + ('non_reserved -> MASTER_SSL_CA','non_reserved',1,'p_non_reserved','parser.py',3421), + ('non_reserved -> MASTER_SSL_CAPATH','non_reserved',1,'p_non_reserved','parser.py',3422), + ('non_reserved -> MASTER_SSL_CERT','non_reserved',1,'p_non_reserved','parser.py',3423), + ('non_reserved -> MASTER_SSL_CIPHER','non_reserved',1,'p_non_reserved','parser.py',3424), + ('non_reserved -> MASTER_SSL_CRL','non_reserved',1,'p_non_reserved','parser.py',3425), + ('non_reserved -> MASTER_SSL_CRLPATH','non_reserved',1,'p_non_reserved','parser.py',3426), + ('non_reserved -> MASTER_SSL_KEY','non_reserved',1,'p_non_reserved','parser.py',3427), + ('non_reserved -> MASTER_SSL_VERIFY_SERVER_CERT','non_reserved',1,'p_non_reserved','parser.py',3428), + ('non_reserved -> MASTER_USER','non_reserved',1,'p_non_reserved','parser.py',3429), + ('non_reserved -> MATCH','non_reserved',1,'p_non_reserved','parser.py',3430), + ('non_reserved -> MATCHED','non_reserved',1,'p_non_reserved','parser.py',3431), + ('non_reserved -> MATERIALIZED','non_reserved',1,'p_non_reserved','parser.py',3432), + ('non_reserved -> MAX','non_reserved',1,'p_non_reserved','parser.py',3433), + ('non_reserved -> MAX_CONNECTIONS_PER_HOUR','non_reserved',1,'p_non_reserved','parser.py',3434), + ('non_reserved -> MAX_CPU','non_reserved',1,'p_non_reserved','parser.py',3435), + ('non_reserved -> MAX_DISK_SIZE','non_reserved',1,'p_non_reserved','parser.py',3436), + ('non_reserved -> MAX_IOPS','non_reserved',1,'p_non_reserved','parser.py',3437), + ('non_reserved -> MAX_MEMORY','non_reserved',1,'p_non_reserved','parser.py',3438), + ('non_reserved -> MAX_QUERIES_PER_HOUR','non_reserved',1,'p_non_reserved','parser.py',3439), + ('non_reserved -> MAX_ROWS','non_reserved',1,'p_non_reserved','parser.py',3440), + ('non_reserved -> MAX_SESSION_NUM','non_reserved',1,'p_non_reserved','parser.py',3441), + ('non_reserved -> MAX_SIZE','non_reserved',1,'p_non_reserved','parser.py',3442), + ('non_reserved -> MAX_UPDATES_PER_HOUR','non_reserved',1,'p_non_reserved','parser.py',3443), + ('non_reserved -> MAX_USED_PART_ID','non_reserved',1,'p_non_reserved','parser.py',3444), + ('non_reserved -> MAX_USER_CONNECTIONS','non_reserved',1,'p_non_reserved','parser.py',3445), + ('non_reserved -> MD5','non_reserved',1,'p_non_reserved','parser.py',3446), + ('non_reserved -> MEDIUM','non_reserved',1,'p_non_reserved','parser.py',3447), + ('non_reserved -> MEMBER','non_reserved',1,'p_non_reserved','parser.py',3448), + ('non_reserved -> MEMORY','non_reserved',1,'p_non_reserved','parser.py',3449), + ('non_reserved -> MEMTABLE','non_reserved',1,'p_non_reserved','parser.py',3450), + ('non_reserved -> MERGE','non_reserved',1,'p_non_reserved','parser.py',3451), + ('non_reserved -> MESSAGE_TEXT','non_reserved',1,'p_non_reserved','parser.py',3452), + ('non_reserved -> META','non_reserved',1,'p_non_reserved','parser.py',3453), + ('non_reserved -> MICROSECOND','non_reserved',1,'p_non_reserved','parser.py',3454), + ('non_reserved -> MID','non_reserved',1,'p_non_reserved','parser.py',3455), + ('non_reserved -> MIDDLEINT','non_reserved',1,'p_non_reserved','parser.py',3456), + ('non_reserved -> MIGRATE','non_reserved',1,'p_non_reserved','parser.py',3457), + ('non_reserved -> MIGRATION','non_reserved',1,'p_non_reserved','parser.py',3458), + ('non_reserved -> MIN','non_reserved',1,'p_non_reserved','parser.py',3459), + ('non_reserved -> MINOR','non_reserved',1,'p_non_reserved','parser.py',3460), + ('non_reserved -> MINUTE','non_reserved',1,'p_non_reserved','parser.py',3461), + ('non_reserved -> MIN_CPU','non_reserved',1,'p_non_reserved','parser.py',3462), + ('non_reserved -> MIN_IOPS','non_reserved',1,'p_non_reserved','parser.py',3463), + ('non_reserved -> MIN_MEMORY','non_reserved',1,'p_non_reserved','parser.py',3464), + ('non_reserved -> MIN_ROWS','non_reserved',1,'p_non_reserved','parser.py',3465), + ('non_reserved -> MKEDATE','non_reserved',1,'p_non_reserved','parser.py',3466), + ('non_reserved -> MODE','non_reserved',1,'p_non_reserved','parser.py',3467), + ('non_reserved -> MODIFIES','non_reserved',1,'p_non_reserved','parser.py',3468), + ('non_reserved -> MODIFY','non_reserved',1,'p_non_reserved','parser.py',3469), + ('non_reserved -> MONTH','non_reserved',1,'p_non_reserved','parser.py',3470), + ('non_reserved -> MONTHNAME','non_reserved',1,'p_non_reserved','parser.py',3471), + ('non_reserved -> MOVE','non_reserved',1,'p_non_reserved','parser.py',3472), + ('non_reserved -> MULTILINESTRING','non_reserved',1,'p_non_reserved','parser.py',3473), + ('non_reserved -> MULTIPOINT','non_reserved',1,'p_non_reserved','parser.py',3474), + ('non_reserved -> MULTIPOLYGON','non_reserved',1,'p_non_reserved','parser.py',3475), + ('non_reserved -> MUTEX','non_reserved',1,'p_non_reserved','parser.py',3476), + ('non_reserved -> MYSQL_ERRNO','non_reserved',1,'p_non_reserved','parser.py',3477), + ('non_reserved -> NAME','non_reserved',1,'p_non_reserved','parser.py',3478), + ('non_reserved -> NAMES','non_reserved',1,'p_non_reserved','parser.py',3479), + ('non_reserved -> NAME_CONST','non_reserved',1,'p_non_reserved','parser.py',3480), + ('non_reserved -> NATIONAL','non_reserved',1,'p_non_reserved','parser.py',3481), + ('non_reserved -> NCHAR','non_reserved',1,'p_non_reserved','parser.py',3482), + ('non_reserved -> NDB','non_reserved',1,'p_non_reserved','parser.py',3483), + ('non_reserved -> NDBCLUSTER','non_reserved',1,'p_non_reserved','parser.py',3484), + ('non_reserved -> NESTED','non_reserved',1,'p_non_reserved','parser.py',3485), + ('non_reserved -> NEW','non_reserved',1,'p_non_reserved','parser.py',3486), + ('non_reserved -> NEXT','non_reserved',1,'p_non_reserved','parser.py',3487), + ('non_reserved -> NO','non_reserved',1,'p_non_reserved','parser.py',3488), + ('non_reserved -> NOARCHIVELOG','non_reserved',1,'p_non_reserved','parser.py',3489), + ('non_reserved -> NODEGROUP','non_reserved',1,'p_non_reserved','parser.py',3490), + ('non_reserved -> NONE','non_reserved',1,'p_non_reserved','parser.py',3491), + ('non_reserved -> NORMAL','non_reserved',1,'p_non_reserved','parser.py',3492), + ('non_reserved -> NOW','non_reserved',1,'p_non_reserved','parser.py',3493), + ('non_reserved -> NOWAIT','non_reserved',1,'p_non_reserved','parser.py',3494), + ('non_reserved -> NO_WAIT','non_reserved',1,'p_non_reserved','parser.py',3495), + ('non_reserved -> NULLS','non_reserved',1,'p_non_reserved','parser.py',3496), + ('non_reserved -> NULLIF','non_reserved',1,'p_non_reserved','parser.py',3497), + ('non_reserved -> NVARCHAR','non_reserved',1,'p_non_reserved','parser.py',3498), + ('non_reserved -> NVL','non_reserved',1,'p_non_reserved','parser.py',3499), + ('non_reserved -> OAD_FILE','non_reserved',1,'p_non_reserved','parser.py',3500), + ('non_reserved -> OCCUR','non_reserved',1,'p_non_reserved','parser.py',3501), + ('non_reserved -> OCT','non_reserved',1,'p_non_reserved','parser.py',3502), + ('non_reserved -> OCTET_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3503), + ('non_reserved -> OERCIBILITY','non_reserved',1,'p_non_reserved','parser.py',3504), + ('non_reserved -> OF','non_reserved',1,'p_non_reserved','parser.py',3505), + ('non_reserved -> OFF','non_reserved',1,'p_non_reserved','parser.py',3506), + ('non_reserved -> OFFSET','non_reserved',1,'p_non_reserved','parser.py',3507), + ('non_reserved -> OLD_KEY','non_reserved',1,'p_non_reserved','parser.py',3508), + ('non_reserved -> OLD_PASSWORD','non_reserved',1,'p_non_reserved','parser.py',3509), + ('non_reserved -> ONE','non_reserved',1,'p_non_reserved','parser.py',3510), + ('non_reserved -> ONE_SHOT','non_reserved',1,'p_non_reserved','parser.py',3511), + ('non_reserved -> ONLY','non_reserved',1,'p_non_reserved','parser.py',3512), + ('non_reserved -> ONTHNAME','non_reserved',1,'p_non_reserved','parser.py',3513), + ('non_reserved -> OPEN','non_reserved',1,'p_non_reserved','parser.py',3514), + ('non_reserved -> OPTIONS','non_reserved',1,'p_non_reserved','parser.py',3515), + ('non_reserved -> OR','non_reserved',1,'p_non_reserved','parser.py',3516), + ('non_reserved -> ORA_DECODE','non_reserved',1,'p_non_reserved','parser.py',3517), + ('non_reserved -> ORD','non_reserved',1,'p_non_reserved','parser.py',3518), + ('non_reserved -> ORDINALITY','non_reserved',1,'p_non_reserved','parser.py',3519), + ('non_reserved -> ORIG_DEFAULT','non_reserved',1,'p_non_reserved','parser.py',3520), + ('non_reserved -> OUTLINE','non_reserved',1,'p_non_reserved','parser.py',3521), + ('non_reserved -> OVER','non_reserved',1,'p_non_reserved','parser.py',3522), + ('non_reserved -> OWER','non_reserved',1,'p_non_reserved','parser.py',3523), + ('non_reserved -> OWNER','non_reserved',1,'p_non_reserved','parser.py',3524), + ('non_reserved -> PACE','non_reserved',1,'p_non_reserved','parser.py',3525), + ('non_reserved -> PACK_KEYS','non_reserved',1,'p_non_reserved','parser.py',3526), + ('non_reserved -> PAGE','non_reserved',1,'p_non_reserved','parser.py',3527), + ('non_reserved -> PARAMETERS','non_reserved',1,'p_non_reserved','parser.py',3528), + ('non_reserved -> PARSER','non_reserved',1,'p_non_reserved','parser.py',3529), + ('non_reserved -> PARTIAL','non_reserved',1,'p_non_reserved','parser.py',3530), + ('non_reserved -> PARTITIONING','non_reserved',1,'p_non_reserved','parser.py',3531), + ('non_reserved -> PARTITIONS','non_reserved',1,'p_non_reserved','parser.py',3532), + ('non_reserved -> PARTITION_ID','non_reserved',1,'p_non_reserved','parser.py',3533), + ('non_reserved -> PASSWORD','non_reserved',1,'p_non_reserved','parser.py',3534), + ('non_reserved -> PAUSE','non_reserved',1,'p_non_reserved','parser.py',3535), + ('non_reserved -> PATH','non_reserved',1,'p_non_reserved','parser.py',3536), + ('non_reserved -> PCTFREE','non_reserved',1,'p_non_reserved','parser.py',3537), + ('non_reserved -> PERIOD_ADD','non_reserved',1,'p_non_reserved','parser.py',3538), + ('non_reserved -> PERIOD_DIFF','non_reserved',1,'p_non_reserved','parser.py',3539), + ('non_reserved -> PHASE','non_reserved',1,'p_non_reserved','parser.py',3540), + ('non_reserved -> PHYSICAL','non_reserved',1,'p_non_reserved','parser.py',3541), + ('non_reserved -> PI','non_reserved',1,'p_non_reserved','parser.py',3542), + ('non_reserved -> PL','non_reserved',1,'p_non_reserved','parser.py',3543), + ('non_reserved -> PLAN','non_reserved',1,'p_non_reserved','parser.py',3544), + ('non_reserved -> PLANREGRESS','non_reserved',1,'p_non_reserved','parser.py',3545), + ('non_reserved -> PLUGIN','non_reserved',1,'p_non_reserved','parser.py',3546), + ('non_reserved -> PLUGINS','non_reserved',1,'p_non_reserved','parser.py',3547), + ('non_reserved -> PLUGIN_DIR','non_reserved',1,'p_non_reserved','parser.py',3548), + ('non_reserved -> POSITION','non_reserved',1,'p_non_reserved','parser.py',3549), + ('non_reserved -> POINT','non_reserved',1,'p_non_reserved','parser.py',3550), + ('non_reserved -> POLYGON','non_reserved',1,'p_non_reserved','parser.py',3551), + ('non_reserved -> POOL','non_reserved',1,'p_non_reserved','parser.py',3552), + ('non_reserved -> PORT','non_reserved',1,'p_non_reserved','parser.py',3553), + ('non_reserved -> POW','non_reserved',1,'p_non_reserved','parser.py',3554), + ('non_reserved -> POWER','non_reserved',1,'p_non_reserved','parser.py',3555), + ('non_reserved -> PRECEDING','non_reserved',1,'p_non_reserved','parser.py',3556), + ('non_reserved -> PREPARE','non_reserved',1,'p_non_reserved','parser.py',3557), + ('non_reserved -> PRESERVE','non_reserved',1,'p_non_reserved','parser.py',3558), + ('non_reserved -> PREV','non_reserved',1,'p_non_reserved','parser.py',3559), + ('non_reserved -> PREVIEW','non_reserved',1,'p_non_reserved','parser.py',3560), + ('non_reserved -> PRIMARY_ZONE','non_reserved',1,'p_non_reserved','parser.py',3561), + ('non_reserved -> PRIVILEGES','non_reserved',1,'p_non_reserved','parser.py',3562), + ('non_reserved -> PROCESS','non_reserved',1,'p_non_reserved','parser.py',3563), + ('non_reserved -> PROCESSLIST','non_reserved',1,'p_non_reserved','parser.py',3564), + ('non_reserved -> PROFILE','non_reserved',1,'p_non_reserved','parser.py',3565), + ('non_reserved -> PROFILES','non_reserved',1,'p_non_reserved','parser.py',3566), + ('non_reserved -> PROGRESSIVE_MERGE_NUM','non_reserved',1,'p_non_reserved','parser.py',3567), + ('non_reserved -> PROXY','non_reserved',1,'p_non_reserved','parser.py',3568), + ('non_reserved -> PURGE','non_reserved',1,'p_non_reserved','parser.py',3569), + ('non_reserved -> P_CHUNK','non_reserved',1,'p_non_reserved','parser.py',3570), + ('non_reserved -> P_ENTITY','non_reserved',1,'p_non_reserved','parser.py',3571), + ('non_reserved -> QUARTER','non_reserved',1,'p_non_reserved','parser.py',3572), + ('non_reserved -> QUERY','non_reserved',1,'p_non_reserved','parser.py',3573), + ('non_reserved -> QUICK','non_reserved',1,'p_non_reserved','parser.py',3574), + ('non_reserved -> QUOTE','non_reserved',1,'p_non_reserved','parser.py',3575), + ('non_reserved -> R32','non_reserved',1,'p_non_reserved','parser.py',3576), + ('non_reserved -> RANDOM','non_reserved',1,'p_non_reserved','parser.py',3577), + ('non_reserved -> RANDOM_BYTES','non_reserved',1,'p_non_reserved','parser.py',3578), + ('non_reserved -> RANGE','non_reserved',1,'p_non_reserved','parser.py',3579), + ('non_reserved -> RANK','non_reserved',1,'p_non_reserved','parser.py',3580), + ('non_reserved -> READS','non_reserved',1,'p_non_reserved','parser.py',3581), + ('non_reserved -> READ_ONLY','non_reserved',1,'p_non_reserved','parser.py',3582), + ('non_reserved -> READ_WRITE','non_reserved',1,'p_non_reserved','parser.py',3583), + ('non_reserved -> REBUILD','non_reserved',1,'p_non_reserved','parser.py',3584), + ('non_reserved -> RECOVER','non_reserved',1,'p_non_reserved','parser.py',3585), + ('non_reserved -> RECYCLE','non_reserved',1,'p_non_reserved','parser.py',3586), + ('non_reserved -> RECYCLEBIN','non_reserved',1,'p_non_reserved','parser.py',3587), + ('non_reserved -> REDOFILE','non_reserved',1,'p_non_reserved','parser.py',3588), + ('non_reserved -> REDO_BUFFER_SIZE','non_reserved',1,'p_non_reserved','parser.py',3589), + ('non_reserved -> REDUNDANT','non_reserved',1,'p_non_reserved','parser.py',3590), + ('non_reserved -> REFRESH','non_reserved',1,'p_non_reserved','parser.py',3591), + ('non_reserved -> REGION','non_reserved',1,'p_non_reserved','parser.py',3592), + ('non_reserved -> REGEXP_INSTR','non_reserved',1,'p_non_reserved','parser.py',3593), + ('non_reserved -> REGEXP_LIKE','non_reserved',1,'p_non_reserved','parser.py',3594), + ('non_reserved -> REGEXP_REPLACE','non_reserved',1,'p_non_reserved','parser.py',3595), + ('non_reserved -> REGEXP_SUBSTR','non_reserved',1,'p_non_reserved','parser.py',3596), + ('non_reserved -> RELAY','non_reserved',1,'p_non_reserved','parser.py',3597), + ('non_reserved -> RELAYLOG','non_reserved',1,'p_non_reserved','parser.py',3598), + ('non_reserved -> RELAY_LOG_FILE','non_reserved',1,'p_non_reserved','parser.py',3599), + ('non_reserved -> RELAY_LOG_POS','non_reserved',1,'p_non_reserved','parser.py',3600), + ('non_reserved -> RELAY_THREAD','non_reserved',1,'p_non_reserved','parser.py',3601), + ('non_reserved -> RELEASE_ALL_LOCKS','non_reserved',1,'p_non_reserved','parser.py',3602), + ('non_reserved -> RELEASE_LOCK','non_reserved',1,'p_non_reserved','parser.py',3603), + ('non_reserved -> RELOAD','non_reserved',1,'p_non_reserved','parser.py',3604), + ('non_reserved -> REMOTE_OSS','non_reserved',1,'p_non_reserved','parser.py',3605), + ('non_reserved -> REMOVE','non_reserved',1,'p_non_reserved','parser.py',3606), + ('non_reserved -> REORGANIZE','non_reserved',1,'p_non_reserved','parser.py',3607), + ('non_reserved -> REPAIR','non_reserved',1,'p_non_reserved','parser.py',3608), + ('non_reserved -> REPEATABLE','non_reserved',1,'p_non_reserved','parser.py',3609), + ('non_reserved -> REPLACE','non_reserved',1,'p_non_reserved','parser.py',3610), + ('non_reserved -> REPLICA','non_reserved',1,'p_non_reserved','parser.py',3611), + ('non_reserved -> REPLICATION','non_reserved',1,'p_non_reserved','parser.py',3612), + ('non_reserved -> REPLICA_NUM','non_reserved',1,'p_non_reserved','parser.py',3613), + ('non_reserved -> REPLICA_TYPE','non_reserved',1,'p_non_reserved','parser.py',3614), + ('non_reserved -> REPORT','non_reserved',1,'p_non_reserved','parser.py',3615), + ('non_reserved -> RESET','non_reserved',1,'p_non_reserved','parser.py',3616), + ('non_reserved -> RESOURCE','non_reserved',1,'p_non_reserved','parser.py',3617), + ('non_reserved -> RESOURCE_POOL_LIST','non_reserved',1,'p_non_reserved','parser.py',3618), + ('non_reserved -> RESPECT','non_reserved',1,'p_non_reserved','parser.py',3619), + ('non_reserved -> RESTART','non_reserved',1,'p_non_reserved','parser.py',3620), + ('non_reserved -> RESTORE','non_reserved',1,'p_non_reserved','parser.py',3621), + ('non_reserved -> RESUME','non_reserved',1,'p_non_reserved','parser.py',3622), + ('non_reserved -> RETURN','non_reserved',1,'p_non_reserved','parser.py',3623), + ('non_reserved -> RETURNING','non_reserved',1,'p_non_reserved','parser.py',3624), + ('non_reserved -> RETURNS','non_reserved',1,'p_non_reserved','parser.py',3625), + ('non_reserved -> REVERSE','non_reserved',1,'p_non_reserved','parser.py',3626), + ('non_reserved -> REWRITE_MERGE_VERSION','non_reserved',1,'p_non_reserved','parser.py',3627), + ('non_reserved -> ROLES_GRAPHML','non_reserved',1,'p_non_reserved','parser.py',3628), + ('non_reserved -> ROLLBACK','non_reserved',1,'p_non_reserved','parser.py',3629), + ('non_reserved -> ROLLING','non_reserved',1,'p_non_reserved','parser.py',3630), + ('non_reserved -> ROLLUP','non_reserved',1,'p_non_reserved','parser.py',3631), + ('non_reserved -> ROM_BASE64','non_reserved',1,'p_non_reserved','parser.py',3632), + ('non_reserved -> ROM_UNIXTIME','non_reserved',1,'p_non_reserved','parser.py',3633), + ('non_reserved -> ROOT','non_reserved',1,'p_non_reserved','parser.py',3634), + ('non_reserved -> ROOTSERVICE','non_reserved',1,'p_non_reserved','parser.py',3635), + ('non_reserved -> ROOTTABLE','non_reserved',1,'p_non_reserved','parser.py',3636), + ('non_reserved -> ROTATE','non_reserved',1,'p_non_reserved','parser.py',3637), + ('non_reserved -> ROUTINE','non_reserved',1,'p_non_reserved','parser.py',3638), + ('non_reserved -> ROUND','non_reserved',1,'p_non_reserved','parser.py',3639), + ('non_reserved -> ROW','non_reserved',1,'p_non_reserved','parser.py',3640), + ('non_reserved -> ROWS','non_reserved',1,'p_non_reserved','parser.py',3641), + ('non_reserved -> ROW_COUNT','non_reserved',1,'p_non_reserved','parser.py',3642), + ('non_reserved -> ROW_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3643), + ('non_reserved -> ROW_NUMBER','non_reserved',1,'p_non_reserved','parser.py',3644), + ('non_reserved -> RPAD','non_reserved',1,'p_non_reserved','parser.py',3645), + ('non_reserved -> RTREE','non_reserved',1,'p_non_reserved','parser.py',3646), + ('non_reserved -> RTRIM','non_reserved',1,'p_non_reserved','parser.py',3647), + ('non_reserved -> RUDUNDANT','non_reserved',1,'p_non_reserved','parser.py',3648), + ('non_reserved -> RUN','non_reserved',1,'p_non_reserved','parser.py',3649), + ('non_reserved -> SAMPLE','non_reserved',1,'p_non_reserved','parser.py',3650), + ('non_reserved -> SAVEPOINT','non_reserved',1,'p_non_reserved','parser.py',3651), + ('non_reserved -> SCHEDULE','non_reserved',1,'p_non_reserved','parser.py',3652), + ('non_reserved -> SCHEMA','non_reserved',1,'p_non_reserved','parser.py',3653), + ('non_reserved -> SCHEMAS','non_reserved',1,'p_non_reserved','parser.py',3654), + ('non_reserved -> SCHEMA_NAME','non_reserved',1,'p_non_reserved','parser.py',3655), + ('non_reserved -> SCOPE','non_reserved',1,'p_non_reserved','parser.py',3656), + ('non_reserved -> SEARCH','non_reserved',1,'p_non_reserved','parser.py',3657), + ('non_reserved -> SECOND','non_reserved',1,'p_non_reserved','parser.py',3658), + ('non_reserved -> SECURITY','non_reserved',1,'p_non_reserved','parser.py',3659), + ('non_reserved -> SEC_TO_TIME','non_reserved',1,'p_non_reserved','parser.py',3660), + ('non_reserved -> SEED','non_reserved',1,'p_non_reserved','parser.py',3661), + ('non_reserved -> SENSITIVE','non_reserved',1,'p_non_reserved','parser.py',3662), + ('non_reserved -> SEPARATOR','non_reserved',1,'p_non_reserved','parser.py',3663), + ('non_reserved -> SERIAL','non_reserved',1,'p_non_reserved','parser.py',3664), + ('non_reserved -> SERIALIZABLE','non_reserved',1,'p_non_reserved','parser.py',3665), + ('non_reserved -> SERVER','non_reserved',1,'p_non_reserved','parser.py',3666), + ('non_reserved -> SERVER_IP','non_reserved',1,'p_non_reserved','parser.py',3667), + ('non_reserved -> SERVER_PORT','non_reserved',1,'p_non_reserved','parser.py',3668), + ('non_reserved -> SERVER_TYPE','non_reserved',1,'p_non_reserved','parser.py',3669), + ('non_reserved -> SESSION','non_reserved',1,'p_non_reserved','parser.py',3670), + ('non_reserved -> SESSION_ALIAS','non_reserved',1,'p_non_reserved','parser.py',3671), + ('non_reserved -> SESSION_USER','non_reserved',1,'p_non_reserved','parser.py',3672), + ('non_reserved -> SET_MASTER_CLUSTER','non_reserved',1,'p_non_reserved','parser.py',3673), + ('non_reserved -> SET_SLAVE_CLUSTER','non_reserved',1,'p_non_reserved','parser.py',3674), + ('non_reserved -> SET_TP','non_reserved',1,'p_non_reserved','parser.py',3675), + ('non_reserved -> SHA','non_reserved',1,'p_non_reserved','parser.py',3676), + ('non_reserved -> SHA1','non_reserved',1,'p_non_reserved','parser.py',3677), + ('non_reserved -> SHA2','non_reserved',1,'p_non_reserved','parser.py',3678), + ('non_reserved -> SHARE','non_reserved',1,'p_non_reserved','parser.py',3679), + ('non_reserved -> SHOW','non_reserved',1,'p_non_reserved','parser.py',3680), + ('non_reserved -> SHUTDOWN','non_reserved',1,'p_non_reserved','parser.py',3681), + ('non_reserved -> SKIP','non_reserved',1,'p_non_reserved','parser.py',3682), + ('non_reserved -> SIGN','non_reserved',1,'p_non_reserved','parser.py',3683), + ('non_reserved -> SIGNED','non_reserved',1,'p_non_reserved','parser.py',3684), + ('non_reserved -> SIMPLE','non_reserved',1,'p_non_reserved','parser.py',3685), + ('non_reserved -> SLAVE','non_reserved',1,'p_non_reserved','parser.py',3686), + ('non_reserved -> SLEEP','non_reserved',1,'p_non_reserved','parser.py',3687), + ('non_reserved -> SLOT_IDX','non_reserved',1,'p_non_reserved','parser.py',3688), + ('non_reserved -> SLOW','non_reserved',1,'p_non_reserved','parser.py',3689), + ('non_reserved -> SNAPSHOT','non_reserved',1,'p_non_reserved','parser.py',3690), + ('non_reserved -> SOCKET','non_reserved',1,'p_non_reserved','parser.py',3691), + ('non_reserved -> SOME','non_reserved',1,'p_non_reserved','parser.py',3692), + ('non_reserved -> SONAME','non_reserved',1,'p_non_reserved','parser.py',3693), + ('non_reserved -> SOUNDEX','non_reserved',1,'p_non_reserved','parser.py',3694), + ('non_reserved -> SOUNDS','non_reserved',1,'p_non_reserved','parser.py',3695), + ('non_reserved -> SOURCE','non_reserved',1,'p_non_reserved','parser.py',3696), + ('non_reserved -> SOURCE_POS_WAIT','non_reserved',1,'p_non_reserved','parser.py',3697), + ('non_reserved -> SPACE','non_reserved',1,'p_non_reserved','parser.py',3698), + ('non_reserved -> SPATIAL','non_reserved',1,'p_non_reserved','parser.py',3699), + ('non_reserved -> SPECIFIC','non_reserved',1,'p_non_reserved','parser.py',3700), + ('non_reserved -> SPFILE','non_reserved',1,'p_non_reserved','parser.py',3701), + ('non_reserved -> SPLIT','non_reserved',1,'p_non_reserved','parser.py',3702), + ('non_reserved -> SQL_AFTER_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3703), + ('non_reserved -> SQL_AFTER_MTS_GAPS','non_reserved',1,'p_non_reserved','parser.py',3704), + ('non_reserved -> SQL_BEFORE_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3705), + ('non_reserved -> SQL_BUFFER_RESULT','non_reserved',1,'p_non_reserved','parser.py',3706), + ('non_reserved -> SQL_CACHE','non_reserved',1,'p_non_reserved','parser.py',3707), + ('non_reserved -> SQL_CALC_FOUND_ROWS','non_reserved',1,'p_non_reserved','parser.py',3708), + ('non_reserved -> SQL_ID','non_reserved',1,'p_non_reserved','parser.py',3709), + ('non_reserved -> SQL_NO_CACHE','non_reserved',1,'p_non_reserved','parser.py',3710), + ('non_reserved -> SQL_SMALL_RESULT','non_reserved',1,'p_non_reserved','parser.py',3711), + ('non_reserved -> SQL_THREAD','non_reserved',1,'p_non_reserved','parser.py',3712), + ('non_reserved -> SQL_TSI_DAY','non_reserved',1,'p_non_reserved','parser.py',3713), + ('non_reserved -> SQL_TSI_HOUR','non_reserved',1,'p_non_reserved','parser.py',3714), + ('non_reserved -> SQL_TSI_MINUTE','non_reserved',1,'p_non_reserved','parser.py',3715), + ('non_reserved -> SQL_TSI_MONTH','non_reserved',1,'p_non_reserved','parser.py',3716), + ('non_reserved -> SQL_TSI_QUARTER','non_reserved',1,'p_non_reserved','parser.py',3717), + ('non_reserved -> SQL_TSI_SECOND','non_reserved',1,'p_non_reserved','parser.py',3718), + ('non_reserved -> SQL_TSI_WEEK','non_reserved',1,'p_non_reserved','parser.py',3719), + ('non_reserved -> SQL_TSI_YEAR','non_reserved',1,'p_non_reserved','parser.py',3720), + ('non_reserved -> STANDBY','non_reserved',1,'p_non_reserved','parser.py',3721), + ('non_reserved -> START','non_reserved',1,'p_non_reserved','parser.py',3722), + ('non_reserved -> STARTS','non_reserved',1,'p_non_reserved','parser.py',3723), + ('non_reserved -> STAT','non_reserved',1,'p_non_reserved','parser.py',3724), + ('non_reserved -> STATEMENT_DIGEST','non_reserved',1,'p_non_reserved','parser.py',3725), + ('non_reserved -> STATEMENT_DIGEST_TEXT','non_reserved',1,'p_non_reserved','parser.py',3726), + ('non_reserved -> STATS_AUTO_RECALC','non_reserved',1,'p_non_reserved','parser.py',3727), + ('non_reserved -> STATS_PERSISTENT','non_reserved',1,'p_non_reserved','parser.py',3728), + ('non_reserved -> STATS_SAMPLE_PAGES','non_reserved',1,'p_non_reserved','parser.py',3729), + ('non_reserved -> STATUS','non_reserved',1,'p_non_reserved','parser.py',3730), + ('non_reserved -> STOP','non_reserved',1,'p_non_reserved','parser.py',3731), + ('non_reserved -> STORAGE','non_reserved',1,'p_non_reserved','parser.py',3732), + ('non_reserved -> STORAGE_FORMAT_VERSION','non_reserved',1,'p_non_reserved','parser.py',3733), + ('non_reserved -> STORAGE_FORMAT_WORK_VERSION','non_reserved',1,'p_non_reserved','parser.py',3734), + ('non_reserved -> STORED','non_reserved',1,'p_non_reserved','parser.py',3735), + ('non_reserved -> STORING','non_reserved',1,'p_non_reserved','parser.py',3736), + ('non_reserved -> STRAIGHT_JOIN','non_reserved',1,'p_non_reserved','parser.py',3737), + ('non_reserved -> STRCMP','non_reserved',1,'p_non_reserved','parser.py',3738), + ('non_reserved -> STR_TO_DATE','non_reserved',1,'p_non_reserved','parser.py',3739), + ('non_reserved -> SUBCLASS_ORIGIN','non_reserved',1,'p_non_reserved','parser.py',3740), + ('non_reserved -> SUBJECT','non_reserved',1,'p_non_reserved','parser.py',3741), + ('non_reserved -> SUBPARTITION','non_reserved',1,'p_non_reserved','parser.py',3742), + ('non_reserved -> SUBPARTITIONS','non_reserved',1,'p_non_reserved','parser.py',3743), + ('non_reserved -> SUBSTR','non_reserved',1,'p_non_reserved','parser.py',3744), + ('non_reserved -> SUBSTRING_INDEX','non_reserved',1,'p_non_reserved','parser.py',3745), + ('non_reserved -> SUBTIME','non_reserved',1,'p_non_reserved','parser.py',3746), + ('non_reserved -> SUPER','non_reserved',1,'p_non_reserved','parser.py',3747), + ('non_reserved -> SUM','non_reserved',1,'p_non_reserved','parser.py',3748), + ('non_reserved -> SUSPEND','non_reserved',1,'p_non_reserved','parser.py',3749), + ('non_reserved -> SWAPS','non_reserved',1,'p_non_reserved','parser.py',3750), + ('non_reserved -> SWITCH','non_reserved',1,'p_non_reserved','parser.py',3751), + ('non_reserved -> SWITCHES','non_reserved',1,'p_non_reserved','parser.py',3752), + ('non_reserved -> SWITCHOVER','non_reserved',1,'p_non_reserved','parser.py',3753), + ('non_reserved -> SYNCHRONIZATION','non_reserved',1,'p_non_reserved','parser.py',3754), + ('non_reserved -> SYSTEM','non_reserved',1,'p_non_reserved','parser.py',3755), + ('non_reserved -> SYSTEM_USER','non_reserved',1,'p_non_reserved','parser.py',3756), + ('non_reserved -> TABLEGROUP','non_reserved',1,'p_non_reserved','parser.py',3757), + ('non_reserved -> TABLEGROUPS','non_reserved',1,'p_non_reserved','parser.py',3758), + ('non_reserved -> TABLEGROUP_ID','non_reserved',1,'p_non_reserved','parser.py',3759), + ('non_reserved -> TABLES','non_reserved',1,'p_non_reserved','parser.py',3760), + ('non_reserved -> TABLESPACE','non_reserved',1,'p_non_reserved','parser.py',3761), + ('non_reserved -> TABLET','non_reserved',1,'p_non_reserved','parser.py',3762), + ('non_reserved -> TABLET_MAX_SIZE','non_reserved',1,'p_non_reserved','parser.py',3763), + ('non_reserved -> TABLET_SIZE','non_reserved',1,'p_non_reserved','parser.py',3764), + ('non_reserved -> TABLE_CHECKSUM','non_reserved',1,'p_non_reserved','parser.py',3765), + ('non_reserved -> TABLE_ID','non_reserved',1,'p_non_reserved','parser.py',3766), + ('non_reserved -> TABLE_MODE','non_reserved',1,'p_non_reserved','parser.py',3767), + ('non_reserved -> TABLE_NAME','non_reserved',1,'p_non_reserved','parser.py',3768), + ('non_reserved -> TASK','non_reserved',1,'p_non_reserved','parser.py',3769), + ('non_reserved -> TATEMENT_DIGEST','non_reserved',1,'p_non_reserved','parser.py',3770), + ('non_reserved -> TEMPLATE','non_reserved',1,'p_non_reserved','parser.py',3771), + ('non_reserved -> TEMPORARY','non_reserved',1,'p_non_reserved','parser.py',3772), + ('non_reserved -> TEMPTABLE','non_reserved',1,'p_non_reserved','parser.py',3773), + ('non_reserved -> TENANT','non_reserved',1,'p_non_reserved','parser.py',3774), + ('non_reserved -> TENANT_ID','non_reserved',1,'p_non_reserved','parser.py',3775), + ('non_reserved -> TEXT','non_reserved',1,'p_non_reserved','parser.py',3776), + ('non_reserved -> THAN','non_reserved',1,'p_non_reserved','parser.py',3777), + ('non_reserved -> TIME','non_reserved',1,'p_non_reserved','parser.py',3778), + ('non_reserved -> TIMEDIFF','non_reserved',1,'p_non_reserved','parser.py',3779), + ('non_reserved -> TIMESTAMP','non_reserved',1,'p_non_reserved','parser.py',3780), + ('non_reserved -> TIME_FORMAT','non_reserved',1,'p_non_reserved','parser.py',3781), + ('non_reserved -> TIME_TO_SEC','non_reserved',1,'p_non_reserved','parser.py',3782), + ('non_reserved -> TIME_ZONE_INFO','non_reserved',1,'p_non_reserved','parser.py',3783), + ('non_reserved -> TOP','non_reserved',1,'p_non_reserved','parser.py',3784), + ('non_reserved -> TO_BASE64','non_reserved',1,'p_non_reserved','parser.py',3785), + ('non_reserved -> TO_DAYS','non_reserved',1,'p_non_reserved','parser.py',3786), + ('non_reserved -> TO_SECONDS','non_reserved',1,'p_non_reserved','parser.py',3787), + ('non_reserved -> TP_NAME','non_reserved',1,'p_non_reserved','parser.py',3788), + ('non_reserved -> TP_NO','non_reserved',1,'p_non_reserved','parser.py',3789), + ('non_reserved -> TRACE','non_reserved',1,'p_non_reserved','parser.py',3790), + ('non_reserved -> TRADITIONAL','non_reserved',1,'p_non_reserved','parser.py',3791), + ('non_reserved -> TRANSACTION','non_reserved',1,'p_non_reserved','parser.py',3792), + ('non_reserved -> TRIGGERS','non_reserved',1,'p_non_reserved','parser.py',3793), + ('non_reserved -> TRUNCATE','non_reserved',1,'p_non_reserved','parser.py',3794), + ('non_reserved -> TYPE','non_reserved',1,'p_non_reserved','parser.py',3795), + ('non_reserved -> TYPES','non_reserved',1,'p_non_reserved','parser.py',3796), + ('non_reserved -> UBTIME','non_reserved',1,'p_non_reserved','parser.py',3797), + ('non_reserved -> UCASE','non_reserved',1,'p_non_reserved','parser.py',3798), + ('non_reserved -> UNBOUNDED','non_reserved',1,'p_non_reserved','parser.py',3799), + ('non_reserved -> UNCOMMITTED','non_reserved',1,'p_non_reserved','parser.py',3800), + ('non_reserved -> UNCOMPRESS','non_reserved',1,'p_non_reserved','parser.py',3801), + ('non_reserved -> UNCOMPRESSED_LENGTH','non_reserved',1,'p_non_reserved','parser.py',3802), + ('non_reserved -> UNDEFINED','non_reserved',1,'p_non_reserved','parser.py',3803), + ('non_reserved -> UNDO','non_reserved',1,'p_non_reserved','parser.py',3804), + ('non_reserved -> UNDOFILE','non_reserved',1,'p_non_reserved','parser.py',3805), + ('non_reserved -> UNDO_BUFFER_SIZE','non_reserved',1,'p_non_reserved','parser.py',3806), + ('non_reserved -> UNHEX','non_reserved',1,'p_non_reserved','parser.py',3807), + ('non_reserved -> UNICODE','non_reserved',1,'p_non_reserved','parser.py',3808), + ('non_reserved -> UNINSTALL','non_reserved',1,'p_non_reserved','parser.py',3809), + ('non_reserved -> UNIT','non_reserved',1,'p_non_reserved','parser.py',3810), + ('non_reserved -> UNIT_NUM','non_reserved',1,'p_non_reserved','parser.py',3811), + ('non_reserved -> UNIX_TIMESTAMP','non_reserved',1,'p_non_reserved','parser.py',3812), + ('non_reserved -> UNKNOWN','non_reserved',1,'p_non_reserved','parser.py',3813), + ('non_reserved -> UNLOCK','non_reserved',1,'p_non_reserved','parser.py',3814), + ('non_reserved -> UNLOCKED','non_reserved',1,'p_non_reserved','parser.py',3815), + ('non_reserved -> UNUSUAL','non_reserved',1,'p_non_reserved','parser.py',3816), + ('non_reserved -> UPDATEXML','non_reserved',1,'p_non_reserved','parser.py',3817), + ('non_reserved -> UPGRADE','non_reserved',1,'p_non_reserved','parser.py',3818), + ('non_reserved -> UPPER','non_reserved',1,'p_non_reserved','parser.py',3819), + ('non_reserved -> USEC_TO_TIME','non_reserved',1,'p_non_reserved','parser.py',3820), + ('non_reserved -> USER','non_reserved',1,'p_non_reserved','parser.py',3821), + ('non_reserved -> USER_RESOURCES','non_reserved',1,'p_non_reserved','parser.py',3822), + ('non_reserved -> USE_BLOOM_FILTER','non_reserved',1,'p_non_reserved','parser.py',3823), + ('non_reserved -> USE_FRM','non_reserved',1,'p_non_reserved','parser.py',3824), + ('non_reserved -> UUID','non_reserved',1,'p_non_reserved','parser.py',3825), + ('non_reserved -> UUID_SHORT','non_reserved',1,'p_non_reserved','parser.py',3826), + ('non_reserved -> UUID_TO_BIN','non_reserved',1,'p_non_reserved','parser.py',3827), + ('non_reserved -> VALID','non_reserved',1,'p_non_reserved','parser.py',3828), + ('non_reserved -> VALIDATE','non_reserved',1,'p_non_reserved','parser.py',3829), + ('non_reserved -> VALIDATE_PASSWORD_STRENGTH','non_reserved',1,'p_non_reserved','parser.py',3830), + ('non_reserved -> VALUE','non_reserved',1,'p_non_reserved','parser.py',3831), + ('non_reserved -> VARCHARACTER','non_reserved',1,'p_non_reserved','parser.py',3832), + ('non_reserved -> VARIABLES','non_reserved',1,'p_non_reserved','parser.py',3833), + ('non_reserved -> VARIANCE','non_reserved',1,'p_non_reserved','parser.py',3834), + ('non_reserved -> VAR_VARIANCE','non_reserved',1,'p_non_reserved','parser.py',3835), + ('non_reserved -> VERBOSE','non_reserved',1,'p_non_reserved','parser.py',3836), + ('non_reserved -> VERSION','non_reserved',1,'p_non_reserved','parser.py',3837), + ('non_reserved -> VIEW','non_reserved',1,'p_non_reserved','parser.py',3838), + ('non_reserved -> VIRTUAL_COLUMN_ID','non_reserved',1,'p_non_reserved','parser.py',3839), + ('non_reserved -> VISIBLE','non_reserved',1,'p_non_reserved','parser.py',3840), + ('non_reserved -> WAIT','non_reserved',1,'p_non_reserved','parser.py',3841), + ('non_reserved -> WAIT_FOR_EXECUTED_GTID_SET','non_reserved',1,'p_non_reserved','parser.py',3842), + ('non_reserved -> WAIT_UNTIL_SQL_THREAD_AFTER_GTIDS','non_reserved',1,'p_non_reserved','parser.py',3843), + ('non_reserved -> WARNINGS','non_reserved',1,'p_non_reserved','parser.py',3844), + ('non_reserved -> WEEK','non_reserved',1,'p_non_reserved','parser.py',3845), + ('non_reserved -> WEEKDAY','non_reserved',1,'p_non_reserved','parser.py',3846), + ('non_reserved -> WEEKOFYEAR','non_reserved',1,'p_non_reserved','parser.py',3847), + ('non_reserved -> WEIGHT_STRING','non_reserved',1,'p_non_reserved','parser.py',3848), + ('non_reserved -> WITH','non_reserved',1,'p_non_reserved','parser.py',3849), + ('non_reserved -> WITH_ROWID','non_reserved',1,'p_non_reserved','parser.py',3850), + ('non_reserved -> WORK','non_reserved',1,'p_non_reserved','parser.py',3851), + ('non_reserved -> WRAPPER','non_reserved',1,'p_non_reserved','parser.py',3852), + ('non_reserved -> WRITE','non_reserved',1,'p_non_reserved','parser.py',3853), + ('non_reserved -> X509','non_reserved',1,'p_non_reserved','parser.py',3854), + ('non_reserved -> XA','non_reserved',1,'p_non_reserved','parser.py',3855), + ('non_reserved -> XML','non_reserved',1,'p_non_reserved','parser.py',3856), + ('non_reserved -> XOR','non_reserved',1,'p_non_reserved','parser.py',3857), + ('non_reserved -> XTRACTVALUE','non_reserved',1,'p_non_reserved','parser.py',3858), + ('non_reserved -> YEAR','non_reserved',1,'p_non_reserved','parser.py',3859), + ('non_reserved -> YEARWEEK','non_reserved',1,'p_non_reserved','parser.py',3860), + ('non_reserved -> ZEROFILL','non_reserved',1,'p_non_reserved','parser.py',3861), + ('non_reserved -> ZONE','non_reserved',1,'p_non_reserved','parser.py',3862), + ('non_reserved -> ZONE_LIST','non_reserved',1,'p_non_reserved','parser.py',3863), + ('non_reserved -> ZONE_TYPE','non_reserved',1,'p_non_reserved','parser.py',3864), + ('time_interval -> INTERVAL expression time_unit','time_interval',3,'p_time_interval','parser.py',3869), + ('time_interval -> QM','time_interval',1,'p_time_interval','parser.py',3870), + ('time_unit -> timestamp_unit','time_unit',1,'p_time_unit','parser.py',3878), + ('time_unit -> SECOND_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3879), + ('time_unit -> MINUTE_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3880), + ('time_unit -> MINUTE_SECOND','time_unit',1,'p_time_unit','parser.py',3881), + ('time_unit -> HOUR_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3882), + ('time_unit -> HOUR_SECOND','time_unit',1,'p_time_unit','parser.py',3883), + ('time_unit -> HOUR_MINUTE','time_unit',1,'p_time_unit','parser.py',3884), + ('time_unit -> DAY_MICROSECOND','time_unit',1,'p_time_unit','parser.py',3885), + ('time_unit -> DAY_SECOND','time_unit',1,'p_time_unit','parser.py',3886), + ('time_unit -> DAY_MINUTE','time_unit',1,'p_time_unit','parser.py',3887), + ('time_unit -> DAY_HOUR','time_unit',1,'p_time_unit','parser.py',3888), + ('time_unit -> YEAR_MONTH','time_unit',1,'p_time_unit','parser.py',3889), + ('timestamp_unit -> MICROSECOND','timestamp_unit',1,'p_timestamp_unit','parser.py',3894), + ('timestamp_unit -> SECOND','timestamp_unit',1,'p_timestamp_unit','parser.py',3895), + ('timestamp_unit -> MINUTE','timestamp_unit',1,'p_timestamp_unit','parser.py',3896), + ('timestamp_unit -> HOUR','timestamp_unit',1,'p_timestamp_unit','parser.py',3897), + ('timestamp_unit -> DAY','timestamp_unit',1,'p_timestamp_unit','parser.py',3898), + ('timestamp_unit -> WEEK','timestamp_unit',1,'p_timestamp_unit','parser.py',3899), + ('timestamp_unit -> MONTH','timestamp_unit',1,'p_timestamp_unit','parser.py',3900), + ('timestamp_unit -> QUARTER','timestamp_unit',1,'p_timestamp_unit','parser.py',3901), + ('timestamp_unit -> YEAR','timestamp_unit',1,'p_timestamp_unit','parser.py',3902), + ('timestamp_unit -> SQL_TSI_SECOND','timestamp_unit',1,'p_timestamp_unit','parser.py',3903), + ('timestamp_unit -> SQL_TSI_MINUTE','timestamp_unit',1,'p_timestamp_unit','parser.py',3904), + ('timestamp_unit -> SQL_TSI_HOUR','timestamp_unit',1,'p_timestamp_unit','parser.py',3905), + ('timestamp_unit -> SQL_TSI_DAY','timestamp_unit',1,'p_timestamp_unit','parser.py',3906), + ('timestamp_unit -> SQL_TSI_WEEK','timestamp_unit',1,'p_timestamp_unit','parser.py',3907), + ('timestamp_unit -> SQL_TSI_MONTH','timestamp_unit',1,'p_timestamp_unit','parser.py',3908), + ('timestamp_unit -> SQL_TSI_QUARTER','timestamp_unit',1,'p_timestamp_unit','parser.py',3909), + ('timestamp_unit -> SQL_TSI_YEAR','timestamp_unit',1,'p_timestamp_unit','parser.py',3910), + ('quoted_identifier -> BACKQUOTED_IDENTIFIER','quoted_identifier',1,'p_quoted_identifier','parser.py',3915), + ('figure -> FRACTION','figure',1,'p_figure','parser.py',3920), + ('figure -> number','figure',1,'p_figure','parser.py',3921), + ('empty -> ','empty',0,'p_empty','parser.py',3929), ] diff --git a/sqlgpt_parser/parser/odps_parser/lexer.py b/sqlgpt_parser/parser/odps_parser/lexer.py index 2a1e6b0..aaa574d 100644 --- a/sqlgpt_parser/parser/odps_parser/lexer.py +++ b/sqlgpt_parser/parser/odps_parser/lexer.py @@ -17,43 +17,43 @@ tokens = ( [ - 'IDENTIFIER', - 'DIGIT_IDENTIFIER', - 'QUOTED_IDENTIFIER', - 'BACKQUOTED_IDENTIFIER', - 'PERIOD', - 'COMMA', - 'PLUS', - 'MINUS', - 'LPAREN', - 'RPAREN', - 'ANDAND', - 'ASSIGNMENTEQ', - 'GT', - 'GE', - 'LT', - 'LE', - 'EQ', - 'NULL_SAFE_EQ', - 'NE', - 'BIT_OR', - 'BIT_AND', - 'BIT_XOR', - 'BIT_OPPOSITE', - 'SINGLE_AT_IDENTIFIER', - 'DOUBLE_AT_IDENTIFIER', - 'EXCLA_MARK', - 'BIT_MOVE_LEFT', - 'BIT_MOVE_RIGHT', - 'PIPES', - 'SLASH', - 'ASTERISK', - 'QM', - 'SCONST', - 'PERCENT', - 'FRACTION', - 'NUMBER', - 'HEX_NUMBER', + "IDENTIFIER", + "DIGIT_IDENTIFIER", + "QUOTED_IDENTIFIER", + "BACKQUOTED_IDENTIFIER", + "PERIOD", + "COMMA", + "PLUS", + "MINUS", + "LPAREN", + "RPAREN", + "ANDAND", + "ASSIGNMENTEQ", + "GT", + "GE", + "LT", + "LE", + "EQ", + "NULL_SAFE_EQ", + "NE", + "BIT_OR", + "BIT_AND", + "BIT_XOR", + "BIT_OPPOSITE", + "SINGLE_AT_IDENTIFIER", + "DOUBLE_AT_IDENTIFIER", + "EXCLA_MARK", + "BIT_MOVE_LEFT", + "BIT_MOVE_RIGHT", + "PIPES", + "SLASH", + "ASTERISK", + "QM", + "SCONST", + "PERCENT", + "FRACTION", + "NUMBER", + "HEX_NUMBER", ] + list(reserved) + list(nonreserved) @@ -61,43 +61,43 @@ sql_tokens = list(reserved) + list(nonreserved) -t_LPAREN = r'\(' -t_RPAREN = r'\)' - -t_ASSIGNMENTEQ = r':=' -t_EQ = r'=' -t_NE = r'<>|!=' -t_LT = r'<' -t_LE = r'<=' -t_GT = r'>' -t_GE = r'>=' -t_NULL_SAFE_EQ = r'<=>' -t_PERIOD = r'\.' -t_COMMA = r',' -t_PLUS = r'\+' -t_MINUS = r'-' -t_ASTERISK = r'\*' -t_SLASH = r'/' -t_PERCENT = r'%' -t_QM = r'\?' - -t_PIPES = r'\|\|' - -t_ignore = ' \t' - -t_ANDAND = r'\&\&' -t_BIT_OR = r'\|' -t_BIT_AND = r'\&' -t_BIT_XOR = r'\^' -t_BIT_OPPOSITE = r'\~' -t_BIT_MOVE_LEFT = r'<<' -t_BIT_MOVE_RIGHT = r'>>' -t_EXCLA_MARK = r'!' +t_LPAREN = r"\(" +t_RPAREN = r"\)" + +t_ASSIGNMENTEQ = r":=" +t_EQ = r"=" +t_NE = r"<>|!=" +t_LT = r"<" +t_LE = r"<=" +t_GT = r">" +t_GE = r">=" +t_NULL_SAFE_EQ = r"<=>" +t_PERIOD = r"\." +t_COMMA = r"," +t_PLUS = r"\+" +t_MINUS = r"-" +t_ASTERISK = r"\*" +t_SLASH = r"/" +t_PERCENT = r"%" +t_QM = r"\?" + +t_PIPES = r"\|\|" + +t_ignore = " \t" + +t_ANDAND = r"\&\&" +t_BIT_OR = r"\|" +t_BIT_AND = r"\&" +t_BIT_XOR = r"\^" +t_BIT_OPPOSITE = r"\~" +t_BIT_MOVE_LEFT = r"<<" +t_BIT_MOVE_RIGHT = r">>" +t_EXCLA_MARK = r"!" def t_DOUBLE(t): r"[0-9]*\.[0-9]+([eE][-+]?[0-9]+)?|[-+]?[0-9]+([eE][-+]?[0-9]+)" - if 'e' in t.value or 'E' in t.value or '.' in t.value: + if "e" in t.value or "E" in t.value or "." in t.value: t.type = "FRACTION" else: t.type = "NUMBER" @@ -121,7 +121,7 @@ def t_NUMBER_START_WITH_XB(t): def t_IDENTIFIER(t): r"""[a-zA-Z\u4e00-\u9fa50-9_$][a-zA-Z\u4e00-\u9fa50-9_@:$]*""" if re.match( - r'(^0[xX][0-9a-fA-F]+$)|(^0[bB][01]+$)|(^\d+$)', + r"(^0[xX][0-9a-fA-F]+$)|(^0[bB][01]+$)|(^\d+$)", t.value, ): t.type = "NUMBER" @@ -153,7 +153,7 @@ def t_DOUBLE_AT_IDENTIFIER(t): def t_BACKQUOTED_IDENTIFIER(t): - r'`([^`]|``)*`' + r"""`([^`]|``)*`""" val = t.value.lower() if val in tokens: t.type = tokens[val] @@ -161,7 +161,7 @@ def t_BACKQUOTED_IDENTIFIER(t): def t_newline(t): - r'[\r\n]+' + r"[\r\n]+" t.lexer.lineno += t.value.count("\n") @@ -171,7 +171,12 @@ def t_error(t): def t_COMMENT(t): - r'(\/\*\*\/)|(/\*((?!\/\*).)+\*/)' + r"""(\/\*\*\/)|(/\*((?!\/\*).)+\*/)""" + pass + + +def t_SEMICOLON(t): + r""";""" pass diff --git a/sqlgpt_parser/parser/odps_parser/parser.py b/sqlgpt_parser/parser/odps_parser/parser.py index 4085d11..19cc4e9 100644 --- a/sqlgpt_parser/parser/odps_parser/parser.py +++ b/sqlgpt_parser/parser/odps_parser/parser.py @@ -2238,7 +2238,7 @@ def p_string_operator_func_call(p): if length > 4: for i in range(3, length, 2): arguments.append(p[i]) - arguments.extend(call_list) + arguments.extend(call_list) p[0] = FunctionCall(p.lineno(1), p.lexpos(1), name=p[1], arguments=arguments) @@ -3990,13 +3990,20 @@ def _print_error(self): raise SyntaxError("The current version does not support this SQL") -parser = None +import pickle +import pickletools +from pathlib import Path +parser :yacc.LRParser = None def parse(sql=None, debug=False, tracking=False, tokenfunc=None): + parser_cache = Path(__file__).absolute().parent / "parser.tmp.out" global parser - if parser == None: + if parser is None: with threading.Lock(): - if parser == None: + if parser_cache.exists(): + parser = pickle.loads(parser_cache.read_bytes()) + else : parser = yacc.yacc(tabmodule="parser_table", start="command", debugfile="parser.out", optimize=True) + parser_cache.write_bytes(pickletools.optimize(pickle.dumps(parser, protocol=5))) return parser.parse(input=sql, lexer=lexer, debug=debug, tracking=tracking, tokenfunc=tokenfunc) diff --git a/sqlgpt_parser/parser/parser_utils.py b/sqlgpt_parser/parser/parser_utils.py index 0704f45..a6ac01b 100644 --- a/sqlgpt_parser/parser/parser_utils.py +++ b/sqlgpt_parser/parser/parser_utils.py @@ -9,15 +9,26 @@ distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. """ +import copy from sqlgpt_parser.parser.tree.grouping import GroupingSets, SimpleGroupBy -from sqlgpt_parser.parser.tree.literal import StringLiteral +from sqlgpt_parser.parser.tree.literal import StringLiteral, Literal from sqlgpt_parser.parser.tree.visitor import DefaultTraversalVisitor from sqlgpt_parser.parser.tree.expression import ( InListExpression, QualifiedNameReference, SubqueryExpression, ) +from sqlgpt_parser.parser.tree.query_specification import QuerySpecification +from sqlgpt_parser.parser.tree.join_criteria import JoinOn, JoinUsing +from sqlgpt_parser.parser.tree.relation import AliasedRelation +from sqlgpt_parser.parser.tree.table import Table +from sqlgpt_parser.utils.untils import ( + convert_nested_strings_to_lowercase, + get_string_values, +) +from sqlgpt_parser.parser.tree.statement import Query +from sqlgpt_parser.parser.tree.set_operation import Except class ParserUtils(object): @@ -27,6 +38,9 @@ class CollectInfo: COLLECT_TABLE = 4 COLLECT_MIN_MAX_EXPRESSION_COLUMN = 8 COLLECT_IN_EXPRESSION_COLUMN = 16 + COLLECT_ORDER_BY_COLUMN = 32 + COLLECT_GROUP_BY_COLUMN = 64 + COLLECT_HAVING_COLUMN = 128 @staticmethod def format_statement(statement): @@ -53,15 +67,36 @@ def __init__(self): self.min_max_list = [] self.in_count_list = [] self.limit_number = 0 + self.columns = [] + self.join_columns = [] + self.project_columns = [] + self.filter_columns = [] + self.having_columns = [] + self.in_columns = [] + self.group_by_columns = [] + self.order_by_columns = [] self.recursion_count = 0 + self.table_dict = {} + self.subquery_alias_projection = {} + self.join_relations = [] + self.in_relations = [] + self.compare_filters = [] + self.alias_columns = {} def add_project_column(self, project_column): self.projection_column_list.append(project_column) - def add_table(self, table_name, alias=''): + def add_table(self, table_name, alias=""): self.table_list.append( - {'table_name': table_name, 'alias': alias, 'filter_column_list': []} + {"table_name": table_name, "alias": alias, "filter_column_list": []} ) + if alias == "": + self.table_dict[table_name.lower()] = table_name.lower() + else: + if isinstance(table_name, dict): + self.table_dict[alias.lower()] = table_name + else: + self.table_dict[alias.lower()] = table_name.lower() def add_filter_column( self, filter_col, compare_type, table_or_alias_name=None @@ -69,38 +104,66 @@ def add_filter_column( filter_column_list = None if table_or_alias_name is not None: for table in self.table_list: - if ( - table['alias'] == table_or_alias_name - or table['table_name'] == table_or_alias_name + if table["alias"].lower() == table_or_alias_name.lower() or ( + not isinstance(table["table_name"], dict) + and table["table_name"].lower() + == table_or_alias_name.lower() ): - filter_column_list = table['filter_column_list'] + filter_column_list = table["filter_column_list"] else: - filter_column_list = self.table_list[-1]['filter_column_list'] + filter_column_list = self.table_list[-1]["filter_column_list"] filter_column_list.append( - {"column_name": filter_col, 'opt': compare_type} + {"column_name": filter_col, "opt": compare_type} ) def visit_table(self, node, context): - if context & ParserUtils.CollectInfo.COLLECT_TABLE: - table_name = node.name.parts[-1] - self.add_table(table_name) + table_name = node.name.parts[-1] + self.add_table(table_name) + context["tables"][table_name] = table_name return self.visit_query_body(node, context) def visit_aliased_relation(self, node, context): - alias = "" if len(node.alias) == 2: alias = node.alias[1] else: alias = node.alias[0] if ( not isinstance(node.relation, SubqueryExpression) - and context & ParserUtils.CollectInfo.COLLECT_TABLE + and context["op"] & ParserUtils.CollectInfo.COLLECT_TABLE ): table_name = node.relation.name.parts[-1] self.add_table(table_name, alias) + context["tables"][alias] = table_name + context["current_table"][alias] = table_name else: + context["alias"] = alias return self.process(node.relation, context) + def visit_subquery_expression(self, node, context): + # copy_context 和 context 换一下 + table_dict = {} + alias = None + copy_context = copy.deepcopy(context) + if context["op"] & ParserUtils.CollectInfo.COLLECT_TABLE: + table_dict = context["tables"] + copy_context["tables"] = {} + if "alias" in context: + alias = context["alias"] + self.process(node.query, copy_context) + if context["op"] & ParserUtils.CollectInfo.COLLECT_TABLE: + context_tables = copy_context["tables"] + if alias is not None: + # Associate the alias of a subquery with the table used in the subquery. + table_dict[alias.lower()] = context_tables + self.add_table(context_tables, alias) + self.subquery_alias_projection[alias.lower()] = copy_context[ + "project_column" + ] + else: + table_dict.update(context_tables) + context["tables"] = table_dict + context["subquery_project_column"] = copy_context["project_column"] + def visit_logical_binary_expression(self, node, context): self.recursion_count = self.recursion_count + 1 # A case similar to test_parser_utils.test_recursion_error may appear @@ -114,6 +177,15 @@ def visit_logical_binary_expression(self, node, context): def visit_comparison_expression(self, node, context): left = node.left right = node.right + if "collect_join" in context: + if isinstance(right, QualifiedNameReference) and isinstance( + left, QualifiedNameReference + ): + context["join_column"].append(left.name.parts) + context["join_column"].append(right.name.parts) + context["join_relations"].append( + [left.name.parts, right.name.parts] + ) def add_filter_column(name): table_name = None @@ -121,59 +193,138 @@ def add_filter_column(name): table_name = name.parts[-2] self.add_filter_column(name.parts[-1], node.type, table_name) - if isinstance(right, QualifiedNameReference): - if context & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN: - add_filter_column(right.name) - else: - self.process(node.right, context) - if isinstance(left, QualifiedNameReference): - if context & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN: - add_filter_column(left.name) - else: - self.process(node.left, context) + def compare_process(node, context): + if isinstance(node, QualifiedNameReference): + add_filter_column(node.name) + self.process(node, context) + + def process_in_relation(context, single_column, subquery): + select_items = subquery.query.select.select_items + if len(select_items) == 1 and isinstance( + select_items[0].expression, QualifiedNameReference + ): + if len(select_items) == 1 and isinstance( + select_items[0].expression, QualifiedNameReference + ): + in_column = context["subquery_project_column"] + context["in_relations"].append( + [single_column.name.parts, in_column[0]] + ) + + if isinstance(left, QualifiedNameReference) and isinstance( + right, Literal + ): + context["compare_filters"].append( + [left.name.parts, node.type, right.value] + ) + + compare_process(left, context) + compare_process(right, context) + + if node.type == "=": + if isinstance(left, QualifiedNameReference) and isinstance( + right, SubqueryExpression + ): + process_in_relation(context, left, right) + elif isinstance(right, QualifiedNameReference) and isinstance( + left, SubqueryExpression + ): + process_in_relation(context, right, left) + elif isinstance(left, QualifiedNameReference) and isinstance( + right, QualifiedNameReference + ): + context["join_relations"].append( + [left.name.parts, right.name.parts] + ) + context["join_column"].append(left.name.parts) + context["join_column"].append(right.name.parts) + + def visit_single_column(self, node, context): + alias_name = None + if node.alias is not None and len(node.alias) != 0: + alias = node.alias[1] if len(node.alias) == 2 else node.alias[0] + alias_name = ( + alias.value if isinstance(alias, StringLiteral) else alias + ) + now_filter = len(context["filter_column"]) + now_project = len(context["project_column"]) + self.process(node.expression, context) + if alias_name is not None: + new_filter = context["filter_column"][now_filter:] + new_project = context["project_column"][now_project:] + new_filter.extend(new_project) + context["column_alias"][alias_name] = new_filter def visit_like_predicate(self, node, context): if isinstance(node.value, QualifiedNameReference): - can_query_range = False + self.process(node.value, context) + + if isinstance(node.value, QualifiedNameReference): pattern = node.pattern if isinstance(pattern, StringLiteral): - if not pattern.value.startswith('%'): - can_query_range = True - if ( - can_query_range - and context & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN - ): - value, table_name = node.value, None - if len(value.name.parts) > 2: - table_name = value.name.parts[-2] - self.add_filter_column(value.name.parts[-1], 'like', table_name) - - self.process(node.pattern, context) + if not pattern.value.startswith("%"): + pass + else: + self.process(node.value, context) + self.process(node.pattern, context) def visit_not_expression(self, node, context): - return self.process(node.value, "not") + return self.process(node.value, context) def visit_in_predicate(self, node, context): value = node.value - + self.process(value, context) if not node.is_not: if ( isinstance(node.value_list, InListExpression) - and context + and context["op"] & ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN ): self.in_count_list.append(len(node.value_list.values)) - if ( - isinstance(value, QualifiedNameReference) - and context & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN - ): - table_name = None - if len(value.name.parts) > 2: - table_name = value.name.parts[-2] - self.add_filter_column(value.name.parts[-1], 'in', table_name) - - self.process(node.value, context) self.process(node.value_list, context) + if isinstance(node.value_list, SubqueryExpression): + query = node.value_list.query + in_column = context["subquery_project_column"] + if isinstance(query, QuerySpecification): + if isinstance( + query.select.select_items[0].expression, + QualifiedNameReference, + ): + context["in_relations"].append( + [value.name.parts, in_column[0]] + ) + elif isinstance(query, Query): + if isinstance(query.query_body, Except): + except_expression = query.query_body + if isinstance( + except_expression.left.select.select_items[ + 0 + ].expression, + QualifiedNameReference, + ): + context["in_relations"].append( + [value.name.parts, in_column[0]] + ) + elif isinstance( + except_expression.right.select.select_items[ + 0 + ].expression, + QualifiedNameReference, + ): + context["in_relations"].append( + [value.name.parts, in_column[1]] + ) + else: + for index, relation in enumerate( + query.query_body.relations + ): + if isinstance( + relation.select.select_items[0].expression, + QualifiedNameReference, + ): + context["in_relations"].append( + [value.name.parts, in_column[index]] + ) return None def visit_select(self, node, context): @@ -181,46 +332,87 @@ def visit_select(self, node, context): self.process(item, context) def visit_qualified_name_reference(self, node, context): - if context & ParserUtils.CollectInfo.COLLECT_PROJECT_COLUMN: - self.add_project_column(node.name.parts[-1]) + if context["op"] & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN: + table_name = None + if len(node.name.parts) > 1: + table_name = node.name.parts[-2] + self.add_filter_column(node.name.parts[-1], None, table_name) + context["filter_column"].append(node.name.parts) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_PROJECT_COLUMN: + context["project_column"].append(node.name.parts) + self.add_project_column(node.name.parts) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_ORDER_BY_COLUMN: + context["order_by_column"].append(node.name.parts) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_GROUP_BY_COLUMN: + context["group_by_column"].append(node.name.parts) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_HAVING_COLUMN: + context["having_column"].append(node.name.parts) def visit_aggregate_func(self, node, context): - if node.name == "count" and node.arguments[0] == "*": - if context & ParserUtils.CollectInfo.COLLECT_PROJECT_COLUMN: - self.add_project_column("count(*)") + if node.name.lower() == "count" and node.arguments[0] == "*": + if context["op"] & ParserUtils.CollectInfo.COLLECT_PROJECT_COLUMN: + context["project_column"].append(["*"]) + self.add_project_column(["*"]) + if context["op"] & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN: + context["filter_column"].append(["*"]) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_ORDER_BY_COLUMN: + context["order_by_column"].append(["*"]) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_GROUP_BY_COLUMN: + context["group_by_column"].append(["*"]) + + if context["op"] & ParserUtils.CollectInfo.COLLECT_HAVING_COLUMN: + context["having_column"].append(["*"]) + else: for arg in node.arguments: self.process(arg, context) - if context & ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN: - if node.name == 'max' or node.name == 'min': - # min or max only has one argument - self.min_max_list.append(node.arguments[0]) + if ( + context["op"] + & ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN + ): + context["min_max_expression_column"].append(node.arguments) + if node.name == "max" or node.name == "min": + # min or max only has one argument + self.min_max_list.append(node.arguments[0]) def visit_sort_item(self, node, context): sort_key = node.sort_key ordering = node.ordering if isinstance(sort_key, QualifiedNameReference): name = sort_key.name - if len(name.parts) == 2: - self.order_list.append( - {'ordering': ordering, 'column_name': name.parts[1]} - ) - else: - self.order_list.append( - {'ordering': ordering, 'column_name': name.parts[0]} - ) - return self.process(node.sort_key, context) + self.order_list.append( + {"ordering": ordering, "column_name": name.parts} + ) + self.process(node.sort_key, context) def visit_query_specification(self, node, context): self.limit_number = node.limit - context = ( - ParserUtils.CollectInfo.COLLECT_PROJECT_COLUMN - | ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN - ) - self.process(node.select, context) - context = ( + + context["tables"] = {} + context["filter_column"] = [] + context["project_column"] = [] + context["order_by_column"] = [] + context["group_by_column"] = [] + context["having_column"] = [] + context["join_column"] = [] + context["min_max_expression_column"] = [] + context["column_alias"] = {} + context["join_relations"] = [] + context["in_relations"] = [] + context["current_table"] = {} + context["compare_filters"] = [] + context["column_alias"] = {} + + context["op"] = ( ParserUtils.CollectInfo.COLLECT_TABLE - | ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN + | ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN + | ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN ) if node.from_: if isinstance(node.from_, list): @@ -228,12 +420,24 @@ def visit_query_specification(self, node, context): self.process(item, context) else: self.process(node.from_, context) - context = ( - ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN - | ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN + context["op"] = ( + ParserUtils.CollectInfo.COLLECT_PROJECT_COLUMN + | ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN + | ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN + ) + self.process(node.select, context) + context["op"] = ( + ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN + | ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN + | ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN ) if node.where: self.process(node.where, context) + context["op"] = ( + ParserUtils.CollectInfo.COLLECT_GROUP_BY_COLUMN + | ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN + | ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN + ) if node.group_by: grouping_elements = [] if isinstance(node.group_by, SimpleGroupBy): @@ -242,12 +446,182 @@ def visit_query_specification(self, node, context): grouping_elements = node.group_by.sets for grouping_element in grouping_elements: self.process(grouping_element, context) + context["op"] = ( + ParserUtils.CollectInfo.COLLECT_HAVING_COLUMN + | ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN + | ParserUtils.CollectInfo.COLLECT_MIN_MAX_EXPRESSION_COLUMN + ) if node.having: self.process(node.having, context) + + context["op"] = ( + ParserUtils.CollectInfo.COLLECT_ORDER_BY_COLUMN + | ParserUtils.CollectInfo.COLLECT_IN_EXPRESSION_COLUMN + | ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN + ) for sort_item in node.order_by: self.process(sort_item, context) + + tables = context["tables"] + + project_columns = self.convert_used_columns( + copy.deepcopy(context["project_column"]), tables + ) + filter_columns = self.convert_used_columns( + copy.deepcopy(context["filter_column"]), tables + ) + order_by_columns = self.convert_used_columns( + copy.deepcopy(context["order_by_column"]), tables + ) + group_by_columns = self.convert_used_columns( + copy.deepcopy(context["group_by_column"]), tables + ) + having_columns = self.convert_used_columns( + copy.deepcopy(context["having_column"]), tables + ) + join_columns = self.convert_used_columns( + copy.deepcopy(context["join_column"]), tables + ) + used_columns = [] + used_columns.extend(project_columns) + used_columns.extend(filter_columns) + used_columns.extend(order_by_columns) + used_columns.extend(group_by_columns) + used_columns.extend(having_columns) + used_columns.extend(join_columns) + + # Join 处理 + join_relations = context["join_relations"] + convert_nested_strings_to_lowercase(join_relations) + for index, join_relation in enumerate(join_relations): + join_relations[index][0] = self.extract_used_table_column( + join_relations[index][0], tables + )[0] + join_relations[index][1] = self.extract_used_table_column( + join_relations[index][1], tables + )[0] + # in expression of subquery + in_relations = context["in_relations"] + convert_nested_strings_to_lowercase(in_relations) + for index, in_relation in enumerate(in_relations): + # in_relation[1] come from subquery, already get source name + in_relations[index][0] = self.get_source_table_name( + tables, in_relations[index][0] + )[0] + self.in_columns.extend(in_relations[index]) + + # compare + compare_filters = copy.deepcopy(context["compare_filters"]) + for compare_filter in compare_filters: + compare_filter[0] = self.get_source_table_name( + tables, compare_filter[0] + )[0] + column_alias = copy.deepcopy(context["column_alias"]) + convert_nested_strings_to_lowercase(column_alias) + for key, alias_column_names in column_alias.items(): + column_source_table_name = [] + for alias_column_name in alias_column_names: + column_source_table_name.extend( + self.extract_used_table_column(alias_column_name, tables) + ) + column_alias[key] = column_source_table_name + + self.join_relations.extend(join_relations) + self.in_relations.extend(in_relations) + self.compare_filters.extend(compare_filters) + self.alias_columns.update(column_alias) + self.columns.extend(used_columns) + self.filter_columns.extend(filter_columns) + self.join_columns.extend(join_columns) + self.order_by_columns.extend(order_by_columns) + self.group_by_columns.extend(group_by_columns) + self.having_columns.extend(having_columns) + self.project_columns = project_columns + context["tables"] = tables + context["filter_column"] = [] + context["join_relations"] = [] + context["in_relations"] = [] + context["compare_filters"] = [] + context["column_alias"] = {} + context["project_column"] = project_columns return None + def convert_used_columns(self, used_columns, tables): + convert_nested_strings_to_lowercase(used_columns) + convert_nested_strings_to_lowercase(tables) + order_by_columns = [] + for order_by_column in copy.deepcopy(used_columns): + order_by_columns.extend( + self.extract_used_table_column(order_by_column, tables) + ) + return order_by_columns + + def extract_used_table_column(self, alias_column_names, tables): + used_columns = [] + if len(alias_column_names) == 1: + column_name = alias_column_names[0] + else: + column_name = alias_column_names[1] + if column_name in self.alias_columns: + used_columns.extend(self.alias_columns[column_name]) + else: + used_columns.extend( + self.get_source_table_name(tables, alias_column_names) + ) + return used_columns + + def get_source_table_name(self, tables, used_column_name): + source_table_name_used_columns = [] + if len(used_column_name) > 1: + used_column = self.convert_from_alias_to_table( + used_column_name[0], used_column_name[1], tables + ) + source_table_name_used_columns.append(used_column) + elif used_column_name[0] == "*": + for table in tables: + source_table_name_used_columns.append([tables[table], "*"]) + else: + if len(tables) == 1: + table_name = tables[list(tables.keys())[0]] + source_table_name_used_columns.append( + [table_name, used_column_name[0]] + ) + else: + source_table_name_used_columns.append( + [get_string_values(tables), used_column_name[0]] + ) + return source_table_name_used_columns + + def convert_from_alias_to_table(self, table_name, column_name, tables): + # if the column may come from multi table,table_name will be a list + if isinstance(table_name, list): + table_name_list = [] + for alias_table_name in table_name: + used_table_name = self.extract_used_table_name( + alias_table_name, column_name, tables + ) + table_name_list.append(used_table_name) + table_name = table_name_list + else: + alias_table_name = table_name + table_name = self.extract_used_table_name( + alias_table_name, column_name, tables + ) + return [table_name, column_name] + + def extract_used_table_name(self, alias_table_name, column_name, tables): + alias_table_name = alias_table_name.lower() + if alias_table_name in tables: + if alias_table_name in self.subquery_alias_projection: + used_table_name = self.subquery_alias( + alias_table_name, column_name + ) + else: + used_table_name = tables[alias_table_name] + else: + used_table_name = self.table_dict[alias_table_name] + return used_table_name + def visit_update(self, node, context): table_list = node.table context = ( @@ -274,14 +648,166 @@ def visit_delete(self, node, context): self.process(node.where, context) return None + def visit_query(self, node, context): + context["tables"] = {} + context["filter_column"] = [] + context["project_column"] = [] + context["order_by_column"] = [] + context["group_by_column"] = [] + context["having_column"] = [] + context["join_column"] = [] + context["column_alias"] = {} + context["join_relations"] = [] + context["in_relations"] = [] + context["current_table"] = {} + context["compare_filters"] = [] + context["column_alias"] = {} + + context["op"] = 0 + self.process(node.query_body, context) + context["op"] = ParserUtils.CollectInfo.COLLECT_ORDER_BY_COLUMN + for sort_item in node.order_by: + self.process(sort_item, context) + tables = context["tables"] + used_columns = copy.deepcopy(context["order_by_column"]) + convert_nested_strings_to_lowercase(used_columns) + convert_nested_strings_to_lowercase(tables) + + temp_used_columns = [] + for used_column_name in used_columns: + temp_used_columns.extend( + self.extract_used_table_column(used_column_name, tables) + ) + self.columns.extend(temp_used_columns) + self.order_by_columns.extend(temp_used_columns) + return None + + def visit_join(self, node, context): + def join_table_alias(join_node, context): + if isinstance(join_node, Table): + alias = join_node.name.parts[0] + elif not isinstance(join_node, AliasedRelation): + alias = context["join_table"] + elif len(join_node.alias) == 2: + alias = join_node.alias[1] + else: + alias = join_node.alias[0] + return alias + + if isinstance(node.left, list): + for sub_node in node.left: + self.process(sub_node, context) + else: + self.process(node.left, context) + left_alias = join_table_alias(node.left, context) + if isinstance(node.right, list): + for sub_node in node.right: + self.process(sub_node, context) + else: + self.process(node.right, context) + right_alias = join_table_alias(node.right, context) + context["collect_join"] = True + if isinstance(node.criteria, JoinOn): + alias = [] + if isinstance(left_alias, str): + alias.append(left_alias) + else: + alias.extend(left_alias) + if isinstance(right_alias, str): + alias.append(right_alias) + else: + alias.extend(left_alias) + self.process(node.criteria.expression, context) + join_relations = context["join_relations"] + for join_relation in join_relations: + if len(join_relation[0]) == 1: + join_relation[0] = [alias, join_relation[0][0]] + if len(join_relation[1]) == 1: + join_relation[1] = [alias, join_relation[1][0]] + elif isinstance(node.criteria, JoinUsing): + join_relations = context["join_relations"] + for column in node.criteria.columns: + left_key = [left_alias, column] + right_key = [right_alias, column] + join_relations.append([left_key, right_key]) + context["join_column"].append(left_key) + context["join_column"].append(right_key) + self.process(column) + context["join_table"] = [left_alias, right_alias] + del context["collect_join"] + return None + + def subquery_alias(self, alias_table_name, column_name): + for sub_project_column in self.subquery_alias_projection[ + alias_table_name + ]: + if ( + sub_project_column[-1].lower() == column_name.lower() + or sub_project_column[-1] == "*" + ): + if len(sub_project_column) > 1: + used_table = sub_project_column[-2] + return used_table + def visit_between_predicate(self, node, context): - if ( - isinstance(node.value, QualifiedNameReference) - and context & ParserUtils.CollectInfo.COLLECT_FILTER_COLUMN - ): - parts = node.value.name.parts - table_name = parts[-2] if len(parts) > 2 else None - self.add_filter_column(parts[-1], "between", table_name) + self.process(node.value, context) + self.process(node.max, context) + self.process(node.min, context) + return None + + def visit_union(self, node, context): + tables, project_column = {}, [] + for relation in node.relations: + self.process(relation, context) + if "tables" in context: + tables.update(context["tables"]) + context["tables"] = {} + if "project_column" in context: + project_column.extend(context["project_column"]) + context["project_column"] = [] + context["tables"] = tables + context["project_column"] = project_column + self.project_columns = context["project_column"] + return None + + def visit_intersect(self, node, context): + tables = {} + project_column = [] + for relation in node.relations: + self.process(relation, context) + if "tables" in context: + tables.update(context["tables"]) + context["tables"] = {} + if "project_column" in context: + project_column.extend(context["project_column"]) + context["project_column"] = [] + context["tables"] = tables + context["project_column"].extend(project_column) + self.project_columns = project_column + return None + + def visit_except(self, node, context): + tables = {} + project_column = [] + self.process(node.left, context) + if "tables" in context: + tables.update(context["tables"]) + context["tables"] = {} + if "project_column" in context: + project_column.extend(context["project_column"]) + context["project_column"] = [] + + self.process(node.right, context) + if "tables" in context: + tables.update(context["tables"]) + context["tables"] = {} + if "project_column" in context: + project_column.extend(context["project_column"]) + context["project_column"] = [] + + context["tables"] = tables + context["project_column"] = project_column + self.project_columns = project_column return None def add_filter_column_with_qualified_name_reference( @@ -291,29 +817,29 @@ def add_filter_column_with_qualified_name_reference( table_or_alias_name = qualified_name_reference.name.parts[0] for _table in self.table_list: if ( - _table['alias'] == table_or_alias_name - or _table['table_name'] == table_or_alias_name + _table["alias"] == table_or_alias_name + or _table["table_name"] == table_or_alias_name ): - filter_column_list = _table['filter_column_list'] + filter_column_list = _table["filter_column_list"] filter_column_list.append( { - 'column_name': qualified_name_reference.name.parts[ + "column_name": qualified_name_reference.name.parts[ 1 ], - 'opt': opt, + "opt": opt, } ) else: - filter_column_list = self.table_list[-1]['filter_column_list'] + filter_column_list = self.table_list[-1]["filter_column_list"] filter_column_list.append( { - 'column_name': qualified_name_reference.name.parts[0], - 'opt': opt, + "column_name": qualified_name_reference.name.parts[0], + "opt": opt, } ) visitor = FormatVisitor() - visitor.process(statement, 0) + visitor.process(statement, {}) return visitor @staticmethod @@ -330,19 +856,19 @@ def parameterized_query(statement): class Visitor(DefaultTraversalVisitor): def visit_long_literal(self, node, context): - node.value = '?' + node.value = "?" def visit_double_literal(self, node, context): - node.value = '?' + node.value = "?" def visit_interval_literal(self, node, context): - node.value = '?' + node.value = "?" def visit_timestamp_literal(self, node, context): - node.value = '?' + node.value = "?" def visit_string_literal(self, node, context): - node.value = '?' + node.value = "?" def visit_in_predicate(self, node, context): value_list = node.value_list @@ -352,10 +878,14 @@ def visit_in_predicate(self, node, context): self.process(node.value_list, context) def visit_query_specification(self, node, context): - node.limit = '?' + node.limit = "?" self.process(node.select, context) if node.from_: - self.process(node.from_, context) + if isinstance(node.from_, list): + for item in node.from_: + self.process(item, context) + else: + self.process(node.from_, context) if node.where: self.process(node.where, context) if node.group_by: diff --git a/sqlgpt_parser/parser/tree/literal.py b/sqlgpt_parser/parser/tree/literal.py index 92e38fa..b17304b 100644 --- a/sqlgpt_parser/parser/tree/literal.py +++ b/sqlgpt_parser/parser/tree/literal.py @@ -16,8 +16,9 @@ class Literal(Node): - def __init__(self, line=None, pos=None): + def __init__(self, line, pos, value): super(Literal, self).__init__(line, pos) + self.value = value class IntervalLiteral(Literal): @@ -30,7 +31,7 @@ def __init__( start_field=None, end_field=None, ): - super(IntervalLiteral, self).__init__(line, pos) + super(IntervalLiteral, self).__init__(line, pos, value) self.value = value self.sign = sign self.start_field = start_field @@ -42,7 +43,7 @@ def accept(self, visitor, context): class TimestampLiteral(Literal): def __init__(self, line=None, pos=None, value=None): - super(TimestampLiteral, self).__init__(line, pos) + super(TimestampLiteral, self).__init__(line, pos, value) self.value = value def accept(self, visitor, context): @@ -51,7 +52,7 @@ def accept(self, visitor, context): class NullLiteral(Literal): def __init__(self, line=None, pos=None): - super(NullLiteral, self).__init__(line, pos) + super(NullLiteral, self).__init__(line, pos, None) def accept(self, visitor, context): return visitor.visit_null_literal(self, context) @@ -59,8 +60,8 @@ def accept(self, visitor, context): class DoubleLiteral(Literal): def __init__(self, line=None, pos=None, value=None): - super(DoubleLiteral, self).__init__(line, pos) self.value = float(value) + super(DoubleLiteral, self).__init__(line, pos, self.value) def accept(self, visitor, context): return visitor.visit_double_literal(self, context) @@ -68,7 +69,7 @@ def accept(self, visitor, context): class StringLiteral(Literal): def __init__(self, line=None, pos=None, value=None): - super(StringLiteral, self).__init__(line, pos) + super(StringLiteral, self).__init__(line, pos, value) self.value = value def accept(self, visitor, context): @@ -77,7 +78,7 @@ def accept(self, visitor, context): class TimeLiteral(Literal): def __init__(self, line=None, pos=None, value=None, unit=None): - super(TimeLiteral, self).__init__(line, pos) + super(TimeLiteral, self).__init__(line, pos, value) self.value = value self.unit = unit @@ -90,7 +91,7 @@ def __str__(self): class DateLiteral(Literal): def __init__(self, line=None, pos=None, value=None, unit=None): - super(DateLiteral, self).__init__(line, pos) + super(DateLiteral, self).__init__(line, pos, value) self.value = value self.unit = unit @@ -115,8 +116,8 @@ def convert_to_decimal(text): class LongLiteral(Literal): def __init__(self, line=None, pos=None, value=None): - super(LongLiteral, self).__init__(line, pos) self.value = convert_to_decimal(value) + super(LongLiteral, self).__init__(line, pos, value) self.orgin = value def accept(self, visitor, context): @@ -131,8 +132,8 @@ class BooleanLiteral(Literal): FALSE_LITERAL = None def __init__(self, line=None, pos=None, value=None): - super(BooleanLiteral, self).__init__(line, pos) self.value = value.lower() == "true" + super(BooleanLiteral, self).__init__(line, pos, self.value) def accept(self, visitor, context): return visitor.visit_boolean_literal(self, context) @@ -144,7 +145,7 @@ def accept(self, visitor, context): class DefaultLiteral(Literal): def __init__(self, line=None, pos=None, value=None): - super(DefaultLiteral, self).__init__(line, pos) + super(DefaultLiteral, self).__init__(line, pos, value) self.value = value def accept(self, visitor, context): @@ -153,7 +154,7 @@ def accept(self, visitor, context): class ErrorLiteral(Literal): def __int__(self, line=None, pos=None): - super(ErrorLiteral, self).__init__(line, pos) + super(ErrorLiteral, self).__init__(line, pos, None) def accept(self, visitor, context): return visitor.visit_error_literal(self, context) diff --git a/sqlgpt_parser/parser/tree/visitor.py b/sqlgpt_parser/parser/tree/visitor.py index 33b2763..a7ed8a2 100644 --- a/sqlgpt_parser/parser/tree/visitor.py +++ b/sqlgpt_parser/parser/tree/visitor.py @@ -146,7 +146,8 @@ def visit_timestamp_literal(self, node, context): return self.visit_literal(node, context) def visit_when_clause(self, node, context): - return self.visit_expression(node, context) + self.process(node.operand, context) + self.process(node.result, context) def visit_interval_literal(self, node, context): return self.visit_literal(node, context) @@ -298,7 +299,11 @@ def visit_member_of(self, node, context): return self.visit_expression(node, context) def visit_group_concat(self, node, context): - return self.visit_expression(node, context) + self.process(node.distinct, context) + for arg in node.args: + self.process(arg, context) + self.process(node.order_by, context) + self.process(node.over_clause, context) def visit_input_reference(self, node, context): return self.visit_expression(node, context) @@ -430,7 +435,15 @@ def visit_member_of(self, node, context): return None def visit_group_concat(self, node, context): - return self.visit_expression(node, context) + if node.distinct is not None: + self.process(node.distinct, context) + for arg in node.args: + self.process(arg, context) + if node.order_by is not None: + for item in node.order_by: + self.process(node.order_by, context) + if node.over_clause is not None: + self.process(node.over_clause, context) def visit_arithmetic_binary(self, node, context): self.process(node.left, context) @@ -536,8 +549,11 @@ def visit_dereference_expression(self, node, context): def visit_simple_case_expression(self, node, context): if node.operand != None: self.process(node.operand, context) - for clause in node.when_clauses: - self.process(clause, context) + if isinstance(node.when_clauses, list): + for clause in node.when_clauses: + self.process(clause, context) + else: + self.process(node.when_clauses, context) if node.default_value: self.process(node.default_value, context) return None @@ -611,12 +627,11 @@ def visit_sort_item(self, node, context): def visit_query_specification(self, node, context): self.process(node.select, context) if node.from_: - if node.from_: - if isinstance(node.from_, list): - for item in node.from_: - self.process(item, context) - else: - self.process(node.from_, context) + if isinstance(node.from_, list): + for item in node.from_: + self.process(item, context) + else: + self.process(node.from_, context) if node.where: self.process(node.where, context) if node.group_by: diff --git a/sqlgpt_parser/utils/__init__.py b/sqlgpt_parser/utils/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/sqlgpt_parser/utils/untils.py b/sqlgpt_parser/utils/untils.py new file mode 100644 index 0000000..85df5de --- /dev/null +++ b/sqlgpt_parser/utils/untils.py @@ -0,0 +1,27 @@ +def convert_nested_strings_to_lowercase(data): + if isinstance(data, dict): + key_list = list(data.keys()) + for key in key_list: + value = data[key] + if isinstance(value, dict) or isinstance(value, list): + convert_nested_strings_to_lowercase(value) + elif isinstance(value, str): + del data[key] + data[key.lower()] = value.lower() + elif isinstance(data, list): + for index, item in enumerate(data): + if isinstance(item, dict) or isinstance(item, list): + convert_nested_strings_to_lowercase(item) + elif isinstance(item, str): + data[index] = item.lower() + + +def get_string_values(data): + strings = [] + if isinstance(data, dict): + for value in data.values(): + if isinstance(value, str): + strings.append(value) + elif isinstance(value, dict): + strings.extend(get_string_values(value)) + return strings diff --git a/test/format/test_sql_formatter.py b/test/format/test_sql_formatter.py index 2a9b372..9756f4b 100644 --- a/test/format/test_sql_formatter.py +++ b/test/format/test_sql_formatter.py @@ -3,7 +3,7 @@ from sqlgpt_parser.parser.parser_utils import ParserUtils from sqlgpt_parser.format.formatter import format_sql -from sqlgpt_parser.parser.mysql_parser import parser +from sqlgpt_parser.parser.oceanbase_parser import parser class MyTestCase(unittest.TestCase): @@ -218,39 +218,310 @@ def test_windows_function(self): def test_sql(self): test_sqls = [ + """ + SELECT T1.id +FROM + (SELECT T2.id + FROM (SELECT T3.id FROM table1 AS T3) AS T2) AS T1 + """, "update sqless_base set nick=1231 where a = 1 and b = 2 ", "select 1,t2.a from t1 left join t2 where t1.d > 2 and t2.a =1", ] except_table_list = [ [ { - 'alias': '', - 'filter_column_list': [ - {'column_name': 'a', 'opt': '='}, - {'column_name': 'b', 'opt': '='}, + "alias": "", + "filter_column_list": [ + {"column_name": "a", "opt": "="}, + {"column_name": "b", "opt": "="}, ], - 'table_name': 'sqless_base', + "table_name": "sqless_base", } ], [ - {'alias': '', 'filter_column_list': [], 'table_name': 't1'}, + {"alias": "", "filter_column_list": [], "table_name": "t1"}, { - 'alias': '', - 'filter_column_list': [ - {'column_name': 'd', 'opt': '>'}, - {'column_name': 'a', 'opt': '='}, + "alias": "", + "filter_column_list": [ + {"column_name": "d", "opt": ">"}, + {"column_name": "a", "opt": "="}, ], - 'table_name': 't2', + "table_name": "t2", }, ], ] - except_projection_list = [[], ['a']] + except_projection_list = [[], ["a"]] for index, sql in enumerate(test_sqls): statement = parser.parse(sql) visitor = ParserUtils.format_statement(statement) + columns = visitor.columns + print(columns) assert visitor.table_list == except_table_list[index] assert visitor.projection_column_list == except_projection_list[index] + def test_extract_columns_from_tables(self): + test_sqls = [ + """SELECT bss.segment_code as segmentCode, +ss.name as segmentName, +t.count +from tb_biz_settle_segment_031 bss +INNER JOIN tb_settle_segment ss on bss.segment_code= ss.code +LEFT JOIN( +SELECT stn.segment_code, count(1) as count +from tt_settle_task_node stn +left join tt_settle_task st on stn.task_id = st.id +left join tb_settle_segment ss on stn.segment_code = ss.code +left join ts_biz_contract bc on st.biz_contract_id = bc.id +left join ts_settle_target sta on bc.settle_target_id = sta.id +WHERE +st.biz_type= '1' +and stn.id in +( +SELECT t1.id FROM tt_settle_task_node AS t1 +RIGHT JOIN (SELECT max(gmt_create) maxtime,task_id FROM tt_settle_task_node GROUP BY task_id) t2 ON t2.maxtime = +t1.gmt_create AND t1.task_id = t2.task_id +) +and sta.target_name like CONCAT('%','1','%') +and stn.operator = '1' +and st.id = '1' +and st.status = '1' +and sta.target_id = '1' +and bc.contract_no = '1' +and st.bill_limit_time >= '2022-10-09 07:59:08.091' +and st.bill_limit_time <= '2022-10-09 07:59:08.09' +and stn.limit_time >= '2022-10-09 07:59:08.091' +and stn.limit_time <= '2022-10-09 07:59:08.089' +and bc.business like CONCAT('%','业务线','%') +and stn.assigner like CONCAT('%','william.ccz','%') +GROUP BY stn.segment_code) t on bss.segment_code= t.segment_code +WHERE bss.biz_type= '1' +ORDER BY bss.sort asc + """, + """ + SELECT ID, TNT_INST_ID, TRACE_ID, STATUS, COMMAND_TYPE, EXECUTE_TIMES, NEXT_EXECUTE_TIME, BUSINESS_NO, CONTEXT, EVENT_CONTEXT, GMT_CREATE, CREATOR, GMT_MODIFY, MODIFIER, HOSTNAME, LOG_ENV FROM bk_fintaxprod084.ftp_asyn_executor_cmd_084 WHERE STATUS = 'PROCESSING' AND NEXT_EXECUTE_TIME < DATE_SUB(now(6),INTERVAL 300 SECOND) ORDER BY NEXT_EXECUTE_TIME LIMIT 0,50 + """, + """ + select id, case_id, case_name, case_type, case_path, test_method, case_description, related_test_suite_id, elapsed_time, status, case_result, related_instruct_id, case_log, effectiveness, run_count, is_latest, tenant_code, bundle_name, execute_time, groups, case_owner, sharding_index, failed_type, failed_reason, trace_id, operator, method_path, case_granularity, old_result, validity, invalid_reason, validity_info, invalid_types, changed_type, gmt_create, gmt_modified from rtc_exec_case_serial_08 force index(idx_instruct_id) where 1=1 AND related_instruct_id = '20240704153733102900872062986108' AND is_latest = '1' AND case_result in ( 'SUCCESS' , 'FAIL' , 'IGNORE' , 'READY' , 'UNKNOWN' ) order by case_result asc ,id asc limit 0,15 + """, + """ + SELECT T1.id, T1.name FROM battle EXCEPT SELECT T1.id, T1.name FROM battle AS T1 JOIN ship AS T2 ON T1.id = T2.lost_in_battle WHERE T2.location = 'English Channel' + """, + """ +SELECT group_name, TRIM(LEADING 'Group' FROM group_name) AS trimmed_group_name FROM tb_user_loNMNhir WHERE add_days BETWEEN 30 AND 60 + """, + """ +SELECT industry_code, TRIM(TRAILING '_LOW' FROM capital_inflows) AS trimmed_capital_inflows FROM tb_capital_MxYu6qSm WHERE gmt_create > '2023-03-01 00:00:00' + """, + """ +SELECT TRIM(user_id) AS trimmed_user_id, total_amount, total_profit FROM tb_detail_SgwKFFMT WHERE page_num = 1 AND channel = '基金' + """, + """ + select + d.id +from + dx_slm_branch_smoke_record as d, + dx_slm_service as e, + dx_slm_branch as b +where + d.is_delete = 0 + and d.input_template is not null + and d.node_id is not null + and b.branch_id = d.branch_id + and b.service_id = e.service_id + and e.inst_id = 'ACDE_ALICE' + and d.env = 'TEST' + and d.status = 1 + and e.service_call_type = 'BT' +order by + d.id DESC + """, + """ + SELECT Name FROM singer WHERE Singer_ID NOT IN (SELECT Singer_ID FROM song) + """, + """ + SELECT country FROM singer WHERE age > 40 INTERSECT SELECT country FROM singer WHERE age < 30 + """, + """ + SELECT T1.fname , T1.age FROM student AS T1 JOIN has_pet AS T2 ON T1.stuid = T2.stuid JOIN pets AS T3 ON T3.petid = T2.petid WHERE T3.pettype = 'dog' AND T1.stuid NOT IN (SELECT T1.stuid FROM student AS T1 JOIN has_pet AS T2 ON T1.stuid = T2.stuid JOIN pets AS T3 ON T3.petid = T2.petid WHERE T3.pettype = 'cat') + """, + """ + SELECT stuid FROM student EXCEPT SELECT T1.stuid FROM student AS T1 JOIN has_pet AS T2 ON T1.stuid = T2.stuid JOIN pets AS T3 ON T3.petid = T2.petid WHERE T3.pettype = 'cat' + """, + """ + SELECT count(*) FROM Dogs WHERE dog_id NOT IN ( SELECT dog_id FROM Treatments ) + """, + """ + SELECT customer_details FROM customers UNION SELECT staff_details FROM staf + """, + """ + SELECT Users.Id AS \"user_link\", QuestionCounts.Number AS \"number_of_questions\", AnswerCounts.Number AS \"number_of_answers\", Users.Location FROM (SELECT OwnerUserId, COUNT(Id) AS Number FROM Posts WHERE PostTypeId = 1 GROUP BY OwnerUserId) AS QuestionCounts, (SELECT OwnerUserId, COUNT(Id) AS Number FROM Posts WHERE PostTypeId = 2 GROUP BY OwnerUserId) AS AnswerCounts, Users WHERE Users.Id = QuestionCounts.OwnerUserId AND Users.Id = AnswerCounts.OwnerUserId ORDER BY QuestionCounts.Number DESC + """, + """ + SELECT ( SELECT COUNT(customerNumber) FROM customers WHERE creditLimit <= 100000 AND customerNumber IN ( SELECT customerNumber FROM payments WHERE CONCAT(\"%Y\"| paymentDate) = \"2004\" ) ), T1.customerName FROM customers AS T1 INNER JOIN payments AS T2 ON T1.customerNumber = T2.customerNumber WHERE T1.creditLimit <= 100000 AND CONCAT(\"%Y\"| T2.paymentDate) = \"2004\" GROUP BY T1.customerNumber, T1.customerName ORDER BY SUM(T2.amount) DESC LIMIT 1 + """, + """ + select property_name from Properties where property_type_code = 'hse' or property_type_code = 'apt' and room_count > 1 + """, + """SELECT h.hours AS \"hour\", COUNT(counter) AS AmountOfActivity FROM (SELECT CONCAT(CreationDate, + \"%h\") AS active, 1 AS counter FROM Posts WHERE OwnerUserId = 21216 UNION ALL SELECT CONCAT( + CreationDate, \"%h\") AS active, 1 AS counter FROM Comments WHERE UserId = 21216) AS a RIGHT JOIN (SELECT + DISTINCT CONCAT(CreationDate, \"%h\") AS hours FROM Posts) AS h ON a.active = h.hours GROUP BY + h.hours ORDER BY h.hours + """, + """ + SELECT RelatedPostId AS \"post_link\", COUNT(*) AS \"Number of duplicates\" FROM PostLinks JOIN Posts AS q ON q.Id = RelatedPostId JOIN PostTags AS pt ON q.Id = pt.PostId JOIN Tags AS t ON pt.TagId = t.Id WHERE LinkTypeId = 3 AND t.TagName = \"##Tag:string##\" +GROUP BY RelatedPostId +ORDER BY COUNT(*) DESC +LIMIT 100 + """, + """ +SELECT low, + high +FROM + (SELECT Id, + low + FROM + (SELECT n1.Id AS ID, + MIN(n2.Id) + 1 AS low + FROM Posts AS n1 + INNER JOIN Posts AS n2 ON n1.Id < n2.Id + WHERE n1.Id < 5000 + AND n2.Id < 5000 + GROUP BY n1.Id) AS t + WHERE t.low NOT IN + (SELECT Id + FROM Posts) + AND t.low < + (SELECT MAX(Id) + FROM Posts)) AS t +INNER JOIN + (SELECT Id - 1 AS ID, + high + FROM + (SELECT n1.Id AS ID, + MIN(n2.Id) - 1 AS high + FROM Posts AS n1 + INNER JOIN Posts AS n2 ON n1.Id < n2.Id + WHERE n1.Id < 5000 + AND n2.Id < 5000 + GROUP BY n1.Id) AS t + WHERE t.high NOT IN + (SELECT Id + FROM Posts)) AS t2 ON t.Id = t2.Id + """, + """ +SELECT p.Id, + p.Score AS ave +FROM Posts AS p +LEFT JOIN Users AS u ON p.OwnerUserId = u.Id +LEFT JOIN + (SELECT u.Id AS u_id, + MIN(p.Id) AS min_pid + FROM Posts AS p + LEFT JOIN Users AS u ON p.OwnerUserId = u.Id + GROUP BY u.Id) AS mp ON mp.u_id = u.Id +AND mp.min_pid = p.Id +WHERE p.PostTypeId = 1 + AND p.Body LIKE \"%downvote%\" + AND p.Id > 48750000 + AND p.Id < 50000000 +ORDER BY p.Score DESC + """, + """ + SELECT DISTINCT course.department, course.name, course.number, semester.semester, semester.year, student_record.grade FROM course, semester, student_record WHERE student_record.course_id = course.course_id AND student_record.semester = semester.semester_id AND student_record.student_id = 1 + """, + """ + SELECT SUM(IF(T3.name IS NULL, 1, 0)) AS \"result\" FROM enlist AS T1 INNER JOIN person AS T2 ON T1.name = T2.name LEFT JOIN male AS T3 ON T2.name = T3.name WHERE T1.organ = \"army\" + """, + """ + SELECT neighborhood.name FROM business, neighborhood, review, user WHERE neighborhood.business_id = business.business_id AND review.business_id = business.business_id AND user.name = "Michelle" AND user.user_id = review.user_id + """, + """ + (SELECT jyjgzbb.* FROM hz_info JOIN mzjzjlb JOIN jybgb JOIN jyjgzbb ON hz_info.YLJGDM = mzjzjlb.YLJGDM AND hz_info.KH = mzjzjlb.KH AND hz_info.KLX = mzjzjlb.KLX AND mzjzjlb.YLJGDM = jybgb.YLJGDM_MZJZJLB AND mzjzjlb.JZLSH = jybgb.JZLSH_MZJZJLB AND jybgb.YLJGDM = jyjgzbb.YLJGDM AND jybgb.BGDH = jyjgzbb.BGDH WHERE hz_info.RYBH = "90117993" AND jyjgzbb.JYRQ BETWEEN "2010-08-23" AND "2021-08-22" AND jyjgzbb.JCZBDM = "956786") UNION (SELECT jyjgzbb.* FROM hz_info JOIN zyjzjlb JOIN jybgb JOIN jyjgzbb ON hz_info.YLJGDM = zyjzjlb.YLJGDM AND hz_info.KH = zyjzjlb.KH AND hz_info.KLX = zyjzjlb.KLX AND zyjzjlb.YLJGDM = jybgb.YLJGDM_ZYJZJLB AND zyjzjlb.JZLSH = jybgb.JZLSH_ZYJZJLB AND jybgb.YLJGDM = jyjgzbb.YLJGDM AND jybgb.BGDH = jyjgzbb.BGDH WHERE hz_info.RYBH = "90117993" AND jyjgzbb.JYRQ BETWEEN "2010-08-23" AND "2021-08-22" AND jyjgzbb.JCZBDM = "956786") + """, + """ + SELECT DISTINCT T2.customer_name FROM customers AS T2 LEFT JOIN (orders AS T1 JOIN order_items AS T3 ON T1.order_id = T3.order_id AND T3.product_id IS NULL) ON T2.customer_id = T1.customer_id' + """, + """ + SELECT T3.customer_name, ((SELECT COUNT(*) FROM order_items WHERE order_id IN (SELECT order_id FROM orders WHERE customer_id = T3.customer_id)) / COUNT(*)) FROM orders AS T2 JOIN customers AS T3 ON T2.customer_id = T3.customer_id GROUP BY T3.customer_id HAVING count(*) <= 3 + """, + """ + SELECT T1.company_name FROM Third_Party_Companies AS T1 JOIN Maintenance_Contracts AS T2 ON T1.company_id = T2.maintenance_contract_company_id JOIN Ref_Company_Types AS T3 ON T1.company_type_code = T3.company_type_code ORDER BY T2.contract_end_date DESC LIMIT 1 + """, + """ + SELECT AVG(T3.list_movie_number) , SUM(CASE WHEN T1.rating_score = 5 THEN 1 ELSE 0 END) FROM ratings AS T1 INNER JOIN lists_users AS T2 ON T1.user_id = T2.user_id INNER JOIN lists AS T3 ON T2.user_id = T3.user_id WHERE T1.user_id = 8516503 + """, + """ + SELECT T1.lesson_id FROM Lessons AS T1 JOIN Staff AS T2 ON T1.staff_id = T2.staff_id WHERE T2.first_name = "Janessa" AND T2.last_name = "Sawayn" AND nickname LIKE "%s%" + """, + """ + SELECT T1.name, T1.won FROM teams AS T1 INNER JOIN ( SELECT * FROM teams WHERE year = 2004 ) AS T2 on T1.tmID = T2.tmID WHERE T1.year = 2005 and T1.won > T2.won""", + """ + SELECT count(*) FROM department WHERE department_id NOT IN (SELECT department_id FROM management); + """, + """ +SELECT T2.productName, + SUM(T1.quantityOrdered * T1.priceEach) +FROM orderdetails AS T1 +INNER JOIN + (SELECT productCode, + productName + FROM products + ORDER BY MSRP - buyPrice DESC + LIMIT 1) AS T2 ON T1.productCode = T2.productCode +UNION +SELECT T2.productName, + SUM(quantityOrdered * priceEach) +FROM orderdetails AS T1 +INNER JOIN + (SELECT productCode, + productName + FROM products + ORDER BY MSRP - buyPrice ASC + LIMIT 1) AS T2 ON T1.productCode = T2.productCode + """, + """ + SELECT avg(ranking) , T1.first_name FROM players AS T1 JOIN rankings AS T2 ON T1.player_id = T2.player_id GROUP BY T1.first_name + """, + """ + SELECT count(*) + FROM routes + WHERE dst_apid = + (SELECT apid + FROM airports + WHERE country='Canada') + AND src_apid = + (SELECT t.apid + FROM airports AS t + WHERE country='United States') + """, + """SELECT T1.ProductModelID FROM ProductModelProductDescriptionCulture AS T1 INNER JOIN Culture AS T2 + USING (cultureid) INNER JOIN ProductDescription AS T3 USING (productdescriptionid) WHERE T3.Description + LIKE 'Chromoly steel%' AND T2.Name = 'English'""", + """SELECT T1.ProductModelID FROM ProductModelProductDescriptionCulture AS T1 INNER JOIN Culture AS T2 + USING (cultureid) INNER JOIN ProductDescription AS T3 USING (productdescriptionid) WHERE T3.Description + LIKE 'Chromoly steel%' AND T2.Name = 'English""", + """SELECT COUNT(T1.business_id) FROM Business AS T1 INNER JOIN Business_Categories ON T1.business_id = + Business_Categories.business_id INNER JOIN Categories AS T3 ON Business_Categories.category_id = + T3.category_id WHERE T1.stars = 5 AND T3.category_name LIKE 'Fashion'""", + """ + SELECT T.title + FROM + (SELECT T3.title, + COUNT(T1.customer_id) AS num + FROM rental AS T1 + INNER JOIN inventory AS T2 ON T1.inventory_id = T2.inventory_id + INNER JOIN film AS T3 ON T2.film_id = T3.film_id + GROUP BY T3.title) AS T + ORDER BY T.num DESC + LIMIT 1""", + ] + for index, sql in enumerate(test_sqls): + statement = parser.parse(sql) + visitor = ParserUtils.format_statement(statement) + columns = visitor.columns + print(columns) + -if __name__ == '__main__': +if __name__ == "__main__": unittest.main()